Skip to content

Latest commit

 

History

History
232 lines (181 loc) · 13.7 KB

ml-dl.md

File metadata and controls

232 lines (181 loc) · 13.7 KB

Crazy Awesome Python

A selection of 23 curated ml-dl Python libraries and frameworks ordered by stars.

Checkout the interactive version that you can filter and sort: https://www.awesomepython.org/

An Open Source Machine Learning Framework for Everyone
https://tensorflow.org
https://github.com/tensorflow/tensorflow
500 stars per week over 324 weeks
162,226 stars, 86,228 forks, 7,932 watches
created 2015-11-07, last commit 2022-01-23, main language C++
deep-learning, deep-neural-networks, distributed, machine-learning, ml, neural-network, python, tensorflow

Deep Learning for humans
http://keras.io/
https://github.com/keras-team/keras
151 stars per week over 356 weeks
53,778 stars, 18,969 forks, 1,986 watches
created 2015-03-28, last commit 2022-01-21, main language Python
data-science, deep-learning, machine-learning, neural-networks, python, tensorflow

Tensors and Dynamic neural networks in Python with strong GPU acceleration
https://pytorch.org
https://github.com/pytorch/pytorch
188 stars per week over 284 weeks
53,531 stars, 14,726 forks, 1,602 watches
created 2016-08-13, last commit 2022-01-23, main language C++
autograd, deep-learning, gpu, machine-learning, neural-network, numpy, python, tensor

Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
https://mxnet.apache.org
https://github.com/apache/incubator-mxnet
56 stars per week over 351 weeks
19,830 stars, 6,885 forks, 1,098 watches
created 2015-04-30, last commit 2022-01-19, main language C++
mxnet

PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
http://www.paddlepaddle.org/
https://github.com/PaddlePaddle/Paddle
61 stars per week over 283 weeks
17,506 stars, 4,258 forks, 732 watches
created 2016-08-15, last commit 2022-01-23, main language Python
deep-learning, distributed-training, efficiency, machine-learning, neural-network, paddlepaddle, python, scalability

The lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate.
https://pytorchlightning.ai
https://github.com/PyTorchLightning/pytorch-lightning
116 stars per week over 147 weeks
17,064 stars, 2,111 forks, 218 watches
created 2019-03-31, last commit 2022-01-22, main language Python
ai, artificial-intelligence, data-science, deep-learning, machine-learning, python, pytorch

PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
https://rwightman.github.io/pytorch-image-models/
https://github.com/rwightman/pytorch-image-models
103 stars per week over 155 weeks
16,054 stars, 2,599 forks, 264 watches
created 2019-02-02, last commit 2022-01-21, main language Python
augmix, cnn-classification, distributed-training, dual-path-networks, efficientnet, efficientnet-training, imagenet-classifier, mixnet, mnasnet, mobile-deep-learning, mobilenet-v2, mobilenetv3, nfnets, normalization-free-training, pretrained-models, pretrained-weights, pytorch, randaugment, resnet, vision-transformer-models

Jupyter notebooks for the code samples of the book "Deep Learning with Python"
https://github.com/fchollet/deep-learning-with-python-notebooks
63 stars per week over 228 weeks
14,633 stars, 7,208 forks, 640 watches
created 2017-09-05, last commit 2021-11-18, main language Jupyter Notebook

Graph Neural Network Library for PyTorch
https://pytorch-geometric.readthedocs.io/
https://github.com/pyg-team/pytorch_geometric
60 stars per week over 224 weeks
13,628 stars, 2,381 forks, 239 watches
created 2017-10-06, last commit 2022-01-22, main language Python
deep-learning, geometric-deep-learning, graph-convolutional-networks, graph-neural-networks, pytorch

Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
https://albumentations.ai
https://github.com/albumentations-team/albumentations
50 stars per week over 189 weeks
9,539 stars, 1,226 forks, 125 watches
created 2018-06-06, last commit 2021-12-24, main language Python
augmentation, deep-learning, detection, fast-augmentations, image-augmentation, image-classification, image-processing, image-segmentation, machine-learning, object-detection, python, segmentation

Python package built to ease deep learning on graph, on top of existing DL frameworks.
http://dgl.ai
https://github.com/dmlc/dgl
44 stars per week over 196 weeks
8,821 stars, 2,001 forks, 173 watches
created 2018-04-20, last commit 2022-01-22, main language Python
deep-learning, graph-neural-networks

AutoML library for deep learning
http://autokeras.com/
https://github.com/keras-team/autokeras
38 stars per week over 218 weeks
8,313 stars, 1,343 forks, 315 watches
created 2017-11-19, last commit 2022-01-21, main language Python
autodl, automated-machine-learning, automl, deep-learning, keras, machine-learning, neural-architecture-search, python, tensorflow

End-to-End Object Detection with Transformers
https://github.com/facebookresearch/detr
95 stars per week over 86 weeks
8,258 stars, 1,446 forks, 145 watches
created 2020-05-26, last commit 2021-10-18, main language Python

Deep universal probabilistic programming with Python and PyTorch
http://pyro.ai
https://github.com/pyro-ppl/pyro
30 stars per week over 240 weeks
7,277 stars, 886 forks, 202 watches
created 2017-06-16, last commit 2022-01-14, main language Python
bayesian, bayesian-inference, deep-learning, machine-learning, probabilistic-modeling, probabilistic-programming, python, pytorch, variational-inference

Trax — Deep Learning with Clear Code and Speed
https://github.com/google/trax
56 stars per week over 120 weeks
6,736 stars, 691 forks, 149 watches
created 2019-10-05, last commit 2021-12-23, main language Python
deep-learning, deep-reinforcement-learning, jax, machine-learning, numpy, reinforcement-learning, transformer

DeepSpeed is a deep learning optimization library that makes distributed training easy, efficient, and effective.
https://www.deepspeed.ai/
https://github.com/microsoft/DeepSpeed
59 stars per week over 104 weeks
6,168 stars, 700 forks, 123 watches
created 2020-01-23, last commit 2022-01-22, main language Python
billion-parameters, data-parallelism, deep-learning, gpu, machine-learning, model-parallelism, pytorch

PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
https://pytorch3d.org/
https://github.com/facebookresearch/pytorch3d
47 stars per week over 117 weeks
5,566 stars, 783 forks, 137 watches
created 2019-10-25, last commit 2022-01-21, main language Python

A scikit-learn compatible neural network library that wraps PyTorch
https://github.com/dnouri/skorch
18 stars per week over 235 weeks
4,306 stars, 303 forks, 82 watches
created 2017-07-18, last commit 2022-01-18, main language Jupyter Notebook
machine-learning, pytorch, scikit-learn

Flax is a neural network library for JAX that is designed for flexibility.
https://github.com/google/flax
24 stars per week over 106 weeks
2,578 stars, 291 forks, 72 watches
created 2020-01-10, last commit 2022-01-21, main language Python
jax

🔮 A refreshing functional take on deep learning, compatible with your favorite libraries
https://thinc.ai
https://github.com/explosion/thinc
6.43 stars per week over 379 weeks
2,438 stars, 231 forks, 85 watches
created 2014-10-16, last commit 2022-01-21, main language Python
ai, artificial-intelligence, deep-learning, functional-programming, jax, machine-learning, machine-learning-library, mxnet, natural-language-processing, nlp, python, pytorch, spacy, tensorflow, type-checking

TensorFlow Similarity is a python package focused on making similarity learning quick and easy.
https://github.com/tensorflow/similarity
8.06 stars per week over 83 weeks
676 stars, 47 forks, 21 watches
created 2020-06-15, last commit 2022-01-21, main language Python
barlow-twins, clustering, contrastive-learning, cosine-similarity, deep-learning, knn, machine-learning, metric-learning, nearest-neighbor-search, nearest-neighbors, python, simclr, simclr2, similarity-learning, similarity-search, simsiam, tensorflow, unsupervised-learning

Code for Parameter Prediction for Unseen Deep Architectures (NeurIPS 2021)
https://github.com/facebookresearch/ppuda
25 stars per week over 13 weeks
342 stars, 34 forks, 15 watches
created 2021-10-21, last commit 2022-01-12, main language Python

Build Low Code Automated Tensorflow explainable models in just 3 lines of code. Library created by: Hasan Rafiq - https://www.linkedin.com/in/sam04/
https://github.com/rafiqhasan/auto-tensorflow
4.57 stars per week over 28 weeks
132 stars, 27 forks, 9 watches
created 2021-07-05, last commit 2021-11-29, main language Python
auto-tensorflow, automl, autotensorflow, deeplearning, machine-learning, machinelearning, neural-networks, tensorflow, tfx

This file was automatically generated on 2022-01-23.

To curate your own github list, simply clone and change the input csv file.

Inspired by:
https://github.com/vinta/awesome-python
https://github.com/trananhkma/fucking-awesome-python