• Stars
    star
    734
  • Rank 60,301 (Top 2 %)
  • Language
    Jupyter Notebook
  • Created about 4 years ago
  • Updated over 1 year ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Collection of data science projects in Python

Data Science Projects


  • This is a compiled list of different project topics for learning purposes
  • The main purpose of this list is to get hands-on experience on different topics.
Sr. No. Project Resource link Completed
BASIC
1 Sentiment Analysis
  1. Amazon reviews dataset
  2. Amazon reviews dataset
  3. Twitter Sentiment analysis - Medium
  4. Twitter Sentiment analysis - analytics vidhya
  1. ☐
  2. ☐
  3. ☐
  4. ☐
2 Fake News detection Detecting Fake News ☐
3 Detecting Parkinsons's Disease
  1. Disease detection using XGBoost
  2. pyimagesearch - Detecting Parkinsons's Disease
  1. ☐
  2. ☐
4 Color Detection OpenCV Project ☐
5 Iris Data Set - Predict the class of the flower many - analytics vidhya β˜‘
6 Loan Prediction - Predict if a loan will get approved or not. many - analytics vidhya ☐
7 BigMart Sales Dataset - Predict the sales of a store. many - analytics vidhya ☐
8 House Price Regression kaggle β˜‘
9 Wine quality - Predict the quality of the wine. Kaggle kernel ☐
10 Heights and Weights Dataset - Predict the height or weight of a person Study of height versus weight ☐
11 Email Classification youtube ☐
12 Titanic dataset
  1. Comprehensive data exploration with Python- Kaggle
  2. Titanic Data Science Solutions - Kaggle
  3. Data ScienceTutorial for Beginners - Kaggle
  4. Introduction to Ensembling/Stacking in Python - Kaggle
  5. A Data Science Framework: To Achieve 99% Accuracy - Kaggle
  6. Stacked Regressions : Top 4% on LeaderBoard - Kaggle
  7. An Interactive Data Science Tutorial - Kaggle
  8. EDA To Prediction(DieTanic) - Kaggle
  9. Titanic: Machine Learning from Disaster - Kaggle
  1. ☐
  2. ☐
  3. ☐
  4. ☐
  5. ☐
  6. ☐
  7. ☐
  8. ☐
  9. ☐
Intermediate
1 Speech Emotion Recognition Speech Emotion Recognition with librosa ☐
2 Gender and Age Detection
  1. pyimagesearch - Age Detection with deep learning
  2. learnopencv - Gender & Age Classification using OpenCV Deep Learning
  3. DataFlair - Gender and Age Detection with OpenCV
  4. analytics vidhya - Age Detection
  1. ☐
  2. ☐
  3. ☐
3 Driver Drowsiness detection
  1. Real-time facial landmark detection
  2. Eye blink detection
  3. Drowsiness detection with OpenCV
  4. DataFlair - System with OpenCV & Keras
  1. ☐
  2. ☐
  3. ☐
  4. ☐
4 Basic Chatbot chatbot using NLTK & Keras ☐
5 Handwritten Digit Recognition
  1. Handwritten Digit Recognition
  2. kaggle - Digit Recognition-Tutorial (CNN)
  1. ☐
  2. ☐
6 Black Friday Dataset - Predict purchase amount. github ☐
7 Trip History Dataset - Predict the class of user. analytics vidhya ☐
8 Song recommendation
  1. Medium - Simple song recommender system
  2. Medium - A Simple Song Recommender System in Python
  3. analytics vidhya - Guide to song recommendation system
  4. Youtube - Building Recommender Systems Using Python
  5. Youtube - Music Search and Recommendation from Millions of Songs
  1. ☐
  2. ☐
  3. ☐
  4. ☐
  5. ☐
9 Handwritten Text Recognition Build a Handwritten Text Recognition System using TensorFlow ☐
10 Sentiment analysis - IMDB movie review dataset tensorflow ☐
11 Text generation - Shakespeare tensorflow ☐
12 Sign language MNIST classification
  1. kaggle - Deep learning using sign langugage
  2. kaggle - CNN using Keras
  1. ☐
  2. ☐
Advanced
1 Image Captioning Image Captioning with visual Attention β˜‘
2 Credit Card Fraud Detection
  1. geeksforgeeks - Credit Card Fraud Detection
  2. Kaggel kernels
  3. Google search results
  1. ☐
  2. ☐
  3. ☐
3 Recommendation System
  1. Recommendation Systems
  2. RECOMMENDATION SYSTEM
  3. Medium - Movie recommendation
  4. kaggel - Movies Recommender System
  5. Quick Guide to Build a Recommendation Engine in Python & R
  1. ☐
  2. ☐
  3. ☐
  4. ☐
  5. ☐
4 Customer Segmentation
  1. Customer Segmentation by RFM clustering
  2. kaggle - Customer Segmentation
  3. Customer Segmentation by KMeans
  4. KDnuggets - Beginner’s Guide to Customer Segmentation
  5. KDnuggets - Customer Segmentation Using K Means Clustering
  6. Customer Segmentation: A Technical Guide
  1. ☐
  2. ☐
  3. ☐
  4. ☐
  5. ☐
  6. ☐
5 Breast Cancer Classification
  1. pyimagesearch - Breast cancer classification with Keras and Deep Learning
  2. Dataflair - Breast Cancer Classification
  1. ☐
  2. ☐
6 Traffic Signs Recognition pyimagesearch - Traffic Sign Classification with Keras and Deep Learning β˜‘
7 Urban Sound Classification Audio Data Analysis using Deep Learning ☐
8 Human Activity Recognition
  1. MLM - Deep Learning Models for Human Activity Recognition
  2. Human Activity Recognition with OpenCV and Deep Learning
  1. ☐
  2. ☐
9 Covid-19
  1. pyimagesearch - Covid-19 in X-ray images
  2. pyimagesearch - Mask detection
  3. rubiks-code Detection of COVID-19 in chest X-Rays with Deep Learning
  1. ☐
  2. ☐
  3. ☐
10 Video classification pyimagesearch ☐
11 Fire and smoke detection pyimagesearch ☐
12 Detecting Natural Disasters pyimagesearch ☐
13 Anonymizing faces pyimagesearch ☐
14 Text Summarization list of links ☐
15 Deep Dream and Style Transfer list of links ☐

Additional resources

More Repositories

1

Neural-Networks-from-scratch

MLP, CNN, RNN, LSTM from scratch
Python
34
star
2

Numpy-Pandas-Matplotlib-Tutorial

Tutorial notebooks on numpy, pandas and matplotlib.
Jupyter Notebook
22
star
3

Machine-Learning-Algorithms

One notebook to learn it all - Algorithms from scratch
Jupyter Notebook
7
star
4

Engineering-Practical-Experiments

Collection of Mumbai university Computer Engineering Practicals
Python
6
star
5

Document-Segmentation-using-Pytorch-DeepLabV3

Python
5
star
6

Tensorflow-Specialization

This repository contains course notebooks from the TensorFlow for practice specialization on Coursera
Jupyter Notebook
5
star
7

Attention-and-Transformers

Transformers goes brrr... Attention and Transformers from scratch in TensorFlow. Currently contains Vision transformers, MobileViT-v1, MobileViT-v2, MobileViT-v3
Python
3
star
8

Deeplearning-Projects

Jupyter Notebook
3
star
9

Kaggle-Human-Protein-Classification

Multi-label Image Classification using PyTorch
Jupyter Notebook
3
star
10

Drowsiness-Detection-Using-Mediapipe-Streamlit

A drowsiness detection application created using mediapipe, streamlit and streamlit-webrtc
Python
3
star
11

YoloV3-custom-object-detection

creating a custom traffic sign detection system using tensorflow and yolov3
Python
2
star
12

mnist-flask_app

Rendering a flask app for hand-written digits recognition.
HTML
2
star
13

Face-Detection-and-Recognition

Detection and Recognition of faces using OpenCV
Python
2
star
14

smarthealth

Record management for healthcare
PHP
1
star
15

SIH2020_UK149_FINAL-SIX_Warning-System-For-Drivers_COEP

Final Six sih2020 repository for progress tracking
Jupyter Notebook
1
star
16

Esrgan-pytorch

Implementation of ESRGAN using mixed precision on pytorch
Jupyter Notebook
1
star
17

Traffic-Sign-Recognition

Classification project on German traffic signs using tensorflow.
Jupyter Notebook
1
star
18

Machine-Learning-practice

Contains code-works from the Hands on scikit-learn and tensorflow book
Jupyter Notebook
1
star
19

Image-Captioning

Mini Project on paper "Show, attend and tell: Image Captioning with Visual Attention"
Jupyter Notebook
1
star