All Projects → prathimacode-hub → ML-ProjectKart

prathimacode-hub / ML-ProjectKart

Licence: MPL-2.0 license
🙌Kart of 210+ projects based on machine learning, deep learning, computer vision, natural language processing and all. Show your support by ✨ this repository.

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to ML-ProjectKart

Awesome Python Scripts
🚀 Curated collection of Awesome Python Scripts which will make you go wow. Dive into this world of 360+ scripts. Feel free to contribute. Show your support by ✨this repository.
Stars: ✭ 198 (+22.22%)
Mutual labels:  beginner-friendly, algorithms-datastructures, contributions-welcome, hacktoberfest2021
Hacktober-Fest-2021
📜This repository is created to welcome all the open source enthusiasts to get introduced to beginner friendly projects they could work with in the festive season of HacktoberFest 2021🎇🙌.
Stars: ✭ 23 (-85.8%)
Mutual labels:  projects, beginner-friendly, hacktoberfest2021
Minecraft-bedrock-json-schemas
The JSON validation schema files for Minecraft bedrock
Stars: ✭ 17 (-89.51%)
Mutual labels:  contributions-welcome, hacktoberfest2021
online-course-recommendation-system
Built on data from Pluralsight's course API fetched results. Works with model trained with K-means unsupervised clustering algorithm.
Stars: ✭ 31 (-80.86%)
Mutual labels:  machine-learning-algorithms, beginner-friendly
HacktoberFest-21
A mentorship initiative to help beginners kickstarting their open-source journey by completing Hacktoberfest'21 challenge | Curated list of beginner-friendly issues for Hacktoberfest 2021 | Raise PR to add your issues
Stars: ✭ 27 (-83.33%)
Mutual labels:  beginner-friendly, hacktoberfest2021
HacktoberFest21
A beginner friendly repository for HacktoberFest 2021
Stars: ✭ 45 (-72.22%)
Mutual labels:  beginner-friendly, hacktoberfest2021
ZeroOctave-Javascript-Projects
This Repository Contains 150+ web development Projects.
Stars: ✭ 134 (-17.28%)
Mutual labels:  beginner-friendly, contributions-welcome
Codewars
CodeWars Solutions (Please leave a start. Thank you)
Stars: ✭ 156 (-3.7%)
Mutual labels:  algorithms-datastructures, algorithms-and-data-structures
datascience-mashup
In this repo I will try to gather all of the projects related to data science with clean datasets and high accuracy models to solve real world problems.
Stars: ✭ 36 (-77.78%)
Mutual labels:  machine-learning-algorithms, projects
Project-Ideas-And-Resources
A Collection of application ideas that can be used to improve your coding skills ❤.
Stars: ✭ 282 (+74.07%)
Mutual labels:  projects, contributions-welcome
Hacktoberfest
Hacktoberfest 2021 you can add anything like simple programs or projects
Stars: ✭ 15 (-90.74%)
Mutual labels:  projects, hacktoberfest2021
VSCode-Bedrock-Development-Extension
An extension that provides support for files such as: .mcfunction, .json and .lang. Features include: completion, validations, formatters, diagnostics, cheat-sheets, code-actions, generation of files, and development tools to help develop Minecraft Bedrock Addons or Minecraft Education Edition.
Stars: ✭ 45 (-72.22%)
Mutual labels:  contributions-welcome, hacktoberfest2021
Androapps
Important Android projects to learn fundamentals of android development
Stars: ✭ 48 (-70.37%)
Mutual labels:  contributions-welcome, hacktoberfest2021
opensource-4-everyone
Learn Opensource and make your first contribution here.
Stars: ✭ 35 (-78.4%)
Mutual labels:  beginner-friendly, contributions-welcome
Learning-Made-Easy
This project can help you understand the Data Structure and Algorithms in a more efficient manner. It aims at scheduling the studies for maximizing marks during exams. Most students face this problem during exams that what to study to get the best out of their limited time.
Stars: ✭ 133 (-17.9%)
Mutual labels:  algorithms-datastructures, algorithms-and-data-structures
Your-First-Contribution
You may learn how to make successful pull requests and get your first valid open source contribution by using this repository.
Stars: ✭ 24 (-85.19%)
Mutual labels:  beginner-friendly, hacktoberfest2021
Hacktoberfest-Nepal-2020
A beginner-friendly open source repository to create your first pull request.
Stars: ✭ 15 (-90.74%)
Mutual labels:  beginner-friendly, hacktoberfest2021
Heel2Toe
A beginner-friendly repository to get started with HTML, CSS, and JS.
Stars: ✭ 22 (-86.42%)
Mutual labels:  beginner-friendly, hacktoberfest2021
Data Structures For Hacktoberfest
A repository to get started with open source and contribute in Hacktoberfest . You can add any data structures and algorithms code in the language of your choice.
Stars: ✭ 16 (-90.12%)
Mutual labels:  algorithms-and-data-structures, hacktoberfest2021
Repo-Excluded-From-HacktoberFest-2021
Know a bit of python & need pr for hacktoberfest ? come join us in the journey
Stars: ✭ 17 (-89.51%)
Mutual labels:  beginner-friendly, hacktoberfest2021

ML-ProjectKart

Alt text of image

PRs Welcome Open Source Love contributions welcome made-with-python GitHub contributors Maintenance

📌Repository

This kart showcases the finest collection of all projects based on machine learning, deep learning, computer vision, natural language processing and everything. Indulge in this journey of open source.

The main aim is to provide an efficient and beginner-friendly projects that would help you in mastering the ML/AI algorithms and make you familiar. Turn yourself into pro with all the hands-on that got you covered.

🙌Join Here

Anyone related to technology who are looking to contribute to open-source, are all invited to hop in. This place has task for everyone.

| Machine Learning | Deep Learning | Natural Language Processing | Computer Vision | FrontEnd Designers | BackEnd Developers | UI/UX Designers |

Data Analysts - Frame the problem. Get, explore and prepare the data

Machine Learning, Deep Learning, Computer Vision, Natural Language Processing Enthusiasts - Try different algorithms, build model, optimize the model

Front End Designers – Design or code the webpage designed by designers

Back End Developers – Create backend for the model using Flask or Django

UI/UX Designers – Design dashboards, forms and webpages for the model

If you had worked on or want to initiate a unique project and want to share it with the world, you can do that through here. Go through the contributing guidelines in CONTRIBUTING👩‍💻

When issue is raised from your end (or) taken it from issues tab to add a project, elaborate as much as you could and as well notify us about the task you will be working, that might be Model Creation (or) Data Analysis (or) Front End (or) Back End (or) UI/UX Design.

Subsequently, also go through the GitHub documentation on creating a pull request.

🛠Templates to Follow

Note : One should follow these templates while creating a new issue or pull request.

📝Project Structure

Your projects should contain this flow to maintain similarity across all other projects. Make sure to note these things, before you create a PR.

Dataset - This folder would have a .csv file.

Model - This folder would have your project file (that is .ipynb file) be it analysis or prediction. Other than project file, it should also have a 'README.md' using this template and 'requirements.txt' file which would be enclosed with all needed add-ons and libraries that are included in the project

Images - This folder would have images added if applicable.

Front End - This folder would have files related to coding and designing the webpage.

Back End - This folder would have files regarding backend creation for the model using Flask and Django.

UI/UX - This folder would have files regarding dashboards, forms and webpages for the model.

Include README.md file for 'Front End', 'Back End' and 'UI/UX' in their respective folders and elaborate briefly about how it works by showing step by step procedure using screenshots.

👨‍💻Workflow:

  • Fork the repository

  • Clone your forked repository using terminal or gitbash.

  • Make changes to the cloned repository

  • Add, Commit and Push

  • Then in Github, in your cloned repository find the option to make a pull request

print("Start contributing for ML-ProjectKart")

⚙️Things to Note

  • Make sure you do not copy codes from external sources because that work will not be considered. Plagiarism is strictly not allowed.
  • You can only work on issues that have been assigned to you.
  • If you want to contribute the algorithm, it's preferrable that you create a new issue before making a PR and link your PR to that issue.
  • If you have modified/added code work, make sure the code compiles before submitting.
  • Strictly use snake_case (underscore_separated) in your file_name and push it in correct folder.
  • Do not update the README.md.

💡Look Through The Kart Of Amazing Projects

S.no Project Name Description
01. Advertisement Click Prediction The goal of this project is to make a prediction model using the advertisement classification algortihms, which will predict the desired ad as per the user information.
02. Advertisement Success Prediction In this project we will be working with an advertising data set, indicating whether or not a particular internet user clicked on an Advertisement.
03. Age, Gender and Ethnicity Prediction The goal of this project is to be able to predict age , gender and ethnicity of a person just by looking at an image of a person.
04. Air Quality Predication The goal of this project is to predict Air Quality Index (AQI ) form features as particulate matter (PM2.5 and PM10), Nitrogen Oxide (NO), Nitric Dioxide (NO2), Carbon Monoxide (CO), Sulphur Dioxide (SO2), Ozone (O3) etc.
05. Airbnb Price Prediction The goal of this project is to make a prediction model which will predict the prices of the Airbnb hotels using different parameters.
06. Airline Passenger Satistfaction The aim of this project is to perform analysis of the passenger satisfaction data and data preprocessing to prepare the data and predict whether the passenger is satisfied or not with the airline services.
07. Alpaca Identification The goal of this project is to make an identification cum classification model using deep neural networks, which will identify the images of Alpaca from the user given input.
08. Amazon Alexa Reviews This model predicts the feedback of Amazon Alexa users based on the features such as ratings, variations and verified reviews.
09. Amazon Books Analysis Prediction on whether books will be fiction or non-fiction using Goodreads.
10. Amazon Data Analysis The goal of this project is to predict the upvote of the customer on the basis of reviews, text and score of the cuustomer given in the dataset.
11. Amazon Mobile Phones Reviews Analysis This is one of the major techniques used to analyze customer reviews on different products and find necessary insights from reviews. The major idea is to classify reviews and determine how satisfied customers were regarding the product.
12. Amazon Products Review Classification The goal of this project is to make a classifiation model which will classify the products review enlisted in the Amazon Inc website, so that it can help the company for their betterment, and also they can rectify their faults depending on the users' experience.
13. American Sign Language(ASL) Recognition T he aim of this project is to recognize what the person is trying to convey using different hand gestures. The dataset contains 29 classes which comprises of A to Z alphabets, nothing, space and delete hand gestures.
14. Animate Me ! It is a simple OpenCV project that converts input image to a cartoon equivalent
15. Appliances Energy Prediction The goal of this project is to make a prediction model which will predict the enery consumption by the appliances based on the given dataset.
16. Automated Essay Grading The goal of this project is to make a prediction model which will give scoring to student-written essays.
17. Avito Product Analysis and Price Prediction Perform exploratory data analysis on the dataset of products from Avito Advertising website and develop a ML model to predict prices of the other products in the website.
18. Balls Image Classification The goal of this project is to make a deep learning model which will classify the images of different types of balls using the convoolution neural network, to be precise the MobileNet architecture.
19. Bank Customers Prediction To predict the customers who are withdrawing their account from the bank due to some loss and other issues.
20. Bike Crash Analysis The goal of this project to analyze the dataset on various factors and depending on the various factors making of a prediction model which will predict the accident prone sights.
21. Bike Rental Demand Analysis The aim of the project is to make a forecast of the demand in Bike Rental Services. This project predicts the upcoming nature of the customer request demand.
22. Bike Sharing Prediction The main goal of the project is to analyse the Bike Share Count in case of different seasons, weekdays, weathers, etc. and based on that train a model, to predict the number of bike users under a given circumstance.
23. Bird Species Classification and Recognition The goal is to complete an end to end computer vision problem with basic parts, such as bulding an input pipeline, compose the model, data augmentation etc.
24. Bitcoin Price Prediction The main purpose of this project is to predict the price of Bitcoin.
25. Black Friday Sales - Analysis and Prediction The goal of this project is to analyse and predict purchases in the black friday sales from features as age group, gender, occupation, product category etc.
26. Board Game Review Prediction The goal of this project are -What are the categories of game that are the most popular?Can we build a model with the available data that predicts user rating? What factors make for the best "modern" board game.
27. Body Fat Prediction The goal is to predict percentage of body fat of a person.
28. Book Genre Prediction The goal of this project is to make a prediction model which will predict genre of the book.
29. Book Recommendation Systems The goal of this project is to make a recommendation system which will recommend the user a book, based on the search results given input by the users.
30. Brain Tumor Detection and Classification This model detects the presence of brain tumor by processing MRI scans of the patient.
31. Brain Weight prediction The goal of this project is to make a prediction model which will predict the weight of the human brain depending on the head size.
32. Brazil Fires Prediction To predict the number of the fires taken place statewise in Brazil.
33. Breast Cancer Prediction The goal is to predict Breast Cancer.
34. Campus Placement Prediction The goal is to predict if a student is placed or not according to his/her percentage and other factors.
35. Campus Recruitment - Analysis and Prediction The goal of this project is to analyze the factors that can effect the Campus Recruitment, and also creating a model which will predict the chances of getting placed depending on various factors.
36. CAPTCHA Decoding The goal of this project is to create a deep learning model which will recognize the captcha letters.
37. Car Brand Classification This project classifies the car brand using machine learning.
38. Car Prices Prediction The main goal is to predict the price of cars with the available independent variables
39. Cartier Jewelry Classification The goal of this project is to make a classification model, which will classify the jewelries based on the various features.
40. Cats Vs Dogs Classification The goal of this project is to classify whether the image is of a dog or a cat.
41. Cervical Cancer Risk Prediction The business objective is to build a Machine Learning Prediction Model that predicts the result of Biopsy test and thereby confirming the presence/non-presence of cervical cancer in the patients.
42. Churn Risk Score Prediction This project is used to predict the churn score for a website based on the related features
43. Classification of Images using MNIST and CIFAR10 Classifying and predicting images with accuracy.
44. Coffee Production Prediction The goal of this project is to make a prediction model which will give total production of the coffee from year 1990-2018.
45. Colour Identification using Machine Learning This project defines us the colour we have asked to see instead of showing the color object.
46. Concrete Strength Prediction The aim of this project is to predict strength of the concrete from features as fly ash, blast furnamce slag, water, fine aggregate, coarse aggregate, cement, age etc.
47. Cotton Disease Prediction This project predicts the disease of cotton tree using Transfer Learning with Resnet152V2 model.
48. COVID19_Data-Analysis The goal is to predict what kind of resource an individual might require at the time of being tested positive or even before that will be of great help to the authorities as they would be able to procure and arrange for the resources necessary to save the life of that patient.
49. Covid-19 Data Analysis The goal of this project is to analyze the situation caused due to Covid-19 pandemic using data visualization.
50. Credit Card Fraud Detection The aim of the project is to predict fraudulent credit card transactions using machine learning models.
51. Crop Recommendation System The Goal of this project is to build the recommendation model using the crop recommendation dataset.
52. Crop Yield Prediction This dataset is focused on the different crops which can reflect the price area and other attributes from that one can predict for future price yield by using some better attributes.
53. Cryotherapy Analysis In this project we are going to analyze the cryotherapy dataset and will deploy several machine learning algorithm models.
54. Customer Region Classification The goal is to predict Customer Region using random forest classifier model.
55. DNA Sequencing Classification In this project, we will understand how to interpret a DNA structure and how machine learning algorithms can be used to build a prediction model on DNA sequence data.
56. Dance Form Classification The goal of this project is to classify the images of various dance forms and prepare a Classification model using Deep learning methods.
57. Dandelion Recognition The goal of this project is to create classification model which will identify the dandelion from the images given to the model.
58. Data Analysis Of Meteorological Data It analyzes the meteorological weather data of the last 10yrs from 2006 to 2016 at Finland to check an increase of global warming.
59. Diabetes Prediction The goal is to predict if a person is having Diabetes or not using logistic regression and SVM models.
60. Diamond Price Prediction The goal is to predict price of Diamond.
61. Disease Symptom Prediction The goal of this project is predict symptom of disease using the information contained in this dataset.
62. Disneyland Reviews Analysis The aim of this project is to analyse the reviews given by visitors from different countries of the world using NLP.
63. Dog Breed Identification This project is about predicting the breed of a dog, this can be helpful to people who are not expert in the field.
64. Dogecoin Price Prediction The goal of this project is to make a Prediction model which will predict the price of the Dogecoin in the future times depending on the previous parameters.
65. Driver Drowsiness Detection System The main purpose of this project is to awake the driver's if they fall asleep in order to avoid drowsiness related road-accidents.
66. Dry Beans Classification The goal is to predict Dry Beans.
67. Email Classification This project classify emails as spam or not-spam on the basis of the message.
68. Emoji Classification using OpenCV The Goal of this project is to make a model which will predict the emotion shown using the input image. And also it will classify the particular emotion shown in the given image.
69. Emotion Classification The goal of this project is to create a model which will classify different emotions based on the text provided in the dataset.
70. Emotion Recognition using NLP An Intelligent Emotion Predictor which uses NLP technique by sending text input to determine whether data is positive, negative or neutral.
71. Employee Retention Prediction The project revolves around the idea to give basic modelling techniques used to classify if the employee will leave the company or not based on certain features in the datset.
72. English Alphabet Classification The aim of this project is to recognize the computerised generated images of the English apphabets. The dataset contains 26 classes which comprises of a to z alphabets, each class containing 100 images.
73. Exports Classification The goal of this project is to build a classification model, using regression algorithms, such as, linear regression, random forest regression, decision tree regressor and many more algorithms.
74. Face Generation using DCGAN The main goal of this project is to get a generator network to generate new images of faces that look as realistic as possible using a DCGAN on a dataset of faces.
75. Face Mask Detection Using OpenCV This is a Face Mask Detection project that uses both Haar Cascades and Caffe framework approaches for face detection and a finetuned MobileNetV2 model to detect masks on face taking real time video stream as input.
76. Face detection using PCA Implement Face detection using Principal Component Analysis (PCA) to reduce the dimensionality of large data sets.
77. Fake Currency Prediction The goal is to predict whether a given note is fake or not using machine learning models.
78. Fake News Detection The aim of the project is to detect whether the news is Real or Fake using different text extraction NLP techniques.
79. Fake Job Posting Prediction The goal of this project is to predict the whether the employee with jods has fake job or real.
80. Fashion MNIST Classification To classify various clothings into groups
81. Fish Weight Prediction The main goal of this project to predict the weight of the any fish using linear regression model.
82. Flight Delay Prediction The main purpose of this project is to predict future delays in flights using machine learning models.
83. Flight Fare Prediction The aim of the project is to predict the fare of different Airlines covering different routes using machine learning models.
84. Flowers Recognition The goal of this project is to identify the flower name from an image uploaded by the user.
85. Football Match Prediction The goal of this project is to predict the match winner according to the prediction model.
86. Football Team Rating Prediction The goal is to predict rating of Football Team.
87. Forest Cover Type Classification The main goal of this project to classify the cover type of forest with the dataset using Random Forest Classification model.
88 Forest Fire Prediction To predict the area burned in the Forest Fire.
89 Fragnance Price Prediction To predict the price of the fragnances.
90. Fresher's Salary Prediction The Main Goal of this project to predict the salary of fresher students on the basis of subjects, degree_type, percentages etc.
91. Fuel Consumption Analysis The aim of this project is to predict the consumption depending on the gas type. It can be used to determine the effect of weather, speed or gas type on the car consumption.
92. GOT Episodes IMDb Rating Prediction The goal of this project is to create a prediction model which will predict the IMDb ratings of the episodes of the Game of Thrones series depending on the views and season of the GOT.
93. Gender Classification Using DL Gender classification aims to recognize a person’s gender based on the characteristics that differentiate masculinity and femininity.
94. German Traffic Sign Classification The aim is to automatically classify traffic signs.
95. Glass Classification The aim of this project is to classify the glass type using percentage of minerals present in each class of glass.
96. Gold Price Prediction The aim of this project is to perform analysis the gold price using different EDA techniques, and eventually train different model to predict the price of gold.
97. Graduate Admission Prediction To predict about the Graduate Admissions from an Indian perspective.
98. Handwritten Digit Recognition The main purpose of this project is to recognize handwritten digits by humans.
99. Heart Attack Analysis The goal of this exercise is to identify the parameters that influences the heart attack and build a ML model for the prediction of heart attack.
100. Heart Disease Prediction This project predicts heart disease based on features like age, cholesterol level, blood sugar level etc.
101. Heights and Weights Prediction The goal of this project is to build the prediction model using the regression algorithms to predict height and weight.
102. Honey Bee Pollen Detection The aim of this project is to classify the images of the bees to detect whether they are carrying pollen grains or not.
103. Horses or Humans Classification The aim of this project is to create a model, able to classify the horses and humans.
104. Hotel Booking Prediction The goal is to predict the possibility of the booking ,whether the booking is successfull or not .
105. Hotel Rating Prediction The goal of this project is to build the model for the Hotel Rating Prediction using nine Machine Learning Models.
106. House Prices Prediction This project predicts the prices of houses located in the cities of the US, with the help of essential features.
107. Human Activity Recognition using Smartphones The aim of this project is to build a model that predicts the human activities such as Walking, Walking_Upstairs, Walking_Downstairs, Sitting, Standing or Laying using data recorded by multiple smartphone sensors.
108. IMDB Sentiment Analysis The main purpose of this project is to predict the sentiment of movie reviews on IMDB.
109. IPL Score Prediction The goal of this project is to predict the score of an innings in an IPL match.
110. IPL Winner Prediction The aim of this project is to perform analysis of the IPL data and predict the winner of the IPL matches.
111. Iris Flower Classification The project is to classify the flowers among three 3 different types.
112. Ice-cream Revenue Prediction This is an icecream revenue prediction which predicts the daily revenue of icecreams depending on the temperature feature.
113. Image Compression Using Clustering This project helps in compressing the image using K-Means Clustering.
114. Imagenet Classification ImageNet is an image database organized according to the WordNet hierarchy (currently only the nouns), in which each node of the hierarchy is depicted by hundreds and thousands of images.
115. Income Prediction Web App The Main Goal of this project to find out whether a person earn more than 50K dollar(>50K) and less than or equal to 50K dollar (<=50K) based on the given presonal information about person.
116. Insurance Claim Prediction The goal of this project is to classify insurance claim as 0 or 1 (if the policy holder will claim insurance or not) from features as age, number of children, BMI, residential region etc.
117. Kidney Stone Prediction The goal of this project is to create a prediction model which will predict the success rate of kidney stone operation based on the stone's size and type of treatment.
118. LEGO Minifigures This project contains the dataset of a lot of pictures of various LEGO Minifigures in different poses or with different environments for the image classification tasks.
119. Laptop Prices Prediction The goal of this project is to make a Prediction model which will predict the prices of the laptops depending on various factors, such as size, company, set up and many more things!
120. License Plate Detection and Recognition This project is to detect and identify the license plates of a vehicles.
121. Loan Eligibility Prediction The main goal of the project is to predict the eligibility of a customer for getting a loan from the company
122. MBA Specialization Classification The goal of this project is to find out the MBA students who will be having good scores in their MBA career based on past activities using Classification algorithms.
123. Malaria Disease Detection The aim of this project is to recognize whether the image of the human cell is infected with Malaria disease or not.
124. Male & Female Eyes Classification The goal of this project is to create a classification model which will classify the genders based on the eyes images as per given in the dataset. For this we are going to use different architectures of Convolution Neural Network.
125. Mall Customer Segmentation This model will segment the customers based on the parameters.
126. Marathon Time Prediction The goal of this project is to predict the time for the marathon using the given details in dataset.
127. Marble Surface Anomaly Detection The goal of this project is to make a detection model which will detect which type of marble is present.
128. Medical Cost Analysis for Smokers and Non-smokers This project consists of the fact that the average medicine charges can be changed for the smokers and non-smokers.
129. MemPool Prediction To predict about the memepool in detail.
130. Mobile Price Range Classification In this project we do not have to predict actual price but a price range indicating how high the price is.
131. Movie Oscar Win Prediction The goal of this project is to make a prediction model, which will predict the chances of winning the Oscar award.
132. Movie Recommendation System This project will help one to recommend the movies , will provide the movies names.
133. Mushroom Classification This project is all about deploying classification algorithms and comparing the models.
134. Music Genre Classification The goal of this project is to create a model which will classify all the 10 genres based on the song selected.The song can be selected from the dataset or any other source.The song format must be in .wav format and for 30 sec in duration.
135. NASA Asteroids Classification This project helps in classifying the NASA Asteroids and checks for features responsible for claiming whether the asteroid is hazardous.
136. NBA-Analysis and Prediction To predict number of points that were scored in the season 2013-2014 by the NBA players.
137. Natural Images Classification The goal of this project is to build the Classification Model for natural images using the Neural Networks and Deep Learning.
138. Netflix EDA and Recommedation System The project aims to gain insights from detailed EDA and recommend which movie to watch next.
139. Object Detection using OpenCV To understand Computer Vision Libraries like OpenCV and detect various objects using Deep Learning Models with pretrained weights.
140. Olympic Medal Prediction The goal of this project is to make a prediction model which will predict whether an athlete will win medal or not.
141. Organ Donors Prediction The goal of this project is to predict donors using the information contained in this dataset.
142. Paris Housing Classification The goal is to predict Paris Housing.
143. Parkinson's Disease Prediction This project helps in finding the reasons for parkinson's disease and who are predicted to have this disease.
144. Password Strength Classifier The goal of this project is to classify and predict the strength of the password given in the dataset.
145. Persian License Plate Characters Identification The goal of this project is to make a detection model which will detect different characters from the Persian Number plate.
146. Phishing Website Detection The goal of this project is to make a detection model which will detect the phishing websites depending on various factors, using machine learning algorithms.
147. Plant Disease Prediction Goal of this project is to identify the condition of a plant by looking at the image provided.
148. Plant Seedlings Classification The goal of this project is to build the plant seedlings classification model. The architectures used here are, ResNet, AlexNet, Vgg, Inception, MobileNet, SqueezeNet, DenseNet to deploy the classification model.
149. Predict Future Sales To predict whether the future sales.
150. Private Companies Prediction To predict the number of the private limited companies.
151. Productivity Prediction It is highly desirable among the decision makers in the garments industry to track, analyse and predict the productivity performance of the working teams in their factories.
152. Railway Track Fault Detection To predict railway track faults.
153. Rain Prediction RainTomorrow is the target variable to predict on the basis of some given Features.
154. Reddit Tweets Prediction To predict about the different reddit tweets in detail.
155. Restaurant Recommendation System The goal of this project is to make a Recommendation System which will recommend the users the best restaurant that they are looking for.
156. Resume Categorizing The goal of this project is to build the model for the Resume Categorizing using eight Machine Learning Models
157. Road Lane Detection This project is the model for the road lane detection, which will detect the road lane from an image which will be user given.
158. Salary Prediction The goal of this project is to predict the salary based on some parameters.
159. Salary Range Classification The goal of this project is to classify salary range from features as company, job, degree etc.
160. Sarcasm Detection The Goal of this project is to detect Sarcasm from news headlines data set using classification algorithms and compare the algorithms to find out which one is better.
161. Shoulder X-Ray Classification The goal of this project is to create a classification model which will classify different images of shoulder x-ray and predict or, detect the type of the image!
162. Sign Language Prediction The sign language prediction project helps in identifying the sign language from images provided.
163. Snapchat Filters We will build our own Snapchat Filters with the help of some libraries using Python programming language.
164. Social Network Influencer Prediction The goal of the challenge is to train a machine learning model which, for a pair of individuals, predicts the human judgement on who is more influential with high accuracy.
165. Soil Moisture Prediction The aim of this project is to predict the moisture present in soil.
166. Solar Eclipse Classification The aim of this project is to classify among the main types of Solar eclipses, which are : P = Partial Eclipse, A = Annular Eclipse, T = Total Eclipse, H = Hybrid or Annular/Total Eclipse.
167. Solar Radiation Prediction The goal is to predict radiation of Sun.
168. Song Genre Classification The goal of this project is to build the song genre classification model using the Spotify dataset.
169. Spam Email Detection This project predicts whether the received message is spam or ham.
170. Speech Emotion Recognition The goal is to predict the emotion of human while talking.
171. Stack Overflow Questions Quality Rating Prediction The gaol of this project is to make a prediction model which will predict the quality of the questions from the Stack Overflow website depending on the various factors.
172. Star Radiation Analysis and Predcition The aim of the project is to analysis and predict the star radiations and perform a detailed visualizations out of the same.
173. Stars, Galaxies and Quasars Classification The goal of this project is to make a perfect classification model according to the data collected on stars, galaxies and quasars.
174. Startup Profit Prediction The goal is to predict Profit of the Startups. The dataset contains data about 50 startups. It has 5 columns: “R&D Spend”, “Administration”, “Marketing Spend”, “State”, “Profit”.
175. Stock Price Prediction The goal is to predict the price of stocks in future and make calls according to the results algorithms provide.
176. Stress Level Prediction The goal of this project is to predict stress level from features taken from the survey responses.
177. Stroke Prediction The goal of this project is to predict the rate of stroke of a person.
178. Student Performance Prediction The goal of this project is to predict final grade of the student from features as study time, failures, free time, absenses, health status, going out,first period grade, second period grade etc.
179. Supermarket Sales Prediction To predict supermarket sales.
180. Terrorist Attack Prediction Analysis of given dataset and prediction of Terrorist attack using regression modal.
181. Test Score Prediction The aim of project is to build machine learning algorithms to predict the scores of the students.
182. Tetris Object Counter The goal of the project is to identify all the tetris objects (tetrominoes) in the given tetris input image and return the count. It is seen that during gameplay the tetris blocks are broken and this program should be able to identify such blocks too.
183. Text Summarization The goal of this project is to create a model which will summarize the articles given by the users.
184. Titanic Survival Prediction Use machine learning to create a model that predicts which passengers survived the Titanic shipwreck.
185. Traffic Sign Classification The goal of this project is to make human readable traffic sign classification.
186. Twitch Streamer Analysis The goal is to perform analysis and predict Followers gained per stream.
187. Twitter Sentiment Analysis This project helps in analyzing the sentiment using the text data posted on twitter to check it by classifying the statements as positive, negative or neutral.
188. U.S. Weather History Visualizations The goal is to analyse the 12 months data of US weather history and find the conclusion and display them via graphs.
189. USA House Pricing Prediction The goal of this project is to make a prediction model, which will predict the price of the houses at USA, depending on the given features.
190. Uber Fare Prediction This project helps in predicting the fare to be charged for the Uber travelling person.
191. Vehicle Image Classification The aim of this project is to classify a vehicle image which type of vehicle it is.
192. Walmart Sales Prediction The main purpose of this project is to predict the future sales at walmart.
193. Waste Classification The aim of this project is to recognize whether the image of the waste product is a Organic Waste or a Recyclable Waste
194. Water Quality Prediction This project indicates if water is safe for human consumption where 1 means Potable and 0 means Not potable.
195. Web Page Phishing Detection Many people get scammed by this Web page phishing technique. Detecting them can save people from getting scammed. Hackers usually blackmail the people to get their personal information back. Identifying this techniques can save millions.
196. Wine Quality Prediction This model predicts the quality of wine based on some features like pH, fixed acidity, citric acid etc. using SVM and Random forest algorithm.
197. World Happiness Report Analysis The aim of the project is to predict happiness scores and rankings and perform a detailed analysis and visualization of the training dataset and create a model.
198. World Poverty Analysis The goal of this project is to analyze the world poverty using dataset.
199. Yotube Video Recommendation System The model will recommend the video titles on proving the search query by user.
200. Zomato Banglore Resturants Recommendation The aim of this project is analyse a dataset and recomend the user for top restaurants in bangalore.
201. Zoo Animal Classification The goal of this project is to predict the zoo animal based on some classifications using machine learning model.

👍OpenSource Program

This project was a part of these open source programs.

Hall Of Fame

Thanks goes to these Wonderful People. Contributions of any kind are welcome!🚀

📜Code Of Conduct

You can find our Code of Conduct here.

📝License

This project follows the Mozilla Public License 2.0.

Project Maintainer


Abhishek Sharma

🙂Project Admin

Visitor Count

🌟 Stargazers Over Time 🌟

Stargazers over time

Give this Project a Star

GitHub followers Twitter Follow

If you liked working on this project, do and share this repository.

🎉 🎊 😃 Happy Contributing 😃 🎊 🎉

Click Here to view my open source projects.

📬 Contact

If you want to contact me, you can reach me through social handles.

  

© 2022 Prathima Kadari

forthebadge forthebadge forthebadge

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].