supervised-learning
There are 4171 repositories under supervised-learning topic.
MLEveryday/100-Days-Of-ML-Code
100-Days-Of-ML-Code中文版
afshinea/stanford-cs-229-machine-learning
VIP cheatsheets for Stanford's CS 229 Machine Learning
liuruoze/EasyPR
(CGCSTCD'2017) An easy, flexible, and accurate plate recognition project for Chinese licenses in unconstrained situations. CGCSTCD = China Graduate Contest on Smart-city Technology and Creative Design
rasbt/mlxtend
A library of extension and helper modules for Python's data analysis and machine learning libraries.
ZhaoJ9014/face.evoLVe
🔥🔥High-Performance Face Recognition Library on PaddlePaddle & PyTorch🔥🔥
benedekrozemberczki/karateclub
Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020)
Lightning-Universe/lightning-bolts
Toolbox of models, callbacks, and datasets for AI/ML researchers.
google/uis-rnn
This is the library for the Unbounded Interleaved-State Recurrent Neural Network (UIS-RNN) algorithm, corresponding to the paper Fully Supervised Speaker Diarization.
mrsaeeddev/free-ai-resources
🚀 FREE AI Resources - 🎓 Courses, 👷 Jobs, 📝 Blogs, 🔬 AI Research, and many more - for everyone!
csinva/imodels
Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
scorpionhiccup/StockPricePrediction
Stock Price Prediction using Machine Learning Techniques
code-kern-ai/refinery
The data scientist's open-source choice to scale, assess and maintain natural language data. Treat training data like a software artifact.
Ceruleanacg/Personae
📈 Personae is a repo of implements and environment of Deep Reinforcement Learning & Supervised Learning for Quantitative Trading.
Minqi824/ADBench
Official Implement of "ADBench: Anomaly Detection Benchmark", NeurIPS 2022.
ikergarcia1996/Self-Driving-Car-in-Video-Games
A deep neural network that learns to drive in video games
davidsbatista/Annotated-Semantic-Relationships-Datasets
A collections of public and free annotated datasets of relationships between entities/nominals (Portuguese and English)
achuthasubhash/Complete-Life-Cycle-of-a-Data-Science-Project
Complete-Life-Cycle-of-a-Data-Science-Project
Sergio0694/NeuralNetwork.NET
A TensorFlow-inspired neural network library built from scratch in C# 7.3 for .NET Standard 2.0, with GPU support through cuDNN
gitanat/simple-ocr-opencv
A simple python OCR engine using opencv
vikasverma1077/manifold_mixup
Code for reproducing Manifold Mixup results (ICML 2019)
alexklwong/awesome-state-of-depth-completion
Current state of supervised and unsupervised depth completion methods
diffusion-classifier/diffusion-classifier
Diffusion Classifier leverages pretrained diffusion models to perform zero-shot classification without additional training
PaddlePaddle/PaddleScience
PaddleScience is SDK and library for developing AI-driven scientific computing applications based on PaddlePaddle.
AFAgarap/cnn-svm
An Architecture Combining Convolutional Neural Network (CNN) and Linear Support Vector Machine (SVM) for Image Classification
madhug-nadig/Machine-Learning-Algorithms-from-Scratch
Implementing machine learning algorithms from scratch.
MrGiovanni/SuPreM
[ICLR 2024 Oral] Supervised Pre-Trained 3D Models for Medical Image Analysis (9,262 CT volumes + 25 annotated classes)
jayshah19949596/Machine-Learning-Models
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
jxareas/Machine-Learning-Notebooks
The full collection of Jupyter Notebook labs from Andrew Ng's Machine Learning Specialization.
liuruoze/mini-AlphaStar
(JAIR'2022) A mini-scale reproduction code of the AlphaStar program. Note: the original AlphaStar is the AI proposed by DeepMind to play StarCraft II. JAIR = Journal of Artificial Intelligence Research.
a-martyn/ISL-python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
yhyu13/AlphaGOZero-python-tensorflow
Congratulation to DeepMind! This is a reengineering implementation (on behalf of many other git repo in /support/) of DeepMind's Oct19th publication: [Mastering the Game of Go without Human Knowledge]. The supervised learning approach is more practical for individuals. (This repository has single purpose of education only)
marinavillaschi/ML-AndrewNg
Notebooks from the Machine Learning Specialization
phurwicz/hover
:speedboat: Label data at scale. Fun and precision included.
frontbenchHQ/Data-Science-Free
Free Resources For Data Science created by Shubham Kumar
GT-RIPL/L2C
Learning to Cluster. A deep clustering strategy.
toodef/neural-pipeline
Neural networks training pipeline based on PyTorch