homemade-machine-learning by trekhleb

🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained

created at Nov. 1, 2018, 4:34 a.m.

Jupyter Notebook

939 +0

22,603 +19

4,001 +2

GitHub
ML-From-Scratch by eriklindernoren

Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

created at Feb. 5, 2017, 12:11 p.m.

Python

938 +0

23,298 +24

4,514 +4

GitHub
handson-ml by ageron

⛔️ DEPRECATED – See https://github.com/ageron/handson-ml3 instead.

created at Feb. 16, 2016, 7:48 p.m.

Jupyter Notebook

1,087 +0

25,108 +7

12,932 +3

GitHub
darknet by pjreddie

Convolutional Neural Networks

created at April 11, 2014, 7:59 a.m.

C

910 +0

25,387 +31

21,308 -2

GitHub
xgboost by dmlc

Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow

created at Feb. 6, 2014, 5:28 p.m.

C++

912 +1

25,661 +25

8,669 +0

GitHub
fastai by fastai

The fastai deep learning library

created at Sept. 9, 2017, 5:43 p.m.

Jupyter Notebook

611 +0

25,714 +19

7,519 +1

GitHub
Detectron by facebookresearch

FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.

created at Oct. 5, 2017, 5:32 p.m.

Python

942 +0

26,157 +5

5,450 -1

GitHub
Probabilistic-Programming-and-Bayesian-Methods-for-Hackers by CamDavidsonPilon

aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)

created at Jan. 14, 2013, 3:46 p.m.

Jupyter Notebook

1,374 +0

26,425 +19

7,825 +1

GitHub
netron by lutzroeder

Visualizer for neural network, deep learning and machine learning models

created at Dec. 26, 2010, 12:53 p.m.

JavaScript

295 +0

26,430 +68

2,684 +6

GitHub
data-science-ipython-notebooks by donnemartin

Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.

created at Jan. 23, 2015, 7:38 p.m.

Python

1,619 +0

26,549 +5

7,740 +7

GitHub
pytorch-lightning by PyTorchLightning

Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes.

created at March 31, 2019, 12:45 a.m.

Python

245 -1

27,143 +73

3,266 +3

GitHub
milvus by milvus-io

A cloud-native vector database, storage for next generation AI applications

created at Sept. 16, 2019, 6:43 a.m.

Go

273 +0

27,424 +190

2,640 +13

GitHub
jax by google

Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more

created at Oct. 25, 2018, 9:25 p.m.

Python

323 +0

28,295 +73

2,589 +6

GitHub
spaCy by explosion

💫 Industrial-strength Natural Language Processing (NLP) in Python

created at July 3, 2014, 3:15 p.m.

Python

556 +0

28,933 +46

4,302 +7

GitHub
detectron2 by facebookresearch

Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.

created at Sept. 5, 2019, 9:30 p.m.

Python

383 -1

28,977 +59

7,273 +5

GitHub
gradio by gradio-app

Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!

created at Dec. 19, 2018, 8:24 a.m.

Python

158 +2

29,698 +175

2,209 +17

GitHub
openpose by CMU-Perceptual-Computing-Lab

OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation

created at April 24, 2017, 2:06 p.m.

C++

919 +1

30,088 +44

7,786 +10

GitHub
pytorch-image-models by huggingface

The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more

created at Feb. 2, 2019, 5:51 a.m.

Python

308 +1

30,152 +94

4,595 +4

GitHub
ray by ray-project

Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.

created at Oct. 25, 2016, 7:38 p.m.

Python

472 +1

31,504 +83

5,319 +12

GitHub
streamlit by streamlit

Streamlit — A faster way to build and share data apps.

created at Aug. 24, 2019, 12:14 a.m.

Python

316 +2

32,374 +173

2,818 +12

GitHub