🏆 A ranked list of awesome machine learning Python libraries. Updated weekly.
This curated list contains 890 awesome open-source projects with a total of 3.2M stars grouped into 33 categories. All projects are ranked by a project-quality score, which is calculated based on various metrics automatically collected from GitHub and different package managers. If you like to add or update projects, feel free to open an issue, submit a pull request, or directly edit the projects.yaml. Contributions are very welcome!
🧙♂️ Discover other best-of lists or create your own.
📫 Subscribe to our newsletter for updates and trending projects.
- Machine Learning Frameworks 55 projects
- Data Visualization 50 projects
- Text Data & NLP 90 projects
- Image Data 56 projects
- Graph Data 32 projects
- Audio Data 27 projects
- Geospatial Data 21 projects
- Financial Data 23 projects
- Time Series Data 23 projects
- Medical Data 19 projects
- Tabular Data 3 projects
- Optical Character Recognition 11 projects
- Data Containers & Structures 29 projects
- Data Loading & Extraction 1 projects
- Web Scraping & Crawling 1 projects
- Data Pipelines & Streaming 42 projects
- Distributed Machine Learning 29 projects
- Hyperparameter Optimization & AutoML 47 projects
- Reinforcement Learning 21 projects
- Recommender Systems 15 projects
- Privacy Machine Learning 6 projects
- Workflow & Experiment Tracking 36 projects
- Model Serialization & Deployment 14 projects
- Model Interpretability 50 projects
- Vector Similarity Search (ANN) 12 projects
- Probabilistics & Statistics 23 projects
- Adversarial Robustness 9 projects
- GPU Utilities 18 projects
- Tensorflow Utilities 15 projects
- Sklearn Utilities 17 projects
- Pytorch Utilities 31 projects
- Database Clients 1 projects
- Others 57 projects
- 🥇🥈🥉 Combined project-quality score
- ⭐️ Star count from GitHub
- 🐣 New project (less than 6 months old)
- 💤 Inactive project (6 months no activity)
- 💀 Dead project (12 months no activity)
- 📈📉 Project is trending up or down
- ➕ Project was recently added
- ❗️ Warning (e.g. missing/risky license)
- 👨💻 Contributors count from GitHub
- 🔀 Fork count from GitHub
- 📋 Issue count from GitHub
- ⏱️ Last update timestamp on package manager
- 📥 Download count from package manager
- 📦 Number of dependent projects
- Tensorflow related project
- Sklearn related project
- PyTorch related project
- MxNet related project
- Apache Spark related project
- Jupyter related project
- PaddlePaddle related project
- Pandas related project
General-purpose machine learning and deep learning frameworks.
Tensorflow (🥇55 · ⭐ 160K · 📈) - An Open Source Machine Learning Framework for Everyone. Apache-2
-
GitHub (👨💻 3.9K · 🔀 86K · 📦 180K · 📋 34K - 7% open · ⏱️ 09.01.2022):
git clone https://github.com/tensorflow/tensorflow
-
PyPi (📥 13M / month · 📦 14K · ⏱️ 22.12.2021):
pip install tensorflow
-
Conda (📥 3M · ⏱️ 08.12.2021):
conda install -c conda-forge tensorflow
-
Docker Hub (📥 64M · ⭐ 2K · ⏱️ 08.01.2022):
docker pull tensorflow/tensorflow
scikit-learn (🥇49 · ⭐ 48K · 📈) - scikit-learn: machine learning in Python. BSD-3
XGBoost (🥇44 · ⭐ 22K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
StatsModels (🥇44 · ⭐ 7K · 📈) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
pytorch-lightning (🥈42 · ⭐ 17K) - The lightweight PyTorch wrapper for high-performance.. Apache-2
LightGBM (🥈42 · ⭐ 13K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
PaddlePaddle (🥈41 · ⭐ 17K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2
jax (🥈41 · ⭐ 16K · 📈) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
Catboost (🥈40 · ⭐ 6.3K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
Jina (🥈37 · ⭐ 13K) - Cloud-native neural search framework for kind of data. Apache-2
-
GitHub (👨💻 140 · 🔀 1.8K · 📦 210 · 📋 1.2K - 6% open · ⏱️ 08.01.2022):
git clone https://github.com/jina-ai/jina
-
PyPi (📥 8.8K / month · ⏱️ 05.01.2022):
pip install jina
-
Docker Hub (📥 1M · ⭐ 6 · ⏱️ 05.01.2022):
docker pull jinaai/jina
Theano (🥈37 · ⭐ 9.5K) - Theano was a Python library that allows you to define, optimize, and.. BSD-3
Thinc (🥈36 · ⭐ 2.4K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
Vowpal Wabbit (🥈33 · ⭐ 7.8K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
tensorflow-upstream (🥈33 · ⭐ 580) - TensorFlow ROCm port. Apache-2
Turi Create (🥉32 · ⭐ 11K) - Turi Create simplifies the development of custom machine learning.. BSD-3
tensorpack (🥉32 · ⭐ 6.1K) - A Neural Net Training Interface on TensorFlow, with focus.. Apache-2
Neural Network Libraries (🥉30 · ⭐ 2.5K) - Neural Network Libraries. Apache-2
Neural Tangents (🥉25 · ⭐ 1.7K) - Fast and Easy Infinite Neural Networks in Python. Apache-2
Haiku (🥉25 · ⭐ 1.6K) - JAX-based neural network library. Apache-2
-
GitHub (👨💻 55 · 🔀 120 · 📦 290 · 📋 130 - 25% open · ⏱️ 07.01.2022):
git clone https://github.com/deepmind/dm-haiku
mace (🥉24 · ⭐ 4.6K) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
-
GitHub (👨💻 63 · 🔀 770 · 📥 1.4K · 📋 650 - 6% open · ⏱️ 06.12.2021):
git clone https://github.com/XiaoMi/mace
ThunderSVM (🥉21 · ⭐ 1.4K · 💤) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
Torchbearer (🥉21 · ⭐ 620 · 💤) - torchbearer: A model fitting library for PyTorch. MIT
NeoML (🥉18 · ⭐ 660) - Machine learning framework for both deep learning and traditional.. Apache-2
-
GitHub (👨💻 27 · 🔀 100 · 📋 69 - 40% open · ⏱️ 30.12.2021):
git clone https://github.com/neoml-lib/neoml
ThunderGBM (🥉17 · ⭐ 620 · 💤) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
Show 12 hidden projects...
- dlib (🥈38 · ⭐ 11K) - A toolkit for making real world machine learning and data analysis..
❗️BSL-1.0
- TFlearn (🥉32 · ⭐ 9.6K · 💀) - Deep learning library featuring a higher-level API for TensorFlow.
MIT
- CNTK (🥉31 · ⭐ 17K · 💀) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit.
MIT
- Lasagne (🥉29 · ⭐ 3.8K · 💀) - Lightweight library to build and train neural networks in Theano.
MIT
- NuPIC (🥉28 · ⭐ 6.3K · 💀) - Numenta Platform for Intelligent Computing is an implementation..
❗️AGPL-3.0
- MindsDB (🥉28 · ⭐ 4.3K) - Predictive AI layer for existing databases.
❗️GPL-3.0
- SHOGUN (🥉26 · ⭐ 2.9K · 💀) - Unified and efficient Machine Learning.
BSD-3
- xLearn (🥉25 · ⭐ 3K · 💀) - High performance, easy-to-use, and scalable machine learning (ML)..
Apache-2
- NeuPy (🥉24 · ⭐ 700 · 💀) - NeuPy is a Tensorflow based python library for prototyping and building..
MIT
- neon (🥉22 · ⭐ 3.9K · 💀) - Intel Nervana reference deep learning framework committed to best..
Apache-2
- chefboost (🥉20 · ⭐ 290) - A Lightweight Decision Tree Framework supporting regular algorithms:..
MIT
- StarSpace (🥉16 · ⭐ 3.7K · 💀) - Learning embeddings for classification, retrieval and ranking.
MIT
General-purpose and task-specific data visualization libraries.
Matplotlib (🥇49 · ⭐ 15K · 📈) - matplotlib: plotting with Python. Python-2.0
Plotly (🥇41 · ⭐ 11K) - The interactive graphing library for Python (includes Plotly Express). MIT
-
GitHub (👨💻 190 · 🔀 2.1K · 📦 9 · 📋 2.2K - 47% open · ⏱️ 21.12.2021):
git clone https://github.com/plotly/plotly.py
-
PyPi (📥 6.7M / month · 📦 3.8K · ⏱️ 21.12.2021):
pip install plotly
-
Conda (📥 2.1M · ⏱️ 21.12.2021):
conda install -c conda-forge plotly
-
npm (📥 44K / month · 📦 4 · ⏱️ 12.01.2021):
npm install plotlywidget
dash (🥈38 · ⭐ 16K) - Analytical Web Apps for Python, R, Julia, and Jupyter. No JavaScript Required. MIT
pandas-profiling (🥈36 · ⭐ 8.4K) - Create HTML profiling reports from pandas DataFrame.. MIT
HoloViews (🥈34 · ⭐ 2.1K) - With Holoviews, your data visualizes itself. BSD-3
-
GitHub (👨💻 120 · 🔀 340 · 📋 2.7K - 29% open · ⏱️ 18.12.2021):
git clone https://github.com/holoviz/holoviews
-
PyPi (📥 220K / month · 📦 190 · ⏱️ 16.12.2021):
pip install holoviews
-
Conda (📥 620K · ⏱️ 17.09.2021):
conda install -c conda-forge holoviews
-
npm (📥 1.7K / month · ⏱️ 24.05.2020):
npm install @pyviz/jupyterlab_pyviz
Perspective (🥈32 · ⭐ 4.1K) - A data visualization and analytics component, especially.. Apache-2
bqplot (🥈31 · ⭐ 3.2K) - Plotting library for IPython/Jupyter notebooks. Apache-2
-
GitHub (👨💻 55 · 🔀 460 · 📦 28 · 📋 580 - 38% open · ⏱️ 07.01.2022):
git clone https://github.com/bqplot/bqplot
-
PyPi (📥 47K / month · 📦 90 · ⏱️ 07.01.2022):
pip install bqplot
-
Conda (📥 910K · ⏱️ 07.01.2022):
conda install -c conda-forge bqplot
-
npm (📥 17K / month · 📦 10 · ⏱️ 07.01.2022):
npm install bqplot
datashader (🥉30 · ⭐ 2.7K) - Quickly and accurately render even the largest data. BSD-3
data-validation (🥉30 · ⭐ 600) - Library for exploring and validating machine learning.. Apache-2
Facets Overview (🥉28 · ⭐ 6.8K · 💤) - Visualizations for machine learning datasets. Apache-2
D-Tale (🥉28 · ⭐ 2.9K) - Visualizer for pandas data structures. ❗️LGPL-2.1
hvPlot (🥉27 · ⭐ 500) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3
pythreejs (🥉26 · ⭐ 780) - A Jupyter - Three.js bridge. BSD-3
-
GitHub (👨💻 29 · 🔀 160 · 📦 19 · 📋 210 - 31% open · ⏱️ 06.12.2021):
git clone https://github.com/jupyter-widgets/pythreejs
-
PyPi (📥 29K / month · 📦 34 · ⏱️ 26.02.2021):
pip install pythreejs
-
Conda (📥 360K · ⏱️ 02.03.2021):
conda install -c conda-forge pythreejs
-
npm (📥 4.5K / month · 📦 7 · ⏱️ 26.02.2021):
npm install jupyter-threejs
Chartify (🥉24 · ⭐ 3.1K · 💤) - Python library that makes it easy for data scientists to create.. Apache-2
HyperTools (🥉24 · ⭐ 1.7K) - A Python toolbox for gaining geometric insights into high-dimensional.. MIT
Pandas-Bokeh (🥉24 · ⭐ 740 · 💤) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT
AutoViz (🥉24 · ⭐ 600) - Automatically Visualize any dataset, any size with a single line of.. Apache-2
python-ternary (🥉22 · ⭐ 510) - Ternary plotting library for python with matplotlib. MIT
Sweetviz (🥉21 · ⭐ 1.9K) - Visualize and compare datasets, target values and associations, with one.. MIT
Show 10 hidden projects...
- plotnine (🥈31 · ⭐ 2.9K) - A grammar of graphics for Python.
❗️GPL-2.0
- cartopy (🥈31 · ⭐ 980) - Cartopy - a cartographic python library with matplotlib support.
❗️LGPL-3.0
- Multicore-TSNE (🥉24 · ⭐ 1.7K · 💀) - Parallel t-SNE implementation with Python and Torch..
BSD-3
- pivottablejs (🥉22 · ⭐ 450 · 💀) - Dragndrop Pivot Tables and Charts for Jupyter/IPython..
MIT
- ivis (🥉19 · ⭐ 250) - Dimensionality reduction in very large datasets using Siamese..
Apache-2
- animatplot (🥉17 · ⭐ 390 · 💀) - A python package for animating plots build on matplotlib.
MIT
- nx-altair (🥉17 · ⭐ 190 · 💀) - Draw interactive NetworkX graphs with Altair.
MIT
- pdvega (🥉16 · ⭐ 340 · 💀) - Interactive plotting for Pandas using Vega-Lite.
MIT
- data-describe (🥉16 · ⭐ 290) - datadescribe: Pythonic EDA Accelerator for Data Science.
Apache-2
- nptsne (🥉15 · ⭐ 27 · 💤) - nptsne is a numpy compatible python binary package that offers a..
Apache-2
Libraries for processing, cleaning, manipulating, and analyzing text data as well as libraries for NLP tasks such as language detection, fuzzy matching, classification, seq2seq learning, conversational AI, keyword extraction, and translation.
transformers (🥇47 · ⭐ 57K) - Transformers: State-of-the-art Machine Learning for.. Apache-2
nltk (🥇45 · ⭐ 10K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
gensim (🥇41 · ⭐ 13K) - Topic Modelling for Humans. ❗️LGPL-2.1
flair (🥇38 · ⭐ 11K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT
ChatterBot (🥇35 · ⭐ 12K · 💤) - ChatterBot is a machine learning, conversational dialog engine.. BSD-3
sentence-transformers (🥈34 · ⭐ 6.8K) - Multilingual Sentence & Image Embeddings with BERT. Apache-2
Tokenizers (🥈33 · ⭐ 5.1K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
snowballstemmer (🥈33 · ⭐ 540) - Snowball compiler and stemming algorithms. BSD-3
sentencepiece (🥈32 · ⭐ 5.6K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
TensorFlow Text (🥈32 · ⭐ 870) - Making text a first-class citizen in TensorFlow. Apache-2
DeepPavlov (🥈31 · ⭐ 5.5K) - An open source library for deep learning end-to-end dialog.. Apache-2
haystack (🥈29 · ⭐ 3.6K) - Haystack is an open source NLP framework that leverages Transformer.. Apache-2
TextDistance (🥈29 · ⭐ 2.6K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
vaderSentiment (🥉27 · ⭐ 3.3K · 💤) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. MIT
fastNLP (🥉27 · ⭐ 2.5K) - fastNLP: A Modularized and Extensible NLP Framework. Currently still.. Apache-2
PyTextRank (🥉27 · ⭐ 1.7K) - Python implementation of TextRank for phrase extraction and.. MIT
Ciphey (🥉26 · ⭐ 9.2K) - Automatically decrypt encryptions without knowing the key or cipher,.. MIT
-
GitHub (👨💻 46 · 🔀 580 · 📋 280 - 17% open · ⏱️ 03.11.2021):
git clone https://github.com/Ciphey/Ciphey
-
PyPi (📥 11K / month · ⏱️ 06.06.2021):
pip install ciphey
-
Docker Hub (📥 14K · ⭐ 5 · ⏱️ 16.11.2021):
docker pull remnux/ciphey
neuralcoref (🥉26 · ⭐ 2.5K · 💤) - Fast Coreference Resolution in spaCy with Neural Networks. MIT
scattertext (🥉26 · ⭐ 1.7K) - Beautiful visualizations of how language differs among document.. Apache-2
SciSpacy (🥉26 · ⭐ 1.1K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
spacy-transformers (🥉26 · ⭐ 1.1K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT
spacy
english-words (🥉24 · ⭐ 5.9K) - A text file containing 479k English words for all your.. Unlicense
pytorch-nlp (🥉24 · ⭐ 2K) - Basic Utilities for PyTorch Natural Language Processing (NLP). BSD-3
lightseq (🥉23 · ⭐ 1.9K) - LightSeq: A High Performance Library for Sequence Processing and.. Apache-2
gpt-2-simple (🥉22 · ⭐ 2.8K) - Python package to easily retrain OpenAIs GPT-2 text-.. MIT
Texthero (🥉22 · ⭐ 2.4K) - Text preprocessing, representation and visualization from zero to hero. MIT
YouTokenToMe (🥉22 · ⭐ 780 · 💤) - Unsupervised text tokenizer focused on computational efficiency. MIT
pySBD (🥉22 · ⭐ 400 · 💤) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence.. MIT
DeepMatcher (🥉21 · ⭐ 4K · 💤) - Python package for performing Entity and Text Matching using.. BSD-3
NLP Architect (🥉21 · ⭐ 2.8K) - A model library for exploring state-of-the-art deep learning.. Apache-2
OpenNRE (🥉17 · ⭐ 3.5K) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
-
GitHub (👨💻 10 · 🔀 910 · 📋 340 - 6% open · ⏱️ 09.12.2021):
git clone https://github.com/thunlp/OpenNRE
BLINK (🥉13 · ⭐ 780 · 💤) - Entity Linker solution. MIT
-
GitHub (👨💻 16 · 🔀 140 · 📋 77 - 62% open · ⏱️ 02.04.2021):
git clone https://github.com/facebookresearch/BLINK
Show 23 hidden projects...
- fastText (🥈33 · ⭐ 23K · 💀) - Library for fast text representation and classification.
MIT
- fuzzywuzzy (🥈33 · ⭐ 8.6K) - Fuzzy String Matching in Python.
❗️GPL-2.0
- langid (🥉27 · ⭐ 1.9K · 💀) - Stand-alone language identification system.
BSD-3
- polyglot (🥉26 · ⭐ 1.9K · 💀) - Multilingual text (NLP) processing toolkit.
❗️GPL-3.0
- flashtext (🥉25 · ⭐ 5K · 💀) - Extract Keywords from sentence or Replace keywords in sentences.
MIT
- textgenrnn (🥉25 · ⭐ 4.6K · 💀) - Easily train your own text-generating neural network of any..
MIT
- Texar (🥉23 · ⭐ 2.2K · 💀) - Toolkit for Machine Learning, Natural Language Processing, and..
Apache-2
- stop-words (🥉23 · ⭐ 140 · 💀) - Get list of common stop words in various languages in Python.
BSD-3
- DELTA (🥉21 · ⭐ 1.5K · 💀) - DELTA is a deep learning based natural language and speech..
Apache-2
- textpipe (🥉20 · ⭐ 290 · 💤) - Textpipe: clean and extract metadata from text.
MIT
- pyfasttext (🥉20 · ⭐ 230 · 💀) - Yet another Python binding for fastText.
❗️GPL-3.0
- fastT5 (🥉19 · ⭐ 240) - boost inference speed of T5 models by 5x & reduce the model size by 3x.
Apache-2
- NeuroNER (🥉17 · ⭐ 1.6K · 💀) - Named-entity recognition using neural networks. Easy-to-use and..
MIT
- nboost (🥉17 · ⭐ 600 · 💀) - NBoost is a scalable, search-api-boosting platform for deploying..
Apache-2
- skift (🥉17 · ⭐ 220 · 📉) - scikit-learn wrappers for Python fastText.
MIT
- textaugment (🥉17 · ⭐ 200) - TextAugment: Text Augmentation Library.
MIT
- NeuralQA (🥉15 · ⭐ 220 · 💀) - NeuralQA: A Usable Library for Question Answering on Large Datasets..
MIT
- Headliner (🥉14 · ⭐ 230 · 💀) - Easy training and deployment of seq2seq models.
MIT
- numerizer (🥉14 · ⭐ 130) - A Python module to convert natural language numerics into ints and..
MIT
- TransferNLP (🥉13 · ⭐ 290 · 💀) - NLP library designed for reproducible experimentation..
MIT
- ONNX-T5 (🥉13 · ⭐ 190 · 💤) - Summarization, translation, sentiment-analysis, text-generation..
Apache-2
- textvec (🥉13 · ⭐ 180 · 💀) - Text vectorization tool to outperform TFIDF for classification..
MIT
- spacy-dbpedia-spotlight (🥉10 · ⭐ 48 · 💤) - A spaCy wrapper for DBpedia Spotlight.
MIT
spacy
Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification.
scikit-image (🥇44 · ⭐ 4.7K) - Image processing in Python. BSD-2
torchvision (🥇41 · ⭐ 11K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3
detectron2 (🥇35 · ⭐ 19K) - Detectron2 is a platform for object detection, segmentation.. Apache-2
PyTorch Image Models (🥇35 · ⭐ 16K) - PyTorch image models, scripts, pretrained weights --.. Apache-2
-
GitHub (👨💻 64 · 🔀 2.5K · 📥 820K · 📦 1.7K · 📋 440 - 12% open · ⏱️ 08.01.2022):
git clone https://github.com/rwightman/pytorch-image-models
Albumentations (🥇35 · ⭐ 9.5K) - Fast image augmentation library and an easy-to-use wrapper.. MIT
InsightFace (🥈34 · ⭐ 11K) - State-of-the-art 2D and 3D Face Analysis Project. MIT
opencv-python (🥈34 · ⭐ 2.5K) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
Face Recognition (🥈33 · ⭐ 43K · 💤) - The worlds simplest facial recognition api for Python.. MIT
MMDetection (🥈33 · ⭐ 18K) - OpenMMLab Detection Toolbox and Benchmark. Apache-2
-
GitHub (👨💻 290 · 🔀 6.4K · 📦 220 · 📋 5K - 8% open · ⏱️ 30.12.2021):
git clone https://github.com/open-mmlab/mmdetection
imageai (🥈30 · ⭐ 6.8K · 💤) - A python library built to empower developers to build applications.. MIT
deepface (🥈30 · ⭐ 3K) - A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender,.. MIT
PaddleDetection (🥉28 · ⭐ 6.1K) - Object Detection toolkit based on PaddlePaddle. It.. Apache-2
-
GitHub (👨💻 78 · 🔀 1.5K · 📦 7 · 📋 2.9K - 29% open · ⏱️ 09.01.2022):
git clone https://github.com/PaddlePaddle/PaddleDetection
vit-pytorch (🥉27 · ⭐ 8.1K) - Implementation of Vision Transformer, a simple way to achieve.. MIT
Face Alignment (🥉27 · ⭐ 5.5K) - 2D and 3D Face alignment library build using pytorch. BSD-3
vidgear (🥉27 · ⭐ 2.1K) - A High-performance cross-platform Video Processing Python framework.. Apache-2
facenet-pytorch (🥉25 · ⭐ 2.6K) - Pretrained Pytorch face detection (MTCNN) and facial.. MIT
tensorflow-graphics (🥉25 · ⭐ 2.6K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2
pytorchvideo (🥉25 · ⭐ 2.2K) - A deep learning library for video understanding research. Apache-2
Torch Points 3D (🥉25 · ⭐ 1.7K) - Pytorch framework for doing deep learning on point clouds. BSD-3
CellProfiler (🥉25 · ⭐ 640) - An open-source application for biological image analysis. BSD-3
Image Super-Resolution (🥉24 · ⭐ 3.3K · 💤) - Super-scale your images and run experiments with.. Apache-2
-
GitHub (👨💻 10 · 🔀 580 · 📦 68 · 📋 190 - 42% open · ⏱️ 02.06.2021):
git clone https://github.com/idealo/image-super-resolution
-
PyPi (📥 5.5K / month · 📦 5 · ⏱️ 08.01.2020):
pip install ISR
-
Docker Hub (📥 200 · ⏱️ 01.04.2019):
docker pull idealo/image-super-resolution-gpu
layout-parser (🥉24 · ⭐ 2.7K) - A Unified Toolkit for Deep Learning Based Document Image.. Apache-2
deep-daze (🥉23 · ⭐ 4K) - Simple command line tool for text to image generation using OpenAIs CLIP.. MIT
Classy Vision (🥉22 · ⭐ 1.4K) - An end-to-end PyTorch framework for image and video.. MIT
image-match (🥉20 · ⭐ 2.7K) - Quickly search over billions of images. Apache-2
Norfair (🥉20 · ⭐ 1.2K) - Lightweight Python library for adding real-time object tracking to any.. BSD-3
DE⫶TR (🥉18 · ⭐ 8.2K) - End-to-End Object Detection with Transformers. Apache-2
-
GitHub (👨💻 24 · 🔀 1.4K · 📋 400 - 33% open · ⏱️ 18.10.2021):
git clone https://github.com/facebookresearch/detr
PySlowFast (🥉18 · ⭐ 4.5K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2
-
GitHub (👨💻 25 · 🔀 840 · 📦 6 · 📋 480 - 50% open · ⏱️ 28.10.2021):
git clone https://github.com/facebookresearch/SlowFast
pycls (🥉16 · ⭐ 1.8K) - Codebase for Image Classification Research, written in PyTorch. MIT
-
GitHub (👨💻 13 · 🔀 210 · 📦 4 · 📋 77 - 27% open · ⏱️ 19.08.2021):
git clone https://github.com/facebookresearch/pycls
Show 10 hidden projects...
- imgaug (🥇35 · ⭐ 12K · 💀) - Image augmentation for machine learning experiments.
MIT
- glfw (🥇35 · ⭐ 8.5K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input.
❗️Zlib
- Pillow-SIMD (🥈31 · ⭐ 1.7K) - The friendly PIL fork.
❗️PIL
- PyTorch3D (🥉28 · ⭐ 5.5K) - PyTorch3D is FAIRs library of reusable components for..
❗Unlicensed
- chainercv (🥉27 · ⭐ 1.5K · 💀) - ChainerCV: a Library for Deep Learning in Computer Vision.
MIT
- segmentation_models (🥉25 · ⭐ 3.6K · 💀) - Segmentation models with pretrained backbones. Keras..
MIT
- Image Deduplicator (🥉23 · ⭐ 3.9K · 💀) - Finding duplicate images made easy!.
Apache-2
- nude.py (🥉22 · ⭐ 830 · 💀) - Nudity detection with Python.
MIT
- Luminoth (🥉21 · ⭐ 2.4K · 💀) - Deep Learning toolkit for Computer Vision.
BSD-3
- solt (🥉16 · ⭐ 250 · 💀) - Streaming over lightweight data transformations.
MIT
Libraries for graph processing, clustering, embedding, and machine learning tasks.
PyTorch Geometric (🥇35 · ⭐ 14K) - Graph Neural Network Library for PyTorch. MIT
dgl (🥇35 · ⭐ 8.8K) - Python package built to ease deep learning on graph, on top of existing.. Apache-2
StellarGraph (🥈28 · ⭐ 2.2K) - StellarGraph - Machine Learning on Graphs. Apache-2
ogb (🥈27 · ⭐ 1.2K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
Paddle Graph Learning (🥈27 · ⭐ 1.2K) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2
pygraphistry (🥈25 · ⭐ 1.5K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3
pytorch_geometric_temporal (🥉23 · ⭐ 1.3K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT
AmpliGraph (🥉22 · ⭐ 1.7K · 💤) - Python library for Representation Learning on Knowledge.. Apache-2
PyTorch-BigGraph (🥉21 · ⭐ 3K) - Generate embeddings from large-scale graph-structured.. BSD-3
torch-cluster (🥉20 · ⭐ 460) - PyTorch Extension Library of Optimized Graph Cluster.. MIT
OpenKE (🥉15 · ⭐ 2.9K · 💤) - An Open-Source Package for Knowledge Embedding (KE). MIT
-
GitHub (👨💻 10 · 🔀 840 · 📋 380 - 17% open · ⏱️ 06.04.2021):
git clone https://github.com/thunlp/OpenKE
Show 13 hidden projects...
- igraph (🥇31 · ⭐ 920) - Python interface for igraph.
❗️GPL-2.0
- pygal (🥈29 · ⭐ 2.4K) - PYthon svg GrAph plotting Library.
❗️LGPL-3.0
- Karate Club (🥈24 · ⭐ 1.5K) - Karate Club: An API Oriented Open-source Python Framework for..
❗️GPL-3.0
- DeepWalk (🥉21 · ⭐ 2.4K · 💀) - DeepWalk - Deep Learning for Graphs.
❗️GPL-3.0
- graph-nets (🥉20 · ⭐ 5.1K · 💀) - Build Graph Nets in Tensorflow.
Apache-2
- DIG (🥉20 · ⭐ 1K) - A library for graph deep learning research.
❗️GPL-3.0
- Sematch (🥉17 · ⭐ 370 · 💀) - semantic similarity framework for knowledge graph.
Apache-2
- DeepGraph (🥉17 · ⭐ 250 · 💤) - Analyze Data with Pandas-based Networks. Documentation:.
BSD-3
- Euler (🥉16 · ⭐ 2.7K · 💀) - A distributed graph deep learning framework.
Apache-2
- GraphEmbedding (🥉16 · ⭐ 2.5K · 💀) - Implementation and experiments of graph embedding..
MIT
- pyRDF2Vec (🥉16 · ⭐ 140) - Python Implementation and Extension of RDF2Vec.
MIT
- GraphSAGE (🥉14 · ⭐ 2.6K · 💀) - Representation learning on large graphs using stochastic..
MIT
- OpenNE (🥉14 · ⭐ 1.5K · 💀) - An Open-Source Package for Network Embedding (NE).
MIT
Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks.
torchaudio (🥇33 · ⭐ 1.5K) - Data manipulation and transformation for audio signal.. BSD-2
speechbrain (🥈31 · ⭐ 3.6K) - A PyTorch-based Speech Toolkit. Apache-2
SpeechRecognition (🥈30 · ⭐ 6K) - Speech recognition module for Python, supporting several.. BSD-3
pyAudioAnalysis (🥈30 · ⭐ 4.5K) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
audioread (🥈29 · ⭐ 390) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding.. MIT
tinytag (🥉27 · ⭐ 500) - Read audio and music meta data and duration of MP3, OGG, OPUS, MP4, M4A,.. MIT
python-soundfile (🥉25 · ⭐ 430) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3
audiomentations (🥉24 · ⭐ 820) - A Python library for audio data augmentation. Inspired by.. MIT
DeepSpeech (🥉22 · ⭐ 18K) - DeepSpeech is an open source embedded (offline, on-device).. MPL-2.0
TTS (🥉22 · ⭐ 5.5K · 💤) - Deep learning for Text to Speech (Discussion forum:.. MPL-2.0
-
GitHub (👨💻 56 · 🔀 860 · 📥 1.6K · 📋 520 - 2% open · ⏱️ 12.02.2021):
git clone https://github.com/mozilla/TTS
Show 6 hidden projects...
- aubio (🥈29 · ⭐ 2.6K) - a library for audio and music analysis.
❗️GPL-3.0
- Essentia (🥉28 · ⭐ 2K) - C++ library for audio and music analysis, description and..
❗️AGPL-3.0
- python_speech_features (🥉24 · ⭐ 2K · 💀) - This library provides common speech features for ASR..
MIT
- Dejavu (🥉22 · ⭐ 5.6K · 💀) - Audio fingerprinting and recognition in Python.
MIT
- Muda (🥉19 · ⭐ 200 · 💤) - A library for augmenting annotated audio data.
ISC
- Julius (🥉16 · ⭐ 240) - Fast PyTorch based DSP for audio and 1D signals.
MIT
Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding.
pydeck (🥇42 · ⭐ 9.4K) - WebGL2 powered visualization framework. MIT
-
GitHub (👨💻 190 · 🔀 1.7K · 📦 3.4K · 📋 2.3K - 5% open · ⏱️ 30.12.2021):
git clone https://github.com/visgl/deck.gl
-
PyPi (📥 580K / month · 📦 15 · ⏱️ 25.10.2021):
pip install pydeck
-
Conda (📥 65K · ⏱️ 26.10.2021):
conda install -c conda-forge pydeck
-
npm (📥 190K / month · 📦 380 · ⏱️ 30.12.2021):
npm install deck.gl
ipyleaflet (🥈32 · ⭐ 1.2K) - A Jupyter - Leaflet.js bridge. MIT
-
GitHub (👨💻 73 · 🔀 320 · 📦 1.4K · 📋 470 - 38% open · ⏱️ 22.12.2021):
git clone https://github.com/jupyter-widgets/ipyleaflet
-
PyPi (📥 44K / month · 📦 100 · ⏱️ 06.12.2021):
pip install ipyleaflet
-
Conda (📥 790K · ⏱️ 09.12.2021):
conda install -c conda-forge ipyleaflet
-
npm (📥 36K / month · 📦 2 · ⏱️ 06.12.2021):
npm install jupyter-leaflet
ArcGIS API (🥉29 · ⭐ 1.2K) - Documentation and samples for ArcGIS API for Python. Apache-2
-
GitHub (👨💻 73 · 🔀 830 · 📥 1.3K · 📋 400 - 27% open · ⏱️ 09.12.2021):
git clone https://github.com/Esri/arcgis-python-api
-
PyPi (📥 47K / month · 📦 18 · ⏱️ 04.10.2021):
pip install arcgis
-
Docker Hub (📥 5.5K · ⭐ 33 · ⏱️ 05.10.2021):
docker pull esridocker/arcgis-api-python-notebook
EarthPy (🥉26 · ⭐ 320) - A package built to support working with spatial data using open source.. BSD-3
Show 6 hidden projects...
- Geocoder (🥈32 · ⭐ 1.4K · 💀) - Python Geocoder.
MIT
- Satpy (🥉30 · ⭐ 790) - Python package for earth-observing satellite data processing.
❗️GPL-3.0
- Sentinelsat (🥉29 · ⭐ 700) - Search and download Copernicus Sentinel satellite images.
❗️GPL-3.0
- gmaps (🥉24 · ⭐ 730 · 💀) - Google maps for Jupyter notebooks.
BSD-3
- pymap3d (🥉23 · ⭐ 220) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef..
BSD-2
- geoplotlib (🥉21 · ⭐ 950 · 💀) - python toolbox for visualizing geographical data and making maps.
MIT
Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data.
Alpha Vantage (🥈28 · ⭐ 3.6K · 💤) - A python wrapper for Alpha Vantage API for financial data. MIT
TensorTrade (🥉26 · ⭐ 3.7K) - An open source reinforcement learning framework for training,.. Apache-2
Enigma Catalyst (🥉26 · ⭐ 2.3K) - An Algorithmic Trading Library for Crypto-Assets in Python. Apache-2
stockstats (🥉26 · ⭐ 930) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
Crypto Signals (🥉21 · ⭐ 3.7K · 💤) - Github.com/CryptoSignal - #1 Quant Trading & Technical.. MIT
-
GitHub (👨💻 28 · 🔀 990 · 📋 250 - 21% open · ⏱️ 28.06.2021):
git clone https://github.com/CryptoSignal/crypto-signal
-
Docker Hub (📥 140K · ⭐ 7 · ⏱️ 03.09.2020):
docker pull shadowreaver/crypto-signal
tf-quant-finance (🥉21 · ⭐ 2.9K) - High-performance TensorFlow library for quantitative.. Apache-2
finmarketpy (🥉20 · ⭐ 2.8K) - Python library for backtesting trading strategies & analyzing.. Apache-2
Show 10 hidden projects...
- zipline (🥇33 · ⭐ 15K · 💀) - Zipline, a Pythonic Algorithmic Trading Library.
Apache-2
- pyfolio (🥇30 · ⭐ 4.2K · 💀) - Portfolio and risk analytics in Python.
Apache-2
- arch (🥈29 · ⭐ 850) - ARCH models in Python.
❗️NCSA
- backtrader (🥈28 · ⭐ 8K) - Python Backtesting library for trading strategies.
❗️GPL-3.0
- Alphalens (🥉27 · ⭐ 2.1K · 💀) - Performance analysis of predictive (alpha) stock factors.
Apache-2
- empyrical (🥉26 · ⭐ 880 · 💀) - Common financial risk and performance metrics. Used by zipline..
Apache-2
- PyAlgoTrade (🥉25 · ⭐ 3.6K · 💀) - Python Algorithmic Trading Library.
Apache-2
- FinTA (🥉22 · ⭐ 1.4K) - Common financial technical indicators implemented in Pandas.
❗️LGPL-3.0
- Backtesting.py (🥉21 · ⭐ 2K) - Backtest trading strategies in Python.
❗️AGPL-3.0
- surpriver (🥉12 · ⭐ 1.4K · 💀) - Find big moving stocks before they move using machine..
❗️GPL-3.0
Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data.
Prophet (🥇32 · ⭐ 14K) - Tool for producing high quality forecasts for time series data that has.. MIT
pmdarima (🥈30 · ⭐ 1.1K) - A statistical library designed to fill the void in Pythons time series.. MIT
pytorch-forecasting (🥈29 · ⭐ 1.6K) - Time series forecasting with PyTorch. MIT
Darts (🥈28 · ⭐ 3.3K) - A python library for easy manipulation and forecasting of time series. Apache-2
-
GitHub (👨💻 41 · 🔀 290 · 📦 24 · 📋 310 - 37% open · ⏱️ 06.01.2022):
git clone https://github.com/unit8co/darts
-
PyPi (📥 2.5K / month · 📦 2 · ⏱️ 24.12.2021):
pip install u8darts
-
Docker Hub (📥 240 · ⏱️ 24.12.2021):
docker pull unit8/darts
STUMPY (🥈28 · ⭐ 2K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
Show 7 hidden projects...
- PyFlux (🥉24 · ⭐ 1.9K · 💀) - Open source time series library for Python.
BSD-3
- luminol (🥉21 · ⭐ 990 · 💀) - Anomaly Detection and Correlation library.
Apache-2
- pydlm (🥉20 · ⭐ 400 · 💀) - A python library for Bayesian time series modeling.
BSD-3
- tick (🥉20 · ⭐ 370 · 💀) - Module for statistical learning, with a particular emphasis on time-..
BSD-3
- matrixprofile-ts (🥉19 · ⭐ 670 · 💀) - A Python library for detecting patterns and anomalies..
Apache-2
- ADTK (🥉18 · ⭐ 770 · 💀) - A Python toolkit for rule-based/unsupervised anomaly detection in time..
MPL-2.0
- tsaug (🥉14 · ⭐ 220 · 💀) - A Python package for time series augmentation.
Apache-2
Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats.
MNE (🥇37 · ⭐ 1.8K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
DeepVariant (🥉27 · ⭐ 2.4K) - DeepVariant is an analysis pipeline that uses a deep neural.. BSD-3
MedicalTorch (🥉16 · ⭐ 760 · 💤) - A medical imaging framework for Pytorch. Apache-2
Medical Detection Toolkit (🥉13 · ⭐ 1.1K) - The Medical Detection Toolkit contains 2D + 3D.. Apache-2
-
GitHub (👨💻 3 · 🔀 280 · 📋 120 - 32% open · ⏱️ 09.09.2021):
git clone https://github.com/MIC-DKFZ/medicaldetectiontoolkit
Show 7 hidden projects...
- NiftyNet (🥉23 · ⭐ 1.3K · 💀) - [unmaintained] An open-source convolutional neural..
Apache-2
- DLTK (🥉21 · ⭐ 1.3K · 💀) - Deep Learning Toolkit for Medical Image Analysis.
Apache-2
- MedPy (🥉21 · ⭐ 380 · 💀) - Medical image processing in Python.
❗️GPL-3.0
- Brainiak (🥉21 · ⭐ 260 · 💤) - Brain Imaging Analysis Kit.
Apache-2
- Glow (🥉21 · ⭐ 180) - An open-source toolkit for large-scale genomic analysis.
Apache-2
- DeepNeuro (🥉13 · ⭐ 110 · 💀) - A deep learning python package for neuroimaging data. Made by:.
MIT
- MedicalNet (🥉12 · ⭐ 1.3K · 💀) - Many studies have shown that the performance on deep learning is..
MIT
Libraries for processing tabular and structured data.
pytorch_tabular (🥇21 · ⭐ 510) - A standard framework for modelling Deep Learning Models.. MIT
carefree-learn (🥉19 · ⭐ 360) - Deep Learning PyTorch. MIT
Libraries for optical character recognition (OCR) and text extraction from images or videos.
EasyOCR (🥇32 · ⭐ 14K) - Ready-to-use OCR with 80+ supported languages and all popular writing.. Apache-2
Tesseract (🥇32 · ⭐ 4K) - Python-tesseract is an optical character recognition (OCR) tool for.. Apache-2
OCRmyPDF (🥈30 · ⭐ 5.7K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
attention-ocr (🥉21 · ⭐ 890) - A Tensorflow model for text recognition (CNN + seq2seq with.. MIT
Mozart (🥉10 · ⭐ 350 · 💤) - An optical music recognition (OMR) system. Converts sheet.. Apache-2
-
GitHub (👨💻 5 · 🔀 48 · 📋 9 - 33% open · ⏱️ 05.05.2021):
git clone https://github.com/aashrafh/Mozart
Show 2 hidden projects...
- pdftabextract (🥉19 · ⭐ 2K · 💀) - A set of tools for extracting tables from PDF files..
Apache-2
- doc2text (🥉19 · ⭐ 1.3K · 💀) - Detect text blocks and OCR poorly scanned PDFs in bulk. Python..
MIT
General-purpose data containers & structures as well as utilities & extensions for pandas.
h5py (🥈40 · ⭐ 1.7K) - HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5.. BSD-3
Modin (🥈34 · ⭐ 6.7K) - Modin: Speed up your Pandas workflows by changing a single line of.. Apache-2
numexpr (🥈33 · ⭐ 1.7K) - Fast numerical array expression evaluator for Python, NumPy, PyTables,.. MIT
Bottleneck (🥈32 · ⭐ 690 · 💤) - Fast NumPy array functions written in C. BSD-2
Vaex (🥉30 · ⭐ 6.8K) - Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualize and.. MIT
Arctic (🥉28 · ⭐ 2.6K) - Arctic is a high performance datastore for numeric data. ❗️LGPL-2.1
datasketch (🥉28 · ⭐ 1.6K) - MinHash, LSH, LSH Forest, Weighted MinHash, HyperLogLog,.. MIT
Pandaral·lel (🥉24 · ⭐ 1.9K) - A simple and efficient tool to parallelize Pandas.. BSD-3
Pandas Summary (🥉21 · ⭐ 380) - A library for managing, validating, summarizing, and.. Apache-2
Show 7 hidden projects...
- Blaze (🥈31 · ⭐ 3K · 💀) - NumPy and Pandas interface to Big Data.
BSD-3
- sklearn-pandas (🥉27 · ⭐ 2.5K · 💤) - Pandas integration with sklearn.
❗️Zlib
- bcolz (🥉26 · ⭐ 940 · 💀) - A columnar data container that can be compressed.
BSD-3
- StaticFrame (🥉26 · ⭐ 260) - Immutable and grow-only Pandas-like DataFrames with a more explicit..
MIT
- pandasql (🥉25 · ⭐ 1.1K · 💀) - sqldf for pandas.
MIT
- pickleDB (🥉23 · ⭐ 620 · 💀) - pickleDB is an open source key-value store using Pythons json module.
BSD-3
- fletcher (🥉19 · ⭐ 220 · 💤) - Pandas ExtensionDType/Array backed by Apache Arrow.
MIT
Libraries for loading, collecting, and extracting data from a variety of data sources and formats.
🔗 best-of-python - Data Extraction ( ⭐ 1.9K) - Collection of data-loading and -extraction libraries.
Libraries for web scraping, crawling, downloading, and mining as well as libraries.
🔗 best-of-web-python - Web Scraping ( ⭐ 1.4K) - Collection of web-scraping and crawling libraries.
Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks.
Celery (🥇46 · ⭐ 18K) - Asynchronous task queue/job queue based on distributed message passing. BSD-3
Airflow (🥇45 · ⭐ 25K · 📈) - Platform to programmatically author, schedule, and monitor.. Apache-2
-
GitHub (👨💻 2.2K · 🔀 9.8K · 📥 230K · 📋 4.8K - 18% open · ⏱️ 09.01.2022):
git clone https://github.com/apache/airflow
-
PyPi (📥 3.6M / month · 📦 440 · ⏱️ 21.12.2021):
pip install apache-airflow
-
Conda (📥 520K · ⏱️ 22.12.2021):
conda install -c conda-forge airflow
-
Docker Hub (📥 58M · ⭐ 310 · ⏱️ 21.12.2021):
docker pull apache/airflow
luigi (🥇38 · ⭐ 15K) - Luigi is a Python module that helps you build complex pipelines of batch.. Apache-2
dbt (🥇37 · ⭐ 4K) - dbt enables data analysts and engineers to transform their data using the.. Apache-2
Great Expectations (🥈34 · ⭐ 5.9K) - Always know what to expect from your data. Apache-2
Kedro (🥈33 · ⭐ 4.8K) - A Python framework for creating reproducible, maintainable and modular.. Apache-2
Activeloop (🥈31 · ⭐ 4.2K) - Dataset format for AI. Build, manage, & visualize datasets for.. MPL-2.0
streamparse (🥉27 · ⭐ 1.4K) - Run Python in Apache Storm topologies. Pythonic API, CLI.. Apache-2
ploomber (🥉27 · ⭐ 840) - Write maintainable, production-ready pipelines using Jupyter or your.. Apache-2
PyFunctional (🥉26 · ⭐ 2K) - Python library for creating data pipelines with chain functional.. MIT
whylogs (🥉23 · ⭐ 720) - Open standard for end-to-end data and ML monitoring for any scale in.. Apache-2
spark-deep-learning (🥉19 · ⭐ 1.9K) - Deep Learning Pipelines for Apache Spark. Apache-2
-
GitHub (👨💻 16 · 🔀 460 · 📦 19 · 📋 100 - 73% open · ⏱️ 19.08.2021):
git clone https://github.com/databricks/spark-deep-learning
Databolt Flow (🥉19 · ⭐ 930) - Python library for building highly effective data science workflows. MIT
Mara Pipelines (🥉16 · ⭐ 1.8K) - A lightweight opinionated ETL framework, halfway between plain.. MIT
Show 10 hidden projects...
- mrjob (🥈32 · ⭐ 2.6K · 💀) - Run MapReduce jobs on Hadoop or Amazon Web Services.
Apache-2
- faust (🥈31 · ⭐ 5.9K · 💀) - Python Stream Processing.
BSD-3
- dbnd (🥉25 · ⭐ 210) - DBND is an agile pipeline framework that helps data engineering teams..
Apache-2
- dpark (🥉22 · ⭐ 2.7K · 💀) - Python clone of Spark, a MapReduce alike framework in Python.
BSD-3
- pysparkling (🥉22 · ⭐ 240 · 💤) - A pure Python implementation of Apache Sparks RDD and DStream..
MIT
- mrq (🥉21 · ⭐ 860 · 💀) - Mr. Queue - A distributed worker task queue in Python using Redis & gevent.
MIT
- BatchFlow (🥉20 · ⭐ 170) - BatchFlow helps you conveniently work with random or sequential..
Apache-2
- flupy (🥉19 · ⭐ 170) - Fluent data pipelines for python and your shell.
MIT
- bodywork-core (🥉18 · ⭐ 320) - ML pipeline orchestration and model deployments on..
❗️AGPL-3.0
- Botflow (🥉15 · ⭐ 1.2K · 💀) - Python Fast Dataflow programming framework for Data pipeline work(..
BSD-3
Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure.
dask.distributed (🥇40 · ⭐ 1.3K) - A distributed task scheduler for Dask. BSD-3
horovod (🥈36 · ⭐ 12K) - Distributed training framework for TensorFlow, Keras, PyTorch, and.. Apache-2
ipyparallel (🥈33 · ⭐ 2.1K) - IPython Parallel: Interactive Parallel Computing in Python. BSD-3
BigDL (🥈31 · ⭐ 3.8K) - Building Large-Scale AI Applications for Distributed Big Data. Apache-2
-
GitHub (👨💻 130 · 🔀 960 · 📦 32 · 📋 1.1K - 30% open · ⏱️ 08.01.2022):
git clone https://github.com/intel-analytics/BigDL
-
PyPi (📥 6.5K / month · 📦 1 · ⏱️ 08.01.2022):
pip install bigdl
-
Maven (📦 4 · ⏱️ 20.04.2021):
<dependency> <groupId>com.intel.analytics.bigdl</groupId> <artifactId>bigdl-SPARK_2.4</artifactId> <version>[VERSION]</version> </dependency>
DeepSpeed (🥈30 · ⭐ 6.1K) - DeepSpeed is a deep learning optimization library that makes.. MIT
-
GitHub (👨💻 86 · 🔀 660 · 📦 140 · 📋 760 - 49% open · ⏱️ 08.01.2022):
git clone https://github.com/microsoft/DeepSpeed
-
PyPi (📥 41K / month · 📦 9 · ⏱️ 04.01.2022):
pip install deepspeed
-
Docker Hub (📥 13K · ⭐ 3 · ⏱️ 05.05.2021):
docker pull deepspeed/deepspeed
petastorm (🥈28 · ⭐ 1.3K) - Petastorm library enables single machine or distributed training.. Apache-2
analytics-zoo (🥉27 · ⭐ 2.5K) - Distributed Tensorflow, Keras and PyTorch on Apache.. Apache-2
TensorFlowOnSpark (🥉26 · ⭐ 3.7K) - TensorFlowOnSpark brings TensorFlow programs to.. Apache-2
Apache Singa (🥉20 · ⭐ 2.4K) - a distributed deep learning platform. Apache-2
-
GitHub (👨💻 76 · 🔀 720 · 📦 1 · 📋 89 - 44% open · ⏱️ 10.08.2021):
git clone https://github.com/apache/singa
-
Conda (📥 410 · ⏱️ 09.08.2021):
conda install -c nusdbsystem singa
-
Docker Hub (📥 210 · ⭐ 4 · ⏱️ 04.06.2019):
docker pull apache/singa
BytePS (🥉19 · ⭐ 3K) - A high performance and generic framework for distributed DNN training. Apache-2
-
GitHub (👨💻 19 · 🔀 430 · 📋 260 - 39% open · ⏱️ 12.10.2021):
git clone https://github.com/bytedance/byteps
-
PyPi (📥 52 / month · ⏱️ 02.08.2021):
pip install byteps
-
Docker Hub (📥 1.2K · ⏱️ 03.03.2020):
docker pull bytepsimage/tensorflow
Show 7 hidden projects...
- DEAP (🥈32 · ⭐ 4.5K) - Distributed Evolutionary Algorithms in Python.
❗️LGPL-3.0
- TensorFrames (🥉20 · ⭐ 760 · 💀) - [DEPRECATED] Tensorflow wrapper for DataFrames on..
Apache-2
- launchpad (🥉20 · ⭐ 250) - Launchpad is a library that simplifies writing distributed..
Apache-2
- somoclu (🥉20 · ⭐ 230) - Massively parallel self-organizing maps: accelerate training on multicore..
MIT
- sk-dist (🥉19 · ⭐ 270) - Distributed scikit-learn meta-estimators in PySpark.
Apache-2
- LazyCluster (🥉12 · ⭐ 43) - Distributed machine learning made simple.
Apache-2
- autodist (🥉11 · ⭐ 110 · 💤) - Simple Distributed Deep Learning on TensorFlow.
Apache-2
Libraries for hyperparameter optimization, automl and neural architecture search.
featuretools (🥇35 · ⭐ 5.9K) - An open source python library for automated feature engineering. BSD-3
Keras Tuner (🥇33 · ⭐ 2.4K) - Hyperparameter tuning for humans. Apache-2
auto-sklearn (🥈32 · ⭐ 5.9K) - Automated Machine Learning with scikit-learn. BSD-3
scikit-optimize (🥈32 · ⭐ 2.3K) - Sequential model-based optimization with a `scipy.optimize`.. BSD-3
mljar-supervised (🥈27 · ⭐ 1.7K) - Python package for AutoML on Tabular Data with Feature.. MIT
Neuraxle (🥉23 · ⭐ 490) - A Sklearn-like Framework for Hyperparameter Tuning and AutoML in.. Apache-2
Hyperactive (🥉23 · ⭐ 340) - An optimization and data collection toolbox for convenient and fast.. MIT
Auto ViML (🥉20 · ⭐ 320) - Automatically Build Multiple ML Models with a Single Line of Code... Apache-2
sklearn-deap (🥉19 · ⭐ 670) - Use evolutionary algorithms instead of gridsearch in scikit-.. MIT
AlphaPy (🥉18 · ⭐ 690) - Automated Machine Learning [AutoML] with Python, scikit-learn, Keras,.. Apache-2
HyperparameterHunter (🥉16 · ⭐ 680 · 💤) - Easy hyperparameter optimization and automatic result.. MIT
model_search (🥉11 · ⭐ 3.2K · 💤) - AutoML algorithms for model architecture search at scale. Apache-2
-
GitHub (👨💻 1 · 🔀 310 · 📋 50 - 70% open · ⏱️ 17.03.2021):
git clone https://github.com/google/model_search
Show 23 hidden projects...
- Bayesian Optimization (🥈32 · ⭐ 5.7K · 💀) - A Python implementation of global optimization with..
MIT
- TPOT (🥈31 · ⭐ 8.4K · 💤) - A Python Automated Machine Learning tool that optimizes..
❗️LGPL-3.0
- GPyOpt (🥈26 · ⭐ 780 · 💀) - Gaussian Process Optimization using GPy.
BSD-3
- Orion (🥈26 · ⭐ 210) - Asynchronous Distributed Hyperparameter Optimization.
BSD-3
- auto_ml (🥉23 · ⭐ 1.6K · 💀) - [UNMAINTAINED] Automated machine learning for analytics & production.
MIT
- MLBox (🥉22 · ⭐ 1.3K · 💀) - MLBox is a powerful Automated Machine Learning python library.
❗️BSD-1-Clause
- HpBandSter (🥉22 · ⭐ 510 · 💀) - a distributed Hyperband implementation on Steroids.
BSD-3
- optunity (🥉22 · ⭐ 380 · 💀) - optimization routines for hyperparameter tuning.
BSD-3
- lazypredict (🥉22 · ⭐ 280) - Lazy Predict help build a lot of basic models without much code..
MIT
- Test Tube (🥉20 · ⭐ 700 · 💀) - Python library to easily log experiments and parallelize..
MIT
- Dragonfly (🥉19 · ⭐ 620 · 💀) - An open source python library for scalable Bayesian optimisation.
MIT
- Sherpa (🥉18 · ⭐ 310 · 💀) - Hyperparameter optimization that enables researchers to..
❗️GPL-3.0
- Advisor (🥉17 · ⭐ 1.4K · 💀) - Open-source implementation of Google Vizier for hyper parameters..
Apache-2
- Auto Tune Models (🥉17 · ⭐ 510 · 💀) - Auto Tune Models - A multi-tenant, multi-data system for..
MIT
- featurewiz (🥉17 · ⭐ 120) - Use advanced feature engineering strategies and select best..
Apache-2
- automl-gs (🥉16 · ⭐ 1.8K · 💀) - Provide an input CSV and a target field to predict, generate a..
MIT
- Xcessiv (🥉16 · ⭐ 1.3K · 💀) - A web-based application for quick, scalable, and automated..
Apache-2
- Parfit (🥉15 · ⭐ 200 · 💀) - A package for parallelizing the fit and flexibly scoring of..
MIT
- ENAS (🥉13 · ⭐ 2.5K · 💀) - PyTorch implementation of Efficient Neural Architecture Search via..
Apache-2
- Auptimizer (🥉13 · ⭐ 180 · 💤) - An automatic ML model optimization tool.
❗️GPL-3.0
- Hypermax (🥉12 · ⭐ 99 · 💀) - Better, faster hyper-parameter optimization.
BSD-3
- Devol (🥉11 · ⭐ 940 · 💀) - Genetic neural architecture search with Keras.
MIT
- Hypertunity (🥉9 · ⭐ 120 · 💀) - A toolset for black-box hyperparameter optimisation.
Apache-2
Libraries for building and evaluating reinforcement learning & agent-based systems.
OpenAI Gym (🥇42 · ⭐ 26K) - A toolkit for developing and comparing reinforcement learning.. MIT
TensorForce (🥈29 · ⭐ 3.1K) - Tensorforce: a TensorFlow library for applied.. Apache-2
TensorLayer (🥉27 · ⭐ 6.8K) - Deep Learning and Reinforcement Learning Library for.. Apache-2
PARL (🥉27 · ⭐ 2.4K) - A high-performance distributed training framework for Reinforcement.. Apache-2
Stable Baselines (🥉25 · ⭐ 3.4K) - A fork of OpenAI Baselines, implementations of reinforcement.. MIT
ChainerRL (🥉23 · ⭐ 1K · 💤) - ChainerRL is a deep reinforcement learning library built on top of.. MIT
ReAgent (🥉20 · ⭐ 3.1K) - A platform for Reasoning systems (Reinforcement Learning,.. BSD-3
-
GitHub (👨💻 120 · 🔀 430 · 📋 120 - 35% open · ⏱️ 29.12.2021):
git clone https://github.com/facebookresearch/ReAgent
Show 4 hidden projects...
- baselines (🥈30 · ⭐ 12K · 💀) - OpenAI Baselines: high-quality implementations of reinforcement..
MIT
- keras-rl (🥈29 · ⭐ 5.2K · 💀) - Deep Reinforcement Learning for Keras.
MIT
- DeepMind Lab (🥉19 · ⭐ 6.6K) - A customisable 3D platform for agent-based AI research.
❗️GPL-2.0
- Maze (🥉16 · ⭐ 200) - Maze Applied Reinforcement Learning Framework.
❗️Custom
Libraries for building and evaluating recommendation systems.
TF Ranking (🥇29 · ⭐ 2.4K) - Learning to Rank in TensorFlow. Apache-2
TF Recommenders (🥇29 · ⭐ 1.2K) - TensorFlow Recommenders is a library for building.. Apache-2
Recommenders (🥈28 · ⭐ 12K) - Best Practices on Recommendation Systems. MIT
-
GitHub (👨💻 100 · 🔀 2.1K · 📥 89 · 📦 9 · 📋 650 - 20% open · ⏱️ 21.12.2021):
git clone https://github.com/microsoft/recommenders
lightfm (🥈28 · ⭐ 3.9K) - A Python implementation of LightFM, a hybrid recommendation algorithm. Apache-2
Case Recommender (🥉18 · ⭐ 380) - Case Recommender: A Flexible and Extensible Python.. MIT
recmetrics (🥉18 · ⭐ 340) - A library of metrics for evaluating recommender systems. MIT
Show 5 hidden projects...
- scikit-surprise (🥈28 · ⭐ 5.2K · 💀) - A Python scikit for building and analyzing recommender..
BSD-3
- tensorrec (🥉21 · ⭐ 1.2K · 💀) - A TensorFlow recommendation algorithm and framework in..
Apache-2
- lkpy (🥉21 · ⭐ 190) - Python recommendation toolkit.
MIT
- Spotlight (🥉18 · ⭐ 2.6K · 💀) - Deep recommender models using PyTorch.
MIT
- OpenRec (🥉16 · ⭐ 390 · 💀) - OpenRec is an open-source and modular library for neural network-..
Apache-2
Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy.
FATE (🥈28 · ⭐ 3.8K) - An Industrial Grade Federated Learning Framework. Apache-2
-
GitHub (👨💻 69 · 🔀 1.1K · 📋 1.1K - 32% open · ⏱️ 05.01.2022):
git clone https://github.com/FederatedAI/FATE
TensorFlow Privacy (🥉26 · ⭐ 1.5K) - Library for training machine learning models with.. Apache-2
Show 1 hidden projects...
- TFEncrypted (🥉24 · ⭐ 970 · 💀) - A Framework for Encrypted Machine Learning in TensorFlow.
Apache-2
Libraries to organize, track, and visualize machine learning experiments.
Tensorboard (🥇42 · ⭐ 5.7K) - TensorFlows Visualization Toolkit. Apache-2
DVC (🥇36 · ⭐ 9.1K) - Data Version Control | Git for Data & Models | ML Experiments Management. Apache-2
SageMaker SDK (🥇36 · ⭐ 1.5K) - A library for training and deploying machine learning.. Apache-2
tensorboardX (🥈34 · ⭐ 7.2K) - tensorboard for pytorch (and chainer, mxnet, numpy, ...). MIT
wandb client (🥈34 · ⭐ 3.6K) - A tool for visualizing and tracking your machine learning.. MIT
AzureML SDK (🥈34 · ⭐ 2.8K) - Python notebooks with ML and deep learning examples with Azure.. MIT
ClearML (🥈31 · ⭐ 2.9K) - ClearML - Auto-Magical CI/CD to streamline your ML workflow... Apache-2
-
GitHub (👨💻 44 · 🔀 400 · 📥 380 · 📦 170 · 📋 430 - 33% open · ⏱️ 08.01.2022):
git clone https://github.com/allegroai/clearml
-
PyPi (📥 55K / month · 📦 4 · ⏱️ 08.01.2022):
pip install clearml
-
Docker Hub (📥 30K · ⏱️ 05.10.2020):
docker pull allegroai/trains
ml-metadata (🥉28 · ⭐ 410) - For recording and retrieving metadata associated with ML.. Apache-2
Labml (🥉25 · ⭐ 930) - Monitor deep learning model training and hardware usage from your mobile.. MIT
livelossplot (🥉24 · ⭐ 1.2K) - Live training loss plot in Jupyter Notebook for Keras,.. MIT
TensorWatch (🥉21 · ⭐ 3.2K · 💤) - Debugging, monitoring and visualization for Python Machine.. MIT
Show 11 hidden projects...
- SKLL (🥉25 · ⭐ 530) - SciKit-Learn Laboratory (SKLL) makes it easy to run machine..
❗️BSD-1-Clause
- knockknock (🥉22 · ⭐ 2.3K · 💀) - Knock Knock: Get notified when your training ends with only two..
MIT
- hiddenlayer (🥉21 · ⭐ 1.6K · 💀) - Neural network graphs and training metrics for..
MIT
- lore (🥉21 · ⭐ 1.5K · 💀) - Lore makes machine learning approachable for Software Engineers and..
MIT
- TensorBoard Logger (🥉21 · ⭐ 620 · 💀) - Log TensorBoard events without touching TensorFlow.
MIT
- gokart (🥉21 · ⭐ 230) - Gokart solves reproducibility, task dependencies, constraints of good code,..
MIT
- MXBoard (🥉20 · ⭐ 330 · 💀) - Logging MXNet data for visualization in TensorBoard.
Apache-2
- datmo (🥉19 · ⭐ 340 · 💀) - Open source production model management tool for data scientists.
MIT
- steppy (🥉16 · ⭐ 130 · 💀) - Lightweight, Python library for fast and reproducible experimentation.
MIT
- ModelChimp (🥉13 · ⭐ 120) - Experiment tracking for machine and deep learning projects.
BSD-2
- traintool (🥉8 · ⭐ 9 · 💤) - Train off-the-shelf machine learning models in one..
Apache-2
Libraries to serialize models to files, convert between a variety of model formats, and optimize models for deployment.
Core ML Tools (🥇31 · ⭐ 2.5K) - Core ML tools contain supporting tools for Core ML model.. BSD-3
TorchServe (🥈30 · ⭐ 2.4K) - Model Serving on PyTorch. Apache-2
-
GitHub (👨💻 95 · 🔀 430 · 📥 790 · 📋 770 - 16% open · ⏱️ 07.01.2022):
git clone https://github.com/pytorch/serve
-
PyPi (📥 8.9K / month · 📦 8 · ⏱️ 29.12.2021):
pip install torchserve
-
Conda (📥 18K · ⏱️ 29.12.2021):
conda install -c pytorch torchserve
-
Docker Hub (📥 960K · ⭐ 11 · ⏱️ 29.12.2021):
docker pull pytorch/torchserve
huggingface_hub (🥈29 · ⭐ 310) - All the open source things related to the Hugging Face Hub. Apache-2
Hummingbird (🥈26 · ⭐ 2.7K) - Hummingbird compiles trained ML models into tensor computation for.. MIT
m2cgen (🥉24 · ⭐ 2K) - Transform ML models into a native code (Java, C, Python, Go, JavaScript,.. MIT
pytorch2keras (🥉18 · ⭐ 770) - PyTorch to Keras model convertor. MIT
Show 4 hidden projects...
- mmdnn (🥉25 · ⭐ 5.5K · 💀) - MMdnn is a set of tools to help users inter-operate among different deep..
MIT
- Larq Compute Engine (🥉20 · ⭐ 180) - Highly optimized inference engine for Binarized..
Apache-2
- sklearn-porter (🥉19 · ⭐ 1.1K · 💀) - Transpile trained scikit-learn estimators to C, Java,..
MIT
- backprop (🥉13 · ⭐ 220 · 💤) - Backprop makes it simple to use, finetune, and deploy state-of-..
Apache-2
Libraries to visualize, explain, debug, evaluate, and interpret machine learning models.
shap (🥇39 · ⭐ 15K) - A game theoretic approach to explain the output of any machine learning model. MIT
InterpretML (🥇31 · ⭐ 4.4K) - Fit interpretable models. Explain blackbox machine learning. MIT
Model Analysis (🥈30 · ⭐ 1.1K) - Model analysis tools for TensorFlow. Apache-2
dtreeviz (🥈27 · ⭐ 1.9K) - A python library for decision tree visualization and model interpretation. MIT
yellowbrick (🥈26 · ⭐ 3.5K) - Visual analysis and diagnostic tools to facilitate machine.. Apache-2
responsible-ai-widgets (🥈25 · ⭐ 380) - This project provides responsible AI user interfaces.. MIT
LIT (🥉24 · ⭐ 2.7K) - The Language Interpretability Tool: Interactively analyze NLP models for.. Apache-2
Fairness 360 (🥉24 · ⭐ 1.6K) - A comprehensive set of fairness metrics for datasets and.. Apache-2
explainerdashboard (🥉23 · ⭐ 950) - Quickly build Explainable AI dashboards that show the inner.. MIT
tf-explain (🥉23 · ⭐ 890) - Interpretability Methods for tf.keras models with Tensorflow 2.x. MIT
Explainability 360 (🥉22 · ⭐ 1K) - Interpretability and explainability of data and machine.. Apache-2
TreeInterpreter (🥉22 · ⭐ 690 · 💤) - Package for interpreting scikit-learns decision tree.. BSD-3
What-If Tool (🥉22 · ⭐ 620) - Source code/webpage/demos for the What-If Tool. Apache-2
random-forest-importances (🥉22 · ⭐ 490 · 💤) - Code to compute permutation and drop-column.. MIT
imodels (🥉21 · ⭐ 420) - Interpretable ML package for concise, transparent, and accurate predictive.. MIT
sklearn-evaluation (🥉20 · ⭐ 320) - Machine learning model evaluation made easy: plots,.. MIT
iNNvestigate (🥉19 · ⭐ 930) - A toolbox to iNNvestigate neural networks predictions!. BSD-2
FlashTorch (🥉15 · ⭐ 640 · 💤) - Visualization toolkit for neural networks in PyTorch! Demo --. MIT
Show 12 hidden projects...
- eli5 (🥈27 · ⭐ 2.5K · 💀) - A library for debugging/inspecting machine learning classifiers and..
MIT
- scikit-plot (🥈26 · ⭐ 2.2K · 💀) - An intuitive library to add plotting functionality to..
MIT
- keras-vis (🥈25 · ⭐ 2.9K · 💀) - Neural network visualization toolkit for keras.
MIT
- DALEX (🥉22 · ⭐ 980) - moDel Agnostic Language for Exploration and eXplanation.
❗️GPL-3.0
- Skater (🥉21 · ⭐ 1K · 💀) - Python Library for Model Interpretation/Explanations.
❗️UPL-1.0
- model-card-toolkit (🥉18 · ⭐ 240) - a tool that leverages rich metadata and lineage..
Apache-2
- fairness-indicators (🥉18 · ⭐ 240) - Tensorflows Fairness Evaluation and Visualization..
Apache-2
- interpret-text (🥉15 · ⭐ 290 · 📉) - A library that incorporates state-of-the-art explainers..
MIT
- ExplainX.ai (🥉15 · ⭐ 260 · 💤) - Explainable AI framework for data scientists. Explain & debug any..
MIT
- contextual-ai (🥉13 · ⭐ 77) - Contextual AI adds explainability to different stages of..
Apache-2
- Attribution Priors (🥉12 · ⭐ 91 · 💤) - Tools for training explainable models using..
MIT
- bias-detector (🥉12 · ⭐ 37) - Bias Detector is a python package for detecting bias in machine..
MIT
Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search.
🔗 ANN Benchmarks ( ⭐ 2.7K) - Benchmarks of approximate nearest neighbor libraries in Python.
Milvus (🥇38 · ⭐ 9.2K) - An open-source vector database for embedding similarity search and AI.. Apache-2
-
GitHub (👨💻 180 · 🔀 1.4K · 📥 5.9K · 📋 4.3K - 5% open · ⏱️ 07.01.2022):
git clone https://github.com/milvus-io/milvus
-
PyPi (📥 19K / month · 📦 15 · ⏱️ 31.12.2021):
pip install pymilvus
-
Docker Hub (📥 710K · ⭐ 17 · ⏱️ 31.12.2021):
docker pull milvusdb/milvus
Faiss (🥇33 · ⭐ 16K) - A library for efficient similarity search and clustering of dense vectors. MIT
Annoy (🥇33 · ⭐ 9.3K) - Approximate Nearest Neighbors in C++/Python optimized for memory usage.. Apache-2
NMSLIB (🥈30 · ⭐ 2.7K) - Non-Metric Space Library (NMSLIB): An efficient similarity search.. Apache-2
hnswlib (🥈30 · ⭐ 1.8K) - Header-only C++/python library for fast approximate nearest neighbors. Apache-2
PyNNDescent (🥉28 · ⭐ 560) - A Python nearest neighbor descent for approximate nearest neighbors. BSD-2
N2 (🥉18 · ⭐ 500 · 💤) - TOROS N2 - lightweight approximate Nearest Neighbor library which runs.. Apache-2
Show 3 hidden projects...
Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics.
tensorflow-probability (🥇37 · ⭐ 3.6K) - Probabilistic reasoning and statistical analysis in.. Apache-2
filterpy (🥈31 · ⭐ 2.1K · 💤) - Python Kalman filtering and optimal estimation library. Implements.. MIT
pomegranate (🥈30 · ⭐ 2.8K) - Fast, flexible and easy to use probabilistic modelling in Python. MIT
SALib (🥉29 · ⭐ 560) - Sensitivity Analysis Library in Python. Contains Sobol, Morris, FAST, and.. MIT
Orbit (🥉23 · ⭐ 840) - A Python package for Bayesian forecasting with object-oriented design.. Apache-2
Baal (🥉20 · ⭐ 520) - Library to enable Bayesian active learning in your research or labeling.. Apache-2
Show 8 hidden projects...
- Edward (🥉28 · ⭐ 4.7K · 💀) - A probabilistic programming language in TensorFlow. Deep..
Apache-2
- pingouin (🥉28 · ⭐ 880) - Statistical package in Python based on Pandas.
❗️GPL-3.0
- PyStan (🥉24 · ⭐ 150) - PyStan, a Python interface to Stan, a platform for statistical modeling...
ISC
- scikit-posthocs (🥉21 · ⭐ 220) - Multiple Pairwise Comparisons (Post Hoc) Tests in Python.
MIT
- Funsor (🥉21 · ⭐ 190) - Functional tensors for probabilistic programming.
Apache-2
- pyhsmm (🥉20 · ⭐ 500 · 💀) - Bayesian inference in HSMMs and HMMs.
MIT
- ZhuSuan (🥉15 · ⭐ 2.1K · 💀) - A probabilistic programming library for Bayesian deep learning,..
MIT
- Lea (🥉12) - Discrete probability distributions in Python.
❗️GPL-3.0
Libraries for testing the robustness of machine learning models against attacks with adversarial/malicious examples.
ART (🥇32 · ⭐ 2.7K) - Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning.. MIT
TextAttack (🥈30 · ⭐ 1.8K) - TextAttack is a Python framework for adversarial attacks, data.. MIT
CleverHans (🥈29 · ⭐ 5.4K) - An adversarial example library for constructing attacks,.. MIT
AdvBox (🥉18 · ⭐ 1.2K · 💤) - Advbox is a toolbox to generate adversarial examples that fool.. Apache-2
robustness (🥉17 · ⭐ 650) - A library for experimenting with, training and evaluating neural.. MIT
Show 3 hidden projects...
Libraries that require and make use of CUDA/GPU system capabilities to optimize data handling and machine learning tasks.
CuPy (🥇39 · ⭐ 5.7K) - NumPy & SciPy for GPU. MIT
-
GitHub (👨💻 290 · 🔀 530 · 📥 24K · 📦 910 · 📋 1.6K - 22% open · ⏱️ 07.01.2022):
git clone https://github.com/cupy/cupy
-
PyPi (📥 85K / month · 📦 140 · ⏱️ 09.12.2021):
pip install cupy
-
Conda (📥 1.1M · ⏱️ 16.12.2021):
conda install -c conda-forge cupy
-
Docker Hub (📥 54K · ⭐ 7 · ⏱️ 09.12.2021):
docker pull cupy/cupy
DALI (🥉24 · ⭐ 3.7K) - A GPU-accelerated library containing highly optimized building blocks.. Apache-2
-
GitHub (👨💻 68 · 🔀 460 · 📋 1.1K - 13% open · ⏱️ 04.01.2022):
git clone https://github.com/NVIDIA/DALI
scikit-cuda (🥉24 · ⭐ 870) - Python interface to GPU-powered libraries. BSD-3
BlazingSQL (🥉23 · ⭐ 1.7K) - BlazingSQL is a lightweight, GPU accelerated, SQL engine for.. Apache-2
cuSignal (🥉19 · ⭐ 560) - GPU accelerated signal processing. Apache-2
-
GitHub (👨💻 36 · 🔀 80 · 📋 120 - 12% open · ⏱️ 08.12.2021):
git clone https://github.com/rapidsai/cusignal
Vulkan Kompute (🥉18 · ⭐ 670) - General purpose GPU compute framework for cross vendor.. Apache-2
Show 5 hidden projects...
- GPUtil (🥉22 · ⭐ 800 · 💀) - A Python module for getting the GPU status from NVIDA GPUs using..
MIT
- py3nvml (🥉22 · ⭐ 200) - Python 3 Bindings for NVML library. Get NVIDIA GPU status inside your..
BSD-3
- nvidia-ml-py3 (🥉20 · ⭐ 71 · 💀) - Python 3 Bindings for the NVIDIA Management Library.
BSD-3
- SpeedTorch (🥉15 · ⭐ 650 · 💀) - Library for faster pinned CPU - GPU transfer in Pytorch.
MIT
- ipyexperiments (🥉15 · ⭐ 140) - jupyter/ipython experiment containers for GPU and..
Apache-2
Libraries that extend TensorFlow with additional capabilities.
tensor2tensor (🥇35 · ⭐ 12K) - Library of deep learning models and datasets designed to.. Apache-2
TensorFlow Datasets (🥇35 · ⭐ 3.1K) - TFDS is a collection of datasets ready to use with.. Apache-2
tensorflow-hub (🥇35 · ⭐ 3K) - A library for transfer learning by reusing parts of.. Apache-2
TensorFlow Transform (🥈32 · ⭐ 900) - Input pipeline framework. Apache-2
TF Model Optimization (🥈31 · ⭐ 1.2K) - A toolkit to optimize ML models for deployment for.. Apache-2
Keras-Preprocessing (🥉30 · ⭐ 1K · 💤) - Utilities for working with image data, text data, and.. MIT
TensorFlow I/O (🥉29 · ⭐ 520) - Dataset, streaming, and file system extensions.. Apache-2
efficientnet (🥉26 · ⭐ 1.9K) - Implementation of EfficientNet model. Keras and.. Apache-2
Neural Structured Learning (🥉26 · ⭐ 890) - Training neural models with structured signals. Apache-2
TensorFlow Cloud (🥉24 · ⭐ 320) - The TensorFlow Cloud repository provides APIs that.. Apache-2
TensorNets (🥉20 · ⭐ 1K · 💤) - High level network definitions with pre-trained weights in.. MIT
TF Compression (🥉17 · ⭐ 560) - Data compression in TensorFlow. Apache-2
Show 1 hidden projects...
Libraries that extend scikit-learn with additional capabilities.
imbalanced-learn (🥇36 · ⭐ 5.7K) - A Python Package to Tackle the Curse of Imbalanced.. MIT
category_encoders (🥈34 · ⭐ 1.8K) - A library of sklearn compatible categorical variable.. BSD-3
fancyimpute (🥈25 · ⭐ 1K) - Multivariate imputation and matrix completion algorithms.. Apache-2
scikit-lego (🥈25 · ⭐ 680) - Extra blocks for scikit-learn pipelines. MIT
sklearn-contrib-lightning (🥈24 · ⭐ 1.5K) - Large-scale linear classification, regression and.. BSD-3
-
GitHub (👨💻 17 · 🔀 190 · 📥 100 · 📦 97 · 📋 91 - 54% open · ⏱️ 09.01.2022):
git clone https://github.com/scikit-learn-contrib/lightning
-
PyPi (📥 1.3K / month · 📦 6 · ⏱️ 15.06.2021):
pip install sklearn-contrib-lightning
-
Conda (📥 160K · ⏱️ 13.11.2021):
conda install -c conda-forge sklearn-contrib-lightning
scikit-opt (🥉23 · ⭐ 2.8K) - Genetic Algorithm, Particle Swarm Optimization, Simulated.. MIT
iterative-stratification (🥉21 · ⭐ 620 · 📉) - scikit-learn cross validators for iterative.. BSD-3
combo (🥉21 · ⭐ 560) - (AAAI 20) A Python Toolbox for Machine Learning Model Combination. BSD-2
xgboost
scikit-tda (🥉18 · ⭐ 320) - Topological Data Analysis for Python. MIT
Show 6 hidden projects...
- sklearn-crfsuite (🥈25 · ⭐ 390 · 💀) - scikit-learn inspired API for CRFsuite.
MIT
- scikit-multilearn (🥉23 · ⭐ 710 · 💀) - A scikit-learn based module for multi-label et. al...
BSD-2
- skope-rules (🥉20 · ⭐ 420 · 💀) - machine learning with logical rules in Python.
❗️BSD-1-Clause
- celer (🥉19 · ⭐ 130) - Fast solver for L1-type problems: Lasso, sparse Logisitic regression,..
BSD-3
- skggm (🥉17 · ⭐ 190 · 💀) - Scikit-learn compatible estimation of general graphical models.
MIT
- dabl (🥉15 · ⭐ 110) - Data Analysis Baseline Library.
BSD-3
Libraries that extend Pytorch with additional capabilities.
PML (🥇32 · ⭐ 4K) - The easiest way to use deep metric learning in your application. Modular,.. MIT
-
GitHub (👨💻 23 · 🔀 500 · 📦 180 · 📋 320 - 12% open · ⏱️ 01.01.2022):
git clone https://github.com/KevinMusgrave/pytorch-metric-learning
-
PyPi (📥 90K / month · 📦 8 · ⏱️ 28.12.2021):
pip install pytorch-metric-learning
-
Conda (📥 5.4K · ⏱️ 28.12.2021):
conda install -c metric-learning pytorch-metric-learning
pytorch-optimizer (🥇29 · ⭐ 2.3K) - torch-optimizer -- collection of optimizers for.. Apache-2
lightning-flash (🥇28 · ⭐ 1.3K) - Your PyTorch AI Factory - Flash enables you to easily.. Apache-2
EfficientNet-PyTorch (🥈27 · ⭐ 6.7K · 💤) - A PyTorch implementation of EfficientNet and.. Apache-2
accelerate (🥈27 · ⭐ 2.1K) - A simple way to train and use PyTorch models with multi-.. Apache-2
pytorch-summary (🥈26 · ⭐ 3.4K · 💤) - Model summary in PyTorch similar to `model.summary()`.. MIT
torchdiffeq (🥈24 · ⭐ 3.9K) - Differentiable ODE solvers with full GPU support and.. MIT
SRU (🥈24 · ⭐ 2K · 💤) - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755). MIT
torch-scatter (🥈24 · ⭐ 850) - PyTorch Extension Library of Optimized Scatter Operations. MIT
Pytorch Toolbelt (🥈23 · ⭐ 1.2K) - PyTorch extensions for fast R&D prototyping and Kaggle.. MIT
PyTorch Sparse (🥈23 · ⭐ 550) - PyTorch Extension Library of Optimized Autograd Sparse.. MIT
EfficientNets (🥉22 · ⭐ 1.4K) - Pretrained EfficientNet, EfficientNet-Lite, MixNet,.. Apache-2
reformer-pytorch (🥉21 · ⭐ 1.7K) - Reformer, the efficient Transformer, in Pytorch. MIT
tinygrad (🥉19 · ⭐ 5.1K) - You like pytorch? You like micrograd? You love tinygrad!. MIT
-
GitHub (👨💻 52 · 🔀 570 · 📦 1 · 📋 110 - 19% open · ⏱️ 06.01.2022):
git clone https://github.com/geohot/tinygrad
Performer Pytorch (🥉19 · ⭐ 770) - An implementation of Performer, a linear attention-based.. MIT
Tensor Sensor (🥉19 · ⭐ 620) - The goal of this library is to generate more helpful.. MIT
torchsde (🥉16 · ⭐ 890) - Differentiable SDE solvers with GPU support and efficient.. Apache-2
-
GitHub (👨💻 5 · 🔀 99 · 📦 9 · 📋 43 - 16% open · ⏱️ 26.07.2021):
git clone https://github.com/google-research/torchsde
Torch-Struct (🥉15 · ⭐ 1K) - Fast, general, and tested differentiable structured prediction.. MIT
-
GitHub (👨💻 13 · 🔀 79 · 📋 52 - 46% open · ⏱️ 04.11.2021):
git clone https://github.com/harvardnlp/pytorch-struct
Show 7 hidden projects...
- pretrainedmodels (🥇30 · ⭐ 8.4K · 💀) - Pretrained ConvNets for pytorch: NASNet, ResNeXt,..
BSD-3
- Poutyne (🥉21 · ⭐ 510) - A simplified framework and utilities for PyTorch.
❗️LGPL-3.0
- AdaBound (🥉20 · ⭐ 2.9K · 💀) - An optimizer that trains as fast as Adam and as good as SGD.
Apache-2
- Antialiased CNNs (🥉19 · ⭐ 1.5K) - pip install antialiased-cnns to improve stability and..
❗️CC BY-NC-SA 4.0
- Lambda Networks (🥉17 · ⭐ 1.5K · 💀) - Implementation of LambdaNetworks, a new approach to..
MIT
- micrograd (🥉13 · ⭐ 1.9K · 💀) - A tiny scalar-valued autograd engine and a neural net library..
MIT
- TorchDrift (🥉12 · ⭐ 190 · 💤) - Drift Detection for your PyTorch Models.
Apache-2
Libraries for connecting to, operating, and querying databases.
🔗 best-of-python - DB Clients ( ⭐ 1.9K) - Collection of database clients for python.
PennyLane (🥈30 · ⭐ 1.1K) - PennyLane is a cross-platform Python library for differentiable.. Apache-2
pyjanitor (🥈28 · ⭐ 800) - Clean APIs for data cleaning. Python implementation of R package Janitor. MIT
metric-learn (🥈27 · ⭐ 1.2K) - Metric learning algorithms in Python. MIT
TabPy (🥈27 · ⭐ 1.2K) - Execute Python code on the fly and display results in Tableau visualizations:. MIT
pyclustering (🥈27 · ⭐ 910 · 💤) - pyclustring is a Python, C++ data mining library. BSD-3
River (🥉26 · ⭐ 3K) - Online machine learning in Python. BSD-3
-
GitHub (👨💻 70 · 🔀 320 · 📦 63 · 📋 330 - 1% open · ⏱️ 05.01.2022):
git clone https://github.com/online-ml/river
alibi-detect (🥉25 · ⭐ 1.1K) - Algorithms for outlier, adversarial and drift detection. Apache-2
StreamAlert (🥉22 · ⭐ 2.6K) - StreamAlert is a serverless, realtime data analysis framework.. Apache-2
-
GitHub (👨💻 33 · 🔀 320 · 📋 340 - 24% open · ⏱️ 04.11.2021):
git clone https://github.com/airbnb/streamalert
avalanche (🥉22 · ⭐ 700) - Avalanche: an End-to-End Library for Continual Learning. MIT
-
GitHub (👨💻 48 · 🔀 110 · 📋 450 - 15% open · ⏱️ 07.01.2022):
git clone https://github.com/ContinualAI/avalanche
opyrator (🥉20 · ⭐ 2.5K · 💤) - Turns your machine learning code into microservices with web API,.. MIT
scikit-rebate (🥉20 · ⭐ 340 · 💤) - A scikit-learn-compatible Python implementation of.. MIT
SUOD (🥉20 · ⭐ 300) - (MLSys 21) An Acceleration System for Large-scare Unsupervised Heterogeneous.. BSD-2
apricot (🥉18 · ⭐ 400) - apricot implements submodular optimization for the purpose of selecting.. MIT
traingenerator (🥉13 · ⭐ 1.1K · 💤) - A web app to generate template code for machine learning. MIT
-
GitHub (👨💻 3 · 🔀 160 · 📋 16 - 81% open · ⏱️ 29.04.2021):
git clone https://github.com/jrieke/traingenerator
Show 12 hidden projects...
- datalad (🥈31 · ⭐ 270) - Keep code, data, containers under control with git and git-annex.
MIT
- Cython BLIS (🥈29 · ⭐ 180) - Fast matrix-multiplication as a self-contained Python library no..
BSD-3
- pysc2 (🥈28 · ⭐ 7.4K · 💀) - StarCraft II Learning Environment.
Apache-2
- minisom (🥉23 · ⭐ 990) - MiniSom is a minimalistic implementation of the Self Organizing..
❗️CC-BY-3.0
- cleanlab (🥉21 · ⭐ 2.6K) - The standard package for machine learning with noisy labels,..
❗️AGPL-3.0
- mlens (🥉21 · ⭐ 710 · 💀) - ML-Ensemble high performance ensemble learning.
MIT
- vecstack (🥉21 · ⭐ 640 · 💀) - Python package for stacking (machine learning technique).
MIT
- rrcf (🥉19 · ⭐ 350 · 💀) - Implementation of the Robust Random Cut Forest algorithm for anomaly..
MIT
- pandas-ml (🥉18 · ⭐ 280 · 💀) - pandas, scikit-learn, xgboost and seaborn integration.
BSD-3
- Feature Engine (🥉17 · ⭐ 11) - Feature engineering package with sklearn like functionality.
BSD-3
- dstack (🥉12 · ⭐ 180) - An open-source tool to rapidly develop data applications with Python.
Apache-2
- nylon (🥉11 · ⭐ 76) - An intelligent, flexible grammar of machine learning.
MIT
- Papers With Code: Discover ML papers, code, and evaluation tables.
- Sotabench: Discover & compare open-source ML models.
- Google Dataset Search: Dataset search engine by Google.
- Dataset List: List of the biggest ML datasets from across the web.
- Awesome Public Datasets: A topic-centric list of open datasets.
- Best-of lists: Discover other best-of lists with awesome open-source projects on all kinds of topics.
- best-of-python-dev: A ranked list of awesome python developer tools and libraries.
- best-of-web-python: A ranked list of awesome python libraries for web development.
Contributions are encouraged and always welcome! If you like to add or update projects, choose one of the following ways:
- Open an issue by selecting one of the provided categories from the issue page and fill in the requested information.
- Modify the projects.yaml with your additions or changes, and submit a pull request. This can also be done directly via the Github UI.
If you like to contribute to or share suggestions regarding the project metadata collection or markdown generation, please refer to the best-of-generator repository. If you like to create your own best-of list, we recommend to follow this guide.
For more information on how to add or update projects, please read the contribution guidelines. By participating in this project, you agree to abide by its Code of Conduct.