machine-learning-projects
There are 237 repositories under machine-learning-projects topic.
ashishpatel26/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
qxresearch/qxresearch-event-1
Python hands on tutorial with 50+ Python Application (10 lines of code) By @xiaowuc2
deepfence/FlowMeter
⭐ ⭐ Use ML to classify flows and packets as benign or malicious. ⭐ ⭐
shsarv/Machine-Learning-Projects
This repository showcases a selection of machine learning projects undertaken to understand and master various ML concepts. Each project reflects commitment to applying theoretical knowledge to practical scenarios, demonstrating proficiency in machine learning techniques and tools.
milaan9/93_Python_Data_Analytics_Projects
This repository contains all the data analytics projects that I've worked on in python.
veeralakrishna/DataCamp-Project-Solutions-Python
DataCamp Project Solutions
data-flair/machine-learning-projects
Machine Learning projects with source code - Machine Learning projects for beginners, ML projects for final year college students, machine learning projects - beginner to advanced
durgeshsamariya/Data-Science-Machine-Learning-Project-with-Source-Code
Data Science and Machine Learning projects with source code.
Arshad221b/Sign-Language-Recognition
Indian Sign language Recognition using OpenCV
fsiddh/Machine-Learning-Masters
This repository consists content, assignments, assignments solution and study material provided by ineoron ML masters course
souvikmajumder26/Land-Cover-Semantic-Segmentation-PyTorch
🛣 Building an end-to-end Promptable Semantic Segmentation (Computer Vision) project from training to inferencing a model on LandCover.ai data (Satellite Imagery).
anubhavshrimal/Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
inboxpraveen/movie-recommendation-system
Movie Recommendation System with Complete End-to-End Pipeline, Model Intregration & Web Application Hosted. It will also help you build similar projects.
lawmurray/Birch
A probabilistic programming language that combines automatic differentiation, automatic marginalization, and automatic conditioning within Monte Carlo methods.
AI4LAM/awesome-ai4lam
A list of awesome AI in libraries, archives, and museum collections from around the world 🕶️
ayushreal/Signature-recognition
Signature recognition is a behavioural biometric. It can be operated in two different ways: Static: In this mode, users write their signature on paper, digitize it through an optical scanner or a camera, and the biometric system recognizes the signature analyzing its shape. This group is also known as “off-line”. Dynamic: In this mode, users write their signature in a digitizing tablet, which acquires the signature in real time. Another possibility is the acquisition by means of stylus-operated PDAs. Some systems also operate on smart-phones or tablets with a capacitive screen, where users can sign using a finger or an appropriate pen. Dynamic recognition is also known as “on-line”. Dynamic information usually consists of the following information:
Viveckh/LilHomie
A Machine Learning Project implemented from scratch which involves web scraping, data engineering, exploratory data analysis and machine learning to predict housing prices in New York Tri-State Area.
FaizanZaheerGit/StudentPerformancePrediction-ML
This is a simple machine learning project using classifiers for predicting factors which affect student grades, using data from CSV file
mandliya/ml
A 60 days+ streak of daily learning of ML/DL/Maths concepts through projects
vvssttkk/dst
yet another custom data science template via cookiecutter
thomas-young-2013/mindware
An efficient open-source AutoML system for automating machine learning lifecycle, including feature engineering, neural architecture search, and hyper-parameter tuning.
roshancyriacmathew/Twitter-sentiment-analysis-using-Python-Machine-Learning-Project-8
This project walks you on how to create a twitter sentiment analysis model using python. Twitter sentiment analysis is performed to identify the sentiments of the people towards various topics. For this project, we will be analysing the sentiment of people towards Pfizer vaccines. We will be using the data available on Kaggle to create this machine learning model. The collected tweets from Twitter will be analysed using machine learning to identify the different sentiments present in the tweets. The different sentiments identified in this project include positive sentiment, negative sentiment and neutral sentiment. We will also be using different classifiers to see which classifier gives the best model accuracy.
shabh2412/stock_price_prediction_application
This project aims to develop a stock prediction application using Machine Learning
leadthefuture/ML-and-DataScience-preparation
RoadMap and preparation material for Machine Learning and Data Science - From beginner to expert.
tanveer-kader/ml-projects-py
Kickstart AI through Machine Learning and Deep Learning Projects (20+)
Vatshayan/Data-Duplication-Removal-using-Machine-Learning
Final Year Project as Deletion of Duplicated data using Machine learning project with source code and Report.
CRYPTOcoderAS/Breast-Cancer-Detection-ML-Project
Breast Cancer Detection using ML
Vatshayan/Android-Malware-Detection-Using-Machine-Learning
Android Malware Detection Using Machine Learning Project with Source Code and Documents Plus Video Explanation
darkdevil3610/100-AI-Machine-learning-Deep-learning-Computer-vision-NLP
100+ AI Machine learning Deep learning Computer vision NLP Projects with code
emirhanai/Estimated-annual-CO2-emissions-from-diesel-generators-at-mobile-or-cell-towers
Estimated annual CO2 emissions from diesel generators at mobile or cell towers
Vatshayan/Spam-Detection-Project
Spam Detection Project for college students with PPT, Report, Code, Datasets and Research papers
jaydipkumar/Data-Science-Python
Data Science Python Beginner Level Project
Vatshayan/Co2-Emission-Prediction-Using-Machine-Learning
Final year Co2 Emission Prediction Using Machine Learning Project with source code and documents. Btech Final Year Project
arthurdjn/nets
Recreating PyTorch from scratch, using Numpy. Supports FCN, CNN, RNN layers.
Vatshayan/Face-Detection-Project
Final Year college Face Detection Project with Project Report, Project PPT, Research Paper and Synopsis.
roshancyriacmathew/hate-speech-detection-using-machine-learning
This is a python project that is used to identify hate speech in tweets. The dataset used to train the model is available on Kaggle and consists of labelled tweets where 1 indicates hate speech tweets and 0 indicates non-hate speech tweets.