Best-of Machine Learning with Python
🏆 A ranked list of awesome machine learning Python libraries. Updated weekly.
This curated list contains 920 awesome open-source projects with a total of 4.1M stars grouped into 34 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.
Contents
- Machine Learning Frameworks 61 projects
- Data Visualization 54 projects
- Text Data & NLP 102 projects
- Image Data 64 projects
- Graph Data 36 projects
- Audio Data 29 projects
- Geospatial Data 22 projects
- Financial Data 25 projects
- Time Series Data 30 projects
- Medical Data 19 projects
- Tabular Data 5 projects
- Optical Character Recognition 12 projects
- Data Containers & Structures 1 projects
- Data Loading & Extraction 1 projects
- Web Scraping & Crawling 1 projects
- Data Pipelines & Streaming 1 projects
- Distributed Machine Learning 36 projects
- Hyperparameter Optimization & AutoML 52 projects
- Reinforcement Learning 23 projects
- Recommender Systems 17 projects
- Privacy Machine Learning 7 projects
- Workflow & Experiment Tracking 40 projects
- Model Serialization & Deployment 20 projects
- Model Interpretability 54 projects
- Vector Similarity Search (ANN) 13 projects
- Probabilistics & Statistics 23 projects
- Adversarial Robustness 9 projects
- GPU & Accelerator Utilities 20 projects
- Tensorflow Utilities 16 projects
- Jax Utilities 3 projects
- Sklearn Utilities 19 projects
- Pytorch Utilities 32 projects
- Database Clients 1 projects
- Others 66 projects
Explanation
- 🥇🥈🥉 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
Jax related project
Machine Learning Frameworks
General-purpose machine learning and deep learning frameworks.
Tensorflow (🥇55 · ⭐ 180K) - An Open Source Machine Learning Framework for Everyone. Apache-2

-
GitHub (👨💻 4.4K · 🔀 89K · 📦 310K · 📋 38K - 5% open · ⏱️ 21.09.2023):
git clone https://github.com/tensorflow/tensorflow
-
PyPi (📥 16M / month · 📦 15K · ⏱️ 01.09.2023):
pip install tensorflow
-
Conda (📥 4.3M · ⏱️ 21.07.2023):
conda install -c conda-forge tensorflow
-
Docker Hub (📥 74M · ⭐ 2.2K · ⏱️ 21.09.2023):
docker pull tensorflow/tensorflow
scikit-learn (🥇52 · ⭐ 56K) - scikit-learn: machine learning in Python. BSD-3

pytorch-lightning (🥇45 · ⭐ 25K) - Deep learning framework to train, deploy, and ship AI.. Apache-2

PaddlePaddle (🥇45 · ⭐ 21K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2

StatsModels (🥇44 · ⭐ 8.9K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
XGBoost (🥈43 · ⭐ 25K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
LightGBM (🥈43 · ⭐ 15K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
Jina (🥈40 · ⭐ 19K) - Build multimodal AI applications with cloud-native stack. Apache-2
-
GitHub (👨💻 170 · 🔀 2.1K · 📦 1.1K · 📋 1.9K - 0% open · ⏱️ 21.09.2023):
git clone https://github.com/jina-ai/jina
-
PyPi (📥 74K / month):
pip install jina
-
Conda (📥 55K · ⏱️ 16.06.2023):
conda install -c conda-forge jina-core
-
Docker Hub (📥 1.3M · ⭐ 8 · ⏱️ 21.09.2023):
docker pull jinaai/jina
Theano (🥈39 · ⭐ 9.8K · 💤) - Theano was a Python library that allows you to define, optimize, and.. BSD-3
Thinc (🥈36 · ⭐ 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
Vowpal Wabbit (🥈35 · ⭐ 8.3K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
tensorflow-upstream (🥉32 · ⭐ 660) - TensorFlow ROCm port. Apache-2

tensorpack (🥉31 · ⭐ 6.3K) - A Neural Net Training Interface on TensorFlow, with focus.. Apache-2

Determined (🥉29 · ⭐ 2.5K) - Determined is a deep-learning platform that simplifies.. Apache-2


Neural Network Libraries (🥉27 · ⭐ 2.6K) - Neural Network Libraries. Apache-2
Neural Tangents (🥉24 · ⭐ 2.1K) - Fast and Easy Infinite Neural Networks in Python. Apache-2
NeuPy (🥉24 · ⭐ 740 · 💤) - NeuPy is a Tensorflow based python library for prototyping and building.. MIT
ThunderSVM (🥉20 · ⭐ 1.5K) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
chefboost (🥉19 · ⭐ 410) - A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
ThunderGBM (🥉16 · ⭐ 670) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
Show 15 hidden projects...
- dlib (🥈40 · ⭐ 12K) - A toolkit for making real world machine learning and data analysis..
❗️BSL-1.0
- MindsDB (🥉33 · ⭐ 18K) - MindsDB connects AI models to databases.
❗️GPL-3.0
- Turi Create (🥉32 · ⭐ 11K · 💀) - Turi Create simplifies the development of custom machine..
BSD-3
- TFlearn (🥉32 · ⭐ 9.6K · 💀) - Deep learning library featuring a higher-level API for TensorFlow.
MIT
- dyNET (🥉31 · ⭐ 3.4K · 💀) - DyNet: The Dynamic Neural Network Toolkit.
Apache-2
- NuPIC (🥉28 · ⭐ 6.3K) - Numenta Platform for Intelligent Computing is an implementation of..
❗️AGPL-3.0
- Lasagne (🥉28 · ⭐ 3.8K · 💀) - Lightweight library to build and train neural networks in Theano.
MIT
- CNTK (🥉26 · ⭐ 17K · 💤) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning..
❗Unlicensed
- xLearn (🥉26 · ⭐ 3.1K · 💀) - High performance, easy-to-use, and scalable machine learning (ML)..
Apache-2
- SHOGUN (🥉26 · ⭐ 3K · 💀) - Unified and efficient Machine Learning.
BSD-3
- mace (🥉22 · ⭐ 4.8K · 💀) - MACE is a deep learning inference framework optimized for mobile..
Apache-2
- neon (🥉22 · ⭐ 3.9K · 💀) - Intel Nervana reference deep learning framework committed to best..
Apache-2
- Torchbearer (🥉21 · ⭐ 630 · 💀) - torchbearer: A model fitting library for PyTorch.
MIT
- elegy (🥉18 · ⭐ 450 · 💀) - A High Level API for Deep Learning in JAX.
MIT
- StarSpace (🥉16 · ⭐ 3.9K · 💀) - Learning embeddings for classification, retrieval and ranking.
MIT
Data Visualization
General-purpose and task-specific data visualization libraries.
Matplotlib (🥇48 · ⭐ 18K) - matplotlib: plotting with Python. ❗Unlicensed
Plotly (🥇44 · ⭐ 14K) - The interactive graphing library for Python This project now includes.. MIT
-
GitHub (👨💻 240 · 🔀 2.4K · 📦 200K · 📋 2.8K - 51% open · ⏱️ 15.09.2023):
git clone https://github.com/plotly/plotly.py
-
PyPi (📥 12M / month · 📦 5.2K · ⏱️ 15.09.2023):
pip install plotly
-
Conda (📥 4.8M · ⏱️ 15.09.2023):
conda install -c conda-forge plotly
-
npm (📥 31K / month · 📦 6 · ⏱️ 12.01.2021):
npm install plotlywidget
pandas-profiling (🥈37 · ⭐ 11K) - 1 Line of code data quality profiling & exploratory.. MIT


HoloViews (🥈35 · ⭐ 2.5K · 📈) - With Holoviews, your data visualizes itself. BSD-3

-
GitHub (👨💻 140 · 🔀 380 · 📋 3.1K - 32% open · ⏱️ 21.09.2023):
git clone https://github.com/holoviz/holoviews
-
PyPi (📥 290K / month · 📦 250 · ⏱️ 18.09.2023):
pip install holoviews
-
Conda (📥 1.4M · ⏱️ 17.08.2023):
conda install -c conda-forge holoviews
-
npm (📥 480 / month · 📦 2 · ⏱️ 16.08.2023):
npm install @pyviz/jupyterlab_pyviz
datashader (🥈33 · ⭐ 3.1K) - Quickly and accurately render even the largest data. BSD-3
Perspective (🥈32 · ⭐ 6.6K) - A data visualization and analytics component, especially.. Apache-2

-
GitHub (👨💻 92 · 🔀 820 · 📥 1.3K · 📦 590 · 📋 660 - 14% open · ⏱️ 31.08.2023):
git clone https://github.com/finos/perspective
-
PyPi (📥 5K / month · 📦 12 · ⏱️ 01.09.2023):
pip install perspective-python
-
Conda (📥 450K · ⏱️ 01.09.2023):
conda install -c conda-forge perspective
-
npm (📥 770 / month · 📦 3 · ⏱️ 01.09.2023):
npm install @finos/perspective-jupyterlab
D-Tale (🥈31 · ⭐ 4.3K) - Visualizer for pandas data structures. ❗️LGPL-2.1


bqplot (🥈31 · ⭐ 3.5K) - Plotting library for IPython/Jupyter notebooks. Apache-2

-
GitHub (👨💻 64 · 🔀 470 · 📦 47 · 📋 610 - 40% open · ⏱️ 27.07.2023):
git clone https://github.com/bqplot/bqplot
-
PyPi (📥 150K / month · 📦 100 · ⏱️ 17.07.2023):
pip install bqplot
-
Conda (📥 1.2M · ⏱️ 12.07.2023):
conda install -c conda-forge bqplot
-
npm (📥 4.9K / month · 📦 16 · ⏱️ 04.08.2023):
npm install bqplot
hvPlot (🥉30 · ⭐ 800) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3
Facets Overview (🥉29 · ⭐ 7.2K) - Visualizations for machine learning datasets. Apache-2

Sweetviz (🥉29 · ⭐ 2.6K) - Visualize and compare datasets, target values and associations, with one.. MIT
data-validation (🥉29 · ⭐ 730) - Library for exploring and validating machine learning.. Apache-2


pythreejs (🥉27 · ⭐ 890 · 💤) - A Jupyter - Three.js bridge. BSD-3

-
GitHub (👨💻 30 · 🔀 180 · 📦 26 · 📋 240 - 25% open · ⏱️ 20.02.2023):
git clone https://github.com/jupyter-widgets/pythreejs
-
PyPi (📥 71K / month · 📦 54 · ⏱️ 20.02.2023):
pip install pythreejs
-
Conda (📥 510K · ⏱️ 16.06.2023):
conda install -c conda-forge pythreejs
-
npm (📥 3.3K / month · 📦 11 · ⏱️ 20.02.2023):
npm install jupyter-threejs
AutoViz (🥉26 · ⭐ 1.4K) - Automatically Visualize any dataset, any size with a single line of.. Apache-2
Plotly-Resampler (🥉26 · ⭐ 800) - Visualize large time series data with plotly.py. MIT
Chartify (🥉25 · ⭐ 3.4K) - Python library that makes it easy for data scientists to create.. Apache-2
Multicore-TSNE (🥉24 · ⭐ 1.8K) - Parallel t-SNE implementation with Python and Torch.. BSD-3

Pandas-Bokeh (🥉24 · ⭐ 860) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT

python-ternary (🥉23 · ⭐ 650) - Ternary plotting library for python with matplotlib. MIT
Show 14 hidden projects...
- cartopy (🥈34 · ⭐ 1.3K) - Cartopy - a cartographic python library with matplotlib support.
❗️LGPL-3.0
- VisPy (🥈33 · ⭐ 3.1K) - High-performance interactive 2D/3D data visualization library.
❗Unlicensed
- Cufflinks (🥉29 · ⭐ 2.9K · 💀) - Productivity Tools for Plotly + Pandas.
MIT
- HyperTools (🥉26 · ⭐ 1.8K · 💀) - A Python toolbox for gaining geometric insights into high-..
MIT
- PandasGUI (🥉24 · ⭐ 3K · 💀) - A GUI for Pandas DataFrames.
❗️MIT-0
- pivottablejs (🥉23 · ⭐ 600 · 💀) - Dragndrop Pivot Tables and Charts for Jupyter/IPython..
MIT
- joypy (🥉21 · ⭐ 500 · 💀) - Joyplots in Python with matplotlib & pandas.
MIT
- vegafusion (🥉21 · ⭐ 260) - Serverside scaling for Vega and Altair visualizations.
BSD-3
- PyWaffle (🥉20 · ⭐ 560 · 💀) - Make Waffle Charts in Python.
MIT
- animatplot (🥉18 · ⭐ 400 · 💀) - A python package for animating plots build on matplotlib.
MIT
- data-describe (🥉17 · ⭐ 300 · 💀) - datadescribe: Pythonic EDA Accelerator for Data Science.
Apache-2
- pdvega (🥉16 · ⭐ 350 · 💀) - Interactive plotting for Pandas using Vega-Lite.
MIT
- nx-altair (🥉15 · ⭐ 220 · 💀) - Draw interactive NetworkX graphs with Altair.
MIT
- nptsne (🥉12 · ⭐ 31 · 💀) - nptsne is a numpy compatible python binary package that offers a..
Apache-2
Text Data & NLP
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 (🥇50 · ⭐ 110K) - Transformers: State-of-the-art Machine Learning for.. Apache-2


gensim (🥇41 · ⭐ 15K) - Topic Modelling for Humans. ❗️LGPL-2.1
nltk (🥇41 · ⭐ 12K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
flair (🥇38 · ⭐ 13K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT

Tokenizers (🥇38 · ⭐ 7.6K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
haystack (🥇37 · ⭐ 11K) - LLM orchestration framework to build customizable, production-ready.. Apache-2
sentence-transformers (🥇35 · ⭐ 12K) - Multilingual Sentence & Image Embeddings with BERT. Apache-2

TextBlob (🥇35 · ⭐ 8.7K) - Simple, Pythonic, text processing--Sentiment analysis, part-of-speech.. MIT
sentencepiece (🥇35 · ⭐ 8.2K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
TensorFlow Text (🥈34 · ⭐ 1.1K) - Making text a first-class citizen in TensorFlow. Apache-2

snowballstemmer (🥈33 · ⭐ 680) - Snowball compiler and stemming algorithms. BSD-3
DeepPavlov (🥈31 · ⭐ 6.3K) - An open source library for deep learning end-to-end dialog.. Apache-2

jellyfish (🥈31 · ⭐ 1.9K) - a python library for doing approximate and phonetic matching of strings. MIT
spacy-transformers (🥈31 · ⭐ 1.3K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT
spacy
SciSpacy (🥈29 · ⭐ 1.5K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
english-words (🥈28 · ⭐ 9.3K · 💤) - A text file containing 479k English words for all your.. Unlicense
PyTextRank (🥈28 · ⭐ 2K) - Python implementation of TextRank algorithms (textgraphs) for phrase.. MIT
Ciphey (🥈27 · ⭐ 14K · 💤) - Automatically decrypt encryptions without knowing the key or cipher,.. MIT
-
GitHub (👨💻 47 · 🔀 850 · 📋 320 - 18% open · ⏱️ 05.12.2022):
git clone https://github.com/Ciphey/Ciphey
-
PyPi (📥 40K / month · ⏱️ 06.06.2021):
pip install ciphey
-
Docker Hub (📥 20K · ⭐ 14 · ⏱️ 11.08.2023):
docker pull remnux/ciphey
qdrant (🥈27 · ⭐ 13K) - Qdrant - Vector Database for the next generation of AI applications... Apache-2
-
GitHub (👨💻 66 · 🔀 700 · 📥 1.3K · 📋 720 - 19% open · ⏱️ 12.09.2023):
git clone https://github.com/qdrant/qdrant
TextDistance (🥈27 · ⭐ 3.2K · 💤) - Compute distance between sequences. 30+ algorithms, pure.. MIT
fastNLP (🥈27 · ⭐ 3K · 💤) - fastNLP: A Modularized and Extensible NLP Framework. Currently.. Apache-2
happy-transformer (🥈27 · ⭐ 470) - Happy Transformer makes it easy to fine-tune and.. Apache-2
huggingface
scattertext (🥉26 · ⭐ 2.1K) - Beautiful visualizations of how language differs among document.. Apache-2
OpenPrompt (🥉25 · ⭐ 3.8K) - An Open-Source Framework for Prompt-Learning. Apache-2
pytorch-nlp (🥉25 · ⭐ 2.2K) - Basic Utilities for PyTorch Natural Language Processing (NLP). BSD-3

promptsource (🥉24 · ⭐ 2.1K) - Toolkit for creating, sharing and using natural language.. Apache-2
Texthero (🥉23 · ⭐ 2.8K) - Text preprocessing, representation and visualization from zero to hero. MIT
YouTokenToMe (🥉22 · ⭐ 910) - Unsupervised text tokenizer focused on computational efficiency. MIT
small-text (🥉22 · ⭐ 490) - Active Learning for Text Classification in Python. MIT


lightseq (🥉21 · ⭐ 2.9K) - LightSeq: A High Performance Library for Sequence Processing and.. Apache-2
NLP Architect (🥉20 · ⭐ 2.9K · 💤) - A model library for exploring state-of-the-art deep.. Apache-2
textaugment (🥉19 · ⭐ 340) - TextAugment: Text Augmentation Library. MIT
OpenNRE (🥉17 · ⭐ 4.1K · 💤) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
-
GitHub (👨💻 12 · 🔀 1K · 📋 360 - 2% open · ⏱️ 03.01.2023):
git clone https://github.com/thunlp/OpenNRE
TextBox (🥉16 · ⭐ 1K) - TextBox 2.0 is a text generation library with pre-trained language models. MIT
Show 40 hidden projects...
- ChatterBot (🥇35 · ⭐ 14K · 💀) - ChatterBot is a machine learning, conversational dialog engine..
BSD-3
- fuzzywuzzy (🥈33 · ⭐ 9K · 💀) - Fuzzy String Matching in Python.
❗️GPL-2.0
- stanza (🥈32 · ⭐ 6.8K) - Stanford NLP Python library for tokenization, sentence..
❗Unlicensed
- textacy (🥈30 · ⭐ 2.1K) - NLP, before and after spaCy.
❗Unlicensed
- nlpaug (🥈29 · ⭐ 4.1K · 💀) - Data augmentation for NLP.
MIT
- langid (🥈28 · ⭐ 2.1K · 💀) - Stand-alone language identification system.
BSD-3
- flashtext (🥈27 · ⭐ 5.4K · 💀) - Extract Keywords from sentence or Replace keywords in sentences.
MIT
- vaderSentiment (🥈27 · ⭐ 4.1K · 💀) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary..
MIT
- FARM (🥈27 · ⭐ 1.7K · 💀) - Fast & easy transfer learning for NLP. Harvesting language..
Apache-2
- underthesea (🥈27 · ⭐ 1.2K) - Underthesea - Vietnamese NLP Toolkit.
❗️GPL-3.0
- Snips NLU (🥉25 · ⭐ 3.8K · 💀) - Snips Python library to extract meaning from text.
Apache-2
- neuralcoref (🥉25 · ⭐ 2.7K · 💀) - Fast Coreference Resolution in spaCy with Neural Networks.
MIT
- whoosh (🥉25 · ⭐ 450 · 💀) - Pure-Python full-text search library.
❗️BSD-1-Clause
- textgenrnn (🥉24 · ⭐ 4.9K · 💀) - Easily train your own text-generating neural network of any..
MIT
- MatchZoo (🥉23 · ⭐ 3.8K · 💀) - Facilitating the design, comparison and sharing of deep..
Apache-2
- Kashgari (🥉23 · ⭐ 2.4K · 💀) - Kashgari is a production-level NLP Transfer learning..
Apache-2
- DeepMatcher (🥉22 · ⭐ 4.8K · 💀) - Python package for performing Entity and Text Matching using..
BSD-3
- gpt-2-simple (🥉22 · ⭐ 3.3K · 💀) - Python package to easily retrain OpenAIs GPT-2 text-..
MIT
- Texar (🥉22 · ⭐ 2.4K · 💀) - Toolkit for Machine Learning, Natural Language Processing, and..
Apache-2
- pySBD (🥉22 · ⭐ 650 · 💀) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence..
MIT
- stop-words (🥉22 · ⭐ 150 · 💀) - Get list of common stop words in various languages in Python.
BSD-3
- DELTA (🥉21 · ⭐ 1.6K · 💀) - DELTA is a deep learning based natural language and speech..
Apache-2
- anaGo (🥉20 · ⭐ 1.5K · 💀) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,..
MIT
- pyfasttext (🥉20 · ⭐ 230 · 💀) - Yet another Python binding for fastText.
❗️GPL-3.0
- numerizer (🥉20 · ⭐ 210) - A Python module to convert natural language numerics into ints and..
MIT
- polyglot (🥉19 · ⭐ 2.2K · 💀) - Multilingual text (NLP) processing toolkit.
❗Unlicensed
- fastT5 (🥉18 · ⭐ 500 · 💀) - boost inference speed of T5 models by 5x & reduce the model size..
Apache-2
- textpipe (🥉18 · ⭐ 300 · 💀) - Textpipe: clean and extract metadata from text.
MIT
- Camphr (🥉17 · ⭐ 340 · 💀) - Camphr - NLP libary for creating pipeline components.
Apache-2
spacy
- skift (🥉17 · ⭐ 230 · 💀) - scikit-learn wrappers for Python fastText.
MIT
- nboost (🥉16 · ⭐ 670 · 💀) - NBoost is a scalable, search-api-boosting platform for deploying..
Apache-2
- NeuroNER (🥉15 · ⭐ 1.7K · 💀) - Named-entity recognition using neural networks. Easy-to-use and..
MIT
- Translate (🥉15 · ⭐ 800 · 💀) - Translate - a PyTorch Language Library.
BSD-3
- BLINK (🥉14 · ⭐ 1.1K · 💀) - Entity Linker solution.
MIT
- NeuralQA (🥉14 · ⭐ 220 · 💀) - NeuralQA: A Usable Library for Question Answering on Large Datasets..
MIT
- textvec (🥉14 · ⭐ 190 · 💀) - Text vectorization tool to outperform TFIDF for classification..
MIT
- TransferNLP (🥉13 · ⭐ 290 · 💀) - NLP library designed for reproducible experimentation..
MIT
- ONNX-T5 (🥉13 · ⭐ 240 · 💀) - Summarization, translation, sentiment-analysis, text-generation..
Apache-2
- spacy-dbpedia-spotlight (🥉12 · ⭐ 91) - A spaCy wrapper for DBpedia Spotlight.
MIT
spacy
- Headliner (🥉10 · ⭐ 230 · 💀) - Easy training and deployment of seq2seq models.
❗Unlicensed
Image Data
Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification.
torchvision (🥇42 · ⭐ 15K · 📈) - Datasets, Transforms and Models specific to Computer Vision. BSD-3

PyTorch Image Models (🥇40 · ⭐ 27K) - PyTorch image models, scripts, pretrained weights --.. Apache-2

MMDetection (🥇38 · ⭐ 26K) - OpenMMLab Detection Toolbox and Benchmark. Apache-2

Albumentations (🥈36 · ⭐ 13K) - Fast image augmentation library and an easy-to-use wrapper.. MIT

detectron2 (🥈34 · ⭐ 26K) - Detectron2 is a platform for object detection, segmentation.. Apache-2

vit-pytorch (🥈30 · ⭐ 15K) - Implementation of Vision Transformer, a simple way to achieve.. MIT

PaddleDetection (🥈30 · ⭐ 11K) - Object Detection toolkit based on PaddlePaddle. It.. Apache-2

vidgear (🥈30 · ⭐ 2.9K) - A High-performance cross-platform Video Processing Python framework.. Apache-2
Face Alignment (🥈29 · ⭐ 6.5K) - 2D and 3D Face alignment library build using pytorch. BSD-3

opencv-python (🥉28 · ⭐ 3.7K · 📉) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
CellProfiler (🥉28 · ⭐ 790) - An open-source application for biological image analysis. BSD-3
facenet-pytorch (🥉27 · ⭐ 3.7K) - Pretrained Pytorch face detection (MTCNN) and facial.. MIT

sahi (🥉27 · ⭐ 3K) - Framework agnostic sliced/tiled inference + interactive ui + error analysis.. MIT
pytorchvideo (🥉26 · ⭐ 3K) - A deep learning library for video understanding research. Apache-2

Image Deduplicator (🥉25 · ⭐ 4.7K) - Finding duplicate images made easy!. Apache-2

Norfair (🥉25 · ⭐ 1.9K) - Lightweight Python library for adding real-time multi-object tracking.. BSD-3
kubric (🥉23 · ⭐ 2K) - A data generation pipeline for creating semi-realistic synthetic multi-.. Apache-2
tensorflow-graphics (🥉22 · ⭐ 2.7K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2

Classy Vision (🥉22 · ⭐ 1.6K) - An end-to-end PyTorch framework for image and video.. MIT

DE⫶TR (🥉21 · ⭐ 12K · 💤) - End-to-End Object Detection with Transformers. Apache-2

-
GitHub (👨💻 26 · 🔀 2K · 📦 13 · 📋 510 - 44% open · ⏱️ 07.02.2023):
git clone https://github.com/facebookresearch/detr
image-match (🥉20 · ⭐ 2.9K · 💤) - Quickly search over billions of images. Apache-2
PySlowFast (🥉19 · ⭐ 5.9K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2

scenic (🥉19 · ⭐ 2.5K) - Scenic: A Jax Library for Computer Vision Research and Beyond. Apache-2

-
GitHub (👨💻 68 · 🔀 340 · 📋 220 - 66% open · ⏱️ 21.09.2023):
git clone https://github.com/google-research/scenic
Show 21 hidden projects...
- scikit-image (🥇42 · ⭐ 5.6K) - Image processing in Python.
❗Unlicensed
- imgaug (🥈35 · ⭐ 14K · 💀) - Image augmentation for machine learning experiments.
MIT
- glfw (🥈35 · ⭐ 11K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input.
❗️Zlib
- InsightFace (🥈34 · ⭐ 18K) - State-of-the-art 2D and 3D Face Analysis Project.
❗Unlicensed
- Face Recognition (🥈32 · ⭐ 49K · 💀) - The worlds simplest facial recognition api for Python..
MIT
- PyTorch3D (🥈30 · ⭐ 7.7K) - PyTorch3D is FAIRs library of reusable components for..
❗Unlicensed
- imutils (🥈29 · ⭐ 4.4K · 💀) - A series of convenience functions to make basic image processing..
MIT
- layout-parser (🥉27 · ⭐ 4K · 💀) - A Unified Toolkit for Deep Learning Based Document Image..
Apache-2
- mtcnn (🥉27 · ⭐ 2K · 💀) - MTCNN face detection implementation for TensorFlow, as a PIP package.
MIT
- chainercv (🥉27 · ⭐ 1.5K · 💀) - ChainerCV: a Library for Deep Learning in Computer Vision.
MIT
- segmentation_models (🥉25 · ⭐ 4.4K · 💀) - Segmentation models with pretrained backbones. Keras..
MIT
- Pillow-SIMD (🥉25 · ⭐ 2K) - The friendly PIL fork.
❗️PIL
- deep-daze (🥉22 · ⭐ 4.4K · 💀) - Simple command line tool for text to image generation using..
MIT
- Image Super-Resolution (🥉22 · ⭐ 4.3K · 💀) - Super-scale your images and run experiments with..
Apache-2
- Luminoth (🥉22 · ⭐ 2.4K · 💀) - Deep Learning toolkit for Computer Vision.
BSD-3
- nude.py (🥉21 · ⭐ 920 · 💀) - Nudity detection with Python.
MIT
- detecto (🥉21 · ⭐ 600 · 💀) - Build fully-functioning computer vision models with PyTorch.
MIT
- solt (🥉19 · ⭐ 260 · 💀) - Streaming over lightweight data transformations.
MIT
- Caer (🥉17 · ⭐ 710 · 💀) - A lightweight Computer Vision library. Scale your models, not boilerplate.
MIT
- Torch Points 3D (🥉16 · ⭐ 160 · 💀) - Pytorch framework for doing deep learning on point..
BSD-3
- HugsVision (🥉14 · ⭐ 180 · 💤) - HugsVision is a easy to use huggingface wrapper for state-of-..
MIT
huggingface
Graph Data
Libraries for graph processing, clustering, embedding, and machine learning tasks.
dgl (🥇39 · ⭐ 12K) - Python package built to ease deep learning on graph, on top of existing DL.. Apache-2
PyTorch Geometric (🥇37 · ⭐ 18K · 📈) - Graph Neural Network Library for PyTorch. MIT

ogb (🥈30 · ⭐ 1.7K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
pygraphistry (🥈28 · ⭐ 1.9K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3

AmpliGraph (🥈27 · ⭐ 2K) - Python library for Representation Learning on Knowledge.. Apache-2

Paddle Graph Learning (🥈27 · ⭐ 1.5K) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2

pytorch_geometric_temporal (🥈25 · ⭐ 2.2K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT

PyKEEN (🥈25 · ⭐ 1.3K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
PyTorch-BigGraph (🥈24 · ⭐ 3.3K) - Generate embeddings from large-scale graph-structured.. BSD-3

graph-nets (🥉21 · ⭐ 5.3K · 💤) - Build Graph Nets in Tensorflow. Apache-2

torch-cluster (🥉21 · ⭐ 690) - PyTorch Extension Library of Optimized Graph Cluster.. MIT

kglib (🥉16 · ⭐ 550 · 💤) - TypeDB-ML is the Machine Learning integrations library for TypeDB. Apache-2
OpenKE (🥉15 · ⭐ 3.5K · 💤) - An Open-Source Package for Knowledge Embedding (KE). MIT
-
GitHub (👨💻 11 · 🔀 950 · 📋 370 - 4% open · ⏱️ 03.11.2022):
git clone https://github.com/thunlp/OpenKE
OpenNE (🥉15 · ⭐ 1.7K · 💤) - An Open-Source Package for Network Embedding (NE). MIT

-
GitHub (👨💻 11 · 🔀 480 · 📋 100 - 4% open · ⏱️ 02.11.2022):
git clone https://github.com/thunlp/OpenNE
Show 15 hidden projects...
- igraph (🥇33 · ⭐ 1.2K) - Python interface for igraph.
❗️GPL-2.0
- StellarGraph (🥈28 · ⭐ 2.8K · 💀) - StellarGraph - Machine Learning on Graphs.
Apache-2
- pygal (🥈27 · ⭐ 2.6K) - PYthon svg GrAph plotting Library.
❗️LGPL-3.0
- DIG (🥈24 · ⭐ 1.6K) - A library for graph deep learning research.
❗️GPL-3.0
- Karate Club (🥉22 · ⭐ 2K) - Karate Club: An API Oriented Open-source Python Framework for..
❗️GPL-3.0
- DeepWalk (🥉20 · ⭐ 2.6K · 💀) - DeepWalk - Deep Learning for Graphs.
❗️GPL-3.0
- jraph (🥉20 · ⭐ 1.2K · 💀) - A Graph Neural Network Library in Jax.
Apache-2
- pyRDF2Vec (🥉20 · ⭐ 220) - Python Implementation and Extension of RDF2Vec.
MIT
- Sematch (🥉19 · ⭐ 410 · 💀) - semantic similarity framework for knowledge graph.
Apache-2
- DeepGraph (🥉17 · ⭐ 280) - Analyze Data with Pandas-based Networks. Documentation:.
BSD-3
- GraphEmbedding (🥉16 · ⭐ 3.4K · 💀) - Implementation and experiments of graph embedding..
MIT
- Euler (🥉16 · ⭐ 2.9K · 💀) - A distributed graph deep learning framework.
Apache-2
- GraphSAGE (🥉14 · ⭐ 3.2K · 💀) - Representation learning on large graphs using stochastic..
MIT
- ptgnn (🥉14 · ⭐ 370 · 💀) - A PyTorch Graph Neural Network Library.
MIT
- GraphVite (🥉13 · ⭐ 1.2K · 💀) - GraphVite: A General and High-performance Graph Embedding..
Apache-2
Audio Data
Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks.
speechbrain (🥇38 · ⭐ 6.6K) - A PyTorch-based Speech Toolkit. Apache-2

torchaudio (🥇35 · ⭐ 2.2K) - Data manipulation and transformation for audio signal.. BSD-2

SpeechRecognition (🥈32 · ⭐ 7.5K) - Speech recognition module for Python, supporting several.. BSD-3
audiomentations (🥈30 · ⭐ 1.5K) - A Python library for audio data augmentation. Inspired by.. MIT
audioread (🥈29 · ⭐ 450) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding.. MIT
pyAudioAnalysis (🥉28 · ⭐ 5.4K · 💤) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
tinytag (🥉28 · ⭐ 620) - Read audio and music meta data and duration of MP3, OGG, OPUS, MP4, M4A,.. MIT
python-soundfile (🥉25 · ⭐ 590) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3
DeepSpeech (🥉23 · ⭐ 23K) - DeepSpeech is an open source embedded (offline, on-device).. MPL-2.0

textlesslib (🥉12 · ⭐ 450) - Library for Textless Spoken Language Processing. MIT

-
GitHub (👨💻 8 · 🔀 44 · 📋 17 - 47% open · ⏱️ 29.08.2023):
git clone https://github.com/facebookresearch/textlesslib
Show 8 hidden projects...
- aubio (🥉28 · ⭐ 3K · 💀) - a library for audio and music analysis.
❗️GPL-3.0
- Essentia (🥉26 · ⭐ 2.5K) - C++ library for audio and music analysis, description and..
❗️AGPL-3.0
- python_speech_features (🥉25 · ⭐ 2.3K · 💀) - This library provides common speech features for ASR..
MIT
- TTS (🥉24 · ⭐ 8K · 💀) - Deep learning for Text to Speech (Discussion forum:..
MPL-2.0
- Dejavu (🥉24 · ⭐ 6.1K · 💀) - Audio fingerprinting and recognition in Python.
MIT
- kapre (🥉22 · ⭐ 900 · 💀) - kapre: Keras Audio Preprocessors.
MIT
- TimeSide (🥉21 · ⭐ 350 · 💤) - scalable audio processing framework and server written in..
❗️AGPL-3.0
- Muda (🥉17 · ⭐ 220 · 💀) - A library for augmenting annotated audio data.
ISC
Geospatial Data
Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding.
pydeck (🥇42 · ⭐ 11K) - WebGL2 powered visualization framework. MIT

-
GitHub (👨💻 240 · 🔀 2K · 📦 6.5K · 📋 2.8K - 8% open · ⏱️ 21.09.2023):
git clone https://github.com/visgl/deck.gl
-
PyPi (📥 1.4M / month · 📦 40 · ⏱️ 15.04.2023):
pip install pydeck
-
Conda (📥 440K · ⏱️ 16.06.2023):
conda install -c conda-forge pydeck
-
npm (📥 390K / month · 📦 470 · ⏱️ 21.09.2023):
npm install deck.gl
ipyleaflet (🥈33 · ⭐ 1.4K) - A Jupyter - Leaflet.js bridge. MIT

-
GitHub (👨💻 84 · 🔀 350 · 📦 5.3K · 📋 590 - 42% open · ⏱️ 11.09.2023):
git clone https://github.com/jupyter-widgets/ipyleaflet
-
PyPi (📥 150K / month · 📦 160 · ⏱️ 11.09.2023):
pip install ipyleaflet
-
Conda (📥 1.1M · ⏱️ 11.09.2023):
conda install -c conda-forge ipyleaflet
-
npm (📥 38K / month · 📦 5 · ⏱️ 02.06.2023):
npm install jupyter-leaflet
ArcGIS API (🥉31 · ⭐ 1.7K) - Documentation and samples for ArcGIS API for Python. Apache-2
-
GitHub (👨💻 87 · 🔀 1K · 📥 9.2K · 📦 2 · 📋 650 - 9% open · ⏱️ 19.09.2023):
git clone https://github.com/Esri/arcgis-python-api
-
PyPi (📥 81K / month · 📦 31 · ⏱️ 27.01.2023):
pip install arcgis
-
Docker Hub (📥 13K · ⭐ 40 · ⏱️ 17.06.2022):
docker pull esridocker/arcgis-api-python-notebook
EarthPy (🥉26 · ⭐ 460) - A package built to support working with spatial data using open source.. BSD-3
pymap3d (🥉23 · ⭐ 330) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef.. BSD-2
Show 7 hidden projects...
- Geocoder (🥉31 · ⭐ 1.5K · 💀) - Python Geocoder.
MIT
- Satpy (🥉28 · ⭐ 950) - Python package for earth-observing satellite data processing.
❗️GPL-3.0
- Sentinelsat (🥉26 · ⭐ 920) - Search and download Copernicus Sentinel satellite images.
❗️GPL-3.0
- gmaps (🥉23 · ⭐ 760 · 💀) - Google maps for Jupyter notebooks.
BSD-3
- Mapbox GL (🥉23 · ⭐ 640 · 💀) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook.
MIT
- prettymaps (🥉21 · ⭐ 10K · 💤) - A small set of Python functions to draw pretty maps from..
❗️AGPL-3.0
- geoplotlib (🥉21 · ⭐ 1K · 💀) - python toolbox for visualizing geographical data and making maps.
MIT
Financial Data
Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data.
Alpha Vantage (🥈29 · ⭐ 4K · 💤) - A python wrapper for Alpha Vantage API for financial data. MIT
stockstats (🥉28 · ⭐ 1.2K) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
PyAlgoTrade (🥉24 · ⭐ 4.1K) - Python Algorithmic Trading Library. Apache-2
FinQuant (🥉24 · ⭐ 1.1K) - A program for financial portfolio management, analysis and optimisation. MIT
finmarketpy (🥉21 · ⭐ 3.2K) - Python library for backtesting trading strategies & analyzing.. Apache-2
tf-quant-finance (🥉20 · ⭐ 4K) - High-performance TensorFlow library for quantitative.. Apache-2

Show 14 hidden projects...
- zipline (🥇33 · ⭐ 17K · 💀) - Zipline, a Pythonic Algorithmic Trading Library.
Apache-2
- pyfolio (🥇31 · ⭐ 5.2K · 💀) - Portfolio and risk analytics in Python.
Apache-2
- arch (🥈30 · ⭐ 1.2K) - ARCH models in Python.
❗️NCSA
- backtrader (🥈29 · ⭐ 12K) - Python Backtesting library for trading strategies.
❗️GPL-3.0
- ta (🥈29 · ⭐ 3.8K · 💀) - Technical Analysis Library using Pandas and Numpy.
MIT
- empyrical (🥉27 · ⭐ 1.1K · 💀) - Common financial risk and performance metrics. Used by..
Apache-2
- Alphalens (🥉26 · ⭐ 2.8K · 💀) - Performance analysis of predictive (alpha) stock factors.
Apache-2
- Enigma Catalyst (🥉26 · ⭐ 2.4K · 💀) - An Algorithmic Trading Library for Crypto-Assets in..
Apache-2
- TensorTrade (🥉25 · ⭐ 4.2K · 💀) - An open source reinforcement learning framework for..
Apache-2
- Crypto Signals (🥉23 · ⭐ 4.5K · 💀) - Github.com/CryptoSignal - Trading & Technical Analysis Bot -..
MIT
- FinTA (🥉23 · ⭐ 2K · 💀) - Common financial technical indicators implemented in Pandas.
❗️LGPL-3.0
- Backtesting.py (🥉22 · ⭐ 4.1K · 💤) - Backtest trading strategies in Python.
❗️AGPL-3.0
- surpriver (🥉12 · ⭐ 1.6K · 💀) - Find big moving stocks before they move using machine..
❗️GPL-3.0
- pyrtfolio (🥉8 · ⭐ 140 · 💀) - Python package to generate stock portfolios.
❗️GPL-3.0
Time Series Data
Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data.
Prophet (🥇35 · ⭐ 16K) - Tool for producing high quality forecasts for time series data that has.. MIT
NeuralProphet (🥈32 · ⭐ 3.1K) - NeuralProphet: A simple forecasting package. MIT

StatsForecast (🥈32 · ⭐ 2.9K) - Lightning fast forecasting with statistical and econometric.. Apache-2
STUMPY (🥈32 · ⭐ 2.8K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
Darts (🥈31 · ⭐ 6.3K) - A python library for user-friendly forecasting and anomaly detection.. Apache-2
-
GitHub (👨💻 100 · 🔀 710 · 📦 370 · 📋 1.2K - 20% open · ⏱️ 16.09.2023):
git clone https://github.com/unit8co/darts
-
PyPi (📥 12K / month · 📦 5 · ⏱️ 16.09.2023):
pip install u8darts
-
Conda (📥 35K · ⏱️ 16.09.2023):
conda install -c conda-forge u8darts-all
-
Docker Hub (📥 400 · ⏱️ 16.09.2023):
docker pull unit8/darts
pmdarima (🥈31 · ⭐ 1.4K) - A statistical library designed to fill the void in Pythons time series.. MIT
pytorch-forecasting (🥈30 · ⭐ 3.2K) - Time series forecasting with PyTorch. MIT
skforecast (🥈28 · ⭐ 650 · ➕) - Time series forecasting with scikit-learn models. BSD-3

Show 9 hidden projects...
- NeuralForecast (🥉27 · ⭐ 1.8K) - Scalable and user friendly neural forecasting algorithms.
❗Unlicensed
- PyFlux (🥉25 · ⭐ 2K · 💀) - Open source time series library for Python.
BSD-3
- uber/orbit (🥉21 · ⭐ 1.7K · 💤) - A Python package for Bayesian forecasting with object-..
❗Unlicensed
- ADTK (🥉20 · ⭐ 970 · 💀) - A Python toolkit for rule-based/unsupervised anomaly detection in time..
MPL-2.0
- seglearn (🥉20 · ⭐ 550 · 💀) - Python module for machine learning time series:.
BSD-3
- matrixprofile-ts (🥉19 · ⭐ 720 · 💀) - A Python library for detecting patterns and anomalies..
Apache-2
- atspy (🥉14 · ⭐ 490 · 💀) - AtsPy: Automated Time Series Models in Python (by @firmai).
MIT
- tsaug (🥉13 · ⭐ 320 · 💀) - A Python package for time series augmentation.
Apache-2
- tslumen (🥉8 · ⭐ 50 · 💤) - A library for Time Series EDA (exploratory data analysis).
Apache-2
Medical Data
Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats.
MNE (🥇38 · ⭐ 2.3K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
DeepVariant (🥉24 · ⭐ 2.9K · 💤) - DeepVariant is an analysis pipeline that uses a deep.. BSD-3

Show 9 hidden projects...
- NiftyNet (🥉24 · ⭐ 1.3K · 💀) - [unmaintained] An open-source convolutional neural..
Apache-2
- MedPy (🥉22 · ⭐ 500 · 💤) - Medical image processing in Python.
❗️GPL-3.0
- DLTK (🥉20 · ⭐ 1.4K · 💀) - Deep Learning Toolkit for Medical Image Analysis.
Apache-2
- Brainiak (🥉20 · ⭐ 310 · 💀) - Brain Imaging Analysis Kit.
Apache-2
- Glow (🥉20 · ⭐ 240 · 💤) - An open-source toolkit for large-scale genomic analysis.
Apache-2
- Medical Detection Toolkit (🥉15 · ⭐ 1.2K · 💀) - The Medical Detection Toolkit contains 2D + 3D..
Apache-2
- MedicalTorch (🥉15 · ⭐ 820 · 💀) - A medical imaging framework for Pytorch.
Apache-2
- MedicalNet (🥉13 · ⭐ 1.7K · 💀) - Many studies have shown that the performance on deep learning is..
MIT
- DeepNeuro (🥉13 · ⭐ 120 · 💀) - A deep learning python package for neuroimaging data. Made by:.
MIT
Tabular Data
Libraries for processing tabular and structured data.
pytorch_tabular (🥈20 · ⭐ 1K) - A standard framework for modelling Deep Learning Models for.. MIT

carefree-learn (🥈20 · ⭐ 400) - Deep Learning PyTorch. MIT

Show 3 hidden projects...
Optical Character Recognition
Libraries for optical character recognition (OCR) and text extraction from images or videos.
EasyOCR (🥇35 · ⭐ 20K) - Ready-to-use OCR with 80+ supported languages and all popular writing.. Apache-2
OCRmyPDF (🥈32 · ⭐ 9.8K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
Tesseract (🥈29 · ⭐ 5.1K · 📉) - Python-tesseract is an optical character recognition (OCR).. Apache-2
Show 4 hidden projects...
- pdftabextract (🥉21 · ⭐ 2.1K · 💀) - A set of tools for extracting tables from PDF files..
Apache-2
- attention-ocr (🥉21 · ⭐ 960 · 💀) - A Tensorflow model for text recognition (CNN + seq2seq..
MIT
- doc2text (🥉20 · ⭐ 1.3K · 💀) - Detect text blocks and OCR poorly scanned PDFs in bulk. Python..
MIT
- Mozart (🥉10 · ⭐ 500 · 💀) - An optical music recognition (OMR) system. Converts sheet..
Apache-2
Data Containers & Structures
General-purpose data containers & structures as well as utilities & extensions for pandas.
🔗 best-of-python - Data Containers ( ⭐ 3.1K) - Collection of data-container, dataframe, and pandas-..
Data Loading & Extraction
Libraries for loading, collecting, and extracting data from a variety of data sources and formats.
🔗 best-of-python - Data Extraction ( ⭐ 3.1K) - Collection of data-loading and -extraction libraries.
Web Scraping & Crawling
Libraries for web scraping, crawling, downloading, and mining as well as libraries.
🔗 best-of-web-python - Web Scraping ( ⭐ 2K) - Collection of web-scraping and crawling libraries.
Data Pipelines & Streaming
Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks.
🔗 best-of-python - Data Pipelines ( ⭐ 3.1K) - Libraries for data batch- and stream-processing,..
Distributed Machine Learning
Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure.
Ray (🥇45 · ⭐ 28K) - Ray is a unified framework for scaling AI and Python applications. Ray.. Apache-2
DeepSpeed (🥇41 · ⭐ 28K) - DeepSpeed is a deep learning optimization library that makes.. Apache-2

-
GitHub (👨💻 240 · 🔀 3.4K · 📦 4.2K · 📋 2.2K - 37% open · ⏱️ 20.09.2023):
git clone https://github.com/microsoft/DeepSpeed
-
PyPi (📥 410K / month · 📦 73 · ⏱️ 11.09.2023):
pip install deepspeed
-
Docker Hub (📥 17K · ⭐ 4 · ⏱️ 02.09.2022):
docker pull deepspeed/deepspeed
dask.distributed (🥇40 · ⭐ 1.5K) - A distributed task scheduler for Dask. BSD-3
horovod (🥈37 · ⭐ 14K) - Distributed training framework for TensorFlow, Keras, PyTorch, and.. Apache-2
BigDL (🥈36 · ⭐ 4.4K) - Accelerating LLM with low-bit (INT3 / INT4 / NF4 / INT5 / INT8).. Apache-2
-
GitHub (👨💻 180 · 🔀 1.1K · 📦 45 · 📋 2K - 39% open · ⏱️ 21.09.2023):
git clone https://github.com/intel-analytics/BigDL
-
PyPi (📥 4.1K / month · 📦 1 · ⏱️ 20.09.2023):
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>
H2O-3 (🥈35 · ⭐ 6.5K) - H2O is an Open Source, Distributed, Fast & Scalable Machine Learning.. Apache-2
ColossalAI (🥈33 · ⭐ 33K) - Making large AI models cheaper, faster and more accessible. Apache-2
-
GitHub (👨💻 150 · 🔀 3.7K · 📦 260 · 📋 1.4K - 22% open · ⏱️ 21.09.2023):
git clone https://github.com/hpcaitech/colossalai
TensorFlowOnSpark (🥈28 · ⭐ 3.9K) - TensorFlowOnSpark brings TensorFlow programs to.. Apache-2


analytics-zoo (🥉23 · ⭐ 2.6K) - Distributed Tensorflow, Keras and PyTorch on Apache.. Apache-2

Apache Singa (🥉21 · ⭐ 3K) - a distributed deep learning platform. Apache-2
-
GitHub (👨💻 81 · 🔀 1K · 📦 2 · 📋 120 - 42% open · ⏱️ 02.04.2023):
git clone https://github.com/apache/singa
-
Conda (📥 700 · ⏱️ 16.06.2023):
conda install -c nusdbsystem singa
-
Docker Hub (📥 3.8K · ⭐ 4 · ⏱️ 31.05.2022):
docker pull apache/singa
mesh-transformer-jax (🥉18 · ⭐ 6.1K · 💤) - Model parallel transformers in JAX and Haiku. Apache-2

-
GitHub (👨💻 23 · 🔀 870 · 📦 13 · 📋 200 - 20% open · ⏱️ 12.01.2023):
git clone https://github.com/kingoflolz/mesh-transformer-jax
moolib (🥉10 · ⭐ 360 · 💤) - A library for distributed ML training with PyTorch. MIT

-
GitHub (👨💻 6 · 🔀 20 · 📦 3 · 📋 19 - 36% open · ⏱️ 12.12.2022):
git clone https://github.com/facebookresearch/moolib
Show 12 hidden projects...
- DEAP (🥈35 · ⭐ 5.3K) - Distributed Evolutionary Algorithms in Python.
❗️LGPL-3.0
- ipyparallel (🥈30 · ⭐ 2.5K) - IPython Parallel: Interactive Parallel Computing in..
❗Unlicensed
- Elephas (🥉26 · ⭐ 1.6K · 💀) - Distributed Deep learning with Keras & Spark.
MIT
keras
- BytePS (🥉20 · ⭐ 3.5K · 💀) - A high performance and generic framework for distributed DNN..
Apache-2
- TensorFrames (🥉20 · ⭐ 750 · 💀) - [DEPRECATED] Tensorflow wrapper for DataFrames on..
Apache-2
- sk-dist (🥉20 · ⭐ 280 · 💤) - Distributed scikit-learn meta-estimators in PySpark.
Apache-2
- somoclu (🥉20 · ⭐ 250 · 💤) - Massively parallel self-organizing maps: accelerate training on..
MIT
- Fiber (🥉17 · ⭐ 1K · 💀) - Distributed Computing for AI Made Simple.
Apache-2
- bluefog (🥉17 · ⭐ 290) - Distributed and decentralized training framework for PyTorch..
Apache-2
- parallelformers (🥉14 · ⭐ 710 · 💀) - Parallelformers: An Efficient Model Parallelization..
Apache-2
- LazyCluster (🥉13 · ⭐ 48 · 💀) - Distributed machine learning made simple.
Apache-2
- autodist (🥉10 · ⭐ 130 · 💀) - Simple Distributed Deep Learning on TensorFlow.
Apache-2
Hyperparameter Optimization & AutoML
Libraries for hyperparameter optimization, automl and neural architecture search.
featuretools (🥇34 · ⭐ 6.8K) - An open source python library for automated feature engineering. BSD-3
auto-sklearn (🥈31 · ⭐ 7.1K) - Automated Machine Learning with scikit-learn. BSD-3

Bayesian Optimization (🥈31 · ⭐ 7K) - A Python implementation of global optimization with.. MIT
Keras Tuner (🥈31 · ⭐ 2.8K) - A Hyperparameter Tuning Library for Keras. Apache-2

mljar-supervised (🥈31 · ⭐ 2.7K) - Python package for AutoML on Tabular Data with Feature.. MIT
AutoGluon (🥈29 · ⭐ 6.2K) - AutoGluon: AutoML for Image, Text, Time Series, and.. Apache-2


-
GitHub (👨💻 110 · 🔀 770 · 📦 2 · 📋 1.1K - 23% open · ⏱️ 19.09.2023):
git clone https://github.com/autogluon/autogluon
-
PyPi (📥 42K / month · 📦 7 · ⏱️ 21.09.2023):
pip install autogluon
-
Docker Hub (📥 3.9K · ⭐ 15 · ⏱️ 26.07.2023):
docker pull autogluon/autogluon
lazypredict (🥈25 · ⭐ 2.1K · 💤) - Lazy Predict help build a lot of basic models without much.. MIT

featurewiz (🥉22 · ⭐ 470) - Use advanced feature engineering strategies and select best.. Apache-2
Hyperactive (🥉22 · ⭐ 460) - An optimization and data collection toolbox for convenient and fast.. MIT
Auto ViML (🥉20 · ⭐ 460) - Automatically Build Multiple ML Models with a Single Line of Code... Apache-2
igel (🥉19 · ⭐ 3.1K) - a delightful machine learning tool that allows you to train, test, and use.. MIT
AlphaPy (🥉19 · ⭐ 960) - Automated Machine Learning [AutoML] with Python, scikit-learn, Keras,.. Apache-2
opytimizer (🥉18 · ⭐ 570) - Opytimizer is a Python library consisting of meta-heuristic.. Apache-2
Show 28 hidden projects...
- Optuna (🥇39 · ⭐ 8.6K) - A hyperparameter optimization framework.
❗Unlicensed
- TPOT (🥇33 · ⭐ 9.2K) - A Python Automated Machine Learning tool that optimizes machine..
❗️LGPL-3.0
- scikit-optimize (🥇33 · ⭐ 2.7K · 💀) - Sequential model-based optimization with a..
BSD-3
- SMAC3 (🥈25 · ⭐ 900) - SMAC3: A Versatile Bayesian Optimization Package for..
❗️BSD-1-Clause
- Orion (🥈25 · ⭐ 260) - Asynchronous Distributed Hyperparameter Optimization.
BSD-3
- AdaNet (🥈23 · ⭐ 3.5K · 💀) - Fast and flexible AutoML with learning guarantees.
Apache-2
- auto_ml (🥉22 · ⭐ 1.6K · 💀) - [UNMAINTAINED] Automated machine learning for analytics & production.
MIT
- MLBox (🥉22 · ⭐ 1.4K · 💀) - MLBox is a powerful Automated Machine Learning python library.
❗️BSD-1-Clause
- HpBandSter (🥉22 · ⭐ 580 · 💀) - a distributed Hyperband implementation on Steroids.
BSD-3
- lightwood (🥉22 · ⭐ 380) - Lightwood is Legos for Machine Learning.
❗️GPL-3.0
- Test Tube (🥉21 · ⭐ 740 · 💀) - Python library to easily log experiments and parallelize..
MIT
- sklearn-deap (🥉21 · ⭐ 740 · 💀) - Use evolutionary algorithms instead of gridsearch in..
MIT
- Neuraxle (🥉21 · ⭐ 580 · 💀) - The worlds cleanest AutoML library - Do hyperparameter tuning..
Apache-2
- optunity (🥉21 · ⭐ 410 · 💀) - optimization routines for hyperparameter tuning.
BSD-3
- Auto Tune Models (🥉18 · ⭐ 520 · 💀) - Auto Tune Models - A multi-tenant, multi-data system for..
MIT
- shap-hypetune (🥉18 · ⭐ 480 · 💀) - A python package for simultaneous Hyperparameters Tuning and..
MIT
- Sherpa (🥉18 · ⭐ 320 · 💀) - Hyperparameter optimization that enables researchers to..
❗️GPL-3.0
- Advisor (🥉17 · ⭐ 1.5K · 💀) - Open-source implementation of Google Vizier for hyper parameters..
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
- HyperparameterHunter (🥉16 · ⭐ 700 · 💀) - Easy hyperparameter optimization and automatic result..
MIT
- Parfit (🥉16 · ⭐ 200 · 💀) - A package for parallelizing the fit and flexibly scoring of..
MIT
- ENAS (🥉14 · ⭐ 2.6K · 💀) - PyTorch implementation of Efficient Neural Architecture Search via..
Apache-2
- Auptimizer (🥉12 · ⭐ 200 · 💀) - An automatic ML model optimization tool.
❗️GPL-3.0
- Hypermax (🥉12 · ⭐ 110 · 💀) - Better, faster hyper-parameter optimization.
BSD-3
- model_search (🥉11 · ⭐ 3.2K · 💀) - AutoML algorithms for model architecture search at scale.
Apache-2
- Devol (🥉11 · ⭐ 950 · 💀) - Genetic neural architecture search with Keras.
MIT
- Hypertunity (🥉9 · ⭐ 140 · 💀) - A toolset for black-box hyperparameter optimisation.
Apache-2
Reinforcement Learning
Libraries for building and evaluating reinforcement learning & agent-based systems.
OpenAI Gym (🥇40 · ⭐ 33K · 💤) - A toolkit for developing and comparing reinforcement learning.. MIT
TensorLayer (🥈27 · ⭐ 7.2K · 💤) - Deep Learning and Reinforcement Learning Library for.. Apache-2

TensorForce (🥈27 · ⭐ 3.2K) - Tensorforce: a TensorFlow library for applied.. Apache-2

PARL (🥉25 · ⭐ 3.1K) - A high-performance distributed training framework for Reinforcement.. Apache-2

Stable Baselines (🥉24 · ⭐ 3.9K · 💤) - A fork of OpenAI Baselines, implementations of.. MIT
rliable (🥉13 · ⭐ 620) - [NeurIPS21 Outstanding Paper] Library for reliable evaluation on RL.. Apache-2
Show 7 hidden projects...
- baselines (🥈29 · ⭐ 15K · 💀) - OpenAI Baselines: high-quality implementations of reinforcement..
MIT
- keras-rl (🥈29 · ⭐ 5.4K · 💀) - Deep Reinforcement Learning for Keras.
MIT
- ChainerRL (🥉24 · ⭐ 1.1K · 💀) - ChainerRL is a deep reinforcement learning library built on top of..
MIT
- TRFL (🥉20 · ⭐ 3.1K · 💀) - TensorFlow Reinforcement Learning.
Apache-2
- SerpentAI (🥉18 · ⭐ 6.6K · 💀) - Game Agent Framework. Helping you create AIs / Bots that learn to..
MIT
- DeepMind Lab (🥉17 · ⭐ 6.9K · 💤) - A customisable 3D platform for agent-based AI research.
❗Unlicensed
- Maze (🥉12 · ⭐ 250 · 💤) - Maze Applied Reinforcement Learning Framework.
❗️Custom
Recommender Systems
Libraries for building and evaluating recommendation systems.
Recommenders (🥇34 · ⭐ 16K) - Best Practices on Recommendation Systems. MIT
lightfm (🥈30 · ⭐ 4.4K) - A Python implementation of LightFM, a hybrid recommendation algorithm. Apache-2
TF Recommenders (🥈29 · ⭐ 1.6K) - TensorFlow Recommenders is a library for building.. Apache-2

TF Ranking (🥈28 · ⭐ 2.7K) - Learning to Rank in TensorFlow. Apache-2

scikit-surprise (🥈27 · ⭐ 6K · 💤) - A Python scikit for building and analyzing recommender.. BSD-3
recmetrics (🥉20 · ⭐ 530) - A library of metrics for evaluating recommender systems. MIT
Show 7 hidden projects...
- lkpy (🥉22 · ⭐ 240) - Python recommendation toolkit.
MIT
- tensorrec (🥉21 · ⭐ 1.2K · 💀) - A TensorFlow recommendation algorithm and framework in..
Apache-2
- fastFM (🥉21 · ⭐ 1K · 💀) - fastFM: A Library for Factorization Machines.
BSD-3
- Spotlight (🥉18 · ⭐ 2.9K · 💀) - Deep recommender models using PyTorch.
MIT
- Case Recommender (🥉18 · ⭐ 450 · 💀) - Case Recommender: A Flexible and Extensible Python..
MIT
- Collie (🥉15 · ⭐ 100) - A library for preparing, training, and evaluating scalable deep..
BSD-3
- OpenRec (🥉14 · ⭐ 400 · 💀) - OpenRec is an open-source and modular library for neural network-..
Apache-2
Privacy Machine Learning
Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy.
TensorFlow Privacy (🥈27 · ⭐ 1.8K) - Library for training machine learning models with.. Apache-2

TFEncrypted (🥉24 · ⭐ 1.2K · 💤) - A Framework for Encrypted Machine Learning in.. Apache-2

Show 1 hidden projects...
- PipelineDP (🥉20 · ⭐ 260) - PipelineDP is a Python framework for applying differentially..
Apache-2
Workflow & Experiment Tracking
Libraries to organize, track, and visualize machine learning experiments.
Tensorboard (🥇43 · ⭐ 6.4K) - TensorFlows Visualization Toolkit. Apache-2

wandb client (🥇41 · ⭐ 7.2K) - A tool for visualizing and tracking your machine learning.. MIT
DVC (🥇40 · ⭐ 12K) - Data Version Control | Git for Data & Models | ML Experiments Management. Apache-2
SageMaker SDK (🥈38 · ⭐ 1.9K) - A library for training and deploying machine learning.. Apache-2


tensorboardX (🥈35 · ⭐ 7.7K) - tensorboard for pytorch (and chainer, mxnet, numpy, ...). MIT
AzureML SDK (🥈35 · ⭐ 3.8K) - Python notebooks with ML and deep learning examples with Azure.. MIT
ClearML (🥈33 · ⭐ 4.7K) - ClearML - Auto-Magical CI/CD to streamline your ML workflow... Apache-2
-
GitHub (👨💻 84 · 🔀 600 · 📥 1.5K · 📦 720 · 📋 880 - 42% open · ⏱️ 20.09.2023):
git clone https://github.com/allegroai/clearml
-
PyPi (📥 240K / month · 📦 13 · ⏱️ 11.08.2023):
pip install clearml
-
Docker Hub (📥 30K · ⏱️ 05.10.2020):
docker pull allegroai/trains
Neptune.ai (🥈29 · ⭐ 410) - The MLOps stack component for experiment tracking. Apache-2
Labml (🥉27 · ⭐ 1.6K) - Monitor deep learning model training and hardware usage from your mobile.. MIT
ml-metadata (🥉27 · ⭐ 560) - For recording and retrieving metadata associated with ML.. Apache-2
TensorWatch (🥉21 · ⭐ 3.3K) - Debugging, monitoring and visualization for Python Machine Learning.. MIT
Show 15 hidden projects...
- Catalyst (🥈30 · ⭐ 3.2K · 💀) - Accelerated deep learning R&D.
Apache-2
- SKLL (🥉26 · ⭐ 540) - SciKit-Learn Laboratory (SKLL) makes it easy to run machine..
❗️BSD-1-Clause
- livelossplot (🥉25 · ⭐ 1.3K · 💀) - Live training loss plot in Jupyter Notebook for Keras,..
MIT
- knockknock (🥉24 · ⭐ 2.6K · 💀) - Knock Knock: Get notified when your training ends with only two..
MIT
- hiddenlayer (🥉22 · ⭐ 1.7K · 💀) - Neural network graphs and training metrics for..
MIT
- gokart (🥉22 · ⭐ 290) - Gokart solves reproducibility, task dependencies, constraints of good code,..
MIT
- TensorBoard Logger (🥉20 · ⭐ 620 · 💀) - Log TensorBoard events without touching TensorFlow.
MIT
- MXBoard (🥉20 · ⭐ 320 · 💀) - Logging MXNet data for visualization in TensorBoard.
Apache-2
- keepsake (🥉18 · ⭐ 1.6K · 💀) - Version control for machine learning.
Apache-2
- datmo (🥉17 · ⭐ 340 · 💀) - Open source production model management tool for data scientists.
MIT
- chitra (🥉16 · ⭐ 220) - A multi-functional library for full-stack Deep Learning. Simplifies..
Apache-2
- steppy (🥉15 · ⭐ 140 · 💀) - Lightweight, Python library for fast and reproducible experimentation.
MIT
- ModelChimp (🥉13 · ⭐ 120 · 💀) - Experiment tracking for machine and deep learning projects.
BSD-2
- CometML (🥉13 · ➕) - Supercharging Machine Learning.
❗Unlicensed
- traintool (🥉8 · ⭐ 12 · 💀) - Train off-the-shelf machine learning models in one..
Apache-2
Model Serialization & Deployment
Libraries to serialize models to files, convert between a variety of model formats, and optimize models for deployment.
TorchServe (🥈34 · ⭐ 3.7K) - Serve, optimize and scale PyTorch models in production. Apache-2

-
GitHub (👨💻 170 · 🔀 760 · 📥 4.9K · 📦 500 · 📋 1.4K - 21% open · ⏱️ 19.09.2023):
git clone https://github.com/pytorch/serve
-
PyPi (📥 40K / month · 📦 11 · ⏱️ 28.08.2023):
pip install torchserve
-
Conda (📥 110K · ⏱️ 28.08.2023):
conda install -c pytorch torchserve
-
Docker Hub (📥 1.2M · ⭐ 21 · ⏱️ 28.08.2023):
docker pull pytorch/torchserve
huggingface_hub (🥈34 · ⭐ 1.2K) - All the open source things related to the Hugging Face Hub. Apache-2
Core ML Tools (🥈32 · ⭐ 3.6K) - Core ML tools contain supporting tools for Core ML model.. BSD-3
mmdnn (🥈26 · ⭐ 5.7K · 💤) - MMdnn is a set of tools to help users inter-operate among different deep.. MIT
Hummingbird (🥈26 · ⭐ 3.2K) - Hummingbird compiles trained ML models into tensor computation for.. MIT
nebullvm (🥉23 · ⭐ 8.3K) - The next-generation platform to monitor and optimize your AI costs.. Apache-2
Show 8 hidden projects...
- sklearn-porter (🥉23 · ⭐ 1.2K · 💀) - Transpile trained scikit-learn estimators to C, Java,..
BSD-3
- Larq Compute Engine (🥉22 · ⭐ 230) - Highly optimized inference engine for Binarized..
Apache-2
- pytorch2keras (🥉19 · ⭐ 840 · 💀) - PyTorch to Keras model convertor.
MIT
- OMLT (🥉17 · ⭐ 210) - Represent trained machine learning models as Pyomo optimization formulations.
BSD-3
- modelkit (🥉17 · ⭐ 150) - Toolkit for developing and maintaining ML models.
MIT
- tfdeploy (🥉16 · ⭐ 350 · 💀) - Deploy tensorflow graphs for fast evaluation and export to..
BSD-3
- ml-ane-transformers (🥉13 · ⭐ 2.4K · 💀) - Reference implementation of the Transformer..
❗Unlicensed
- backprop (🥉13 · ⭐ 240 · 💀) - Backprop makes it simple to use, finetune, and deploy state-of-..
Apache-2
Model Interpretability
Libraries to visualize, explain, debug, evaluate, and interpret machine learning models.
shap (🥇41 · ⭐ 20K) - A game theoretic approach to explain the output of any machine learning model. MIT
InterpretML (🥇32 · ⭐ 5.7K) - Fit interpretable models. Explain blackbox machine learning. MIT

dtreeviz (🥈30 · ⭐ 2.6K) - A python library for decision tree visualization and model interpretation. MIT
explainerdashboard (🥈30 · ⭐ 2K) - Quickly build Explainable AI dashboards that show the inner.. MIT
evaluate (🥈30 · ⭐ 1.5K) - Evaluate: A library for easily evaluating machine learning models.. Apache-2
Model Analysis (🥈29 · ⭐ 1.2K) - Model analysis tools for TensorFlow. Apache-2


responsible-ai-widgets (🥈29 · ⭐ 960) - Responsible AI Toolbox is a suite of tools providing.. MIT



Explainability 360 (🥈27 · ⭐ 1.4K) - Interpretability and explainability of data and.. Apache-2
yellowbrick (🥈26 · ⭐ 4.1K) - Visual analysis and diagnostic tools to facilitate machine.. Apache-2

Fairness 360 (🥈26 · ⭐ 2.1K) - A comprehensive set of fairness metrics for datasets and.. Apache-2
iNNvestigate (🥈26 · ⭐ 1.2K) - A toolbox to iNNvestigate neural networks predictions!. BSD-2

LIT (🥉23 · ⭐ 3.2K · 💤) - The Learning Interpretability Tool: Interactively analyze ML models.. Apache-2
What-If Tool (🥉22 · ⭐ 840) - Source code/webpage/demos for the What-If Tool. Apache-2
-
GitHub (👨💻 20 · 🔀 150 · 📋 140 - 58% open · ⏱️ 27.04.2023):
git clone https://github.com/PAIR-code/what-if-tool
-
PyPi (📥 6.8K / month · 📦 4 · ⏱️ 12.10.2021):
pip install witwidget
-
Conda (📥 2M · ⏱️ 16.06.2023):
conda install -c conda-forge tensorboard-plugin-wit
-
npm (📥 880 / month · 📦 1 · ⏱️ 12.10.2021):
npm install wit-widget
model-card-toolkit (🥉21 · ⭐ 390) - A toolkit that streamlines and automates the generation.. Apache-2
fairness-indicators (🥉19 · ⭐ 320) - Tensorflows Fairness Evaluation and Visualization.. Apache-2


sklearn-evaluation (🥉18 · ⭐ 360 · 💤) - Machine learning model evaluation made easy: plots,.. MIT

ExplainX.ai (🥉16 · ⭐ 360 · 💤) - Explainable AI framework for data scientists. Explain & debug any.. MIT
FlashTorch (🥉15 · ⭐ 710) - Visualization toolkit for neural networks in PyTorch! Demo --. MIT

Show 21 hidden projects...
- Lime (🥇33 · ⭐ 11K · 💀) - Lime: Explaining the predictions of any machine learning classifier.
BSD-2
- Deep Checks (🥈30 · ⭐ 3K) - Deepchecks: Tests for Continuous Validation of ML Models &..
❗️AGPL-3.0
- scikit-plot (🥈29 · ⭐ 2.4K · 💀) - An intuitive library to add plotting functionality to..
MIT
- Lucid (🥉25 · ⭐ 4.6K · 💀) - A collection of infrastructure and tools for research in..
Apache-2
- checklist (🥉25 · ⭐ 1.9K · 💀) - Beyond Accuracy: Behavioral Testing of NLP models with..
MIT
- DALEX (🥉25 · ⭐ 1.2K) - moDel Agnostic Language for Exploration and eXplanation.
❗️GPL-3.0
- keras-vis (🥉24 · ⭐ 3K · 💀) - Neural network visualization toolkit for keras.
MIT
- eli5 (🥉23 · ⭐ 2.7K · 💀) - A library for debugging/inspecting machine learning classifiers and..
MIT
- TreeInterpreter (🥉23 · ⭐ 730 · 💀) - Package for interpreting scikit-learns decision tree..
BSD-3
- tf-explain (🥉22 · ⭐ 990 · 💀) - Interpretability Methods for tf.keras models with Tensorflow..
MIT
- random-forest-importances (🥉22 · ⭐ 570 · 💀) - Code to compute permutation and drop-column..
MIT
- Quantus (🥉22 · ⭐ 410) - Quantus is an eXplainable AI toolkit for responsible evaluation of..
❗️GPL-3.0
- deeplift (🥉21 · ⭐ 750 · 💀) - Public facing deeplift repo.
MIT
- tcav (🥉19 · ⭐ 590 · 💀) - Code for the TCAV ML interpretability project.
Apache-2
- XAI (🥉16 · ⭐ 940 · 💀) - XAI - An eXplainability toolbox for machine learning.
MIT
- Anchor (🥉16 · ⭐ 760 · 💀) - Code for High-Precision Model-Agnostic Explanations paper.
BSD-2
- Skater (🥉15 · ⭐ 1.1K) - Python Library for Model Interpretation/Explanations.
❗️UPL-1.0
- interpret-text (🥉13 · ⭐ 380 · 💀) - A library that incorporates state-of-the-art explainers..
MIT
- contextual-ai (🥉13 · ⭐ 83 · 💀) - Contextual AI adds explainability to different stages of..
Apache-2
- Attribution Priors (🥉12 · ⭐ 120 · 💀) - Tools for training explainable models using..
MIT
- bias-detector (🥉11 · ⭐ 43 · 💤) - Bias Detector is a python package for detecting bias in machine..
MIT
Vector Similarity Search (ANN)
Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search.
🔗 ANN Benchmarks ( ⭐ 4K) - Benchmarks of approximate nearest neighbor libraries in Python.
Milvus (🥇40 · ⭐ 23K) - A cloud-native vector database, storage for next generation AI.. Apache-2
-
GitHub (👨💻 260 · 🔀 2.5K · 📥 42K · 📋 9.1K - 7% open · ⏱️ 21.09.2023):
git clone https://github.com/milvus-io/milvus
-
PyPi (📥 460K / month · 📦 34 · ⏱️ 15.09.2023):
pip install pymilvus
-
Docker Hub (📥 5.5M · ⭐ 36 · ⏱️ 21.09.2023):
docker pull milvusdb/milvus
Faiss (🥇37 · ⭐ 24K) - A library for efficient similarity search and clustering of dense vectors. MIT
Annoy (🥈35 · ⭐ 12K) - Approximate Nearest Neighbors in C++/Python optimized for memory usage.. Apache-2
PyNNDescent (🥈30 · ⭐ 790) - A Python nearest neighbor descent for approximate nearest neighbors. BSD-2
USearch (🥉27 · ⭐ 760) - Fastest Search & Clustering engine for Vectors & Strings in C++, C,.. Apache-2
-
GitHub (👨💻 21 · 🔀 38 · 📥 210 · 📦 17 · 📋 59 - 33% open · ⏱️ 20.09.2023):
git clone https://github.com/unum-cloud/usearch
-
PyPi (📥 30K / month · 📦 1 · ⏱️ 20.09.2023):
pip install usearch
-
npm (📥 3.2K / month · 📦 2 · ⏱️ 20.09.2023):
npm install usearch
-
Docker Hub (📥 29 · ⭐ 1 · ⏱️ 20.09.2023):
docker pull unum/usearch
NearPy (🥉20 · ⭐ 740 · 💤) - Python framework for fast (approximated) nearest neighbour search in.. MIT
N2 (🥉18 · ⭐ 550) - TOROS N2 - lightweight approximate Nearest Neighbor library which runs fast.. Apache-2
Show 3 hidden projects...
- NMSLIB (🥈30 · ⭐ 3.1K · 💀) - Non-Metric Space Library (NMSLIB): An efficient similarity search..
Apache-2
- Magnitude (🥉24 · ⭐ 1.6K · 💀) - A fast, efficient universal vector embedding utility package.
MIT
- PySparNN (🥉11 · ⭐ 910 · 💀) - Approximate Nearest Neighbor Search for Sparse Data in Python!.
BSD-3
Probabilistics & Statistics
Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics.