Skip to content

This repository contains a curated collection of 500+ Machine Learing Projects with code, detailing practical applications and insights into machine learning (ML) implimentation. The contents are organized to help you easily find relevant projects based on topics or specific ML algorithms.

License

Notifications You must be signed in to change notification settings

Engineer1999/A-Curated-List-of-Machine-Learning-Projects-With-Code

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

8 Commits
 
 
 
 
 
 

Repository files navigation

500+ Machine Learning Projects with Code

📚 Description

Welcome to the 500+ Machine Learning Projects with Code repository - your comprehensive resource for learning and implementing machine learning algorithms, deep learning models, and AI applications. This curated collection features real-world projects spanning computer vision, natural language processing, time series forecasting, recommendation systems, and more.

Whether you're a beginner starting your ML journey, an intermediate practitioner looking to expand your skills, or an advanced developer seeking cutting-edge implementations, this repository provides hands-on experience with the latest machine learning techniques and frameworks.

Machine Learning Projects


🌐 Featured Resource: HorizonX.live

Supercharge your Rresearch journey with HorizonX.live — the all-in-one platform for all your research needs.

  • 🔍 Search & Explore: Instantly find trending ML papers, code, and datasets.
  • 🗂️ Personalized Libraries: Save, organize, and annotate your favorite research.
  • 📝 Interactive Paper Summaries: Concise, easy-to-digest summaries for each paper.

🚀 Upcoming Features

We are continuously working to enhance this resource! Here are some exciting features coming soon:

🌟 Upcoming Features

  • 🟢 Context-Aware Literature Engine
    Speed up your literature review with AI that understands your research context.

  • 🤖 AI-Powered Brainstorming Engine
    Collaborate with your intelligent assistant to spark, shape, and elevate breakthrough ideas.

  • 🛠️ Low-Code Data Analysis
    Transform raw data into publication-ready charts and insights—no coding required.

  • 👥 Real-Time Collaboration
    Google Docs meets research-grade Overleaf for seamless teamwork.

  • 🔗 Unified Knowledge Nexus
    A single intelligent workspace that connects your ideas, insights, and research tools.

  • 📚 Automated Citation Manager
    Intelligent reference management system for effortless citations.

  • 📝 Smart Formatting Assistant
    Journal compliance made effortless.

  • 🔍 Pre-Publication Quality Check
    Your 24/7 peer review partner for manuscript quality assurance.

  • 💻 On-Demand HPC Access
    Computing power without the setup headaches.

Stay tuned for these updates and feel free to suggest features or contribute!

Try it now: https://horizonx.live


✨ Features

🎯 Comprehensive Project Collection

  • 500+ Machine Learning Projects with complete source code
  • Diverse Domains: Computer Vision, NLP, Time Series, Recommender Systems
  • Multiple Skill Levels: Beginner to Advanced implementations
  • Real-World Applications: Healthcare, Finance, E-commerce, Social Media

🛠️ Technology Stack

  • Deep Learning: TensorFlow, PyTorch, Keras, CNN, RNN, LSTM, Transformers
  • Machine Learning: Scikit-learn, XGBoost, Random Forest, SVM, K-means
  • Computer Vision: OpenCV, YOLO, Image Segmentation, Object Detection
  • NLP: BERT, GPT, Sentiment Analysis, Text Classification, Language Models
  • Data Processing: Pandas, NumPy, Matplotlib, Seaborn

📊 Project Categories

  • Computer Vision: Face Detection, Image Classification, Object Detection
  • Natural Language Processing: Sentiment Analysis, Text Generation, Language Translation
  • Time Series: Stock Prediction, Weather Forecasting, Demand Forecasting
  • Healthcare: Disease Detection, Medical Imaging, Health Analytics
  • Finance: Fraud Detection, Credit Scoring, Market Analysis
  • Recommendation Systems: Movie, Book, Product Recommendations

🚀 Why This Repository is Valuable

🎓 Learning Benefits

  1. Hands-On Experience: Learn by doing with complete, runnable code
  2. Industry-Relevant Skills: Master technologies used in real-world applications
  3. Portfolio Building: Create impressive projects for your resume
  4. Skill Progression: Start with basics and advance to complex implementations

💼 Career Advantages

  • Job Market Ready: Develop skills highly sought after by employers
  • Project Portfolio: Showcase your abilities with diverse ML applications
  • Interview Preparation: Practice with common ML interview topics
  • Industry Alignment: Learn frameworks and techniques used in production

🔬 Research & Innovation

  • Cutting-Edge Techniques: Access latest ML algorithms and methodologies
  • Cross-Domain Applications: Explore ML applications across various industries
  • Best Practices: Learn industry-standard coding and deployment practices
  • Community-Driven: Benefit from contributions and improvements

📖 How to Use This Repository

🎯 For Beginners

  1. Start with Basics: Begin with projects marked as "Beginner" level
  2. Follow Tutorials: Read through complete implementations step-by-step
  3. Practice Coding: Run the code, modify parameters, experiment
  4. Build Understanding: Focus on one domain at a time (e.g., Computer Vision)

🔧 For Intermediate Users

  1. Choose Your Domain: Select projects in your area of interest
  2. Customize Projects: Modify existing code for your specific use case
  3. Combine Techniques: Merge different approaches for innovative solutions
  4. Optimize Performance: Improve model accuracy and efficiency

🚀 For Advanced Practitioners

  1. Production Deployment: Use projects as templates for production systems
  2. Research Integration: Adapt projects for research and experimentation
  3. Team Collaboration: Share and improve projects with your team
  4. Contribute Back: Add your own projects and improvements

📋 Getting Started Steps

  1. Browse Projects: Explore the table below to find interesting projects
  2. Clone Repository: Download the complete project collection
  3. Set Up Environment: Install required dependencies and frameworks
  4. Run Projects: Execute code and understand the implementation
  5. Customize: Modify projects for your specific requirements
  6. Deploy: Use projects in real-world applications

📚 Learning Path Recommendations

  • Week 1-2: Computer Vision basics (Face Detection, Image Classification)
  • Week 3-4: Natural Language Processing (Sentiment Analysis, Text Classification)
  • Week 5-6: Time Series Analysis (Stock Prediction, Forecasting)
  • Week 7-8: Advanced Topics (Recommendation Systems, Deep Learning)

Welcome to the Machine Learning Projects with Code Repository! This repository contains a diverse collection of machine learning projects, each with its own unique codebase and applications. Whether you are a beginner looking to learn more about machine learning or an experienced practitioner seeking inspiration or reference, this repository is designed to be a valuable resource.

Why This Repository is Valuable

  1. Diverse Projects: This repository includes a variety of machine learning projects, covering different domains and use cases. Each project is a standalone example of how machine learning can be applied to solve real-world problems.
  2. Learning Resource: The projects come with detailed code and documentation, making it easier for you to understand the underlying concepts and techniques. It's a great way to learn by doing.
  3. Inspiration for New Projects: If you're looking for new project ideas or ways to improve your current projects, this repository can serve as a source of inspiration.
  4. Community Contribution: By contributing to this repository, you can share your knowledge with others and help grow the machine learning community.

Projects Index

Below is the list of machine learning projects included in this repository. Each project is indexed for easy reference. Click on the project title to access the code.

Index Title Link Topics
1 Develop LSTM Models for Time Series Forecasting Code Link LSTM, Time Series, Deep Learning, Forecasting
2 Hypo Thyroid Disease prediction Machine Learning Code Link Medical AI, Classification, Healthcare, Supervised Learning
3 Real Estate Price Prediction Code Link Regression, Price Prediction, Real Estate, Supervised Learning
4 End to End Predictive Model Code Link End-to-End ML, Pipeline, Model Deployment, MLOps
5 ML Boston Housing Kaggle Challenge with Linear Regression Code Link Linear Regression, Housing Prices, Kaggle, Supervised Learning
6 Fine-tuning the BERT model for Sentiment Analysis Code Link BERT, NLP, Sentiment Analysis, Fine-tuning, Transformers
7 Heart Disease Prediction using ANN Code Link ANN, Healthcare, Medical AI, Classification, Neural Networks
8 Create Air Canvas using Python Open CV Code Link Computer Vision, OpenCV, Hand Tracking, Image Processing
9 Automatic Music Generation Code Link LSTM, Music Generation, Deep Learning, Sequence Modeling
10 House Price Prediction using Machine Learning in Python Code Link Regression, Real Estate, Price Prediction, Supervised Learning
11 Sentiment Classification Using BERT Code Link BERT, NLP, Sentiment Analysis, Text Classification, Transformers
12 Stock Price Prediction Code Link Time Series, Stock Market, Financial ML, Forecasting
13 Restaurant Review Analysis Using NLP and SQLite Code Link NLP, Text Analysis, SQLite, Sentiment Analysis, Review Mining
14 Fake News Detection using Machine Learning Code Link NLP, Text Classification, Fake News, Binary Classification
15 Instagram Reach Forecasting Code Link Social Media Analytics, Time Series, Forecasting, Digital Marketing
16 Credit Card Fraud Detection Project Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
17 Lung Cancer Detection Using Transfer Learning Code Link Transfer Learning, Medical Imaging, CNN, Deep Learning
18 FaceMask Detection using TensorFlow in Python Code Link Computer Vision, OpenCV, Face Mask, Deep Learning
19 MNIST Digits Classification Code Link CNN, MNIST, Image Classification, Deep Learning
20 App User Segmentation Code Link User Segmentation, Clustering, Unsupervised Learning
21 ML Kaggle Breast Cancer Wisconsin Diagnosis using Logistic Regression Code Link Logistic Regression, Breast Cancer, Kaggle, Classification
22 Sarcasm Detection Code Link NLP, Text Classification, Sarcasm, Binary Classification
23 Rainfall Prediction using Machine Learning in Python Code Link Time Series, Rainfall, Forecasting, Regression
24 Image Segmentation using Machine Learning Code Link Computer Vision, Image Segmentation, Deep Learning
25 Deepfake Detection Code Link Computer Vision, Deepfake, CNN, Image Processing
26 Python NLP analysis of Restaurant reviews Code Link NLP, Sentiment Analysis, Restaurant Reviews, Text Mining
27 Bitcoin Price Prediction using Machine Learning in Python Code Link Time Series, Cryptocurrency, Price Prediction, Regression
28 Text Summarizer Code Link NLP, Text Summarization, Machine Learning, Transformers
29 News Recommendation System Code Link NLP, News Recommendation, Text Classification, Transformers
30 Speech Recognition in Python using Google Speech API Code Link NLP, Speech Recognition, Deep Learning, Audio Processing
31 News Classification Code Link NLP, News Classification, Text Classification, Transformers
32 Movie Recommendation using Collaborative Filtering Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
33 Diamond Price Prediction Code Link Regression, Price Prediction, Diamonds, Supervised Learning
34 Classification with Neural Networks Code Link Neural Networks, Classification, Deep Learning, Supervised Learning
35 Disease Prediction Using Machine Learning Code Link Medical AI, Disease Prediction, Supervised Learning, Classification
36 Classification with Neural Networks Code Link Neural Networks, Classification, Deep Learning, Supervised Learning
37 Predict Customer Churn Code Link Customer Churn, Supervised Learning, Classification, Machine Learning
38 Netflix Subscriptions Forecasting Code Link Time Series, Forecasting, Subscription, Digital Platform
39 Iris Flower Classification Code Link Classification, Iris, Flower, Supervised Learning
40 Human Scream Detection and Analysis for Controlling Crime Rate Code Link Audio Processing, Speech Recognition, Crime Rate, Supervised Learning
41 Detect Objects of Similar Color using OpenCV in Python Code Link Computer Vision, OpenCV, Object Detection, Image Processing
42 Fake Currency Detection Code Link Fraud Detection, Currency, Anomaly Detection, Supervised Learning
43 Next Word Prediction Model Code Link NLP, Language Modeling, Sequence Prediction, Deep Learning
44 Sentiment Analysis Code Link NLP, Sentiment Analysis, Text Classification, Deep Learning
45 Dynamic Pricing Strategy Code Link Pricing, Dynamic Pricing, Supervised Learning, Regression
46 Credit Card Clustering Code Link Clustering, Credit Card, Unsupervised Learning, Anomaly Detection
47 Build a Movie Recommendation System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
48 Yolo object detection Code Link Computer Vision, Object Detection, Deep Learning, YOLO
49 RFM Analysis Code Link RFM Analysis, Customer Segmentation, Clustering, Unsupervised Learning
50 Wine Quality Prediction Code Link Regression, Wine Quality, Supervised Learning, Classification
51 Demand Forecasting & Inventory Optimization Code Link Time Series, Forecasting, Inventory Optimization, Supply Chain
52 Emoji Prediction Code Link LSTM, Deep Learning, Emoji Generation, Sequence Modeling
53 Food Classification with Deep Learning in Keras / Tensorflow Code Link CNN, Deep Learning, Food Classification, Image Processing
54 Text Generation Model Code Link NLP, Text Generation, Deep Learning, Language Modeling
55 Iris Flower Classification Code Link Classification, Iris, Flower, Supervised Learning
56 Box Office Revenue Prediction Using Linear Regression in ML Code Link Regression, Box Office, Revenue, Supervised Learning
57 SMS Spam Detection with Machine Learning Code Link NLP, Spam Detection, SVM, Supervised Learning
58 Customer Segmentation using Unsupervised Machine Learning in Python Code Link Clustering, Unsupervised Learning, Customer Segmentation, Anomaly Detection
59 Gender and Age Detection Machine Learning Project Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
60 Food Delivery Time Prediction Code Link Regression, Food Delivery, Time Prediction, Supervised Learning
61 Machine Learning Parkinson's Disease Detection Project Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
62 Stock Price Prediction Project using TensorFlow Code Link Time Series, Stock Market, Financial ML, Forecasting
63 Image Segmentation Using TensorFlow Code Link Computer Vision, Image Segmentation, Deep Learning
64 Anomaly Detection with Arima Model using Python Code Link Time Series, Anomaly Detection, ARIMA, Supervised Learning
65 Text Detection and Extraction using OpenCV and OCR Code Link Computer Vision, OCR, Text Detection, Deep Learning
66 Hybrid Recommendation System Code Link Collaborative Filtering, Content-Based Filtering, Hybrid Recommendation
67 Movie recommendation based on emotion in Python Code Link NLP, Sentiment Analysis, Movie Recommendation, Deep Learning
68 Amazon Bestselling Books Analysis Project using Machine Learning Code Link NLP, Text Classification, Book Analysis, Supervised Learning
69 Sentiment Analysis with Recurrent Neural Networks (RNN) Code Link NLP, Sentiment Analysis, RNN, Deep Learning
70 Cartooning an Image using OpenCV – Python Code Link Computer Vision, Image Processing, Cartoonification, Deep Learning
71 Analyzing selling price of used cars using Python Code Link Regression, Used Car Price, Supervised Learning, Feature Engineering
72 Face and Hand Landmarks Detection using Python Code Link Computer Vision, Face Landmarks, Hand Landmarks, Deep Learning
73 Time Series Forecasting with ARIMA Code Link Time Series, Forecasting, ARIMA, Supervised Learning
74 Business Forecasting Code Link Forecasting, Business, Supervised Learning, Regression
75 Waiter's Tip Prediction using Machine Learning Code Link Regression, Tip Prediction, Supervised Learning, Feature Engineering
76 Online Payments Fraud Detection Code Link Fraud Detection, Online Payments, Supervised Learning, Classification
77 Driver Drowsiness Detection System Code Link Computer Vision, Drowsiness Detection, Deep Learning, OpenCV
78 Image Caption Generator using Deep Learning on Flickr8K dataset Code Link Computer Vision, Image Captioning, Deep Learning, NLP
79 Face Mask Detection Code Link Computer Vision, Face Mask, Deep Learning, OpenCV
80 Sentiment Analysis Code Link NLP, Sentiment Analysis, Text Classification, Deep Learning
81 Language Detection Code Link NLP, Language Detection, Text Classification, Deep Learning
82 Human Activity Recognition – Using Deep Learning Model Code Link Computer Vision, Human Activity Recognition, Deep Learning, CNN
83 Customer Segmentation using Machine Learning Code Link Clustering, Unsupervised Learning, Customer Segmentation, Anomaly Detection
84 Predict Diabetes with Machine Learning Code Link Regression, Diabetes Prediction, Supervised Learning, Feature Engineering
85 ML Cancer cell classification using Scikit-learn Code Link Classification, Cancer, Scikit-learn, Deep Learning
86 Hate Speech Detection using Deep Learning Code Link NLP, Hate Speech Detection, Deep Learning, Text Classification
87 Sales Forecast Prediction – Python Code Link Forecasting, Sales, Supervised Learning, Regression
88 Spam Comments Detection Code Link NLP, Spam Detection, Supervised Learning, Text Classification
89 Credit Card Fraud Detection Project Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
90 Age Detection using Deep Learning in OpenCV Code Link Computer Vision, Age Estimation, Deep Learning, OpenCV
91 Twitter Hashtag Prediction Code Link NLP, Twitter, Hashtag Prediction, Deep Learning
92 Credit Card Fraud Detection with Python & Machine Learning Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
93 Currency Exchange Rate Forecasting Code Link Time Series, Currency, Forecasting, Regression
94 Identifying handwritten digits using Logistic Regression in PyTorch Code Link PyTorch, Logistic Regression, Handwritten Digits, Supervised Learning
95 Consumer Credit Risk Prediction Machine Learning Project Code Link Fraud Detection, Credit Risk, Supervised Learning, Classification
96 Language Translator Code Link NLP, Language Translation, Deep Learning, Transformers
97 Pneumonia detection using deep learning Code Link Medical Imaging, CNN, Pneumonia, Deep Learning
98 Language Translator Code Link NLP, Language Translation, Deep Learning, Transformers
99 Recognizing HandWritten Digits in Scikit Learn Code Link Scikit-learn, Handwritten Digits, Supervised Learning, Classification
100 Create Language Translator using Deep Learning Code Link NLP, Language Translation, Deep Learning, Transformers
101 Human Pose Estimation Code Link Computer Vision, Human Pose Estimation, Deep Learning, OpenCV
102 Stock Price Prediction Code Link Time Series, Stock Market, Financial ML, Forecasting
103 Gender and Age Detection Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
104 Detecting Spam Emails Using Tensorflow in Python Code Link NLP, Spam Detection, Deep Learning, Text Classification
105 Market Basket Analysis using Apriori Algorithm Code Link Association Rule Mining, Market Basket, Apriori, Unsupervised Learning
106 sign language recognition Code Link Computer Vision, Sign Language Recognition, Deep Learning, OpenCV
107 Handwritten Digit Recognition using Neural Network Code Link Neural Networks, Handwritten Digits, Supervised Learning, Classification
108 Machine Learning Weather Prediction – Forecasting the Future Code Link Time Series, Weather Forecasting, Supervised Learning, Regression
109 Breast Cancer Classification Code Link Classification, Breast Cancer, Medical Imaging, Deep Learning
110 Dog Breed Classification using Transfer Learning Code Link Transfer Learning, Dog Breed Classification, Deep Learning, CNN
111 Prediction of Wine type using Deep Learning Code Link Deep Learning, Wine Type Prediction, Classification, Supervised Learning
112 Cat & Dog Classification using Convolutional Neural Network in Python Code Link CNN, Cat & Dog Classification, Deep Learning, Image Processing
113 Ads Click-Through Rate Prediction Code Link Click-Through Rate, CTR, Supervised Learning, Regression
114 Compare Multiple Predictive Models Code Link Model Comparison, Supervised Learning, Regression, Forecasting
115 Stock Price Prediction using Machine Learning in Python Code Link Time Series, Stock Market, Financial ML, Forecasting
116 Ads CTR Forecasting Code Link Time Series, CTR Forecasting, Supervised Learning, Regression
117 Predicting Stock Price Direction using Support Vector Machines Code Link Regression, Stock Price Direction, SVM, Supervised Learning
118 Credit Score Classification Code Link Classification, Credit Score, Supervised Learning, Regression
119 Zillow Home Value (Zestimate) Prediction in ML Code Link Regression, Zillow, Home Value, Supervised Learning
120 Facebook Sentiment Analysis using python Code Link NLP, Sentiment Analysis, Facebook, Text Classification
121 Video Surveillance Code Link Computer Vision, Video Surveillance, Deep Learning, Object Detection
122 Emoji Prediction Code Link Deep Learning, Emoji Generation, Sequence Modeling, LSTM
123 Voice Assistant using python Code Link NLP, Speech Recognition, Deep Learning, Audio Processing
124 Cryptocurrency Price Prediction Code Link Time Series, Cryptocurrency, Price Prediction, Regression
125 Text Emotions Classification Code Link NLP, Text Classification, Emotion, Deep Learning
126 Share Price Forecasting Using Facebook Prophet Code Link Time Series, Forecasting, Share Price, Facebook Prophet
127 Brain Tumor Detection Code Link Medical Imaging, CNN, Brain Tumor, Deep Learning
128 Detect and Recognize Car License Plate from a video in real-time Code Link Computer Vision, OCR, License Plate, Deep Learning
129 Credit Scoring & Segmentation Code Link Credit Scoring, Segmentation, Supervised Learning, Classification
130 Multivariate Time Series Forecasting Code Link Time Series, Forecasting, Multivariate, Deep Learning
131 License Number Plate Recognition Code Link Computer Vision, OCR, License Plate, Deep Learning
132 CIFAR-10 Image Classification in TensorFlow Code Link CNN, CIFAR-10, Image Classification, Deep Learning
133 Microsoft Stock Price Prediction with Machine Learning Code Link Time Series, Stock Market, Financial ML, Forecasting
134 Python Classify Handwritten Digits with Tensorflow Code Link PyTorch, Logistic Regression, Handwritten Digits, Supervised Learning
135 Black and white image colorization with OpenCV and Deep Learning Code Link Computer Vision, Image Processing, Colorization, Deep Learning
136 License Number Plate Recognition Code Link Computer Vision, OCR, License Plate, Deep Learning
137 Classification on Imbalanced Data Code Link Classification, Imbalanced Data, Supervised Learning, Deep Learning
138 Spaceship Titanic Project using Machine Learning in Python Code Link Classification, Titanic, Supervised Learning, Feature Engineering
139 Extract Text from Images Code Link Computer Vision, OCR, Text Detection, Deep Learning
140 Book Recommendation System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
141 Driver Drowsiness Detection System Code Link Computer Vision, Drowsiness Detection, Deep Learning, OpenCV
142 Fake News Detection Code Link NLP, Fake News Detection, Deep Learning, Text Classification
143 Flower Recognition Code Link CNN, Flower Recognition, Deep Learning, Image Processing
144 Twitter Sentiment Analysis using Python Code Link NLP, Sentiment Analysis, Twitter, Text Classification
145 Detecting Covid-19 with Chest X-ray Code Link Medical Imaging, CNN, COVID-19, Deep Learning
146 Credit Card Fraud Detection using Machine Learning Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
147 Loan Approval Prediction using Machine Learning Code Link Classification, Loan Approval, Supervised Learning, Feature Engineering
148 Fashion Recommendations using Image Features Code Link Image Features, Fashion Recommendation, Supervised Learning, Classification
149 Hate Speech Detection Code Link NLP, Hate Speech Detection, Deep Learning, Text Classification
150 Image Segmentation using Machine Learning Code Link Computer Vision, Image Segmentation, Deep Learning
151 AI-Driven Snake Game using Deep Q Learning Code Link Deep Q Learning, Reinforcement Learning, Snake Game, Deep Learning
152 Automatic Music Generation Code Link Music Generation, Deep Learning, Sequence Modeling, LSTM
153 Flower Recognition Using Convolutional Neural Network Code Link CNN, Flower Recognition, Deep Learning, Image Processing
154 Breast Cancer Classification Code Link Classification, Breast Cancer, Medical Imaging, Deep Learning
155 Brain Tumor Detection Code Link Medical Imaging, CNN, Brain Tumor, Deep Learning
156 Count number of Object using Python-OpenCV Code Link Computer Vision, Object Detection, Deep Learning, OpenCV
157 Text Summarizer Code Link NLP, Text Summarization, Machine Learning, Transformers
158 Calories Burnt Prediction using Machine Learning Code Link Regression, Calories Burnt, Supervised Learning, Feature Engineering
159 Health Insurance Premium Prediction Code Link Regression, Health Insurance, Supervised Learning, Feature Engineering
160 Password Strength Checker Code Link NLP, Password Strength, Supervised Learning, Classification
161 Waiter Tips Prediction Code Link Regression, Tip Prediction, Supervised Learning, Feature Engineering
162 Vehicle counting for traffic management Code Link Computer Vision, Vehicle Counting, Deep Learning, OpenCV
163 Black and white image colorization with OpenCV and Deep Learning Code Link Computer Vision, Image Processing, Colorization, Deep Learning
164 House Rent Prediction Code Link Regression, House Rent, Supervised Learning, Feature Engineering
165 Weather Forecasting Code Link Time Series, Weather Forecasting, Supervised Learning, Regression
166 Count number of Faces using Python – OpenCV Code Link Computer Vision, Face Detection, Deep Learning, OpenCV
167 Flipkart Reviews Sentiment Analysis using Python Code Link NLP, Sentiment Analysis, Flipkart, Text Classification
168 Book Recommendation System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
169 Create Chatbot Code Link NLP, Chatbot, Deep Learning, Transformers
170 Real-time Hand Gesture Recognition Code Link Computer Vision, Hand Gesture Recognition, Deep Learning, OpenCV
171 Python Implementation of Movie Recommender System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
172 Intrusion Detection System Using Machine Learning Algorithms Code Link Intrusion Detection, Machine Learning, Supervised Learning, Classification
173 Gender and Age Detection Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
174 K-means Clustering in Machine Learning Code Link Clustering, Unsupervised Learning, K-means, Deep Learning
175 Human Face Detection Code Link Computer Vision, Face Detection, Deep Learning, OpenCV
176 Retail Price Optimization Code Link Regression, Price Optimization, Supervised Learning, Feature Engineering
177 Online Payment Fraud Detection using Machine Learning in Python Code Link Fraud Detection, Online Payments, Supervised Learning, Classification
178 Vehicle Count Prediction From Sensor Data Code Link Computer Vision, Vehicle Counting, Deep Learning, OpenCV
179 Colourizing Old B&W Images Code Link Computer Vision, Image Processing, Colorization, Deep Learning
180 Dogecoin Price Prediction with Machine Learning Code Link Time Series, Cryptocurrency, Price Prediction, Regression
181 Chatbot Using Deep Learning Code Link NLP, Chatbot, Deep Learning, Transformers
182 Music Recommendation System Using Machine Learning Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
183 You tube video recommendation system Code Link Computer Vision, Video Recommendation, Deep Learning, Object Detection
184 User Profiling and Segmentation Code Link NLP, User Profiling, Segmentation, Deep Learning
185 OCR of Handwritten digits OpenCV Code Link Computer Vision, OCR, Text Detection, Deep Learning
186 IPL Score Prediction Using Deep Learning Code Link Time Series, IPL, Score Prediction, Deep Learning
187 SMS Spam Detection using TensorFlow in Python Code Link NLP, Spam Detection, Deep Learning, Text Classification
188 Residual Networks (ResNet) – Deep Learning Code Link CNN, ResNet, Deep Learning, Image Classification
189 Credit Card Fraud Detection Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
190 Object Detection using Tensorflow Code Link Computer Vision, Object Detection, Deep Learning, YOLO
191 Machine Learning Parkinson's Disease Detection Project Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
192 Music Genre Classification Code Link Classification, Music Genre, Deep Learning, Sequence Modeling
193 Breast Cancer Classification Code Link Classification, Breast Cancer, Medical Imaging, Deep Learning
194 Next Sentence Prediction using BERT Code Link NLP, BERT, Sequence Prediction, Deep Learning
195 Create Chatbot Code Link NLP, Chatbot, Deep Learning, Transformers
196 Gaussian Mixture Model in Machine Learning Code Link Clustering, Unsupervised Learning, Gaussian Mixture, Deep Learning
197 ML Kaggle Breast Cancer Wisconsin Diagnosis using KNN and Cross-Validation Code Link Classification, Breast Cancer, Kaggle, KNN, Cross-Validation
198 Salary Prediction Code Link Regression, Salary Prediction, Supervised Learning, Feature Engineering
199 License Plate Recognition with OpenCV and Tesseract OCR Code Link Computer Vision, OCR, License Plate, Deep Learning
200 Anomaly Detection in Transactions Code Link Anomaly Detection, Fraud Detection, Supervised Learning, Classification
201 Detecting Parkinson's Disease Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
202 Fake News Detection Code Link NLP, Fake News Detection, Deep Learning, Text Classification
203 Human Face recognition Code Link Computer Vision, Face Recognition, Deep Learning, OpenCV
204 Machine Learning Project – Bird Species Identification Code Link Classification, Bird Species, Deep Learning, Image Processing
205 Speech Emotion Recognition Code Link NLP, Speech Emotion Recognition, Deep Learning, Audio Processing
206 Handwritten Digit Recognition using TensorFlow Code Link PyTorch, Logistic Regression, Handwritten Digits, Supervised Learning
207 Gender and Age Detection Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
208 Website Traffic Forecasting Code Link Time Series, Website Traffic, Forecasting, Supervised Learning
209 Learning Gladiator Machine Learning projects Code Link Machine Learning, Deep Learning, Projects, Reinforcement Learning
210 Handwritten character Recognition using TensorFlow Code Link Computer Vision, OCR, Handwritten Character Recognition, Deep Learning
211 Online Food Order Prediction Code Link Regression, Online Food Order, Supervised Learning, Feature Engineering
212 Instagram Reach Prediction Code Link Social Media Analytics, Time Series, Forecasting, Digital Marketing
213 Multiclass image classification using Transfer learning Code Link Transfer Learning, Multiclass Classification, Deep Learning, Image Processing
214 ML Heart Disease Prediction Using Logistic Regression Code Link Classification, Heart Disease, Logistic Regression, Supervised Learning
215 Topic Modelling Code Link NLP, Topic Modelling, Deep Learning, Language Modeling
216 Sentiment Analysis Code Link NLP, Sentiment Analysis, Text Classification, Deep Learning
217 Driver Drowsiness Detection System Code Link Computer Vision, Drowsiness Detection, Deep Learning, OpenCV
218 Cats vs Dogs Code Link Classification, Cats vs Dogs, Deep Learning, CNN
219 Consumer Complaint Classification Code Link NLP, Consumer Complaint, Classification, Deep Learning
220 How can Tensorflow be used with the abalone dataset to build a sequential model? Code Link Tensorflow, Abalone Dataset, Sequential Model, Deep Learning
221 Fake Product Review Detection using Machine Learning Code Link NLP, Fake Product Review, Deep Learning, Text Classification
222 Ola Bike Ride Request Forecast using ML Code Link Time Series, Ola Bike, Forecast, Supervised Learning
223 Ted Talks Recommendation System with Machine Learning Code Link NLP, Ted Talks, Recommendation System, Deep Learning
224 Earthquake Prediction with Machine Learning Code Link Time Series, Earthquake Prediction, Forecasting, Supervised Learning
225 Pneumonia Detection using Deep Learning Code Link Medical Imaging, CNN, Pneumonia, Deep Learning
226 Cartoonifying an Image Code Link Computer Vision, Image Processing, Cartoonification, Deep Learning
227 Heart Disease Prediction using Machine Learning Code Link Classification, Heart Disease, Supervised Learning, Feature Engineering
228 Traffic Signs Recognition using CNN and Keras in Python Code Link Computer Vision, Traffic Signs, Deep Learning, CNN
229 Detecting Parkinson's Disease Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
230 Real-Time Face Detection & Recognition using OpenCV Code Link Computer Vision, Face Detection, Deep Learning, OpenCV
231 Autocorrect Feature Using NLP In Python Code Link NLP, Autocorrect, Deep Learning, Text Processing
232 Instance Segmentation Code Link Computer Vision, Image Segmentation, Deep Learning
233 Loan Approval Prediction Code Link Classification, Loan Approval, Supervised Learning, Feature Engineering
234 Pneumonia detection using deep learning Code Link Medical Imaging, CNN, Pneumonia, Deep Learning
235 Sentiment Analysis using Python Code Link NLP, Sentiment Analysis, Deep Learning, Text Classification
236 Dog's Breed Identification Code Link Classification, Dog Breed, Deep Learning, Image Processing
237 Pedestrian Detection Code Link Computer Vision, Pedestrian Detection, Deep Learning, OpenCV
238 Google Search Queries Anomaly Detection Code Link NLP, Search Queries, Anomaly Detection, Deep Learning
239 Inventory Demand Forecasting using Machine Learning in Python Code Link Time Series, Inventory Forecasting, Supervised Learning, Regression
240 You tube video recommendation system Code Link Computer Vision, Video Recommendation, Deep Learning, Object Detection
241 Lung Cancer Detection using Convolutional Neural Network (CNN) Code Link Medical Imaging, CNN, Lung Cancer, Deep Learning
242 Autism Prediction using Machine Learning Code Link Classification, Autism, Supervised Learning, Feature Engineering
243 Medical Insurance Price Prediction using Machine Learning in Python Code Link Regression, Medical Insurance, Supervised Learning, Feature Engineering
244 Student Marks Prediction Code Link Regression, Student Marks, Supervised Learning, Feature Engineering
245 Fake News Detection Model using TensorFlow in Python Code Link NLP, Fake News Detection, Deep Learning, Text Classification
246 Crop Yield Prediction using KNN classification Code Link Classification, Crop Yield, KNN, Supervised Learning
247 Predict Fuel Efficiency Using Tensorflow in Python Code Link Regression, Fuel Efficiency, Supervised Learning, Feature Engineering
248 Loan Eligibility prediction using Machine Learning Models in Python Code Link Classification, Loan Eligibility, Supervised Learning, Feature Engineering
249 Detecting COVID-19 From Chest X-Ray Images using CNN Code Link Medical Imaging, CNN, COVID-19, Deep Learning
250 Clustering Music Genres Code Link Clustering, Music Genre, Unsupervised Learning, Deep Learning
251 Social Media Ads Classification Code Link Classification, Social Media Ads, Deep Learning, NLP
252 Handwritten Digit Recognition using TensorFlow Code Link PyTorch, Logistic Regression, Handwritten Digits, Supervised Learning
253 Parkinson's Disease Prediction using Machine Learning in Python Code Link Classification, Parkinson's Disease, Supervised Learning, Feature Engineering
254 Music Recommendation System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
255 Skin Cancer Detection using TensorFlow Code Link Medical Imaging, CNN, Skin Cancer, Deep Learning
256 Machine Learning Interview Questions and Answers Code Link Machine Learning, Deep Learning, Interview Questions, Answers
257 ML Interview Questions with Answers Code Link Machine Learning, Deep Learning, Interview Questions, Answers
258 Machine Learning Algorithms Code Link Machine Learning, Deep Learning, Algorithms, Techniques
259 Machine Learning Techniques Code Link Machine Learning, Deep Learning, Techniques, Methods
260 Data Preprocessing in Machine Learning Code Link Machine Learning, Deep Learning, Data Preprocessing, Feature Engineering
261 Machine Learning Environment Setup Code Link Machine Learning, Deep Learning, Environment Setup, Libraries
262 Gaussian Mixture Model in Machine Learning Code Link Clustering, Unsupervised Learning, Gaussian Mixture, Deep Learning
263 Machine Learning Project – Bird Species Identification Code Link Classification, Bird Species, Deep Learning, Image Processing
264 Machine Learning Weather Prediction – Forecasting the Future Code Link Time Series, Weather Forecasting, Supervised Learning, Regression
265 Real-Time Face Detection & Recognition using OpenCV Code Link Computer Vision, Face Detection, Deep Learning, OpenCV
266 Colourizing Old B&W Images Code Link Computer Vision, Image Processing, Colorization, Deep Learning
267 Handwritten character Recognition using TensorFlow Code Link Computer Vision, OCR, Handwritten Character Recognition, Deep Learning
268 Cartoonifying an Image Code Link Computer Vision, Image Processing, Cartoonification, Deep Learning
269 Yolo object detection Code Link Computer Vision, Object Detection, Deep Learning, YOLO
270 Pedestrian Detection Code Link Computer Vision, Pedestrian Detection, Deep Learning, OpenCV
271 Pneumonia detection using deep learning Code Link Medical Imaging, CNN, Pneumonia, Deep Learning
272 Face Mask Detection Code Link Computer Vision, Face Mask, Deep Learning, OpenCV
273 Video Surveillance Code Link Computer Vision, Video Surveillance, Deep Learning, Object Detection
274 Instance Segmentation Code Link Computer Vision, Image Segmentation, Deep Learning
275 Earthquake Prediction with Machine Learning Code Link Time Series, Earthquake Prediction, Forecasting, Supervised Learning
276 Object Detection using Tensorflow Code Link Computer Vision, Object Detection, Deep Learning, YOLO
277 Pedestrian Detection Code Link Computer Vision, Pedestrian Detection, Deep Learning, OpenCV
278 Speech Emotion Recognition Code Link NLP, Speech Emotion Recognition, Deep Learning, Audio Processing
279 Music Genre Classification Code Link Classification, Music Genre, Deep Learning, Sequence Modeling
280 Language Translator Code Link NLP, Language Translation, Deep Learning, Transformers
281 Text Summarizer Code Link NLP, Text Summarization, Machine Learning, Transformers
282 Brain Tumor Detection Code Link Medical Imaging, CNN, Brain Tumor, Deep Learning
283 Pneumonia detection using deep learning Code Link Medical Imaging, CNN, Pneumonia, Deep Learning
284 Face Mask Detection Code Link Computer Vision, Face Mask, Deep Learning, OpenCV
285 Sentiment Analysis Code Link NLP, Sentiment Analysis, Text Classification, Deep Learning
286 Credit Card Fraud Detection Project Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
287 Fake News Detection Code Link NLP, Fake News Detection, Deep Learning, Text Classification
288 Detecting Parkinson's Disease Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
289 Stock Price Prediction Code Link Time Series, Stock Market, Financial ML, Forecasting
290 Breast Cancer Classification Code Link Classification, Breast Cancer, Medical Imaging, Deep Learning
291 Gender and Age Detection Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
292 Driver Drowsiness Detection System Code Link Computer Vision, Drowsiness Detection, Deep Learning, OpenCV
293 Emoji Prediction Code Link Deep Learning, Emoji Generation, Sequence Modeling, LSTM
294 You tube video recommendation system Code Link Computer Vision, Video Recommendation, Deep Learning, Object Detection
295 Book Recommendation System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
296 sign language recognition Code Link Computer Vision, Sign Language Recognition, Deep Learning, OpenCV
297 Iris Flower Classification Code Link Classification, Iris, Flower, Supervised Learning
298 Human Face recognition Code Link Computer Vision, Face Recognition, Deep Learning, OpenCV
299 Human Pose Estimation Code Link Computer Vision, Human Pose Estimation, Deep Learning, OpenCV
300 Handwritten Digit Recognition using TensorFlow Code Link PyTorch, Logistic Regression, Handwritten Digits, Supervised Learning
301 Dog's Breed Identification Code Link Classification, Dog Breed, Deep Learning, Image Processing
302 Pneumonia detection using deep learning Code Link Medical Imaging, CNN, Pneumonia, Deep Learning
303 Sentiment Analysis Code Link NLP, Sentiment Analysis, Deep Learning, Text Classification
304 Vehicle counting for traffic management Code Link Computer Vision, Vehicle Counting, Deep Learning, OpenCV
305 Breast Cancer Classification Code Link Classification, Breast Cancer, Medical Imaging, Deep Learning
306 Gender and Age Detection Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
307 Driver Drowsiness Detection System Code Link Computer Vision, Drowsiness Detection, Deep Learning, OpenCV
308 Twitter Hashtag Prediction Code Link NLP, Twitter, Hashtag Prediction, Deep Learning
309 Deepfake Detection Code Link Computer Vision, Deepfake, CNN, Image Processing
310 SMS Spam Detection with Machine Learning Code Link NLP, Spam Detection, SVM, Supervised Learning
311 Predict Diabetes with Machine Learning Code Link Regression, Diabetes Prediction, Supervised Learning, Feature Engineering
312 Predict Customer Churn Code Link Classification, Customer Churn, Supervised Learning, Feature Engineering
313 Crop Yield Prediction using KNN classification Code Link Classification, Crop Yield, KNN, Supervised Learning
314 Image Segmentation using Machine Learning Code Link Computer Vision, Image Segmentation, Deep Learning
315 Extract Text from Images Code Link Computer Vision, OCR, Text Detection, Deep Learning
316 License Number Plate Recognition Code Link Computer Vision, OCR, License Plate, Deep Learning
317 Real-time Hand Gesture Recognition Code Link Computer Vision, Hand Gesture Recognition, Deep Learning, OpenCV
318 Detect Objects of Similar Color using OpenCV in Python Code Link Computer Vision, Object Detection, Deep Learning, OpenCV
319 Build a Movie Recommendation System Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
320 Create Chatbot Code Link NLP, Chatbot, Deep Learning, Transformers
321 Create Air Canvas using Python Open CV Code Link Computer Vision, OpenCV, Hand Tracking, Image Processing
322 Machine Learning Parkinson's Disease Detection Project Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
323 Cats vs Dogs Code Link Classification, Cats vs Dogs, Deep Learning, CNN
324 Language Translator Code Link NLP, Language Translation, Deep Learning, Transformers
325 Human Face Detection Code Link Computer Vision, Face Detection, Deep Learning, OpenCV
326 Brain Tumor Detection Code Link Medical Imaging, CNN, Brain Tumor, Deep Learning
327 Handwritten Digit Recognition using TensorFlow Code Link PyTorch, Logistic Regression, Handwritten Digits, Supervised Learning
328 Chatbot Using Deep Learning Code Link NLP, Chatbot, Deep Learning, Transformers
329 Sentiment Analysis Code Link NLP, Sentiment Analysis, Deep Learning, Text Classification
330 Credit Card Fraud Detection Project Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
331 Customer Segmentation using Machine Learning Code Link Clustering, Unsupervised Learning, Customer Segmentation, Anomaly Detection
332 Fake News Detection Code Link NLP, Fake News Detection, Deep Learning, Text Classification
333 Detecting Parkinson's Disease Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
334 Breast Cancer Classification Code Link Classification, Breast Cancer, Medical Imaging, Deep Learning
335 Gender and Age Detection Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
336 Driver Drowsiness Detection System Code Link Computer Vision, Drowsiness Detection, Deep Learning, OpenCV
337 Emoji Prediction Code Link Deep Learning, Emoji Generation, Sequence Modeling, LSTM
338 Automatic Music Generation Code Link Deep Learning, Music Generation, Sequence Modeling, LSTM
339 Fake Currency Detection Code Link Fraud Detection, Currency, Anomaly Detection, Supervised Learning
340 Flower Recognition Code Link CNN, Flower Recognition, Deep Learning, Image Processing
341 Hate Speech Detection Code Link NLP, Hate Speech Detection, Deep Learning, Text Classification
342 Heart Disease Prediction using Machine Learning Code Link Classification, Heart Disease, Supervised Learning, Feature Engineering
343 Food Classification with Deep Learning in Keras / Tensorflow Code Link CNN, Deep Learning, Food Classification, Image Processing
344 Hypo Thyroid Disease prediction Machine Learning Code Link Classification, Medical AI, Healthcare, Supervised Learning
345 Learning Gladiator Machine Learning projects Code Link Machine Learning, Deep Learning, Projects, Reinforcement Learning
346 Market Basket Analysis using Apriori Algorithm Code Link Association Rule Mining, Market Basket, Apriori, Unsupervised Learning
347 RFM Analysis Code Link RFM Analysis, Customer Segmentation, Clustering, Unsupervised Learning
348 License Number Plate Recognition Code Link Computer Vision, OCR, License Plate, Deep Learning
349 Create Chatbot Code Link NLP, Chatbot, Deep Learning, Transformers
350 You tube video recommendation system Code Link Computer Vision, Video Recommendation, Deep Learning, Object Detection
351 Fake Product Review Detection using Machine Learning Code Link NLP, Fake Product Review, Deep Learning, Text Classification
352 Machine Learning Parkinson's Disease Detection Project Code Link Medical Imaging, CNN, Parkinson's Disease, Deep Learning
353 K-means Clustering in Machine Learning Code Link Clustering, Unsupervised Learning, K-means, Deep Learning
354 Amazon Bestselling Books Analysis Project using Machine Learning Code Link NLP, Text Classification, Book Analysis, Supervised Learning
355 Credit Card Fraud Detection using Machine Learning Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
356 Develop LSTM Models for Time Series Forecasting Code Link Deep Learning, Time Series, Forecasting, LSTM
357 Gender and Age Detection Machine Learning Project Code Link Computer Vision, Gender Detection, Age Estimation, Deep Learning
358 Consumer Credit Risk Prediction Machine Learning Project Code Link Fraud Detection, Credit Risk, Supervised Learning, Classification
359 Create Language Translator using Deep Learning Code Link NLP, Language Translation, Deep Learning, Transformers
360 Credit Card Fraud Detection with Python & Machine Learning Code Link Fraud Detection, Credit Card, Anomaly Detection, Supervised Learning
361 Anomaly Detection with Arima Model using Python Code Link Time Series, Anomaly Detection, ARIMA, Supervised Learning
362 Movie Recommendation using Collaborative Filtering Code Link Collaborative Filtering, Recommendation System, Recommendation Engine
363 Sentiment Analysis using Python Code Link NLP, Sentiment Analysis, Deep Learning, Text Classification
373+ More Projects list is coming...!!!

Feel free to explore each project, and don't hesitate to contribute your own projects or improvements to the existing ones. Happy learning and coding!

Contributing

We welcome contributions from the community! If you have a project that you think would be a good fit for this repository, please follow these steps:

  1. Fork the repository.
  2. Add your project to the appropriate section of the table.
  3. Create a pull request with a brief description of your project.

License

This repository is licensed under the MIT License. Feel free to use the code and projects in this repository for your own learning and development.


Thank you for visiting the Machine Learning Projects Repository. We hope you find this collection useful and engaging. If you have any questions or feedback, please open an issue or contact us directly. Happy coding!

About

This repository contains a curated collection of 500+ Machine Learing Projects with code, detailing practical applications and insights into machine learning (ML) implimentation. The contents are organized to help you easily find relevant projects based on topics or specific ML algorithms.

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published