πΒ A ranked list of awesome machine learning Python libraries. Updated weekly.
This curated list contains 920 awesome open-source projects with a total of 5.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.
- Machine Learning Frameworks 64 projects
 - Data Visualization 55 projects
 - Text Data & NLP 103 projects
 - Image Data 64 projects
 - Graph Data 36 projects
 - Audio Data 29 projects
 - Geospatial Data 22 projects
 - Financial Data 25 projects
 - Time Series Data 29 projects
 - Medical Data 19 projects
 - Tabular Data 6 projects
 - Optical Character Recognition 12 projects
 - Data Containers & Structures 1 projects
 - Data Loading & Extraction 1 projects
 - Web Scraping & Crawling 1 projects
 - Data Pipelines & Streaming 2 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 55 projects
 - Vector Similarity Search (ANN) 13 projects
 - Probabilistics & Statistics 24 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
 
- π₯π₯π₯Β 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
General-purpose machine learning and deep learning frameworks.
Tensorflow (π₯56 Β·  β 200K) - An Open Source Machine Learning Framework for Everyone. Apache-2 
- 
GitHub (π¨βπ» 5K Β· π 75K Β· π¦ 540K Β· π 42K - 4% open Β· β±οΈ 30.10.2025):
git clone https://github.com/tensorflow/tensorflow - 
PyPi (π₯ 26M / month Β· π¦ 9.6K Β· β±οΈ 13.08.2025):
pip install tensorflow - 
Conda (π₯ 6M Β· β±οΈ 27.10.2025):
conda install -c conda-forge tensorflow - 
Docker Hub (π₯ 81M Β· β 2.8K Β· β±οΈ 30.10.2025):
docker pull tensorflow/tensorflow 
PyTorch (π₯56 Β·  β 94K) - Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3 
- 
GitHub (π¨βπ» 6K Β· π 26K Β· π₯ 110K Β· π¦ 830K Β· π 56K - 30% open Β· β±οΈ 30.10.2025):
git clone https://github.com/pytorch/pytorch - 
PyPi (π₯ 70M / month Β· π¦ 30K Β· β±οΈ 15.10.2025):
pip install torch - 
Conda (π₯ 29M Β· β±οΈ 25.03.2025):
conda install -c pytorch pytorch 
scikit-learn (π₯53 Β·  β 64K) - scikit-learn: machine learning in Python. BSD-3 
- 
GitHub (π¨βπ» 3.4K Β· π 26K Β· π₯ 1.1K Β· π¦ 1.3M Β· π 12K - 17% open Β· β±οΈ 30.10.2025):
git clone https://github.com/scikit-learn/scikit-learn - 
PyPi (π₯ 140M / month Β· π¦ 35K Β· β±οΈ 09.09.2025):
pip install scikit-learn - 
Conda (π₯ 40M Β· β±οΈ 09.09.2025):
conda install -c conda-forge scikit-learn 
Keras (π₯50 Β·  β 64K) - Deep Learning for humans. Apache-2 
- 
GitHub (π¨βπ» 1.4K Β· π 20K Β· π¦ 300K Β· π 13K - 2% open Β· β±οΈ 30.10.2025):
git clone https://github.com/keras-team/keras - 
PyPi (π₯ 19M / month Β· π¦ 2K Β· β±οΈ 27.10.2025):
pip install keras - 
Conda (π₯ 4.5M Β· β±οΈ 28.10.2025):
conda install -c conda-forge keras 
XGBoost (π₯46 Β·  β 28K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
- 
GitHub (π¨βπ» 670 Β· π 8.8K Β· π₯ 20K Β· π¦ 170K Β· π 5.6K - 8% open Β· β±οΈ 30.10.2025):
git clone https://github.com/dmlc/xgboost - 
PyPi (π₯ 31M / month Β· π¦ 2.9K Β· β±οΈ 21.10.2025):
pip install xgboost - 
Conda (π₯ 6.6M Β· β±οΈ 16.09.2025):
conda install -c conda-forge xgboost 
PaddlePaddle (π₯46 Β·  β 23K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2 
jax (π₯45 Β·  β 34K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
- 
GitHub (π¨βπ» 980 Β· π 3.2K Β· π¦ 47K Β· π 6.6K - 24% open Β· β±οΈ 30.10.2025):
git clone https://github.com/google/jax - 
PyPi (π₯ 12M / month Β· π¦ 3.1K Β· β±οΈ 15.10.2025):
pip install jax - 
Conda (π₯ 3.2M Β· β±οΈ 06.10.2025):
conda install -c conda-forge jaxlib 
pytorch-lightning (π₯45 Β·  β 30K) - Pretrain, finetune ANY AI model of ANY size on 1 or.. Apache-2 
- 
GitHub (π¨βπ» 1K Β· π 3.6K Β· π₯ 15K Β· π¦ 48K Β· π 7.4K - 11% open Β· β±οΈ 29.10.2025):
git clone https://github.com/Lightning-AI/lightning - 
PyPi (π₯ 9.8M / month Β· π¦ 1.8K Β· β±οΈ 05.09.2025):
pip install pytorch-lightning - 
Conda (π₯ 1.7M Β· β±οΈ 05.09.2025):
conda install -c conda-forge pytorch-lightning 
StatsModels (π₯45 Β·  β 11K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
- 
GitHub (π¨βπ» 470 Β· π 3.3K Β· π₯ 36 Β· π¦ 180K Β· π 5.8K - 50% open Β· β±οΈ 22.10.2025):
git clone https://github.com/statsmodels/statsmodels - 
PyPi (π₯ 24M / month Β· π¦ 5.6K Β· β±οΈ 07.07.2025):
pip install statsmodels - 
Conda (π₯ 22M Β· β±οΈ 01.10.2025):
conda install -c conda-forge statsmodels 
LightGBM (π₯42 Β·  β 18K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
- 
GitHub (π¨βπ» 330 Β· π 3.9K Β· π₯ 310K Β· π¦ 56K Β· π 3.6K - 12% open Β· β±οΈ 28.10.2025):
git clone https://github.com/microsoft/LightGBM - 
PyPi (π₯ 11M / month Β· π¦ 1.6K Β· β±οΈ 15.02.2025):
pip install lightgbm - 
Conda (π₯ 4.1M Β· β±οΈ 20.10.2025):
conda install -c conda-forge lightgbm 
Catboost (π₯42 Β·  β 8.6K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
- 
GitHub (π¨βπ» 1.4K Β· π 1.2K Β· π₯ 460K Β· π¦ 19 Β· π 2.5K - 25% open Β· β±οΈ 30.10.2025):
git clone https://github.com/catboost/catboost - 
PyPi (π₯ 5.1M / month Β· π¦ 650 Β· β±οΈ 13.04.2025):
pip install catboost - 
Conda (π₯ 2.2M Β· β±οΈ 09.08.2025):
conda install -c conda-forge catboost 
Flax (π₯38 Β·  β 6.9K) - Flax is a neural network library for JAX that is designed for.. Apache-2 
- 
GitHub (π¨βπ» 280 Β· π 740 Β· π₯ 61 Β· π¦ 15K Β· π 1.3K - 33% open Β· β±οΈ 27.10.2025):
git clone https://github.com/google/flax - 
PyPi (π₯ 2M / month Β· π¦ 740 Β· β±οΈ 25.09.2025):
pip install flax - 
Conda (π₯ 130K Β· β±οΈ 27.10.2025):
conda install -c conda-forge flax 
Ignite (π₯36 Β·  β 4.7K) - High-level library to help with training and evaluating neural.. BSD-3 
- 
GitHub (π¨βπ» 1K Β· π 660 Β· π¦ 3.9K Β· π 1.4K - 10% open Β· β±οΈ 16.10.2025):
git clone https://github.com/pytorch/ignite - 
PyPi (π₯ 170K / month Β· π¦ 120 Β· β±οΈ 30.10.2025):
pip install pytorch-ignite - 
Conda (π₯ 250K Β· β±οΈ 16.10.2025):
conda install -c pytorch ignite 
einops (π₯35 Β·  β 9.2K) - Flexible and powerful tensor operations for readable and reliable code.. MIT
- 
GitHub (π¨βπ» 34 Β· π 380 Β· π¦ 82K Β· π 200 - 17% open Β· β±οΈ 12.08.2025):
git clone https://github.com/arogozhnikov/einops - 
PyPi (π₯ 15M / month Β· π¦ 2.6K Β· β±οΈ 09.02.2025):
pip install einops - 
Conda (π₯ 470K Β· β±οΈ 22.04.2025):
conda install -c conda-forge einops 
Jina (π₯33 Β·  β 22K Β· π€) - Build multimodal AI applications with cloud-native stack. Apache-2
- 
GitHub (π¨βπ» 180 Β· π 2.2K Β· β±οΈ 24.03.2025):
git clone https://github.com/jina-ai/jina - 
PyPi (π₯ 120K / month Β· π¦ 29 Β· β±οΈ 24.03.2025):
pip install jina - 
Conda (π₯ 110K Β· β±οΈ 22.04.2025):
conda install -c conda-forge jina-core - 
Docker Hub (π₯ 1.8M Β· β 9 Β· β±οΈ 24.03.2025):
docker pull jinaai/jina 
Thinc (π₯33 Β·  β 2.9K Β· π€) - A refreshing functional take on deep learning, compatible with your.. MIT
- 
GitHub (π¨βπ» 67 Β· π 280 Β· π₯ 2K Β· π¦ 70K Β· π 160 - 14% open Β· β±οΈ 07.03.2025):
git clone https://github.com/explosion/thinc - 
PyPi (π₯ 17M / month Β· π¦ 160 Β· β±οΈ 04.04.2025):
pip install thinc - 
Conda (π₯ 3.9M Β· β±οΈ 06.07.2025):
conda install -c conda-forge thinc 
Ludwig (π₯32 Β·  β 12K Β· π€) - Low-code framework for building custom LLMs, neural networks,.. Apache-2 
skorch (π₯32 Β·  β 6.1K) - A scikit-learn compatible neural network library that wraps.. BSD-3 
 
- 
GitHub (π¨βπ» 68 Β· π 400 Β· π¦ 1.7K Β· π 540 - 12% open Β· β±οΈ 23.10.2025):
git clone https://github.com/skorch-dev/skorch - 
PyPi (π₯ 150K / month Β· π¦ 110 Β· β±οΈ 08.08.2025):
pip install skorch - 
Conda (π₯ 810K Β· β±οΈ 08.08.2025):
conda install -c conda-forge skorch 
Sonnet (π₯31 Β·  β 9.9K) - TensorFlow-based neural network library. Apache-2 
- 
GitHub (π¨βπ» 61 Β· π 1.3K Β· π¦ 1.5K Β· π 190 - 16% open Β· β±οΈ 04.08.2025):
git clone https://github.com/deepmind/sonnet - 
PyPi (π₯ 35K / month Β· π¦ 19 Β· β±οΈ 02.01.2024):
pip install dm-sonnet - 
Conda (π₯ 47K Β· β±οΈ 22.04.2025):
conda install -c conda-forge sonnet 
Haiku (π₯31 Β·  β 3.1K Β· π) - JAX-based neural network library. Apache-2
- 
GitHub (π¨βπ» 90 Β· π 260 Β· π¦ 2.6K Β· π 250 - 29% open Β· β±οΈ 29.09.2025):
git clone https://github.com/deepmind/dm-haiku - 
PyPi (π₯ 260K / month Β· π¦ 200 Β· β±οΈ 18.09.2025):
pip install dm-haiku - 
Conda (π₯ 44K Β· β±οΈ 19.09.2025):
conda install -c conda-forge dm-haiku 
tensorflow-upstream (π₯31 Β·  β 700) - TensorFlow ROCm port. Apache-2 
Geomstats (π₯30 Β·  β 1.4K) - Computations and statistics on manifolds with geometric structures. MIT
- 
GitHub (π¨βπ» 97 Β· π 260 Β· π¦ 150 Β· π 570 - 36% open Β· β±οΈ 06.10.2025):
git clone https://github.com/geomstats/geomstats - 
PyPi (π₯ 15K / month Β· π¦ 12 Β· β±οΈ 09.09.2024):
pip install geomstats - 
Conda (π₯ 8.2K Β· β±οΈ 22.04.2025):
conda install -c conda-forge geomstats 
pyRiemann (π₯28 Β·  β 700) - Machine learning for multivariate data through the Riemannian.. BSD-3 
- 
GitHub (π¨βπ» 38 Β· π 170 Β· π¦ 480 Β· π 110 - 2% open Β· β±οΈ 29.10.2025):
git clone https://github.com/pyRiemann/pyRiemann - 
PyPi (π₯ 75K / month Β· π¦ 31 Β· β±οΈ 23.07.2025):
pip install pyriemann - 
Conda (π₯ 16K Β· β±οΈ 23.07.2025):
conda install -c conda-forge pyriemann 
NuPIC (π₯27 Β·  β 6.4K Β· π€) - Numenta Platform for Intelligent Computing is an implementation of.. MIT
Determined (π₯26 Β·  β 3.2K Β· π€) - Determined is an open-source machine learning.. Apache-2 
 
Neural Network Libraries (π₯26 Β·  β 2.8K) - Neural Network Libraries. Apache-2
deepinv (π₯26 Β·  β 540) - DeepInverse: a PyTorch library for solving imaging inverse problems.. BSD-3
Towhee (π₯23 Β·  β 3.4K Β· π€) - Towhee is a framework that is dedicated to making neural data.. Apache-2
Runhouse (π₯21 Β·  β 1.1K) - Distribute and run AI workloads magically in Python, like PyTorch.. Apache-2
NeoML (π₯19 Β·  β 790) - Machine learning framework for both deep learning and traditional.. Apache-2
chefboost (π₯19 Β·  β 480) - A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
ThunderGBM (π₯18 Β·  β 710 Β· π€) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
Show 26 hidden projects...
- dlib (π₯40 Β·  β 14K) - A toolkit for making real world machine learning and data analysis.. 
βοΈBSL-1.0 - MXNet (π₯38 Β·  β 21K Β· π) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. 
Apache-2 - Theano (π₯37 Β·  β 10K Β· π) - Theano was a Python library that allows you to define, optimize, and.. 
BSD-3 - MindsDB (π₯33 Β·  β 37K) - Federated query engine for AI - The only MCP Server youll ever need. 
βοΈICU - Vowpal Wabbit (π₯33 Β·  β 8.6K Β· π) - Vowpal Wabbit is a machine learning system which pushes the.. 
BSD-3 - Chainer (π₯33 Β·  β 5.9K Β· π) - A flexible framework of neural networks for deep learning. 
MIT - Turi Create (π₯32 Β·  β 11K Β· π) - Turi Create simplifies the development of custom machine.. 
BSD-3 - tensorpack (π₯32 Β·  β 6.3K Β· π) - A Neural Net Training Interface on TensorFlow, with.. 
Apache-2 - TFlearn (π₯31 Β·  β 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 - CNTK (π₯29 Β·  β 18K Β· π) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit. 
MIT - Lasagne (π₯28 Β·  β 3.9K Β· π) - Lightweight library to build and train neural networks in Theano. 
MIT - SHOGUN (π₯26 Β·  β 3.1K Β· π) - Unified and efficient Machine Learning. 
BSD-3 - ktrain (π₯26 Β·  β 1.3K Β· π) - ktrain is a Python library that makes deep learning and AI.. 
Apache-2 - NeuPy (π₯25 Β·  β 740 Β· π) - NeuPy is a Tensorflow based python library for prototyping and building.. 
MIT - xLearn (π₯24 Β·  β 3.1K Β· π) - High performance, easy-to-use, and scalable machine learning (ML).. 
Apache-2 - EvaDB (π₯24 Β·  β 2.7K Β· π) - Database system for AI-powered apps. 
Apache-2 - neon (π₯22 Β·  β 3.9K Β· π) - Intel Nervana reference deep learning framework committed to best.. 
Apache-2 - ThunderSVM (π₯22 Β·  β 1.6K Β· π) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. 
Apache-2 - Torchbearer (π₯22 Β·  β 640 Β· π) - torchbearer: A model fitting library for PyTorch. 
MIT - mace (π₯21 Β·  β 5K Β· π) - MACE is a deep learning inference framework optimized for mobile.. 
Apache-2 - Neural Tangents (π₯21 Β·  β 2.4K Β· π) - Fast and Easy Infinite Neural Networks in Python. 
Apache-2 - Objax (π₯20 Β·  β 770 Β· π) - Objax is a machine learning framework that provides an Object.. 
Apache-2 - elegy (π₯19 Β·  β 480 Β· π) - A High Level API for Deep Learning in JAX. 
MIT - StarSpace (π₯16 Β·  β 4K Β· π) - Learning embeddings for classification, retrieval and ranking. 
MIT - nanodl (π₯14 Β·  β 300 Β· π) - A Jax-based library for building transformers, includes.. 
MIT 
General-purpose and task-specific data visualization libraries.
Matplotlib (π₯49 Β·  β 22K) - matplotlib: plotting with Python. βUnlicensed
- 
GitHub (π¨βπ» 1.9K Β· π 8.1K Β· π¦ 1.9M Β· π 11K - 14% open Β· β±οΈ 30.10.2025):
git clone https://github.com/matplotlib/matplotlib - 
PyPi (π₯ 120M / month Β· π¦ 68K Β· β±οΈ 09.10.2025):
pip install matplotlib - 
Conda (π₯ 33M Β· β±οΈ 15.10.2025):
conda install -c conda-forge matplotlib 
Plotly (π₯47 Β·  β 18K) - The interactive graphing library for Python. MIT
- 
GitHub (π¨βπ» 300 Β· π 2.7K Β· π₯ 550 Β· π¦ 460K Β· π 3.3K - 21% open Β· β±οΈ 28.10.2025):
git clone https://github.com/plotly/plotly.py - 
PyPi (π₯ 37M / month Β· π¦ 9.7K Β· β±οΈ 02.10.2025):
pip install plotly - 
Conda (π₯ 12M Β· β±οΈ 03.10.2025):
conda install -c conda-forge plotly - 
npm (π₯ 2.8K / month Β· π¦ 9 Β· β±οΈ 12.01.2021):
npm install plotlywidget 
dash (π₯45 Β·  β 24K) - Data Apps & Dashboards for Python. No JavaScript Required. MIT
- 
GitHub (π¨βπ» 190 Β· π 2.2K Β· π₯ 120 Β· π¦ 89K Β· π 2.1K - 27% open Β· β±οΈ 21.10.2025):
git clone https://github.com/plotly/dash - 
PyPi (π₯ 5.5M / month Β· π¦ 1.9K Β· β±οΈ 22.10.2025):
pip install dash - 
Conda (π₯ 2.1M Β· β±οΈ 11.08.2025):
conda install -c conda-forge dash 
Bokeh (π₯45 Β·  β 20K) - Interactive Data Visualization in the browser, from Python. BSD-3
- 
GitHub (π¨βπ» 720 Β· π 4.2K Β· π¦ 100K Β· π 8.1K - 10% open Β· β±οΈ 28.10.2025):
git clone https://github.com/bokeh/bokeh - 
PyPi (π₯ 5M / month Β· π¦ 2.2K Β· β±οΈ 13.10.2025):
pip install bokeh - 
Conda (π₯ 18M Β· β±οΈ 30.08.2025):
conda install -c conda-forge bokeh 
Seaborn (π₯42 Β·  β 14K) - Statistical data visualization in Python. BSD-3
- 
GitHub (π¨βπ» 220 Β· π 2K Β· π₯ 510 Β· π¦ 700K Β· π 2.6K - 6% open Β· β±οΈ 10.07.2025):
git clone https://github.com/mwaskom/seaborn - 
PyPi (π₯ 31M / month Β· π¦ 11K Β· β±οΈ 25.01.2024):
pip install seaborn - 
Conda (π₯ 15M Β· β±οΈ 22.04.2025):
conda install -c conda-forge seaborn 
Altair (π₯41 Β·  β 10K) - Declarative visualization library for Python. BSD-3
- 
GitHub (π¨βπ» 180 Β· π 800 Β· π₯ 280 Β· π¦ 240K Β· π 2.1K - 6% open Β· β±οΈ 27.10.2025):
git clone https://github.com/altair-viz/altair - 
PyPi (π₯ 37M / month Β· π¦ 920 Β· β±οΈ 23.11.2024):
pip install altair - 
Conda (π₯ 3M Β· β±οΈ 22.04.2025):
conda install -c conda-forge altair 
Graphviz (π₯39 Β·  β 1.8K) - Simple Python interface for Graphviz. MIT
- 
GitHub (π¨βπ» 24 Β· π 220 Β· π¦ 95K Β· π 190 - 6% open Β· β±οΈ 26.10.2025):
git clone https://github.com/xflr6/graphviz - 
PyPi (π₯ 26M / month Β· π¦ 3.2K Β· β±οΈ 15.06.2025):
pip install graphviz - 
Conda (π₯ 59K Β· β±οΈ 22.04.2025):
conda install -c anaconda python-graphviz 
PyVista (π₯38 Β·  β 3.3K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT 
- 
GitHub (π¨βπ» 190 Β· π 590 Β· π₯ 960 Β· π¦ 5.2K Β· π 2K - 35% open Β· β±οΈ 28.10.2025):
git clone https://github.com/pyvista/pyvista - 
PyPi (π₯ 1M / month Β· π¦ 820 Β· β±οΈ 26.08.2025):
pip install pyvista - 
Conda (π₯ 810K Β· β±οΈ 10.10.2025):
conda install -c conda-forge pyvista 
HoloViews (π₯38 Β·  β 2.8K) - With Holoviews, your data visualizes itself. BSD-3 
- 
GitHub (π¨βπ» 150 Β· π 410 Β· π¦ 17K Β· π 3.4K - 31% open Β· β±οΈ 29.10.2025):
git clone https://github.com/holoviz/holoviews - 
PyPi (π₯ 820K / month Β· π¦ 490 Β· β±οΈ 29.10.2025):
pip install holoviews - 
Conda (π₯ 2.4M Β· β±οΈ 25.06.2025):
conda install -c conda-forge holoviews - 
npm (π₯ 380 / month Β· π¦ 7 Β· β±οΈ 20.06.2025):
npm install @pyviz/jupyterlab_pyviz 
PyQtGraph (π₯37 Β·  β 4.2K) - Fast data visualization and GUI tools for scientific / engineering.. MIT
- 
GitHub (π¨βπ» 300 Β· π 1.1K Β· π¦ 13K Β· π 1.4K - 31% open Β· β±οΈ 02.10.2025):
git clone https://github.com/pyqtgraph/pyqtgraph - 
PyPi (π₯ 560K / month Β· π¦ 1K Β· β±οΈ 29.04.2024):
pip install pyqtgraph - 
Conda (π₯ 880K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pyqtgraph 
pandas-profiling (π₯35 Β·  β 13K) - 1 Line of code data quality profiling & exploratory.. MIT 
 
- 
GitHub (π¨βπ» 140 Β· π 1.7K Β· π₯ 490 Β· π¦ 6.9K Β· π 850 - 30% open Β· β±οΈ 19.09.2025):
git clone https://github.com/ydataai/pandas-profiling - 
PyPi (π₯ 330K / month Β· π¦ 180 Β· β±οΈ 03.02.2023):
pip install pandas-profiling - 
Conda (π₯ 590K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pandas-profiling 
plotnine (π₯35 Β·  β 4.4K) - A Grammar of Graphics for Python. MIT
- 
GitHub (π¨βπ» 110 Β· π 240 Β· π¦ 13K Β· π 750 - 10% open Β· β±οΈ 16.10.2025):
git clone https://github.com/has2k1/plotnine - 
PyPi (π₯ 2.2M / month Β· π¦ 400 Β· β±οΈ 15.07.2025):
pip install plotnine - 
Conda (π₯ 560K Β· β±οΈ 15.07.2025):
conda install -c conda-forge plotnine 
cartopy (π₯35 Β·  β 1.5K) - Cartopy - a cartographic python library with matplotlib support. BSD-3
- 
GitHub (π¨βπ» 140 Β· π 390 Β· π¦ 8.1K Β· π 1.3K - 23% open Β· β±οΈ 30.10.2025):
git clone https://github.com/SciTools/cartopy - 
PyPi (π₯ 810K / month Β· π¦ 970 Β· β±οΈ 01.08.2025):
pip install cartopy - 
Conda (π₯ 5.6M Β· β±οΈ 27.10.2025):
conda install -c conda-forge cartopy 
VisPy (π₯34 Β·  β 3.5K Β· π) - High-performance interactive 2D/3D data visualization library. BSD-3 
- 
GitHub (π¨βπ» 210 Β· π 620 Β· π¦ 2.1K Β· π 1.5K - 25% open Β· β±οΈ 13.10.2025):
git clone https://github.com/vispy/vispy - 
PyPi (π₯ 190K / month Β· π¦ 200 Β· β±οΈ 19.05.2025):
pip install vispy - 
Conda (π₯ 980K Β· β±οΈ 30.08.2025):
conda install -c conda-forge vispy - 
npm (π₯ 12 / month Β· π¦ 3 Β· β±οΈ 15.03.2020):
npm install vispy 
datashader (π₯34 Β·  β 3.5K) - Quickly and accurately render even the largest data. BSD-3
- 
GitHub (π¨βπ» 63 Β· π 380 Β· π¦ 6.3K Β· π 620 - 24% open Β· β±οΈ 09.10.2025):
git clone https://github.com/holoviz/datashader - 
PyPi (π₯ 280K / month Β· π¦ 250 Β· β±οΈ 05.08.2025):
pip install datashader - 
Conda (π₯ 1.6M Β· β±οΈ 05.08.2025):
conda install -c conda-forge datashader 
lets-plot (π₯34 Β·  β 1.7K) - Multiplatform plotting library based on the Grammar of Graphics. MIT
wordcloud (π₯33 Β·  β 10K) - A little word cloud generator in Python. MIT
- 
GitHub (π¨βπ» 75 Β· π 2.3K Β· π¦ 21 Β· π 560 - 24% open Β· β±οΈ 31.08.2025):
git clone https://github.com/amueller/word_cloud - 
PyPi (π₯ 2M / month Β· π¦ 550 Β· β±οΈ 10.11.2024):
pip install wordcloud - 
Conda (π₯ 790K Β· β±οΈ 03.09.2025):
conda install -c conda-forge wordcloud 
Perspective (π₯33 Β·  β 9.5K) - A data visualization and analytics component, especially.. Apache-2 
- 
GitHub (π¨βπ» 100 Β· π 1.2K Β· π₯ 12K Β· π¦ 190 Β· π 890 - 12% open Β· β±οΈ 29.10.2025):
git clone https://github.com/finos/perspective - 
PyPi (π₯ 17K / month Β· π¦ 31 Β· β±οΈ 28.10.2025):
pip install perspective-python - 
Conda (π₯ 2.4M Β· β±οΈ 28.10.2025):
conda install -c conda-forge perspective - 
npm (π₯ 600 / month Β· π¦ 6 Β· β±οΈ 03.09.2025):
npm install @finos/perspective-jupyterlab 
UMAP (π₯33 Β·  β 8K) - Uniform Manifold Approximation and Projection. BSD-3
- 
GitHub (π¨βπ» 140 Β· π 850 Β· π¦ 1 Β· π 860 - 59% open Β· β±οΈ 26.10.2025):
git clone https://github.com/lmcinnes/umap - 
PyPi (π₯ 2.7M / month Β· π¦ 1.3K Β· β±οΈ 03.07.2025):
pip install umap-learn - 
Conda (π₯ 3.2M Β· β±οΈ 03.07.2025):
conda install -c conda-forge umap-learn 
hvPlot (π₯32 Β·  β 1.3K) - A high-level plotting API for pandas, dask, xarray, and networkx built.. BSD-3
- 
GitHub (π¨βπ» 52 Β· π 110 Β· π¦ 7.3K Β· π 940 - 41% open Β· β±οΈ 24.10.2025):
git clone https://github.com/holoviz/hvplot - 
PyPi (π₯ 310K / month Β· π¦ 270 Β· β±οΈ 29.08.2025):
pip install hvplot - 
Conda (π₯ 860K Β· β±οΈ 04.09.2025):
conda install -c conda-forge hvplot 
mpld3 (π₯31 Β·  β 2.4K Β· π) - An interactive data visualization tool which brings matplotlib.. BSD-3
- 
GitHub (π¨βπ» 54 Β· π 360 Β· π¦ 7.6K Β· π 370 - 59% open Β· β±οΈ 27.07.2025):
git clone https://github.com/mpld3/mpld3 - 
PyPi (π₯ 440K / month Β· π¦ 160 Β· β±οΈ 27.07.2025):
pip install mpld3 - 
Conda (π₯ 280K Β· β±οΈ 28.07.2025):
conda install -c conda-forge mpld3 - 
npm (π₯ 900 / month Β· π¦ 11 Β· β±οΈ 27.07.2025):
npm install mpld3 
bqplot (π₯30 Β·  β 3.7K) - Plotting library for IPython/Jupyter notebooks. Apache-2 
- 
GitHub (π¨βπ» 66 Β· π 480 Β· π¦ 62 Β· π 650 - 42% open Β· β±οΈ 25.08.2025):
git clone https://github.com/bqplot/bqplot - 
PyPi (π₯ 230K / month Β· π¦ 110 Β· β±οΈ 21.05.2025):
pip install bqplot - 
Conda (π₯ 1.9M Β· β±οΈ 02.09.2025):
conda install -c conda-forge bqplot - 
npm (π₯ 3K / month Β· π¦ 21 Β· β±οΈ 03.09.2025):
npm install bqplot 
D-Tale (π₯29 Β·  β 5K) - Visualizer for pandas data structures. βοΈLGPL-2.1 
 
- 
GitHub (π¨βπ» 31 Β· π 430 Β· π¦ 1.5K Β· π 610 - 10% open Β· β±οΈ 30.07.2025):
git clone https://github.com/man-group/dtale - 
PyPi (π₯ 31K / month Β· π¦ 53 Β· β±οΈ 30.07.2025):
pip install dtale - 
Conda (π₯ 480K Β· β±οΈ 30.07.2025):
conda install -c conda-forge dtale 
openTSNE (π₯29 Β·  β 1.6K Β· π) - Extensible, parallel implementations of t-SNE. BSD-3
- 
GitHub (π¨βπ» 14 Β· π 170 Β· π¦ 1.1K Β· π 150 - 2% open Β· β±οΈ 27.10.2025):
git clone https://github.com/pavlin-policar/openTSNE - 
PyPi (π₯ 58K / month Β· π¦ 69 Β· β±οΈ 27.10.2025):
pip install opentsne - 
Conda (π₯ 500K Β· β±οΈ 27.10.2025):
conda install -c conda-forge opentsne 
Plotly-Resampler (π₯27 Β·  β 1.2K) - Visualize large time series data with plotly.py. MIT
- 
GitHub (π¨βπ» 14 Β· π 74 Β· π¦ 2K Β· π 190 - 32% open Β· β±οΈ 03.09.2025):
git clone https://github.com/predict-idlab/plotly-resampler - 
PyPi (π₯ 370K / month Β· π¦ 38 Β· β±οΈ 29.08.2025):
pip install plotly-resampler - 
Conda (π₯ 140K Β· β±οΈ 09.10.2025):
conda install -c conda-forge plotly-resampler 
HyperTools (π₯26 Β·  β 1.9K) - A Python toolbox for gaining geometric insights into high-dimensional.. MIT
data-validation (π₯25 Β·  β 780) - Library for exploring and validating machine learning.. Apache-2 
 
Chartify (π₯24 Β·  β 3.6K Β· π€) - Python library that makes it easy for data scientists to create.. Apache-2
- 
GitHub (π¨βπ» 27 Β· π 340 Β· π¦ 83 Β· π 86 - 62% open Β· β±οΈ 16.10.2024):
git clone https://github.com/spotify/chartify - 
PyPi (π₯ 1.2K / month Β· π¦ 9 Β· β±οΈ 16.10.2024):
pip install chartify - 
Conda (π₯ 40K Β· β±οΈ 22.04.2025):
conda install -c conda-forge chartify 
vegafusion (π₯21 Β·  β 390) - Serverside scaling for Vega and Altair visualizations. BSD-3
- 
GitHub (π¨βπ» 6 Β· π 26 Β· π₯ 6.6K Β· π 150 - 36% open Β· β±οΈ 29.09.2025):
git clone https://github.com/vegafusion/vegafusion - 
PyPi (π₯ 770 / month Β· π¦ 2 Β· β±οΈ 09.05.2024):
pip install vegafusion-jupyter - 
Conda (π₯ 520K Β· β±οΈ 27.10.2025):
conda install -c conda-forge vegafusion-python-embed - 
npm (π₯ 1.9K / month Β· π¦ 3 Β· β±οΈ 09.05.2024):
npm install vegafusion-jupyter 
Show 22 hidden projects...
- missingno (π₯30 Β·  β 4.2K Β· π) - Missing data visualization module for Python. 
MIT - Facets Overview (π₯28 Β·  β 7.4K Β· π) - Visualizations for machine learning datasets. 
Apache-2 - Cufflinks (π₯28 Β·  β 3.1K Β· π) - Productivity Tools for Plotly + Pandas. 
MIT - pythreejs (π₯27 Β·  β 980 Β· π) - A Jupyter - Three.js bridge. 
BSD-3 - Sweetviz (π₯26 Β·  β 3.1K Β· π) - Visualize and compare datasets, target values and associations, with.. 
MIT - AutoViz (π₯26 Β·  β 1.9K Β· π) - Automatically Visualize any dataset, any size with a single line.. 
Apache-2 - ridgeplot (π₯26 Β·  β 240) - Beautiful ridgeline plots in Python. 
MIT - PandasGUI (π₯24 Β·  β 3.3K) - A GUI for Pandas DataFrames. 
βοΈMIT-0 - HiPlot (π₯24 Β·  β 2.8K Β· π) - HiPlot makes understanding high dimensional data easy. 
MIT - python-ternary (π₯24 Β·  β 770 Β· π) - Ternary plotting library for python with matplotlib. 
MIT - Multicore-TSNE (π₯23 Β·  β 1.9K Β· π) - Parallel t-SNE implementation with Python and Torch.. 
BSD-3 - Pandas-Bokeh (π₯22 Β·  β 890 Β· π) - Bokeh Plotting Backend for Pandas and GeoPandas. 
MIT - pivottablejs (π₯21 Β·  β 710 Β· π) - Dragndrop Pivot Tables and Charts for Jupyter/IPython.. 
MIT - joypy (π₯21 Β·  β 600 Β· π) - Joyplots in Python with matplotlib & pandas. 
MIT - PyWaffle (π₯21 Β·  β 600 Β· π) - Make Waffle Charts in Python. 
MIT - PDPbox (π₯20 Β·  β 860 Β· π) - python partial dependence plot toolbox. 
MIT - animatplot (π₯18 Β·  β 410 Β· π) - A python package for animating plots build on matplotlib. 
MIT - ivis (π₯18 Β·  β 340 Β· π) - Dimensionality reduction in very large datasets using Siamese.. 
Apache-2 - pdvega (π₯16 Β·  β 340 Β· π) - Interactive plotting for Pandas using Vega-Lite. 
MIT - nx-altair (π₯16 Β·  β 230 Β· π) - Draw interactive NetworkX graphs with Altair. 
MIT - data-describe (π₯15 Β·  β 300 Β· π) - datadescribe: Pythonic EDA Accelerator for Data Science. 
Apache-2 - nptsne (π₯11 Β·  β 33 Β· π) - 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 (π₯54 Β·  β 150K) - Transformers: the model-definition framework for.. Apache-2 
 
- 
GitHub (π¨βπ» 3.6K Β· π 31K Β· π¦ 400K Β· π 19K - 11% open Β· β±οΈ 30.10.2025):
git clone https://github.com/huggingface/transformers - 
PyPi (π₯ 93M / month Β· π¦ 11K Β· β±οΈ 14.10.2025):
pip install transformers - 
Conda (π₯ 3.3M Β· β±οΈ 14.10.2025):
conda install -c conda-forge transformers 
nltk (π₯47 Β·  β 14K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
- 
GitHub (π¨βπ» 480 Β· π 3K Β· π¦ 410K Β· π 1.9K - 14% open Β· β±οΈ 22.10.2025):
git clone https://github.com/nltk/nltk - 
PyPi (π₯ 42M / month Β· π¦ 6.3K Β· β±οΈ 01.10.2025):
pip install nltk - 
Conda (π₯ 3.4M Β· β±οΈ 01.10.2025):
conda install -c conda-forge nltk 
litellm (π₯45 Β·  β 30K Β· π) - Python SDK, Proxy Server (LLM Gateway) to call 100+.. MIT o t h e r s
spaCy (π₯43 Β·  β 33K Β· π) - Industrial-strength Natural Language Processing (NLP) in Python. MIT
- 
GitHub (π¨βπ» 780 Β· π 4.5K Β· π₯ 4.9K Β· π¦ 140K Β· π 5.8K - 3% open Β· β±οΈ 28.10.2025):
git clone https://github.com/explosion/spaCy - 
PyPi (π₯ 17M / month Β· π¦ 3.2K Β· β±οΈ 23.05.2025):
pip install spacy - 
Conda (π₯ 6.5M Β· β±οΈ 06.07.2025):
conda install -c conda-forge spacy 
sentence-transformers (π₯42 Β·  β 18K) - State-of-the-Art Text Embeddings. Apache-2 
- 
GitHub (π¨βπ» 240 Β· π 2.7K Β· π¦ 120K Β· π 2.5K - 51% open Β· β±οΈ 22.10.2025):
git clone https://github.com/UKPLab/sentence-transformers - 
PyPi (π₯ 17M / month Β· π¦ 3.7K Β· β±οΈ 22.10.2025):
pip install sentence-transformers - 
Conda (π₯ 1M Β· β±οΈ 22.10.2025):
conda install -c conda-forge sentence-transformers 
gensim (π₯42 Β·  β 16K) - Topic Modelling for Humans. βοΈLGPL-2.1
- 
GitHub (π¨βπ» 460 Β· π 4.4K Β· π₯ 6.4K Β· π¦ 78K Β· π 1.9K - 21% open Β· β±οΈ 16.10.2025):
git clone https://github.com/RaRe-Technologies/gensim - 
PyPi (π₯ 5.2M / month Β· π¦ 1.6K Β· β±οΈ 18.10.2025):
pip install gensim - 
Conda (π₯ 1.8M Β· β±οΈ 22.04.2025):
conda install -c conda-forge gensim 
sentencepiece (π₯42 Β·  β 11K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
- 
GitHub (π¨βπ» 100 Β· π 1.3K Β· π₯ 110K Β· π¦ 120K Β· π 800 - 3% open Β· β±οΈ 04.10.2025):
git clone https://github.com/google/sentencepiece - 
PyPi (π₯ 31M / month Β· π¦ 2.4K Β· β±οΈ 12.08.2025):
pip install sentencepiece - 
Conda (π₯ 1.7M Β· β±οΈ 22.09.2025):
conda install -c conda-forge sentencepiece 
Tokenizers (π₯40 Β·  β 10K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
- 
GitHub (π¨βπ» 130 Β· π 970 Β· π₯ 86 Β· π¦ 180K Β· π 1.1K - 9% open Β· β±οΈ 16.10.2025):
git clone https://github.com/huggingface/tokenizers - 
PyPi (π₯ 81M / month Β· π¦ 1.7K Β· β±οΈ 19.09.2025):
pip install tokenizers - 
Conda (π₯ 3.6M Β· β±οΈ 19.09.2025):
conda install -c conda-forge tokenizers 
haystack (π₯37 Β·  β 23K) - AI orchestration framework to build customizable, production-ready.. Apache-2
Opik (π₯37 Β·  β 15K) - Debug, evaluate, and monitor your LLM applications, RAG systems, and.. Apache-2
ChatterBot (π₯37 Β·  β 14K) - ChatterBot is a machine learning, conversational dialog engine for.. BSD-3
flair (π₯37 Β·  β 14K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT 
- 
GitHub (π¨βπ» 280 Β· π 2.1K Β· π¦ 4.1K Β· π 2.4K - 1% open Β· β±οΈ 12.06.2025):
git clone https://github.com/flairNLP/flair - 
PyPi (π₯ 180K / month Β· π¦ 160 Β· β±οΈ 05.02.2025):
pip install flair - 
Conda (π₯ 49K Β· β±οΈ 22.04.2025):
conda install -c conda-forge python-flair 
TextBlob (π₯37 Β·  β 9.5K) - Simple, Pythonic, text processing--Sentiment analysis, part-of-speech.. MIT
- 
GitHub (π¨βπ» 37 Β· π 1.2K Β· π₯ 140 Β· π¦ 60K Β· π 280 - 25% open Β· β±οΈ 18.10.2025):
git clone https://github.com/sloria/TextBlob - 
PyPi (π₯ 1.5M / month Β· π¦ 400 Β· β±οΈ 13.01.2025):
pip install textblob - 
Conda (π₯ 340K Β· β±οΈ 22.04.2025):
conda install -c conda-forge textblob 
fairseq (π₯36 Β·  β 32K) - Facebook AI Research Sequence-to-Sequence Toolkit written in Python. MIT 
- 
GitHub (π¨βπ» 430 Β· π 6.6K Β· π₯ 440 Β· π¦ 4.4K Β· π 4.4K - 30% open Β· β±οΈ 30.09.2025):
git clone https://github.com/facebookresearch/fairseq - 
PyPi (π₯ 77K / month Β· π¦ 120 Β· β±οΈ 27.06.2022):
pip install fairseq - 
Conda (π₯ 170K Β· β±οΈ 02.10.2025):
conda install -c conda-forge fairseq 
stanza (π₯36 Β·  β 7.6K) - Stanford NLP Python library for tokenization, sentence segmentation,.. Apache-2
- 
GitHub (π¨βπ» 72 Β· π 920 Β· π¦ 4.1K Β· π 950 - 10% open Β· β±οΈ 05.10.2025):
git clone https://github.com/stanfordnlp/stanza - 
PyPi (π₯ 770K / month Β· π¦ 240 Β· β±οΈ 05.10.2025):
pip install stanza - 
Conda (π₯ 9K Β· β±οΈ 25.03.2025):
conda install -c stanfordnlp stanza 
qdrant (π₯35 Β·  β 27K) - Qdrant - High-performance, massive-scale Vector Database and Vector.. Apache-2
- 
GitHub (π¨βπ» 140 Β· π 1.9K Β· π₯ 500K Β· π¦ 120 Β· π 1.6K - 22% open Β· β±οΈ 30.09.2025):
git clone https://github.com/qdrant/qdrant 
Rasa (π₯34 Β·  β 21K) - Open source machine learning framework to automate text- and voice-.. Apache-2 
TensorFlow Text (π₯34 Β·  β 1.3K) - Making text a first-class citizen in TensorFlow. Apache-2 
snowballstemmer (π₯34 Β·  β 810) - Snowball compiler and stemming algorithms. BSD-3
- 
GitHub (π¨βπ» 41 Β· π 190 Β· π¦ 11 Β· π 120 - 17% open Β· β±οΈ 28.10.2025):
git clone https://github.com/snowballstem/snowball - 
PyPi (π₯ 24M / month Β· π¦ 550 Β· β±οΈ 09.05.2025):
pip install snowballstemmer - 
Conda (π₯ 11M Β· β±οΈ 20.05.2025):
conda install -c conda-forge snowballstemmer 
torchtext (π₯32 Β·  β 3.6K) - Models, data loaders and abstractions for language processing,.. BSD-3 
jellyfish (π₯32 Β·  β 2.2K) - a python library for doing approximate and phonetic matching of strings. MIT
DeepPavlov (π₯31 Β·  β 6.9K Β· π€) - An open source library for deep learning end-to-end.. Apache-2 
ftfy (π₯31 Β·  β 4K Β· π€) - Fixes mojibake and other glitches in Unicode text, after the fact. Apache-2
- 
GitHub (π¨βπ» 22 Β· π 120 Β· π₯ 100 Β· π¦ 33K Β· π 150 - 7% open Β· β±οΈ 30.10.2024):
git clone https://github.com/rspeer/python-ftfy - 
PyPi (π₯ 11M / month Β· π¦ 570 Β· β±οΈ 26.10.2024):
pip install ftfy - 
Conda (π₯ 380K Β· β±οΈ 22.04.2025):
conda install -c conda-forge ftfy 
SciSpacy (π₯31 Β·  β 1.9K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
english-words (π₯29 Β·  β 12K Β· π€) - A text file containing 479k English words for all your.. Unlicense
rubrix (π₯29 Β·  β 4.7K) - Argilla is a collaboration tool for AI engineers and domain experts.. Apache-2
- 
GitHub (π¨βπ» 110 Β· π 460 Β· π¦ 3.1K Β· π 2.2K - 0% open Β· β±οΈ 05.08.2025):
git clone https://github.com/recognai/rubrix - 
PyPi (π₯ 1.2K / month Β· β±οΈ 24.10.2022):
pip install rubrix - 
Conda (π₯ 52K Β· β±οΈ 22.04.2025):
conda install -c conda-forge rubrix 
Dedupe (π₯29 Β·  β 4.4K Β· π) - A python library for accurate and scalable fuzzy matching, record.. MIT
- 
GitHub (π¨βπ» 72 Β· π 560 Β· π¦ 370 Β· π 820 - 9% open Β· β±οΈ 29.07.2025):
git clone https://github.com/dedupeio/dedupe - 
PyPi (π₯ 59K / month Β· π¦ 19 Β· β±οΈ 15.08.2024):
pip install dedupe - 
Conda (π₯ 130K Β· β±οΈ 22.04.2025):
conda install -c conda-forge dedupe 
TextDistance (π₯28 Β·  β 3.5K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
- 
GitHub (π¨βπ» 18 Β· π 260 Β· π₯ 1.1K Β· π¦ 8.8K Β· β±οΈ 18.04.2025):
git clone https://github.com/life4/textdistance - 
PyPi (π₯ 1.3M / month Β· π¦ 99 Β· β±οΈ 16.07.2024):
pip install textdistance - 
Conda (π₯ 970K Β· β±οΈ 22.04.2025):
conda install -c conda-forge textdistance 
spacy-transformers (π₯28 Β·  β 1.4K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT spacy
- 
GitHub (π¨βπ» 23 Β· π 170 Β· π₯ 610 Β· π¦ 2.4K Β· β±οΈ 26.05.2025):
git clone https://github.com/explosion/spacy-transformers - 
PyPi (π₯ 270K / month Β· π¦ 110 Β· β±οΈ 26.05.2025):
pip install spacy-transformers - 
Conda (π₯ 140K Β· β±οΈ 22.04.2025):
conda install -c conda-forge spacy-transformers 
detoxify (π₯26 Β·  β 1.1K) - Trained models & code to predict toxic comments on all 3 Jigsaw.. Apache-2
scattertext (π₯25 Β·  β 2.3K) - Beautiful visualizations of how language differs among document.. Apache-2
- 
GitHub (π¨βπ» 14 Β· π 290 Β· π¦ 670 Β· π 100 - 22% open Β· β±οΈ 29.04.2025):
git clone https://github.com/JasonKessler/scattertext - 
PyPi (π₯ 7.5K / month Β· π¦ 5 Β· β±οΈ 23.09.2024):
pip install scattertext - 
Conda (π₯ 140K Β· β±οΈ 22.04.2025):
conda install -c conda-forge scattertext 
T5 (π₯24 Β·  β 6.4K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2 
sense2vec (π₯24 Β·  β 1.7K) - Contextually-keyed word vectors. MIT
- 
GitHub (π¨βπ» 20 Β· π 240 Β· π₯ 73K Β· π¦ 470 Β· π 120 - 20% open Β· β±οΈ 23.04.2025):
git clone https://github.com/explosion/sense2vec - 
PyPi (π₯ 3.4K / month Β· π¦ 13 Β· β±οΈ 19.04.2021):
pip install sense2vec - 
Conda (π₯ 67K Β· β±οΈ 22.04.2025):
conda install -c conda-forge sense2vec 
happy-transformer (π₯23 Β·  β 540 Β· π€) - Happy Transformer makes it easy to fine-tune and.. Apache-2 huggingface
Sockeye (π₯21 Β·  β 1.2K Β· π€) - Sequence-to-sequence framework with a focus on Neural.. Apache-2 
small-text (π₯20 Β·  β 630) - Active Learning for Text Classification in Python. MIT 
 
- 
GitHub (π¨βπ» 10 Β· π 76 Β· π¦ 34 Β· π 74 - 28% open Β· β±οΈ 28.10.2025):
git clone https://github.com/webis-de/small-text - 
PyPi (π₯ 390 / month Β· β±οΈ 17.08.2025):
pip install small-text - 
Conda (π₯ 19K Β· β±οΈ 17.08.2025):
conda install -c conda-forge small-text 
textaugment (π₯19 Β·  β 430) - TextAugment: Text Augmentation Library. MIT
VizSeq (π₯15 Β·  β 450) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT
Show 59 hidden projects...
- AllenNLP (π₯36 Β·  β 12K Β· π) - An open-source NLP research library, built on PyTorch. 
Apache-2 - fastText (π₯34 Β·  β 26K Β· π) - Library for fast text representation and classification. 
MIT - OpenNMT (π₯33 Β·  β 7K Β· π) - Open Source Neural Machine Translation and (Large) Language Models.. 
MIT - ParlAI (π₯32 Β·  β 11K Β· π) - A framework for training and evaluating AI models on a variety of.. 
MIT - fuzzywuzzy (π₯31 Β·  β 9.3K Β· π) - Fuzzy String Matching in Python. 
βοΈGPL-2.0 - Sumy (π₯30 Β·  β 3.6K Β· π) - Module for automatic summarization of text documents and HTML pages. 
Apache-2 - underthesea (π₯30 Β·  β 1.6K) - Underthesea - Vietnamese NLP Toolkit. 
βοΈGPL-3.0 - nlpaug (π₯29 Β·  β 4.6K Β· π) - Data augmentation for NLP. 
MIT - vaderSentiment (π₯28 Β·  β 4.9K Β· π) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. 
MIT - textacy (π₯28 Β·  β 2.2K Β· π) - NLP, before and after spaCy. 
βUnlicensed - PyTextRank (π₯28 Β·  β 2.2K Β· π) - Python implementation of TextRank algorithms (textgraphs) for.. 
MIT - Ciphey (π₯27 Β·  β 20K Β· π) - Automatically decrypt encryptions without knowing the key or cipher,.. 
MIT - fastNLP (π₯27 Β·  β 3.1K Β· π) - fastNLP: A Modularized and Extensible NLP Framework. Currently.. 
Apache-2 - polyglot (π₯27 Β·  β 2.3K Β· π) - Multilingual text (NLP) processing toolkit. 
βοΈGPL-3.0 - flashtext (π₯26 Β·  β 5.7K Β· π) - Extract Keywords from sentence or Replace keywords in sentences. 
MIT - langid (π₯26 Β·  β 2.4K Β· π) - Stand-alone language identification system. 
BSD-3 - pySBD (π₯26 Β·  β 880 Β· π) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence.. 
MIT - neuralcoref (π₯25 Β·  β 2.9K Β· π) - Fast Coreference Resolution in spaCy with Neural Networks. 
MIT - GluonNLP (π₯25 Β·  β 2.6K Β· π) - Toolkit that enables easy text preprocessing, datasets.. 
Apache-2 - pytorch-nlp (π₯25 Β·  β 2.2K Β· π) - Basic Utilities for PyTorch Natural Language Processing.. 
BSD-3 - whoosh (π₯25 Β·  β 640 Β· π) - Pure-Python full-text search library. 
βοΈBSD-1-Clause - PyText (π₯24 Β·  β 6.3K Β· π) - A natural language modeling framework based on PyTorch. 
BSD-3 - textgenrnn (π₯24 Β·  β 4.9K Β· π) - Easily train your own text-generating neural network of any.. 
MIT - OpenPrompt (π₯24 Β·  β 4.7K Β· π) - An Open-Source Framework for Prompt-Learning. 
Apache-2 - Snips NLU (π₯24 Β·  β 3.9K Β· π) - Snips Python library to extract meaning from text. 
Apache-2 - MatchZoo (π₯24 Β·  β 3.9K Β· π) - Facilitating the design, comparison and sharing of deep.. 
Apache-2 - promptsource (π₯24 Β·  β 3K Β· π) - Toolkit for creating, sharing and using natural language.. 
Apache-2 - YouTokenToMe (π₯24 Β·  β 970 Β· π) - Unsupervised text tokenizer focused on computational efficiency. 
MIT - Kashgari (π₯23 Β·  β 2.4K Β· π) - Kashgari is a production-level NLP Transfer learning.. 
Apache-2 - FARM (π₯23 Β·  β 1.8K Β· π) - Fast & easy transfer learning for NLP. Harvesting language.. 
Apache-2 - gpt-2-simple (π₯22 Β·  β 3.4K Β· π) - Python package to easily retrain OpenAIs GPT-2 text-.. 
MIT - Texar (π₯22 Β·  β 2.4K Β· π) - Toolkit for Machine Learning, Natural Language Processing, and.. 
Apache-2 - jiant (π₯22 Β·  β 1.7K Β· π) - jiant is an nlp toolkit. 
MIT - stop-words (π₯22 Β·  β 160) - Get list of common stop words in various languages in Python. 
BSD-3 - NLP Architect (π₯21 Β·  β 2.9K Β· π) - A model library for exploring state-of-the-art deep.. 
Apache-2 - Texthero (π₯21 Β·  β 2.9K Β· π) - Text preprocessing, representation and visualization from zero to.. 
MIT - anaGo (π₯21 Β·  β 1.5K Β· π) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,.. 
MIT - lightseq (π₯20 Β·  β 3.3K Β· π) - LightSeq: A High Performance Library for Sequence Processing.. 
Apache-2 - fast-bert (π₯20 Β·  β 1.9K Β· π) - Super easy library for BERT based NLP models. 
Apache-2 - DELTA (π₯20 Β·  β 1.6K Β· π) - DELTA is a deep learning based natural language and speech.. 
Apache-2 - textpipe (π₯20 Β·  β 300 Β· π) - Textpipe: clean and extract metadata from text. 
MIT - numerizer (π₯19 Β·  β 230 Β· π) - A Python module to convert natural language numerics into ints and.. 
MIT - pyfasttext (π₯19 Β·  β 230 Β· π) - Yet another Python binding for fastText. 
βοΈGPL-3.0 - DeepMatcher (π₯18 Β·  β 5.2K Β· π) - Python package for performing Entity and Text Matching using.. 
BSD-3 - nboost (π₯18 Β·  β 670 Β· π) - NBoost is a scalable, search-api-boosting platform for deploying.. 
Apache-2 - fastT5 (π₯18 Β·  β 590 Β· π) - boost inference speed of T5 models by 5x & reduce the model size.. 
Apache-2 - Camphr (π₯18 Β·  β 340 Β· π) - Camphr - NLP libary for creating pipeline components. 
Apache-2spacy - NeuroNER (π₯17 Β·  β 1.7K Β· π) - Named-entity recognition using neural networks. Easy-to-use and.. 
MIT - OpenNRE (π₯16 Β·  β 4.4K Β· π) - An Open-Source Package for Neural Relation Extraction (NRE). 
MIT - BLINK (π₯15 Β·  β 1.2K Β· π) - Entity Linker solution. 
MIT - TextBox (π₯15 Β·  β 1.1K Β· π) - TextBox 2.0 is a text generation library with pre-trained language.. 
MIT - Translate (π₯15 Β·  β 830 Β· π) - Translate - a PyTorch Language Library. 
BSD-3 - skift (π₯15 Β·  β 240 Β· π) - scikit-learn wrappers for Python fastText. 
MIT - ONNX-T5 (π₯14 Β·  β 260 Β· π) - Summarization, translation, sentiment-analysis, text-generation.. 
Apache-2 - NeuralQA (π₯14 Β·  β 230 Β· π) - NeuralQA: A Usable Library for Question Answering on Large Datasets.. 
MIT - TransferNLP (π₯13 Β·  β 290 Β· π) - NLP library designed for reproducible experimentation.. 
MIT - Headliner (π₯13 Β·  β 230 Β· π) - Easy training and deployment of seq2seq models. 
MIT - textvec (π₯12 Β·  β 200 Β· π) - Text vectorization tool to outperform TFIDF for classification.. 
MIT - spacy-dbpedia-spotlight (π₯12 Β·  β 110 Β· π) - A spaCy wrapper for DBpedia Spotlight. 
MITspacy 
Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification.
Pillow (π₯49 Β·  β 13K) - Python Imaging Library (Fork). βοΈPIL
- 
GitHub (π¨βπ» 490 Β· π 2.3K Β· π¦ 2.4M Β· π 3.4K - 3% open Β· β±οΈ 27.10.2025):
git clone https://github.com/python-pillow/Pillow - 
PyPi (π₯ 220M / month Β· π¦ 20K Β· β±οΈ 15.10.2025):
pip install Pillow - 
Conda (π₯ 62M Β· β±οΈ 28.10.2025):
conda install -c conda-forge pillow 
PyTorch Image Models (π₯42 Β·  β 36K) - The largest collection of PyTorch image encoders /.. Apache-2 
- 
GitHub (π¨βπ» 180 Β· π 5.1K Β· π₯ 8.4M Β· π¦ 62K Β· π 1K - 4% open Β· β±οΈ 30.10.2025):
git clone https://github.com/rwightman/pytorch-image-models - 
PyPi (π₯ 11M / month Β· π¦ 1.5K Β· β±οΈ 24.10.2025):
pip install timm - 
Conda (π₯ 470K Β· β±οΈ 24.10.2025):
conda install -c conda-forge timm 
torchvision (π₯42 Β·  β 17K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3 
- 
GitHub (π¨βπ» 660 Β· π 7.2K Β· π₯ 41K Β· π¦ 21 Β· π 3.8K - 30% open Β· β±οΈ 27.10.2025):
git clone https://github.com/pytorch/vision - 
PyPi (π₯ 26M / month Β· π¦ 8.4K Β· β±οΈ 15.10.2025):
pip install torchvision - 
Conda (π₯ 3.1M Β· β±οΈ 23.10.2025):
conda install -c conda-forge torchvision 
MoviePy (π₯42 Β·  β 14K) - Video editing with Python. MIT
- 
GitHub (π¨βπ» 190 Β· π 1.9K Β· π¦ 67K Β· π 1.7K - 3% open Β· β±οΈ 25.09.2025):
git clone https://github.com/Zulko/moviepy - 
PyPi (π₯ 4.3M / month Β· π¦ 1.2K Β· β±οΈ 21.05.2025):
pip install moviepy - 
Conda (π₯ 360K Β· β±οΈ 22.04.2025):
conda install -c conda-forge moviepy 
Kornia (π₯39 Β·  β 11K) - Geometric Computer Vision Library for Spatial AI. Apache-2 
- 
GitHub (π¨βπ» 300 Β· π 1.1K Β· π₯ 2.2K Β· π¦ 17K Β· π 1K - 32% open Β· β±οΈ 30.10.2025):
git clone https://github.com/kornia/kornia - 
PyPi (π₯ 3M / month Β· π¦ 340 Β· β±οΈ 08.05.2025):
pip install kornia - 
Conda (π₯ 260K Β· β±οΈ 08.05.2025):
conda install -c conda-forge kornia 
imageio (π₯39 Β·  β 1.7K) - Python library for reading and writing image data. BSD-2
- 
GitHub (π¨βπ» 130 Β· π 330 Β· π₯ 1.9K Β· π¦ 180K Β· π 620 - 16% open Β· β±οΈ 24.10.2025):
git clone https://github.com/imageio/imageio - 
PyPi (π₯ 36M / month Β· π¦ 2.6K Β· β±οΈ 20.01.2025):
pip install imageio - 
Conda (π₯ 8.5M Β· β±οΈ 22.04.2025):
conda install -c conda-forge imageio 
deepface (π₯38 Β·  β 21K Β· π) - A Lightweight Face Recognition and Facial Attribute Analysis (Age,.. MIT
InsightFace (π₯37 Β·  β 27K) - State-of-the-art 2D and 3D Face Analysis Project. MIT 
Albumentations (π₯36 Β·  β 15K) - Fast and flexible image augmentation library. Paper about.. MIT 
- 
GitHub (π¨βπ» 170 Β· π 1.7K Β· π 1.5K - 14% open Β· β±οΈ 25.06.2025):
git clone https://github.com/albumentations-team/albumentations - 
PyPi (π₯ 4.6M / month Β· π¦ 730 Β· β±οΈ 27.05.2025):
pip install albumentations - 
Conda (π₯ 340K Β· β±οΈ 28.05.2025):
conda install -c conda-forge albumentations 
opencv-python (π₯36 Β·  β 5.1K) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
detectron2 (π₯34 Β·  β 34K) - Detectron2 is a platform for object detection, segmentation.. Apache-2 
- 
GitHub (π¨βπ» 280 Β· π 7.5K Β· π¦ 2.6K Β· π 3.6K - 14% open Β· β±οΈ 27.10.2025):
git clone https://github.com/facebookresearch/detectron2 - 
PyPi (π¦ 13 Β· β±οΈ 06.02.2020):
pip install detectron2 - 
Conda (π₯ 820K Β· β±οΈ 02.06.2025):
conda install -c conda-forge detectron2 
Wand (π₯34 Β·  β 1.5K) - The ctypes-based simple ImageMagick binding for Python. MIT
- 
GitHub (π¨βπ» 110 Β· π 200 Β· π₯ 52K Β· π¦ 21K Β· π 440 - 5% open Β· β±οΈ 06.10.2025):
git clone https://github.com/emcconville/wand - 
PyPi (π₯ 2.2M / month Β· π¦ 260 Β· β±οΈ 03.11.2023):
pip install wand - 
Conda (π₯ 180K Β· β±οΈ 22.04.2025):
conda install -c conda-forge wand 
ImageHash (π₯32 Β·  β 3.7K) - A Python Perceptual Image Hashing Module. BSD-2
- 
GitHub (π¨βπ» 29 Β· π 340 Β· π¦ 18K Β· π 150 - 15% open Β· β±οΈ 17.04.2025):
git clone https://github.com/JohannesBuchner/imagehash - 
PyPi (π₯ 5.6M / month Β· π¦ 270 Β· β±οΈ 01.02.2025):
pip install ImageHash - 
Conda (π₯ 500K Β· β±οΈ 22.04.2025):
conda install -c conda-forge imagehash 
vit-pytorch (π₯31 Β·  β 24K) - Implementation of Vision Transformer, a simple way to achieve.. MIT 
PaddleSeg (π₯31 Β·  β 9.2K) - Easy-to-use image segmentation library with awesome pre-.. Apache-2 
sahi (π₯31 Β·  β 4.9K) - Framework agnostic sliced/tiled inference + interactive ui + error analysis.. MIT
PaddleDetection (π₯28 Β·  β 14K) - Object Detection toolkit based on PaddlePaddle. It.. Apache-2 
mtcnn (π₯27 Β·  β 2.4K Β· π€) - MTCNN face detection implementation for TensorFlow, as a PIP.. MIT 
- 
GitHub (π¨βπ» 15 Β· π 530 Β· π₯ 76 Β· π¦ 9.2K Β· π 130 - 37% open Β· β±οΈ 08.10.2024):
git clone https://github.com/ipazc/mtcnn - 
PyPi (π₯ 210K / month Β· π¦ 73 Β· β±οΈ 08.10.2024):
pip install mtcnn - 
Conda (π₯ 16K Β· β±οΈ 22.04.2025):
conda install -c conda-forge mtcnn 
CellProfiler (π₯27 Β·  β 1.1K) - An open-source application for biological image analysis. BSD-3
mahotas (π₯27 Β·  β 880) - Computer Vision in Python. MIT
- 
GitHub (π¨βπ» 35 Β· π 150 Β· π¦ 1.6K Β· π 92 - 21% open Β· β±οΈ 05.08.2025):
git clone https://github.com/luispedro/mahotas - 
PyPi (π₯ 42K / month Β· π¦ 63 Β· β±οΈ 17.07.2024):
pip install mahotas - 
Conda (π₯ 790K Β· β±οΈ 21.10.2025):
conda install -c conda-forge mahotas 
Image Deduplicator (π₯26 Β·  β 5.5K) - Finding duplicate images made easy!. Apache-2 
tensorflow-graphics (π₯26 Β·  β 2.8K Β· π€) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2 
Norfair (π₯26 Β·  β 2.5K) - Lightweight Python library for adding real-time multi-object tracking.. BSD-3
pyvips (π₯26 Β·  β 740) - python binding for libvips using cffi. MIT
- 
GitHub (π¨βπ» 17 Β· π 53 Β· π¦ 1.2K Β· π 670 - 29% open Β· β±οΈ 04.09.2025):
git clone https://github.com/libvips/pyvips - 
PyPi (π₯ 190K / month Β· π¦ 94 Β· β±οΈ 28.04.2025):
pip install pyvips - 
Conda (π₯ 260K Β· β±οΈ 04.09.2025):
conda install -c conda-forge pyvips 
pytorchvideo (π₯25 Β·  β 3.5K) - A deep learning library for video understanding research. Apache-2 
MMF (π₯24 Β·  β 5.6K) - A modular framework for vision & language multimodal research from.. BSD-3 
kubric (π₯22 Β·  β 2.6K) - A data generation pipeline for creating semi-realistic synthetic.. Apache-2
icevision (π₯22 Β·  β 870 Β· π€) - An Agnostic Computer Vision Framework - Pluggable to any.. Apache-2
PySlowFast (π₯21 Β·  β 7.2K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2 
Image Super-Resolution (π₯21 Β·  β 4.8K Β· π€) - Super-scale your images and run experiments with.. Apache-2 
- 
GitHub (π¨βπ» 11 Β· π 760 Β· π 220 - 48% open Β· β±οΈ 18.12.2024):
git clone https://github.com/idealo/image-super-resolution - 
PyPi (π₯ 3.9K / month Β· π¦ 5 Β· β±οΈ 08.01.2020):
pip install ISR - 
Docker Hub (π₯ 290 Β· β 1 Β· β±οΈ 01.04.2019):
docker pull idealo/image-super-resolution-gpu 
Caer (π₯21 Β·  β 800) - A lightweight Computer Vision library. Scale your models, not boilerplate. MIT
scenic (π₯16 Β·  β 3.7K) - Scenic: A Jax Library for Computer Vision Research and Beyond. Apache-2 
- 
GitHub (π¨βπ» 95 Β· π 460 Β· π 400 - 70% open Β· β±οΈ 06.08.2025):
git clone https://github.com/google-research/scenic 
Show 30 hidden projects...
- scikit-image (π₯41 Β·  β 6.4K Β· π) - Image processing in Python. 
βUnlicensed - glfw (π₯38 Β·  β 14K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input. 
βοΈZlib - MMDetection (π₯37 Β·  β 32K Β· π) - OpenMMLab Detection Toolbox and Benchmark. 
Apache-2 - imgaug (π₯36 Β·  β 15K Β· π) - Image augmentation for machine learning experiments. 
MIT - Face Recognition (π₯35 Β·  β 56K Β· π) - The worlds simplest facial recognition api for Python.. 
MIT - imutils (π₯31 Β·  β 4.6K Β· π) - A series of convenience functions to make basic image processing.. 
MIT - PyTorch3D (π₯30 Β·  β 9.6K) - PyTorch3D is FAIRs library of reusable components for.. 
βUnlicensed - imageai (π₯30 Β·  β 8.8K Β· π) - A python library built to empower developers to build applications.. 
MIT - Face Alignment (π₯28 Β·  β 7.4K Β· π) - 2D and 3D Face alignment library build using pytorch. 
BSD-3 - GluonCV (π₯27 Β·  β 5.9K Β· π) - Gluon CV Toolkit. 
Apache-2 - Augmentor (π₯27 Β·  β 5.1K Β· π) - Image augmentation library in Python for machine learning. 
MIT - vidgear (π₯27 Β·  β 3.6K Β· π) - A High-performance cross-platform Video Processing Python.. 
Apache-2 - chainercv (π₯27 Β·  β 1.5K Β· π) - ChainerCV: a Library for Deep Learning in Computer Vision. 
MIT - facenet-pytorch (π₯26 Β·  β 5K Β· π) - Pretrained Pytorch face detection (MTCNN) and facial.. 
MIT - Pillow-SIMD (π₯25 Β·  β 2.2K Β· π) - The friendly PIL fork. 
βοΈPIL - layout-parser (π₯24 Β·  β 5.6K Β· π) - A Unified Toolkit for Deep Learning Based Document Image.. 
Apache-2 - segmentation_models (π₯24 Β·  β 4.9K Β· π) - Segmentation models with pretrained backbones. Keras.. 
MIT - ffcv (π₯23 Β·  β 3K Β· π) - FFCV: Fast Forward Computer Vision (and other ML workloads!). 
Apache-2 - Classy Vision (π₯23 Β·  β 1.6K Β· π) - An end-to-end PyTorch framework for image and video.. 
MIT - deep-daze (π₯22 Β·  β 4.3K Β· π) - Simple command line tool for text to image generation using.. 
MIT - vissl (π₯22 Β·  β 3.3K Β· π) - VISSL is FAIRs library of extensible, modular and scalable.. 
MIT - Luminoth (π₯22 Β·  β 2.4K Β· π) - Deep Learning toolkit for Computer Vision. 
BSD-3 - detecto (π₯21 Β·  β 620 Β· π) - Build fully-functioning computer vision models with PyTorch. 
MIT - DEβ«ΆTR (π₯20 Β·  β 15K Β· π) - End-to-End Object Detection with Transformers. 
Apache-2 - image-match (π₯20 Β·  β 3K Β· π) - Quickly search over billions of images. 
Apache-2 - solt (π₯19 Β·  β 260) - Streaming over lightweight data transformations. 
MIT - pycls (π₯18 Β·  β 2.2K Β· π) - Codebase for Image Classification Research, written in PyTorch. 
MIT - Torch Points 3D (π₯17 Β·  β 260 Β· π) - Pytorch framework for doing deep learning on point.. 
BSD-3 - nude.py (π₯16 Β·  β 920 Β· π) - Nudity detection with Python. 
MIT - HugsVision (π₯14 Β·  β 200 Β· π) - HugsVision is a easy to use huggingface wrapper for state-of-.. 
MIThuggingface 
Libraries for graph processing, clustering, embedding, and machine learning tasks.
networkx (π₯46 Β·  β 16K) - Network Analysis in Python. BSD-3
- 
GitHub (π¨βπ» 790 Β· π 3.4K Β· π₯ 110 Β· π¦ 430K Β· π 3.5K - 10% open Β· β±οΈ 29.10.2025):
git clone https://github.com/networkx/networkx - 
PyPi (π₯ 130M / month Β· π¦ 12K Β· β±οΈ 29.05.2025):
pip install networkx - 
Conda (π₯ 26M Β· β±οΈ 04.06.2025):
conda install -c conda-forge networkx 
PyTorch Geometric (π₯41 Β·  β 23K) - Graph Neural Network Library for PyTorch. MIT 
- 
GitHub (π¨βπ» 560 Β· π 3.9K Β· π¦ 11K Β· π 4K - 30% open Β· β±οΈ 29.10.2025):
git clone https://github.com/pyg-team/pytorch_geometric - 
PyPi (π₯ 940K / month Β· π¦ 730 Β· β±οΈ 15.10.2025):
pip install torch-geometric - 
Conda (π₯ 190K Β· β±οΈ 16.10.2025):
conda install -c conda-forge pytorch_geometric 
dgl (π₯36 Β·  β 14K) - Python package built to ease deep learning on graph, on top of existing DL.. Apache-2
pygraphistry (π₯29 Β·  β 2.4K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3 
ogb (π₯29 Β·  β 2K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
- 
GitHub (π¨βπ» 32 Β· π 400 Β· π¦ 2.6K Β· π 310 - 11% open Β· β±οΈ 06.05.2025):
git clone https://github.com/snap-stanford/ogb - 
PyPi (π₯ 100K / month Β· π¦ 73 Β· β±οΈ 07.04.2023):
pip install ogb - 
Conda (π₯ 63K Β· β±οΈ 22.04.2025):
conda install -c conda-forge ogb 
PyKEEN (π₯28 Β·  β 1.9K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
pytorch_geometric_temporal (π₯27 Β·  β 2.9K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT 
torch-cluster (π₯24 Β·  β 900) - PyTorch Extension Library of Optimized Graph Cluster.. MIT 
- 
GitHub (π¨βπ» 40 Β· π 150 Β· π 190 - 16% open Β· β±οΈ 12.08.2025):
git clone https://github.com/rusty1s/pytorch_cluster - 
PyPi (π₯ 34K / month Β· π¦ 62 Β· β±οΈ 12.10.2023):
pip install torch-cluster - 
Conda (π₯ 440K Β· β±οΈ 22.09.2025):
conda install -c conda-forge pytorch_cluster 
Show 28 hidden projects...
- igraph (π₯34 Β·  β 1.4K) - Python interface for igraph. 
βοΈGPL-2.0 - Spektral (π₯28 Β·  β 2.4K Β· π) - Graph Neural Networks with Keras and Tensorflow 2. 
MIT - StellarGraph (π₯27 Β·  β 3K Β· π) - StellarGraph - Machine Learning on Graphs. 
Apache-2 - pygal (π₯26 Β·  β 2.7K Β· π) - PYthon svg GrAph plotting Library. 
βοΈLGPL-3.0 - Paddle Graph Learning (π₯26 Β·  β 1.6K Β· π) - Paddle Graph Learning (PGL) is an efficient and.. 
Apache-2 - AmpliGraph (π₯25 Β·  β 2.2K Β· π) - Python library for Representation Learning on Knowledge.. 
Apache-2 - Node2Vec (π₯25 Β·  β 1.3K Β· π) - Implementation of the node2vec algorithm. 
MIT - Karate Club (π₯24 Β·  β 2.3K Β· π) - Karate Club: An API Oriented Open-source Python Framework.. 
βοΈGPL-3.0 - graph-nets (π₯22 Β·  β 5.4K Β· π) - Build Graph Nets in Tensorflow. 
Apache-2 - PyTorch-BigGraph (π₯21 Β·  β 3.4K Β· π) - Generate embeddings from large-scale graph-structured.. 
BSD-3 - graph4nlp (π₯21 Β·  β 1.7K Β· π) - Graph4nlp is the library for the easy use of Graph.. 
Apache-2 - jraph (π₯21 Β·  β 1.5K Β· π) - A Graph Neural Network Library in Jax. 
Apache-2 - DeepWalk (π₯20 Β·  β 2.7K Β· π) - DeepWalk - Deep Learning for Graphs. 
βοΈGPL-3.0 - DIG (π₯20 Β·  β 2K Β· π) - A library for graph deep learning research. 
βοΈGPL-3.0 - deepsnap (π₯20 Β·  β 560 Β· π) - Python library assists deep learning on graphs. 
MIT - pyRDF2Vec (π₯20 Β·  β 260 Β· π) - Python Implementation and Extension of RDF2Vec. 
MIT - GraphGym (π₯17 Β·  β 1.8K Β· π) - Platform for designing and evaluating Graph Neural Networks (GNN). 
MIT - Sematch (π₯17 Β·  β 440 Β· π) - semantic similarity framework for knowledge graph. 
Apache-2 - DeepGraph (π₯17 Β·  β 320) - Analyze Data with Pandas-based Networks. Documentation:. 
βUnlicensed - AutoGL (π₯16 Β·  β 1.1K Β· π) - An autoML framework & toolkit for machine learning on graphs. 
Apache-2 - kglib (π₯16 Β·  β 550 Β· π) - TypeDB-ML is the Machine Learning integrations library for TypeDB. 
Apache-2 - ptgnn (π₯16 Β·  β 380 Β· π) - A PyTorch Graph Neural Network Library. 
MIT - Euler (π₯15 Β·  β 2.9K Β· π) - A distributed graph deep learning framework. 
Apache-2 - GraphEmbedding (π₯14 Β·  β 3.8K Β· π) - Implementation and experiments of graph embedding.. 
MIT - GraphSAGE (π₯14 Β·  β 3.6K Β· π) - Representation learning on large graphs using stochastic.. 
MIT - OpenNE (π₯14 Β·  β 1.7K Β· π) - An Open-Source Package for Network Embedding (NE). 
MIT - GraphVite (π₯14 Β·  β 1.3K Β· π) - GraphVite: A General and High-performance Graph Embedding.. 
Apache-2 - OpenKE (π₯13 Β·  β 4K Β· π) - An Open-Source Package for Knowledge Embedding (KE). 
βUnlicensed 
Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks.
speechbrain (π₯38 Β·  β 11K) - A PyTorch-based Speech Toolkit. Apache-2 
torchaudio (π₯37 Β·  β 2.8K) - Data manipulation and transformation for audio signal.. BSD-2 
SpeechRecognition (π₯34 Β·  β 8.9K) - Speech recognition module for Python, supporting several.. BSD-3
- 
GitHub (π¨βπ» 56 Β· π 2.4K Β· π¦ 21 Β· π 670 - 48% open Β· β±οΈ 28.10.2025):
git clone https://github.com/Uberi/speech_recognition - 
PyPi (π₯ 2.2M / month Β· π¦ 730 Β· β±οΈ 12.05.2025):
pip install SpeechRecognition - 
Conda (π₯ 360K Β· β±οΈ 12.05.2025):
conda install -c conda-forge speechrecognition 
librosa (π₯34 Β·  β 8K) - Python library for audio and music analysis. ISC
- 
GitHub (π¨βπ» 130 Β· π 1K Β· π 1.3K - 5% open Β· β±οΈ 19.05.2025):
git clone https://github.com/librosa/librosa - 
PyPi (π₯ 5.6M / month Β· π¦ 1.6K Β· β±οΈ 11.03.2025):
pip install librosa - 
Conda (π₯ 1.1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge librosa 
DeepSpeech (π₯33 Β·  β 27K Β· π) - DeepSpeech is an open source embedded (offline, on-.. MPL-2.0 
- 
GitHub (π¨βπ» 160 Β· π 4.1K Β· π₯ 660K Β· π¦ 540 Β· π 2.1K - 7% open Β· β±οΈ 19.06.2025):
git clone https://github.com/mozilla/DeepSpeech - 
PyPi (π₯ 5.5K / month Β· π¦ 24 Β· β±οΈ 19.12.2020):
pip install deepspeech - 
Conda (π₯ 4.2K Β· β±οΈ 22.04.2025):
conda install -c conda-forge deepspeech 
audioread (π₯33 Β·  β 520 Β· π) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio.. MIT
- 
GitHub (π¨βπ» 27 Β· π 110 Β· π¦ 35K Β· π 98 - 40% open Β· β±οΈ 26.10.2025):
git clone https://github.com/beetbox/audioread - 
PyPi (π₯ 4.8M / month Β· π¦ 180 Β· β±οΈ 26.10.2025):
pip install audioread - 
Conda (π₯ 1.2M Β· β±οΈ 02.10.2025):
conda install -c conda-forge audioread 
spleeter (π₯32 Β·  β 27K) - Deezer source separation library including pretrained models. MIT 
- 
GitHub (π¨βπ» 22 Β· π 3K Β· π₯ 4.4M Β· π¦ 1.1K Β· π 830 - 32% open Β· β±οΈ 02.04.2025):
git clone https://github.com/deezer/spleeter - 
PyPi (π₯ 26K / month Β· π¦ 18 Β· β±οΈ 03.04.2025):
pip install spleeter - 
Conda (π₯ 120K Β· β±οΈ 22.04.2025):
conda install -c conda-forge spleeter 
audiomentations (π₯32 Β·  β 2.2K) - A Python library for audio data augmentation. Useful for.. MIT
pyAudioAnalysis (π₯28 Β·  β 6.2K) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
python-soundfile (π₯27 Β·  β 800) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3
Show 11 hidden projects...
- Pydub (π₯36 Β·  β 9.6K Β· π) - Manipulate audio with a simple and easy high level interface. 
MIT - aubio (π₯27 Β·  β 3.5K) - a library for audio and music analysis. 
βοΈGPL-3.0 - Essentia (π₯27 Β·  β 3.3K) - C++ library for audio and music analysis, description and.. 
βοΈAGPL-3.0 - Madmom (π₯27 Β·  β 1.5K Β· π) - Python audio and music signal processing library. 
BSD-3 - TTS (π₯26 Β·  β 10K Β· π) - Deep learning for Text to Speech (Discussion forum:.. 
MPL-2.0 - python_speech_features (π₯26 Β·  β 2.4K Β· π) - This library provides common speech features for ASR.. 
MIT - DDSP (π₯25 Β·  β 3.1K Β· π) - DDSP: Differentiable Digital Signal Processing. 
Apache-2 - Dejavu (π₯23 Β·  β 6.7K Β· π) - Audio fingerprinting and recognition in Python. 
MIT - TimeSide (π₯21 Β·  β 390 Β· π€) - scalable audio processing framework and server written in.. 
βοΈAGPL-3.0 - Muda (π₯18 Β·  β 240 Β· π) - A library for augmenting annotated audio data. 
ISC - textlesslib (π₯10 Β·  β 550 Β· π) - Library for Textless Spoken Language Processing. 
MIT 
Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding.
pydeck (π₯43 Β·  β 14K) - WebGL2 powered visualization framework. MIT 
- 
GitHub (π¨βπ» 310 Β· π 2.2K Β· π¦ 9.2K Β· π 3.3K - 13% open Β· β±οΈ 29.10.2025):
git clone https://github.com/visgl/deck.gl - 
PyPi (π₯ 16M / month Β· π¦ 160 Β· β±οΈ 21.03.2025):
pip install pydeck - 
Conda (π₯ 850K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pydeck - 
npm (π₯ 750K / month Β· π¦ 360 Β· β±οΈ 16.10.2025):
npm install deck.gl 
folium (π₯40 Β·  β 7.3K) - Python Data. Leaflet.js Maps. MIT
- 
GitHub (π¨βπ» 180 Β· π 2.2K Β· π¦ 65K Β· π 1.2K - 6% open Β· β±οΈ 06.10.2025):
git clone https://github.com/python-visualization/folium - 
PyPi (π₯ 2.8M / month Β· π¦ 1K Β· β±οΈ 16.06.2025):
pip install folium - 
Conda (π₯ 4.4M Β· β±οΈ 16.06.2025):
conda install -c conda-forge folium 
Shapely (π₯40 Β·  β 4.3K) - Manipulation and analysis of geometric objects. BSD-3
- 
GitHub (π¨βπ» 170 Β· π 600 Β· π₯ 4K Β· π¦ 110K Β· π 1.3K - 18% open Β· β±οΈ 28.10.2025):
git clone https://github.com/shapely/shapely - 
PyPi (π₯ 62M / month Β· π¦ 4.7K Β· β±οΈ 24.09.2025):
pip install shapely - 
Conda (π₯ 14M Β· β±οΈ 28.10.2025):
conda install -c conda-forge shapely 
GeoPandas (π₯39 Β·  β 4.9K) - Python tools for geographic data. BSD-3 
- 
GitHub (π¨βπ» 250 Β· π 980 Β· π₯ 3.1K Β· π¦ 60K Β· π 1.8K - 24% open Β· β±οΈ 25.10.2025):
git clone https://github.com/geopandas/geopandas - 
PyPi (π₯ 11M / month Β· π¦ 3.8K Β· β±οΈ 26.06.2025):
pip install geopandas - 
Conda (π₯ 5.4M Β· β±οΈ 06.10.2025):
conda install -c conda-forge geopandas 
Rasterio (π₯37 Β·  β 2.4K) - Rasterio reads and writes geospatial raster datasets. BSD-3
- 
GitHub (π¨βπ» 170 Β· π 540 Β· π₯ 1K Β· π¦ 19K Β· π 1.9K - 8% open Β· β±οΈ 26.09.2025):
git clone https://github.com/rasterio/rasterio - 
PyPi (π₯ 2.8M / month Β· π¦ 1.5K Β· β±οΈ 02.12.2024):
pip install rasterio - 
Conda (π₯ 5.3M Β· β±οΈ 17.09.2025):
conda install -c conda-forge rasterio 
pyproj (π₯37 Β·  β 1.2K) - Python interface to PROJ (cartographic projections and coordinate.. MIT
- 
GitHub (π¨βπ» 74 Β· π 230 Β· π¦ 47K Β· π 660 - 6% open Β· β±οΈ 29.10.2025):
git clone https://github.com/pyproj4/pyproj - 
PyPi (π₯ 14M / month Β· π¦ 2.3K Β· β±οΈ 14.08.2025):
pip install pyproj - 
Conda (π₯ 12M Β· β±οΈ 15.09.2025):
conda install -c conda-forge pyproj 
ArcGIS API (π₯36 Β·  β 2.1K) - Documentation and samples for ArcGIS API for Python. Apache-2
- 
GitHub (π¨βπ» 99 Β· π 1.1K Β· π₯ 16K Β· π¦ 1K Β· π 920 - 8% open Β· β±οΈ 28.10.2025):
git clone https://github.com/Esri/arcgis-python-api - 
PyPi (π₯ 150K / month Β· π¦ 44 Β· β±οΈ 27.10.2025):
pip install arcgis - 
docker pull esridocker/arcgis-api-python-notebook 
Fiona (π₯34 Β·  β 1.2K Β· π€) - Fiona reads and writes geographic data files. BSD-3
- 
GitHub (π¨βπ» 78 Β· π 210 Β· π¦ 27K Β· π 820 - 5% open Β· β±οΈ 20.02.2025):
git clone https://github.com/Toblerity/Fiona - 
PyPi (π₯ 5.6M / month Β· π¦ 380 Β· β±οΈ 16.09.2024):
pip install fiona - 
Conda (π₯ 7.9M Β· β±οΈ 22.04.2025):
conda install -c conda-forge fiona 
ipyleaflet (π₯33 Β·  β 1.5K) - A Jupyter - Leaflet.js bridge. MIT 
- 
GitHub (π¨βπ» 94 Β· π 360 Β· π¦ 18K Β· π 660 - 44% open Β· β±οΈ 19.06.2025):
git clone https://github.com/jupyter-widgets/ipyleaflet - 
PyPi (π₯ 230K / month Β· π¦ 340 Β· β±οΈ 13.06.2025):
pip install ipyleaflet - 
Conda (π₯ 1.8M Β· β±οΈ 13.06.2025):
conda install -c conda-forge ipyleaflet - 
npm (π₯ 2.7K / month Β· π¦ 9 Β· β±οΈ 13.06.2025):
npm install jupyter-leaflet 
geojson (π₯31 Β·  β 970 Β· π€) - Python bindings and utilities for GeoJSON. BSD-3
- 
GitHub (π¨βπ» 58 Β· π 120 Β· π¦ 21K Β· π 100 - 26% open Β· β±οΈ 21.12.2024):
git clone https://github.com/jazzband/geojson - 
PyPi (π₯ 3.6M / month Β· π¦ 720 Β· β±οΈ 21.12.2024):
pip install geojson - 
Conda (π₯ 1.1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge geojson 
PySAL (π₯30 Β·  β 1.4K) - PySAL: Python Spatial Analysis Library Meta-Package. BSD-3
- 
GitHub (π¨βπ» 79 Β· π 310 Β· π¦ 1.8K Β· π 660 - 3% open Β· β±οΈ 08.09.2025):
git clone https://github.com/pysal/pysal - 
PyPi (π₯ 42K / month Β· π¦ 65 Β· β±οΈ 31.07.2025):
pip install pysal - 
Conda (π₯ 730K Β· β±οΈ 01.08.2025):
conda install -c conda-forge pysal 
GeoViews (π₯28 Β·  β 620) - Simple, concise geographical visualization in Python. BSD-3
- 
GitHub (π¨βπ» 34 Β· π 79 Β· π¦ 5 Β· π 360 - 31% open Β· β±οΈ 29.10.2025):
git clone https://github.com/holoviz/geoviews - 
PyPi (π₯ 69K / month Β· π¦ 76 Β· β±οΈ 14.08.2025):
pip install geoviews - 
Conda (π₯ 340K Β· β±οΈ 14.08.2025):
conda install -c conda-forge geoviews 
EarthPy (π₯28 Β·  β 530) - A package built to support working with spatial data using open source.. BSD-3
- 
GitHub (π¨βπ» 44 Β· π 160 Β· π₯ 75 Β· π¦ 440 Β· π 250 - 16% open Β· β±οΈ 31.07.2025):
git clone https://github.com/earthlab/earthpy - 
PyPi (π₯ 14K / month Β· π¦ 17 Β· β±οΈ 01.10.2021):
pip install earthpy - 
Conda (π₯ 98K Β· β±οΈ 22.04.2025):
conda install -c conda-forge earthpy 
pymap3d (π₯25 Β·  β 430) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef.. BSD-2
- 
GitHub (π¨βπ» 19 Β· π 87 Β· π¦ 540 Β· π 59 - 8% open Β· β±οΈ 08.07.2025):
git clone https://github.com/geospace-code/pymap3d - 
PyPi (π₯ 490K / month Β· π¦ 50 Β· β±οΈ 08.07.2025):
pip install pymap3d - 
Conda (π₯ 120K Β· β±οΈ 08.07.2025):
conda install -c conda-forge pymap3d 
Mapbox GL (π₯22 Β·  β 680 Β· π€) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook. MIT 
Show 7 hidden projects...
- Satpy (π₯34 Β·  β 1.1K) - Python package for earth-observing satellite data processing. 
βοΈGPL-3.0 - geopy (π₯32 Β·  β 4.7K Β· π) - Geocoding library for Python. 
MIT - Geocoder (π₯32 Β·  β 1.6K Β· π) - Python Geocoder. 
MIT - prettymaps (π₯24 Β·  β 12K) - Draw pretty maps from OpenStreetMap data! Built with osmnx.. 
βοΈAGPL-3.0 - Sentinelsat (π₯24 Β·  β 1K Β· π) - Search and download Copernicus Sentinel satellite images. 
βοΈGPL-3.0 - gmaps (π₯22 Β·  β 760 Β· π) - Google maps for Jupyter notebooks. 
BSD-3 - geoplotlib (π₯21 Β·  β 1K Β· π) - 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.
yfinance (π₯42 Β·  β 20K) - Download market data from Yahoo! Finances API. Apache-2
- 
GitHub (π¨βπ» 140 Β· π 2.8K Β· π¦ 86K Β· π 1.7K - 9% open Β· β±οΈ 18.09.2025):
git clone https://github.com/ranaroussi/yfinance - 
PyPi (π₯ 5.9M / month Β· π¦ 1.2K Β· β±οΈ 17.09.2025):
pip install yfinance - 
Conda (π₯ 99K Β· β±οΈ 25.03.2025):
conda install -c ranaroussi yfinance 
Qlib (π₯32 Β·  β 33K) - Qlib is an AI-oriented Quant investment platform that aims to use AI tech.. MIT 
bt (π₯30 Β·  β 2.7K) - bt - flexible backtesting for Python. MIT
- 
GitHub (π¨βπ» 35 Β· π 450 Β· π¦ 1.7K Β· π 350 - 23% open Β· β±οΈ 27.10.2025):
git clone https://github.com/pmorissette/bt - 
PyPi (π₯ 11K / month Β· π¦ 15 Β· β±οΈ 12.04.2025):
pip install bt - 
Conda (π₯ 110K Β· β±οΈ 02.10.2025):
conda install -c conda-forge bt 
Alpha Vantage (π₯27 Β·  β 4.6K) - A python wrapper for Alpha Vantage API for financial data. MIT
- 
GitHub (π¨βπ» 44 Β· π 760 Β· π 290 - 0% open Β· β±οΈ 27.07.2025):
git clone https://github.com/RomelTorres/alpha_vantage - 
PyPi (π₯ 140K / month Β· π¦ 35 Β· β±οΈ 18.07.2024):
pip install alpha_vantage - 
Conda (π₯ 10K Β· β±οΈ 22.04.2025):
conda install -c conda-forge alpha_vantage 
ffn (π₯27 Β·  β 2.4K) - ffn - a financial function library for Python. MIT
- 
GitHub (π¨βπ» 36 Β· π 330 Β· π¦ 580 Β· π 140 - 17% open Β· β±οΈ 27.10.2025):
git clone https://github.com/pmorissette/ffn - 
PyPi (π₯ 25K / month Β· π¦ 22 Β· β±οΈ 11.02.2025):
pip install ffn - 
Conda (π₯ 26K Β· β±οΈ 22.04.2025):
conda install -c conda-forge ffn 
stockstats (π₯26 Β·  β 1.4K) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
tf-quant-finance (π₯21 Β·  β 5K Β· π€) - High-performance TensorFlow library for quantitative.. Apache-2 
finmarketpy (π₯21 Β·  β 3.7K Β· π€) - Python library for backtesting trading strategies &.. Apache-2
Show 17 hidden projects...
- arch (π₯33 Β·  β 1.5K) - ARCH models in Python. 
βUnlicensed - zipline (π₯32 Β·  β 19K Β· π) - Zipline, a Pythonic Algorithmic Trading Library. 
Apache-2 - ta (π₯32 Β·  β 4.8K Β· π) - Technical Analysis Library using Pandas and Numpy. 
MIT - pyfolio (π₯31 Β·  β 6.1K Β· π) - Portfolio and risk analytics in Python. 
Apache-2 - backtrader (π₯29 Β·  β 19K Β· π) - Python Backtesting library for trading strategies. 
βοΈGPL-3.0 - IB-insync (π₯28 Β·  β 3.1K Β· π) - Python sync/async framework for Interactive Brokers API. 
BSD-2 - Alphalens (π₯27 Β·  β 4K Β· π) - Performance analysis of predictive (alpha) stock factors. 
Apache-2 - Enigma Catalyst (π₯27 Β·  β 2.5K Β· π) - An Algorithmic Trading Library for Crypto-Assets in.. 
Apache-2 - empyrical (π₯27 Β·  β 1.4K Β· π) - Common financial risk and performance metrics. Used by.. 
Apache-2 - Backtesting.py (π₯26 Β·  β 7.4K) - Backtest trading strategies in Python. 
βοΈAGPL-3.0 - TensorTrade (π₯26 Β·  β 5.6K Β· π) - An open source reinforcement learning framework for.. 
Apache-2 - PyAlgoTrade (π₯25 Β·  β 4.6K Β· π) - Python Algorithmic Trading Library. 
Apache-2 - FinTA (π₯24 Β·  β 2.2K Β· π) - Common financial technical indicators implemented in Pandas. 
βοΈLGPL-3.0 - Crypto Signals (π₯22 Β·  β 5.4K Β· π) - Github.com/CryptoSignal - Trading & Technical Analysis Bot -.. 
MIT - FinQuant (π₯22 Β·  β 1.6K Β· π) - A program for financial portfolio management, analysis and.. 
MIT - surpriver (π₯12 Β·  β 1.8K Β· π) - Find big moving stocks before they move using machine.. 
βοΈGPL-3.0 - pyrtfolio (π₯9 Β·  β 150 Β· π) - Python package to generate stock portfolios. 
βοΈGPL-3.0 
Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data.
sktime (π₯41 Β·  β 9.3K) - A unified framework for machine learning with time series. BSD-3 
- 
GitHub (π¨βπ» 520 Β· π 1.7K Β· π₯ 110 Β· π¦ 4.7K Β· π 3.1K - 39% open Β· β±οΈ 28.10.2025):
git clone https://github.com/alan-turing-institute/sktime - 
PyPi (π₯ 1M / month Β· π¦ 160 Β· β±οΈ 25.09.2025):
pip install sktime - 
Conda (π₯ 1.2M Β· β±οΈ 18.09.2025):
conda install -c conda-forge sktime-all-extras 
Prophet (π₯34 Β·  β 20K) - Tool for producing high quality forecasts for time series data that has.. MIT
- 
GitHub (π¨βπ» 190 Β· π 4.6K Β· π₯ 3.2K Β· π¦ 21 Β· π 2.2K - 20% open Β· β±οΈ 21.10.2025):
git clone https://github.com/facebook/prophet - 
PyPi (π₯ 84K / month Β· π¦ 91 Β· β±οΈ 05.09.2020):
pip install fbprophet - 
Conda (π₯ 1.5M Β· β±οΈ 22.10.2025):
conda install -c conda-forge prophet 
StatsForecast (π₯34 Β·  β 4.6K) - Lightning fast forecasting with statistical and econometric.. Apache-2
- 
GitHub (π¨βπ» 56 Β· π 340 Β· π¦ 2K Β· π 400 - 34% open Β· β±οΈ 29.10.2025):
git clone https://github.com/Nixtla/statsforecast - 
PyPi (π₯ 990K / month Β· π¦ 91 Β· β±οΈ 29.10.2025):
pip install statsforecast - 
Conda (π₯ 220K Β· β±οΈ 30.10.2025):
conda install -c conda-forge statsforecast 
tslearn (π₯33 Β·  β 3.1K) - The machine learning toolkit for time series analysis in Python. BSD-2 
- 
GitHub (π¨βπ» 46 Β· π 350 Β· π¦ 1.9K Β· π 380 - 38% open Β· β±οΈ 27.10.2025):
git clone https://github.com/tslearn-team/tslearn - 
PyPi (π₯ 400K / month Β· π¦ 110 Β· β±οΈ 02.07.2025):
pip install tslearn - 
Conda (π₯ 1.7M Β· β±οΈ 03.07.2025):
conda install -c conda-forge tslearn 
skforecast (π₯33 Β·  β 1.4K) - Time series forecasting with machine learning models. BSD-3 
Darts (π₯32 Β·  β 9K) - A python library for user-friendly forecasting and anomaly detection on.. Apache-2
- 
GitHub (π¨βπ» 140 Β· π 970 Β· π 1.8K - 13% open Β· β±οΈ 26.10.2025):
git clone https://github.com/unit8co/darts - 
PyPi (π₯ 86K / month Β· π¦ 10 Β· β±οΈ 03.10.2025):
pip install u8darts - 
Conda (π₯ 94K Β· β±οΈ 05.10.2025):
conda install -c conda-forge u8darts-all - 
Docker Hub (π₯ 2.1K Β· β±οΈ 03.10.2025):
docker pull unit8/darts 
pytorch-forecasting (π₯32 Β·  β 4.6K) - Time series forecasting with PyTorch. MIT
- 
GitHub (π¨βπ» 79 Β· π 710 Β· π¦ 670 Β· π 920 - 59% open Β· β±οΈ 19.10.2025):
git clone https://github.com/jdb78/pytorch-forecasting - 
PyPi (π₯ 270K / month Β· π¦ 27 Β· β±οΈ 10.10.2025):
pip install pytorch-forecasting - 
Conda (π₯ 87K Β· β±οΈ 05.07.2025):
conda install -c conda-forge pytorch-forecasting 
pmdarima (π₯32 Β·  β 1.7K Β· π€) - A statistical library designed to fill the void in Pythons time.. MIT
- 
GitHub (π¨βπ» 23 Β· π 250 Β· π¦ 13K Β· π 340 - 19% open Β· β±οΈ 07.11.2024):
git clone https://github.com/alkaline-ml/pmdarima - 
PyPi (π₯ 7.5M / month Β· π¦ 150 Β· β±οΈ 23.10.2023):
pip install pmdarima - 
Conda (π₯ 1.4M Β· β±οΈ 22.04.2025):
conda install -c conda-forge pmdarima 
tsfresh (π₯31 Β·  β 9K) - Automatic extraction of relevant features from time series:. MIT 
- 
GitHub (π¨βπ» 100 Β· π 1.3K Β· π¦ 21 Β· π 550 - 12% open Β· β±οΈ 30.08.2025):
git clone https://github.com/blue-yonder/tsfresh - 
PyPi (π₯ 340K / month Β· π¦ 120 Β· β±οΈ 30.08.2025):
pip install tsfresh - 
Conda (π₯ 1.5M Β· β±οΈ 31.08.2025):
conda install -c conda-forge tsfresh 
STUMPY (π₯30 Β·  β 4K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
- 
GitHub (π¨βπ» 41 Β· π 340 Β· π¦ 1.6K Β· π 540 - 13% open Β· β±οΈ 02.09.2025):
git clone https://github.com/TDAmeritrade/stumpy - 
PyPi (π₯ 380K / month Β· π¦ 30 Β· β±οΈ 09.07.2024):
pip install stumpy - 
Conda (π₯ 1.1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge stumpy 
NeuralForecast (π₯30 Β·  β 3.8K) - Scalable and user friendly neural forecasting algorithms. Apache-2
- 
GitHub (π¨βπ» 55 Β· π 450 Β· π 650 - 17% open Β· β±οΈ 01.10.2025):
git clone https://github.com/Nixtla/neuralforecast - 
PyPi (π₯ 160K / month Β· π¦ 30 Β· β±οΈ 01.10.2025):
pip install neuralforecast - 
Conda (π₯ 47K Β· β±οΈ 06.10.2025):
conda install -c conda-forge neuralforecast 
Streamz (π₯28 Β·  β 1.3K Β· π€) - Real-time stream processing for python. BSD-3
- 
GitHub (π¨βπ» 49 Β· π 150 Β· π¦ 570 Β· π 270 - 44% open Β· β±οΈ 22.11.2024):
git clone https://github.com/python-streamz/streamz - 
PyPi (π₯ 26K / month Β· π¦ 57 Β· β±οΈ 27.07.2022):
pip install streamz - 
Conda (π₯ 2.9M Β· β±οΈ 22.04.2025):
conda install -c conda-forge streamz 
pyts (π₯27 Β·  β 1.9K) - A Python package for time series classification. BSD-3
- 
GitHub (π¨βπ» 15 Β· π 180 Β· π¦ 900 Β· π 88 - 59% open Β· β±οΈ 18.06.2025):
git clone https://github.com/johannfaouzi/pyts - 
PyPi (π₯ 190K / month Β· π¦ 45 Β· β±οΈ 18.06.2023):
pip install pyts - 
Conda (π₯ 35K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pyts 
Show 13 hidden projects...
- NeuralProphet (π₯26 Β·  β 4.2K Β· π) - NeuralProphet: A simple forecasting package. 
MIT - PyFlux (π₯25 Β·  β 2.1K Β· π) - Open source time series library for Python. 
BSD-3 - luminol (π₯22 Β·  β 1.2K Β· π) - Anomaly Detection and Correlation library. 
Apache-2 - ADTK (π₯22 Β·  β 1.2K Β· π) - A Python toolkit for rule-based/unsupervised anomaly detection in.. 
MPL-2.0 - seglearn (π₯21 Β·  β 580 Β· π) - Python module for machine learning time series:. 
BSD-3 - pydlm (π₯21 Β·  β 480 Β· π) - A python library for Bayesian time series modeling. 
BSD-3 - tick (π₯20 Β·  β 520 Β· π) - Module for statistical learning, with a particular emphasis on time-.. 
BSD-3 - matrixprofile-ts (π₯19 Β·  β 740 Β· π) - A Python library for detecting patterns and anomalies.. 
Apache-2 - tsflex (π₯19 Β·  β 430 Β· π) - Flexible time series feature extraction & processing. 
MIT - Auto TS (π₯17 Β·  β 760 Β· π) - Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost.. 
Apache-2 - tsaug (π₯15 Β·  β 360 Β· π) - A Python package for time series augmentation. 
Apache-2 - atspy (π₯14 Β·  β 520 Β· π) - AtsPy: Automated Time Series Models in Python (by @firmai). 
MIT - tslumen (π₯8 Β·  β 71 Β· π) - A library for Time Series EDA (exploratory data analysis). 
Apache-2 
Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats.
Nilearn (π₯38 Β·  β 1.3K) - Machine learning for NeuroImaging in Python. BSD-3 
- 
GitHub (π¨βπ» 260 Β· π 610 Β· π₯ 410 Β· π¦ 4.4K Β· π 2.4K - 12% open Β· β±οΈ 30.10.2025):
git clone https://github.com/nilearn/nilearn - 
PyPi (π₯ 270K / month Β· π¦ 350 Β· β±οΈ 03.09.2025):
pip install nilearn - 
Conda (π₯ 400K Β· β±οΈ 04.09.2025):
conda install -c conda-forge nilearn 
MONAI (π₯37 Β·  β 7K) - AI Toolkit for Healthcare Imaging. Apache-2 
- 
GitHub (π¨βπ» 240 Β· π 1.3K Β· π¦ 4.5K Β· π 3.3K - 14% open Β· β±οΈ 10.10.2025):
git clone https://github.com/Project-MONAI/MONAI - 
PyPi (π₯ 320K / month Β· π¦ 200 Β· β±οΈ 22.09.2025):
pip install monai - 
Conda (π₯ 60K Β· β±οΈ 22.09.2025):
conda install -c conda-forge monai 
MNE (π₯37 Β·  β 3.1K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
- 
GitHub (π¨βπ» 410 Β· π 1.4K Β· π 5.1K - 11% open Β· β±οΈ 29.10.2025):
git clone https://github.com/mne-tools/mne-python - 
PyPi (π₯ 280K / month Β· π¦ 530 Β· β±οΈ 14.10.2025):
pip install mne - 
Conda (π₯ 620K Β· β±οΈ 14.10.2025):
conda install -c conda-forge mne 
NiBabel (π₯34 Β·  β 740) - Python package to access a cacophony of neuro-imaging file formats. MIT
- 
GitHub (π¨βπ» 110 Β· π 260 Β· π¦ 30K Β· π 550 - 23% open Β· β±οΈ 21.10.2025):
git clone https://github.com/nipy/nibabel - 
PyPi (π₯ 910K / month Β· π¦ 1.2K Β· β±οΈ 23.10.2024):
pip install nibabel - 
Conda (π₯ 1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge nibabel 
NIPYPE (π₯33 Β·  β 790) - Workflows and interfaces for neuroimaging packages. Apache-2
- 
GitHub (π¨βπ» 260 Β· π 530 Β· π¦ 7.2K Β· π 1.4K - 30% open Β· β±οΈ 28.04.2025):
git clone https://github.com/nipy/nipype - 
PyPi (π₯ 360K / month Β· π¦ 150 Β· β±οΈ 19.03.2025):
pip install nipype - 
Conda (π₯ 990K Β· β±οΈ 05.05.2025):
conda install -c conda-forge nipype 
Lifelines (π₯32 Β·  β 2.5K Β· π€) - Survival analysis in Python. MIT
- 
GitHub (π¨βπ» 120 Β· π 560 Β· π¦ 4.2K Β· π 980 - 27% open Β· β±οΈ 29.10.2024):
git clone https://github.com/CamDavidsonPilon/lifelines - 
PyPi (π₯ 1.5M / month Β· π¦ 160 Β· β±οΈ 29.10.2024):
pip install lifelines - 
Conda (π₯ 500K Β· β±οΈ 22.04.2025):
conda install -c conda-forge lifelines 
DeepVariant (π₯27 Β·  β 3.5K) - DeepVariant is an analysis pipeline that uses a deep neural.. BSD-3 
Brainiak (π₯19 Β·  β 360 Β· π€) - Brain Imaging Analysis Kit. Apache-2
- 
GitHub (π¨βπ» 35 Β· π 140 Β· π 230 - 38% open Β· β±οΈ 06.01.2025):
git clone https://github.com/brainiak/brainiak - 
PyPi (π₯ 1.3K / month Β· β±οΈ 07.01.2025):
pip install brainiak - 
Docker Hub (π₯ 2K Β· β 1 Β· β±οΈ 07.01.2025):
docker pull brainiak/brainiak 
Show 10 hidden projects...
- DIPY (π₯31 Β·  β 790) - DIPY is the paragon 3D/4D+ medical imaging library in Python... 
βUnlicensed - NiftyNet (π₯24 Β·  β 1.4K Β· π) - [unmaintained] An open-source convolutional neural.. 
Apache-2 - NIPY (π₯24 Β·  β 400 Β· π€) - Neuroimaging in Python FMRI analysis package. 
βUnlicensed - MedPy (π₯23 Β·  β 610 Β· π) - Medical image processing in Python. 
βοΈGPL-3.0 - DLTK (π₯20 Β·  β 1.4K Β· π) - Deep Learning Toolkit for Medical Image Analysis. 
Apache-2 - Glow (π₯19 Β·  β 290 Β· π€) - An open-source toolkit for large-scale genomic analysis. 
Apache-2 - MedicalTorch (π₯17 Β·  β 870 Β· π) - A medical imaging framework for Pytorch. 
Apache-2 - Medical Detection Toolkit (π₯14 Β·  β 1.3K Β· π) - The Medical Detection Toolkit contains 2D + 3D.. 
Apache-2 - DeepNeuro (π₯14 Β·  β 130 Β· π) - A deep learning python package for neuroimaging data. Made by:. 
MIT - MedicalNet (π₯12 Β·  β 2.1K Β· π) - Many studies have shown that the performance on deep learning is.. 
MIT 
Libraries for processing tabular and structured data.
pytorch_tabular (π₯23 Β·  β 1.6K) - A standard framework for modelling Deep Learning Models.. MIT 
upgini (π₯21 Β·  β 350) - Data search & enrichment library for Machine Learning Easily find and add.. BSD-3
Show 3 hidden projects...
- miceforest (π₯21 Β·  β 390) - Multiple Imputation with LightGBM in Python. 
βUnlicensed - carefree-learn (π₯18 Β·  β 410 Β· π) - Deep Learning PyTorch. 
MIT - deltapy (π₯13 Β·  β 550 Β· π) - DeltaPy - Tabular Data Augmentation (by @firmai). 
MIT 
Libraries for optical character recognition (OCR) and text extraction from images or videos.
PaddleOCR (π₯44 Β·  β 62K) - Turn any PDF or image document into structured data for your.. Apache-2 
OCRmyPDF (π₯37 Β·  β 32K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
- 
GitHub (π¨βπ» 120 Β· π 2.2K Β· π₯ 15K Β· π¦ 1.4K Β· π 1.3K - 11% open Β· β±οΈ 25.10.2025):
git clone https://github.com/ocrmypdf/OCRmyPDF - 
PyPi (π₯ 400K / month Β· π¦ 58 Β· β±οΈ 16.10.2025):
pip install ocrmypdf - 
Conda (π₯ 110K Β· β±οΈ 22.04.2025):
conda install -c conda-forge ocrmypdf 
Tesseract (π₯32 Β·  β 6.2K Β· π€) - Python-tesseract is an optical character recognition (OCR).. Apache-2
- 
GitHub (π¨βπ» 50 Β· π 730 Β· π 370 - 3% open Β· β±οΈ 17.02.2025):
git clone https://github.com/madmaze/pytesseract - 
PyPi (π₯ 5.6M / month Β· π¦ 970 Β· β±οΈ 16.08.2024):
pip install pytesseract - 
Conda (π₯ 690K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pytesseract 
tesserocr (π₯32 Β·  β 2.1K) - A Python wrapper for the tesseract-ocr API. MIT
- 
GitHub (π¨βπ» 34 Β· π 260 Β· π₯ 1.2K Β· π¦ 1.3K Β· π 290 - 14% open Β· β±οΈ 10.10.2025):
git clone https://github.com/sirfz/tesserocr - 
PyPi (π₯ 210K / month Β· π¦ 56 Β· β±οΈ 10.10.2025):
pip install tesserocr - 
Conda (π₯ 290K Β· β±οΈ 22.04.2025):
conda install -c conda-forge tesserocr 
MMOCR (π₯27 Β·  β 4.7K Β· π€) - OpenMMLab Text Detection, Recognition and Understanding Toolbox. Apache-2 
keras-ocr (π₯25 Β·  β 1.5K) - A packaged and flexible version of the CRAFT text detector and.. MIT 
- 
GitHub (π¨βπ» 19 Β· π 340 Β· π₯ 2.1M Β· π¦ 720 Β· π 220 - 46% open Β· β±οΈ 22.09.2025):
git clone https://github.com/faustomorales/keras-ocr - 
PyPi (π₯ 18K / month Β· π¦ 8 Β· β±οΈ 06.11.2023):
pip install keras-ocr - 
Conda (π₯ 450 Β· β±οΈ 22.04.2025):
conda install -c anaconda keras-ocr 
Show 6 hidden projects...
- EasyOCR (π₯34 Β·  β 28K Β· π) - Ready-to-use OCR with 80+ supported languages and all popular.. 
Apache-2 - calamari (π₯22 Β·  β 1.2K) - Line based ATR Engine based on OCRopy. 
βοΈGPL-3.0 - pdftabextract (π₯21 Β·  β 2.2K Β· π) - A set of tools for extracting tables from PDF files.. 
Apache-2 - attention-ocr (π₯21 Β·  β 1.1K Β· π) - 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 Β·  β 690 Β· π) - An optical music recognition (OMR) system. Converts sheet.. 
Apache-2 
General-purpose data containers & structures as well as utilities & extensions for pandas.
πΒ best-of-python - Data Containers ( β 4.2K) - Collection of data-container, dataframe, and pandas-..
Libraries for loading, collecting, and extracting data from a variety of data sources and formats.
πΒ best-of-python - Data Extraction ( β 4.2K) - 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 ( β 2.6K) - Collection of web-scraping and crawling libraries.
Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks.
πΒ best-of-python - Data Pipelines ( β 4.2K) - Libraries for data batch- and stream-processing,..
Show 1 hidden projects...
Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure.
Ray (π₯48 Β·  β 40K) - Ray is an AI compute engine. Ray consists of a core distributed runtime.. Apache-2
- 
GitHub (π¨βπ» 1.4K Β· π 6.8K Β· π₯ 270 Β· π¦ 27K Β· π 22K - 14% open Β· β±οΈ 30.10.2025):
git clone https://github.com/ray-project/ray - 
PyPi (π₯ 30M / month Β· π¦ 1.1K Β· β±οΈ 29.10.2025):
pip install ray - 
Conda (π₯ 920K Β· β±οΈ 22.10.2025):
conda install -c conda-forge ray-tune 
dask (π₯45 Β·  β 14K Β· π) - Parallel computing with task scheduling. BSD-3
- 
GitHub (π¨βπ» 630 Β· π 1.8K Β· π¦ 77K Β· π 5.6K - 21% open Β· β±οΈ 29.10.2025):
git clone https://github.com/dask/dask - 
PyPi (π₯ 20M / month Β· π¦ 3.2K Β· β±οΈ 14.10.2025):
pip install dask - 
Conda (π₯ 14M Β· β±οΈ 14.10.2025):
conda install -c conda-forge dask 
DeepSpeed (π₯41 Β·  β 41K) - DeepSpeed is a deep learning optimization library that makes.. Apache-2 
- 
GitHub (π¨βπ» 420 Β· π 4.6K Β· π¦ 15K Β· π 3.2K - 34% open Β· β±οΈ 29.10.2025):
git clone https://github.com/microsoft/DeepSpeed - 
PyPi (π₯ 990K / month Β· π¦ 350 Β· β±οΈ 23.10.2025):
pip install deepspeed - 
Docker Hub (π₯ 24K Β· β 4 Β· β±οΈ 02.09.2022):
docker pull deepspeed/deepspeed 
dask.distributed (π₯39 Β·  β 1.7K) - A distributed task scheduler for Dask. BSD-3
- 
GitHub (π¨βπ» 340 Β· π 740 Β· π¦ 42K Β· π 3.9K - 37% open Β· β±οΈ 28.10.2025):
git clone https://github.com/dask/distributed - 
PyPi (π₯ 5.4M / month Β· π¦ 1K Β· β±οΈ 14.10.2025):
pip install distributed - 
Conda (π₯ 20M Β· β±οΈ 14.10.2025):
conda install -c conda-forge distributed 
horovod (π₯36 Β·  β 15K) - Distributed training framework for TensorFlow, Keras, PyTorch, and.. Apache-2
metrics (π₯36 Β·  β 2.3K) - Machine learning metrics for distributed, scalable PyTorch.. Apache-2 
- 
GitHub (π¨βπ» 280 Β· π 460 Β· π₯ 6.9K Β· π¦ 45K Β· π 990 - 8% open Β· β±οΈ 27.10.2025):
git clone https://github.com/Lightning-AI/metrics - 
PyPi (π₯ 4.6K / month Β· π¦ 4 Β· β±οΈ 26.02.2025):
pip install metrics - 
Conda (π₯ 2.2M Β· β±οΈ 03.09.2025):
conda install -c conda-forge torchmetrics 
H2O-3 (π₯34 Β·  β 7.3K) - H2O is an Open Source, Distributed, Fast & Scalable Machine Learning.. Apache-2
ColossalAI (π₯33 Β·  β 41K) - Making large AI models cheaper, faster and more accessible. Apache-2
- 
GitHub (π¨βπ» 200 Β· π 4.5K Β· π¦ 530 Β· π 1.8K - 26% open Β· β±οΈ 26.09.2025):
git clone https://github.com/hpcaitech/colossalai 
mpi4py (π₯33 Β·  β 880) - Python bindings for MPI. BSD-3
- 
GitHub (π¨βπ» 28 Β· π 130 Β· π₯ 39K Β· π¦ 12K Β· π 230 - 2% open Β· β±οΈ 29.10.2025):
git clone https://github.com/mpi4py/mpi4py - 
PyPi (π₯ 980K / month Β· π¦ 1K Β· β±οΈ 10.10.2025):
pip install mpi4py - 
Conda (π₯ 4.5M Β· β±οΈ 14.10.2025):
conda install -c conda-forge mpi4py 
FairScale (π₯31 Β·  β 3.4K) - PyTorch extensions for high performance and large scale training. BSD-3 
- 
GitHub (π¨βπ» 77 Β· π 290 Β· π¦ 9K Β· π 390 - 26% open Β· β±οΈ 26.04.2025):
git clone https://github.com/facebookresearch/fairscale - 
PyPi (π₯ 530K / month Β· π¦ 150 Β· β±οΈ 11.12.2022):
pip install fairscale - 
Conda (π₯ 530K Β· β±οΈ 22.04.2025):
conda install -c conda-forge fairscale 
Submit it (π₯31 Β·  β 1.5K) - Python 3.8+ toolbox for submitting jobs to Slurm. MIT
- 
GitHub (π¨βπ» 26 Β· π 140 Β· π¦ 4.7K Β· π 130 - 38% open Β· β±οΈ 21.05.2025):
git clone https://github.com/facebookincubator/submitit - 
PyPi (π₯ 840K / month Β· π¦ 74 Β· β±οΈ 21.05.2025):
pip install submitit - 
Conda (π₯ 65K Β· β±οΈ 22.04.2025):
conda install -c conda-forge submitit 
BigDL (π₯30 Β·  β 8.4K) - Accelerate local LLM inference and finetuning (LLaMA, Mistral,.. Apache-2
- 
GitHub (π¨βπ» 120 Β· π 1.4K Β· π₯ 710 Β· π 3K - 40% open Β· β±οΈ 14.10.2025):
git clone https://github.com/intel-analytics/BigDL - 
PyPi (π₯ 15K / month Β· π¦ 2 Β· β±οΈ 24.03.2024):
pip install bigdl - 
Maven (π¦ 5 Β· β±οΈ 20.04.2021):
<dependency> <groupId>com.intel.analytics.bigdl</groupId> <artifactId>bigdl-SPARK_2.4</artifactId> <version>[VERSION]</version> </dependency> 
petastorm (π₯29 Β·  β 1.9K) - Petastorm library enables single machine or distributed training.. Apache-2
dask-ml (π₯28 Β·  β 940) - Scalable Machine Learning with Dask. BSD-3
- 
GitHub (π¨βπ» 82 Β· π 260 Β· π¦ 1.3K Β· π 550 - 51% open Β· β±οΈ 27.09.2025):
git clone https://github.com/dask/dask-ml - 
PyPi (π₯ 120K / month Β· π¦ 100 Β· β±οΈ 08.02.2025):
pip install dask-ml - 
Conda (π₯ 1.1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge dask-ml 
Hivemind (π₯26 Β·  β 2.3K) - Decentralized deep learning in PyTorch. Built to train models on.. MIT
Apache Singa (π₯23 Β·  β 3.6K Β· π€) - a distributed deep learning platform. Apache-2
- 
GitHub (π¨βπ» 98 Β· π 1.3K Β· π¦ 6 Β· π 140 - 35% open Β· β±οΈ 26.03.2025):
git clone https://github.com/apache/singa - 
Conda (π₯ 1.2K Β· β±οΈ 25.03.2025):
conda install -c nusdbsystem singa - 
Docker Hub (π₯ 9.9K Β· β 3 Β· β±οΈ 31.05.2022):
docker pull apache/singa 
analytics-zoo (π₯22 Β·  β 2.6K) - Distributed Tensorflow, Keras and PyTorch on Apache.. Apache-2 
Show 17 hidden projects...
- DEAP (π₯34 Β·  β 6.2K) - Distributed Evolutionary Algorithms in Python. 
βοΈLGPL-3.0 - ipyparallel (π₯29 Β·  β 2.6K) - IPython Parallel: Interactive Parallel Computing in.. 
βUnlicensed - TensorFlowOnSpark (π₯25 Β·  β 3.9K Β· π) - TensorFlowOnSpark brings TensorFlow programs to.. 
Apache-2 - Elephas (π₯24 Β·  β 1.6K Β· π) - Distributed Deep learning with Keras & Spark. 
MITkeras - Mesh (π₯23 Β·  β 1.6K Β· π) - Mesh TensorFlow: Model Parallelism Made Easier. 
Apache-2 - BytePS (π₯21 Β·  β 3.7K Β· π) - A high performance and generic framework for distributed DNN.. 
Apache-2 - somoclu (π₯21 Β·  β 280 Β· π) - Massively parallel self-organizing maps: accelerate training on.. 
MIT - TensorFrames (π₯19 Β·  β 750 Β· π) - [DEPRECATED] Tensorflow wrapper for DataFrames on.. 
Apache-2 - sk-dist (π₯19 Β·  β 290 Β· π) - Distributed scikit-learn meta-estimators in PySpark. 
Apache-2 - mesh-transformer-jax (π₯18 Β·  β 6.4K Β· π) - Model parallel transformers in JAX and Haiku. 
Apache-2 - launchpad (π₯18 Β·  β 330 Β· π) - Launchpad is a library that simplifies writing.. 
Apache-2 - Fiber (π₯17 Β·  β 1K Β· π) - Distributed Computing for AI Made Simple. 
Apache-2 - bluefog (π₯17 Β·  β 290 Β· π) - Distributed and decentralized training framework for PyTorch.. 
Apache-2 - parallelformers (π₯16 Β·  β 790 Β· π) - Parallelformers: An Efficient Model Parallelization.. 
Apache-2 - LazyCluster (π₯13 Β·  β 49 Β· π) - Distributed machine learning made simple. 
Apache-2 - autodist (π₯12 Β·  β 130 Β· π) - Simple Distributed Deep Learning on TensorFlow. 
Apache-2 - moolib (π₯11 Β·  β 370 Β· π) - A library for distributed ML training with PyTorch. 
MIT 
Libraries for hyperparameter optimization, automl and neural architecture search.
Optuna (π₯44 Β·  β 13K) - A hyperparameter optimization framework. MIT
- 
GitHub (π¨βπ» 320 Β· π 1.2K Β· π¦ 30K Β· π 1.8K - 3% open Β· β±οΈ 30.10.2025):
git clone https://github.com/optuna/optuna - 
PyPi (π₯ 7.6M / month Β· π¦ 1.5K Β· β±οΈ 18.08.2025):
pip install optuna - 
Conda (π₯ 3.4M Β· β±οΈ 19.08.2025):
conda install -c conda-forge optuna 
Ax (π₯36 Β·  β 2.6K) - Adaptive Experimentation Platform. MIT 
- 
GitHub (π¨βπ» 200 Β· π 350 Β· π¦ 1.2K Β· π 930 - 12% open Β· β±οΈ 30.10.2025):
git clone https://github.com/facebook/Ax - 
PyPi (π₯ 240K / month Β· π¦ 71 Β· β±οΈ 09.09.2025):
pip install ax-platform - 
Conda (π₯ 49K Β· β±οΈ 10.09.2025):
conda install -c conda-forge ax-platform 
AutoGluon (π₯35 Β·  β 9.6K) - Fast and Accurate ML in 3 Lines of Code. Apache-2 
 
- 
GitHub (π¨βπ» 140 Β· π 1.1K Β· π¦ 1.2K Β· π 1.8K - 24% open Β· β±οΈ 29.10.2025):
git clone https://github.com/autogluon/autogluon - 
PyPi (π₯ 260K / month Β· π¦ 38 Β· β±οΈ 23.10.2025):
pip install autogluon - 
Conda (π₯ 45K Β· β±οΈ 30.07.2025):
conda install -c conda-forge autogluon - 
Docker Hub (π₯ 20K Β· β 19 Β· β±οΈ 16.06.2025):
docker pull autogluon/autogluon 
BoTorch (π₯35 Β·  β 3.4K) - Bayesian optimization in PyTorch. MIT 
- 
GitHub (π¨βπ» 150 Β· π 450 Β· π¦ 1.8K Β· π 600 - 10% open Β· β±οΈ 29.10.2025):
git clone https://github.com/pytorch/botorch - 
PyPi (π₯ 480K / month Β· π¦ 140 Β· β±οΈ 23.10.2025):
pip install botorch - 
Conda (π₯ 180K Β· β±οΈ 24.10.2025):
conda install -c conda-forge botorch 
Bayesian Optimization (π₯34 Β·  β 8.4K) - A Python implementation of global optimization with.. MIT
Hyperopt (π₯34 Β·  β 7.5K Β· π€) - Distributed Asynchronous Hyperparameter Optimization in Python. BSD-3
- 
GitHub (π¨βπ» 100 Β· π 1.1K Β· π¦ 22K Β· π 800 - 17% open Β· β±οΈ 27.12.2024):
git clone https://github.com/hyperopt/hyperopt - 
PyPi (π₯ 2.7M / month Β· π¦ 450 Β· β±οΈ 17.11.2021):
pip install hyperopt - 
Conda (π₯ 860K Β· β±οΈ 22.04.2025):
conda install -c conda-forge hyperopt 
featuretools (π₯32 Β·  β 7.6K Β· π€) - An open source python library for automated feature.. BSD-3
- 
GitHub (π¨βπ» 75 Β· π 900 Β· π¦ 2.1K Β· π 1K - 15% open Β· β±οΈ 13.11.2024):
git clone https://github.com/alteryx/featuretools - 
PyPi (π₯ 100K / month Β· π¦ 74 Β· β±οΈ 14.05.2024):
pip install featuretools - 
Conda (π₯ 270K Β· β±οΈ 22.04.2025):
conda install -c conda-forge featuretools 
nevergrad (π₯30 Β·  β 4.1K) - A Python toolbox for performing gradient-free optimization. MIT
- 
GitHub (π¨βπ» 58 Β· π 360 Β· π¦ 1.2K Β· π 310 - 40% open Β· β±οΈ 23.04.2025):
git clone https://github.com/facebookresearch/nevergrad - 
PyPi (π₯ 150K / month Β· π¦ 72 Β· β±οΈ 23.04.2025):
pip install nevergrad - 
Conda (π₯ 67K Β· β±οΈ 22.04.2025):
conda install -c conda-forge nevergrad 
lazypredict (π₯28 Β·  β 3.2K) - Lazy Predict help build a lot of basic models without much code.. MIT 
- 
GitHub (π¨βπ» 19 Β· π 360 Β· π¦ 1.4K Β· π 160 - 64% open Β· β±οΈ 17.10.2025):
git clone https://github.com/shankarpandala/lazypredict - 
PyPi (π₯ 31K / month Β· π¦ 8 Β· β±οΈ 05.04.2025):
pip install lazypredict - 
Conda (π₯ 6.6K Β· β±οΈ 22.04.2025):
conda install -c conda-forge lazypredict 
mljar-supervised (π₯28 Β·  β 3.2K) - Python package for AutoML on Tabular Data with Feature.. MIT
- 
GitHub (π¨βπ» 30 Β· π 420 Β· π¦ 170 Β· π 680 - 21% open Β· β±οΈ 07.07.2025):
git clone https://github.com/mljar/mljar-supervised - 
PyPi (π₯ 8.7K / month Β· π¦ 6 Β· β±οΈ 07.07.2025):
pip install mljar-supervised - 
Conda (π₯ 52K Β· β±οΈ 08.07.2025):
conda install -c conda-forge mljar-supervised 
Hyperactive (π₯24 Β·  β 530) - An optimization and data collection toolbox for convenient and fast.. MIT
Auto ViML (π₯20 Β·  β 540 Β· π€) - Automatically Build Multiple ML Models with a Single Line of.. Apache-2
featurewiz (π₯18 Β·  β 670 Β· π€) - Use advanced feature engineering strategies and select best.. Apache-2
Show 36 hidden projects...
- TPOT (π₯32 Β·  β 10K) - A Python Automated Machine Learning tool that optimizes machine.. 
βοΈLGPL-3.0 - Keras Tuner (π₯32 Β·  β 2.9K Β· π) - A Hyperparameter Tuning Library for Keras. 
Apache-2 - scikit-optimize (π₯32 Β·  β 2.8K Β· π) - Sequential model-based optimization with a.. 
BSD-3 - NNI (π₯31 Β·  β 14K Β· π) - An open source AutoML toolkit for automate machine learning lifecycle,.. 
MIT - auto-sklearn (π₯31 Β·  β 8K Β· π) - Automated Machine Learning with scikit-learn. 
BSD-3 - Hyperas (π₯27 Β·  β 2.2K Β· π) - Keras + Hyperopt: A very simple wrapper for convenient.. 
MIT - SMAC3 (π₯27 Β·  β 1.2K Β· π€) - SMAC3: A Versatile Bayesian Optimization Package for.. 
βοΈBSD-1-Clause - GPyOpt (π₯26 Β·  β 950 Β· π) - Gaussian Process Optimization using GPy. 
BSD-3 - AdaNet (π₯24 Β·  β 3.5K Β· π) - Fast and flexible AutoML with learning guarantees. 
Apache-2 - auto_ml (π₯24 Β·  β 1.7K Β· π) - [UNMAINTAINED] Automated machine learning for analytics & production. 
MIT - Talos (π₯24 Β·  β 1.6K Β· π) - Hyperparameter Experiments with TensorFlow and Keras. 
MIT - lightwood (π₯24 Β·  β 490) - Lightwood is Legos for Machine Learning. 
βοΈGPL-3.0 - Orion (π₯24 Β·  β 300 Β· π) - Asynchronous Distributed Hyperparameter Optimization. 
BSD-3 - HpBandSter (π₯22 Β·  β 620 Β· π) - a distributed Hyperband implementation on Steroids. 
BSD-3 - MLBox (π₯21 Β·  β 1.5K Β· π) - MLBox is a powerful Automated Machine Learning python library. 
βοΈBSD-1-Clause - Test Tube (π₯21 Β·  β 740 Β· π) - Python library to easily log experiments and parallelize.. 
MIT - Neuraxle (π₯21 Β·  β 610 Β· π) - The worlds cleanest AutoML library - Do hyperparameter tuning.. 
Apache-2 - optunity (π₯21 Β·  β 420 Β· π) - optimization routines for hyperparameter tuning. 
BSD-3 - sklearn-deap (π₯20 Β·  β 770 Β· π) - Use evolutionary algorithms instead of gridsearch in.. 
MIT - opytimizer (π₯20 Β·  β 630 Β· π) - Opytimizer is a Python library consisting of meta-heuristic.. 
Apache-2 - igel (π₯19 Β·  β 3.1K Β· π) - a delightful machine learning tool that allows you to train, test, and.. 
MIT - Dragonfly (π₯19 Β·  β 890 Β· π) - An open source python library for scalable Bayesian optimisation. 
MIT - Auto Tune Models (π₯19 Β·  β 530 Β· π) - Auto Tune Models - A multi-tenant, multi-data system for.. 
MIT - Sherpa (π₯19 Β·  β 340 Β· π) - Hyperparameter optimization that enables researchers to.. 
βοΈGPL-3.0 - shap-hypetune (π₯18 Β·  β 580 Β· π) - A python package for simultaneous Hyperparameters Tuning and.. 
MIT - Advisor (π₯17 Β·  β 1.6K Β· π) - Open-source implementation of Google Vizier for hyper parameters.. 
Apache-2 - Xcessiv (π₯17 Β·  β 1.3K Β· π) - A web-based application for quick, scalable, and automated.. 
Apache-2 - automl-gs (π₯16 Β·  β 1.9K Β· π) - Provide an input CSV and a target field to predict, generate a.. 
MIT - HyperparameterHunter (π₯16 Β·  β 710 Β· π) - Easy hyperparameter optimization and automatic result.. 
MIT - Parfit (π₯15 Β·  β 200 Β· π) - A package for parallelizing the fit and flexibly scoring of.. 
MIT - ENAS (π₯13 Β·  β 2.7K Β· π) - 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.3K Β· π) - 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 
Libraries for building and evaluating reinforcement learning & agent-based systems.
Dopamine (π₯27 Β·  β 11K Β· π€) - Dopamine is a research framework for fast prototyping of.. Apache-2 
Acme (π₯27 Β·  β 3.8K) - A library of reinforcement learning components and agents. Apache-2 
- 
GitHub (π¨βπ» 90 Β· π 500 Β· π¦ 250 Β· π 270 - 24% open Β· β±οΈ 26.09.2025):
git clone https://github.com/deepmind/acme - 
PyPi (π₯ 6.4K / month Β· π¦ 3 Β· β±οΈ 10.02.2022):
pip install dm-acme - 
Conda (π₯ 14K Β· β±οΈ 22.04.2025):
conda install -c conda-forge dm-acme 
TF-Agents (π₯27 Β·  β 3K) - TF-Agents: A reliable, scalable and easy to use TensorFlow.. Apache-2 
PARL (π₯24 Β·  β 3.4K) - A high-performance distributed training framework for Reinforcement.. Apache-2 
Show 15 hidden projects...
- OpenAI Gym (π₯40 Β·  β 37K Β· π) - A toolkit for developing and comparing reinforcement learning.. 
MIT - baselines (π₯29 Β·  β 17K Β· π) - OpenAI Baselines: high-quality implementations of reinforcement.. 
MIT - keras-rl (π₯28 Β·  β 5.6K Β· π) - Deep Reinforcement Learning for Keras. 
MIT - TensorLayer (π₯27 Β·  β 7.4K Β· π) - Deep Learning and Reinforcement Learning Library for.. 
Apache-2 - TensorForce (π₯27 Β·  β 3.3K Β· π) - Tensorforce: a TensorFlow library for applied.. 
Apache-2 - garage (π₯26 Β·  β 2K Β· π) - A toolkit for reproducible reinforcement learning research. 
MIT - ChainerRL (π₯25 Β·  β 1.2K Β· π) - ChainerRL is a deep reinforcement learning library built on top of.. 
MIT - Stable Baselines (π₯24 Β·  β 4.3K Β· π) - A fork of OpenAI Baselines, implementations of.. 
MIT - PFRL (π₯23 Β·  β 1.2K Β· π) - PFRL: a PyTorch-based deep reinforcement learning library. 
MIT - TRFL (π₯22 Β·  β 3.1K Β· π) - TensorFlow Reinforcement Learning. 
Apache-2 - Coach (π₯20 Β·  β 2.3K Β· π) - Reinforcement Learning Coach by Intel AI Lab enables easy.. 
Apache-2 - SerpentAI (π₯19 Β·  β 6.9K Β· π) - Game Agent Framework. Helping you create AIs / Bots that learn to.. 
MIT - DeepMind Lab (π₯17 Β·  β 7.3K Β· π) - A customisable 3D platform for agent-based AI research. 
βUnlicensed - Maze (π₯12 Β·  β 280 Β· π) - Maze Applied Reinforcement Learning Framework. 
βοΈCustom - rliable (π₯11 Β·  β 850 Β· π) - [NeurIPS21 Outstanding Paper] Library for reliable evaluation on.. 
Apache-2 
Libraries for building and evaluating recommendation systems.
Recommenders (π₯33 Β·  β 21K) - Best Practices on Recommendation Systems. MIT
Cornac (π₯28 Β·  β 1K) - A Comparative Framework for Multimodal Recommender Systems. Apache-2
- 
GitHub (π¨βπ» 24 Β· π 160 Β· π¦ 300 Β· π 170 - 17% open Β· β±οΈ 04.10.2025):
git clone https://github.com/PreferredAI/cornac - 
PyPi (π₯ 44K / month Β· π¦ 18 Β· β±οΈ 04.10.2025):
pip install cornac - 
Conda (π₯ 920K Β· β±οΈ 05.10.2025):
conda install -c conda-forge cornac 
lkpy (π₯28 Β·  β 300) - Python recommendation toolkit. MIT
- 
GitHub (π¨βπ» 41 Β· π 72 Β· π¦ 140 Β· π 290 - 33% open Β· β±οΈ 29.10.2025):
git clone https://github.com/lenskit/lkpy - 
PyPi (π₯ 6.6K / month Β· π¦ 13 Β· β±οΈ 22.10.2025):
pip install lenskit - 
Conda (π₯ 52K Β· β±οΈ 23.10.2025):
conda install -c conda-forge lenskit 
RecBole (π₯25 Β·  β 4.1K Β· π€) - A unified, comprehensive and efficient recommendation library. MIT 
TF Recommenders (π₯25 Β·  β 2K) - TensorFlow Recommenders is a library for building.. Apache-2 
Show 11 hidden projects...
- implicit (π₯30 Β·  β 3.7K Β· π) - Fast Python Collaborative Filtering for Implicit Feedback Datasets. 
MIT - lightfm (π₯28 Β·  β 5K Β· π) - A Python implementation of LightFM, a hybrid recommendation.. 
Apache-2 - scikit-surprise (π₯27 Β·  β 6.7K Β· π) - A Python scikit for building and analyzing recommender.. 
BSD-3 - TF Ranking (π₯26 Β·  β 2.8K Β· π) - Learning to Rank in TensorFlow. 
Apache-2 - fastFM (π₯22 Β·  β 1.1K Β· π) - fastFM: A Library for Factorization Machines. 
BSD-3 - tensorrec (π₯21 Β·  β 1.3K Β· π) - A TensorFlow recommendation algorithm and framework in.. 
Apache-2 - Spotlight (π₯18 Β·  β 3K Β· π) - Deep recommender models using PyTorch. 
MIT - recmetrics (π₯18 Β·  β 580 Β· π) - A library of metrics for evaluating recommender systems. 
MIT - Case Recommender (π₯18 Β·  β 500 Β· π) - Case Recommender: A Flexible and Extensible Python.. 
MIT - OpenRec (π₯16 Β·  β 420 Β· π) - OpenRec is an open-source and modular library for neural network-.. 
Apache-2 - Collie (π₯10 Β·  β 100 Β· π) - A library for preparing, training, and evaluating scalable deep.. 
BSD-3 
Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy.
Opacus (π₯32 Β·  β 1.9K) - Training PyTorch models with differential privacy. Apache-2 
- 
GitHub (π¨βπ» 87 Β· π 370 Β· π₯ 150 Β· π¦ 1.2K Β· π 340 - 19% open Β· β±οΈ 27.10.2025):
git clone https://github.com/pytorch/opacus - 
PyPi (π₯ 92K / month Β· π¦ 49 Β· β±οΈ 27.05.2025):
pip install opacus - 
Conda (π₯ 28K Β· β±οΈ 09.07.2025):
conda install -c conda-forge opacus 
PySyft (π₯31 Β·  β 9.8K) - Perform data science on data that remains in someone elses server. Apache-2 
TensorFlow Privacy (π₯24 Β·  β 2K) - Library for training machine learning models with.. Apache-2 
Show 2 hidden projects...
- TFEncrypted (π₯24 Β·  β 1.2K Β· π) - A Framework for Encrypted Machine Learning in.. 
Apache-2 - PipelineDP (π₯19 Β·  β 280) - PipelineDP is a Python framework for applying differentially.. 
Apache-2 
Libraries to organize, track, and visualize machine learning experiments.
mlflow (π₯47 Β·  β 23K) - The open source developer platform to build AI/LLM applications and.. Apache-2
- 
GitHub (π¨βπ» 910 Β· π 4.9K Β· π¦ 66K Β· π 5.2K - 39% open Β· β±οΈ 30.10.2025):
git clone https://github.com/mlflow/mlflow - 
PyPi (π₯ 26M / month Β· π¦ 1.3K Β· β±οΈ 22.10.2025):
pip install mlflow - 
Conda (π₯ 3.7M Β· β±οΈ 24.10.2025):
conda install -c conda-forge mlflow 
wandb client (π₯44 Β·  β 10K) - The AI developer platform. Use Weights & Biases to train and fine-.. MIT
- 
GitHub (π¨βπ» 220 Β· π 790 Β· π₯ 1.2K Β· π¦ 84K Β· π 3.7K - 18% open Β· β±οΈ 30.10.2025):
git clone https://github.com/wandb/client - 
PyPi (π₯ 20M / month Β· π¦ 2.3K Β· β±οΈ 28.10.2025):
pip install wandb - 
Conda (π₯ 1.2M Β· β±οΈ 30.10.2025):
conda install -c conda-forge wandb 
DVC (π₯42 Β·  β 15K) - Data Versioning and ML Experiments. Apache-2
- 
GitHub (π¨βπ» 320 Β· π 1.2K Β· π¦ 24K Β· π 4.9K - 4% open Β· β±οΈ 28.10.2025):
git clone https://github.com/iterative/dvc - 
PyPi (π₯ 1.5M / month Β· π¦ 140 Β· β±οΈ 02.09.2025):
pip install dvc - 
Conda (π₯ 3.1M Β· β±οΈ 02.09.2025):
conda install -c conda-forge dvc 
Tensorboard (π₯41 Β·  β 7K) - TensorFlows Visualization Toolkit. Apache-2 
- 
GitHub (π¨βπ» 330 Β· π 1.7K Β· π¦ 330K Β· π 2K - 36% open Β· β±οΈ 12.08.2025):
git clone https://github.com/tensorflow/tensorboard - 
PyPi (π₯ 31M / month Β· π¦ 2.8K Β· β±οΈ 17.07.2025):
pip install tensorboard - 
Conda (π₯ 6M Β· β±οΈ 18.07.2025):
conda install -c conda-forge tensorboard 
SageMaker SDK (π₯41 Β·  β 2.2K) - A library for training and deploying machine learning.. Apache-2 
 
- 
GitHub (π¨βπ» 500 Β· π 1.2K Β· π¦ 6.2K Β· π 1.6K - 21% open Β· β±οΈ 29.10.2025):
git clone https://github.com/aws/sagemaker-python-sdk - 
PyPi (π₯ 27M / month Β· π¦ 210 Β· β±οΈ 29.10.2025):
pip install sagemaker - 
Conda (π₯ 1.8M Β· β±οΈ 30.10.2025):
conda install -c conda-forge sagemaker-python-sdk 
Metaflow (π₯37 Β·  β 9.6K) - Build, Manage and Deploy AI/ML Systems. Apache-2
- 
GitHub (π¨βπ» 120 Β· π 930 Β· π¦ 950 Β· π 840 - 43% open Β· β±οΈ 29.10.2025):
git clone https://github.com/Netflix/metaflow - 
PyPi (π₯ 740K / month Β· π¦ 53 Β· β±οΈ 29.10.2025):
pip install metaflow - 
Conda (π₯ 340K Β· β±οΈ 29.10.2025):
conda install -c conda-forge metaflow 
tensorboardX (π₯35 Β·  β 8K) - tensorboard for pytorch (and chainer, mxnet, numpy, ...). MIT
- 
GitHub (π¨βπ» 85 Β· π 860 Β· π₯ 500 Β· π¦ 60K Β· π 470 - 18% open Β· β±οΈ 13.06.2025):
git clone https://github.com/lanpa/tensorboardX - 
PyPi (π₯ 4.5M / month Β· π¦ 740 Β· β±οΈ 10.06.2025):
pip install tensorboardX - 
Conda (π₯ 1.3M Β· β±οΈ 22.04.2025):
conda install -c conda-forge tensorboardx 
PyCaret (π₯34 Β·  β 9.6K Β· π€) - An open-source, low-code machine learning library in Python. MIT
- 
GitHub (π¨βπ» 140 Β· π 1.8K Β· π₯ 730 Β· π¦ 7.9K Β· π 2.3K - 16% open Β· β±οΈ 06.03.2025):
git clone https://github.com/pycaret/pycaret - 
PyPi (π₯ 310K / month Β· π¦ 31 Β· β±οΈ 28.04.2024):
pip install pycaret - 
Conda (π₯ 78K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pycaret 
ClearML (π₯34 Β·  β 6.3K) - ClearML - Auto-Magical CI/CD to streamline your AI workload... Apache-2
- 
GitHub (π¨βπ» 100 Β· π 710 Β· π₯ 3.5K Β· π¦ 1.9K Β· π 1.2K - 45% open Β· β±οΈ 27.10.2025):
git clone https://github.com/allegroai/clearml - 
PyPi (π₯ 500K / month Β· π¦ 78 Β· β±οΈ 22.10.2025):
pip install clearml - 
Docker Hub (π₯ 31K Β· β±οΈ 05.10.2020):
docker pull allegroai/trains 
snakemake (π₯34 Β·  β 2.6K) - This is the development home of the workflow management system.. MIT
- 
GitHub (π¨βπ» 380 Β· π 610 Β· π¦ 2.5K Β· π 2.1K - 58% open Β· β±οΈ 29.10.2025):
git clone https://github.com/snakemake/snakemake - 
PyPi (π₯ 130K / month Β· π¦ 320 Β· β±οΈ 22.10.2025):
pip install snakemake - 
Conda (π₯ 1.5M Β· β±οΈ 28.10.2025):
conda install -c bioconda snakemake 
kaggle (π₯33 Β·  β 6.9K) - Official Kaggle API. Apache-2
- 
GitHub (π¨βπ» 49 Β· π 1.2K Β· π¦ 21 Β· π 530 - 27% open Β· β±οΈ 28.10.2025):
git clone https://github.com/Kaggle/kaggle-api - 
PyPi (π₯ 610K / month Β· π¦ 240 Β· β±οΈ 08.05.2025):
pip install kaggle - 
Conda (π₯ 250K Β· β±οΈ 11.08.2025):
conda install -c conda-forge kaggle 
aim (π₯32 Β·  β 5.8K) - Aim An easy-to-use & supercharged open-source experiment tracker. Apache-2
- 
GitHub (π¨βπ» 82 Β· π 360 Β· π¦ 1.1K Β· π 1.1K - 37% open Β· β±οΈ 26.06.2025):
git clone https://github.com/aimhubio/aim - 
PyPi (π₯ 120K / month Β· π¦ 56 Β· β±οΈ 11.06.2025):
pip install aim - 
Conda (π₯ 140K Β· β±οΈ 22.04.2025):
conda install -c conda-forge aim 
AzureML SDK (π₯31 Β·  β 4.3K Β· π€) - Python notebooks with ML and deep learning examples with Azure.. MIT
sacred (π₯29 Β·  β 4.3K) - Sacred is a tool to help you configure, organize, log and reproduce.. MIT
- 
GitHub (π¨βπ» 110 Β· π 390 Β· π¦ 3.6K Β· π 560 - 18% open Β· β±οΈ 22.10.2025):
git clone https://github.com/IDSIA/sacred - 
PyPi (π₯ 48K / month Β· π¦ 60 Β· β±οΈ 26.11.2024):
pip install sacred - 
Conda (π₯ 9.9K Β· β±οΈ 22.04.2025):
conda install -c conda-forge sacred 
Neptune.ai (π₯29 Β·  β 620) - The experiment tracker for foundation model training. Apache-2
- 
GitHub (π¨βπ» 57 Β· π 66 Β· π¦ 920 Β· π 260 - 12% open Β· β±οΈ 09.06.2025):
git clone https://github.com/neptune-ai/neptune-client - 
PyPi (π₯ 480K / month Β· π¦ 77 Β· β±οΈ 15.04.2025):
pip install neptune-client - 
Conda (π₯ 390K Β· β±οΈ 22.04.2025):
conda install -c conda-forge neptune-client 
livelossplot (π₯25 Β·  β 1.3K Β· π€) - Live training loss plot in Jupyter Notebook for Keras,.. MIT 
ml-metadata (π₯25 Β·  β 660) - For recording and retrieving metadata associated with ML.. Apache-2
Labml (π₯24 Β·  β 2.3K) - Monitor deep learning model training and hardware usage from your mobile.. MIT
gokart (π₯24 Β·  β 330) - Gokart solves reproducibility, task dependencies, constraints of good code,.. MIT
TensorWatch (π₯22 Β·  β 3.5K) - Debugging, monitoring and visualization for Python Machine Learning.. MIT
Show 13 hidden projects...
- Catalyst (π₯28 Β·  β 3.4K Β· π) - Accelerated deep learning R&D. 
Apache-2 - knockknock (π₯25 Β·  β 2.8K Β· π) - Knock Knock: Get notified when your training ends with only two.. 
MIT - hiddenlayer (π₯22 Β·  β 1.9K Β· π) - Neural network graphs and training metrics for.. 
MIT - SKLL (π₯22 Β·  β 560 Β· π€) - SciKit-Learn Laboratory (SKLL) makes it easy to run machine.. 
βUnlicensed - TensorBoard Logger (π₯21 Β·  β 630 Β· π) - Log TensorBoard events without touching TensorFlow. 
MIT - Studio.ml (π₯21 Β·  β 380 Β· π) - Studio: Simplify and expedite model building process. 
Apache-2 - lore (π₯20 Β·  β 1.5K Β· π) - Lore makes machine learning approachable for Software Engineers and.. 
MIT - chitra (π₯17 Β·  β 230) - A multi-functional library for full-stack Deep Learning. Simplifies.. 
Apache-2 - steppy (π₯17 Β·  β 140 Β· π) - Lightweight, Python library for fast and reproducible experimentation. 
MIT - MXBoard (π₯16 Β·  β 320 Β· π) - Logging MXNet data for visualization in TensorBoard. 
Apache-2 - caliban (π₯15 Β·  β 500 Β· π) - Research workflows made easy, locally and in the Cloud. 
Apache-2 - ModelChimp (π₯12 Β·  β 130 Β· π) - Experiment tracking for machine and deep learning projects. 
BSD-2 - traintool (π₯8 Β·  β 12 Β· π) - 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.
onnx (π₯43 Β·  β 20K) - Open standard for machine learning interoperability. Apache-2
- 
GitHub (π¨βπ» 360 Β· π 3.8K Β· π₯ 25K Β· π¦ 49K Β· π 3.1K - 9% open Β· β±οΈ 29.10.2025):
git clone https://github.com/onnx/onnx - 
PyPi (π₯ 13M / month Β· π¦ 1.6K Β· β±οΈ 10.10.2025):
pip install onnx - 
Conda (π₯ 2.1M Β· β±οΈ 11.10.2025):
conda install -c conda-forge onnx 
huggingface_hub (π₯40 Β·  β 3K) - The official Python client for the Hugging Face Hub. Apache-2
- 
GitHub (π¨βπ» 280 Β· π 830 Β· π 1.3K - 11% open Β· β±οΈ 30.10.2025):
git clone https://github.com/huggingface/huggingface_hub - 
PyPi (π₯ 120M / month Β· π¦ 4.1K Β· β±οΈ 28.10.2025):
pip install huggingface_hub - 
Conda (π₯ 4.2M Β· β±οΈ 28.10.2025):
conda install -c conda-forge huggingface_hub 
BentoML (π₯36 Β·  β 8.2K) - The easiest way to serve AI apps and models - Build Model Inference.. Apache-2
Core ML Tools (π₯35 Β·  β 5K) - Core ML tools contain supporting tools for Core ML model.. BSD-3
- 
GitHub (π¨βπ» 200 Β· π 710 Β· π₯ 15K Β· π¦ 5.1K Β· π 1.6K - 26% open Β· β±οΈ 22.09.2025):
git clone https://github.com/apple/coremltools - 
PyPi (π₯ 1.1M / month Β· π¦ 110 Β· β±οΈ 28.07.2025):
pip install coremltools - 
Conda (π₯ 110K Β· β±οΈ 02.10.2025):
conda install -c conda-forge coremltools 
TorchServe (π₯33 Β·  β 4.4K Β· π€) - Serve, optimize and scale PyTorch models in production. Apache-2 
- 
GitHub (π¨βπ» 220 Β· π 890 Β· π₯ 8K Β· π¦ 900 Β· π 1.7K - 25% open Β· β±οΈ 17.03.2025):
git clone https://github.com/pytorch/serve - 
PyPi (π₯ 97K / month Β· π¦ 26 Β· β±οΈ 30.09.2024):
pip install torchserve - 
Conda (π₯ 570K Β· β±οΈ 25.03.2025):
conda install -c pytorch torchserve - 
Docker Hub (π₯ 1.5M Β· β 32 Β· β±οΈ 30.09.2024):
docker pull pytorch/torchserve 
hls4ml (π₯28 Β·  β 1.7K) - Machine learning on FPGAs using HLS. Apache-2 
 
- 
GitHub (π¨βπ» 82 Β· π 440 Β· π¦ 51 Β· π 480 - 41% open Β· β±οΈ 20.10.2025):
git clone https://github.com/fastmachinelearning/hls4ml - 
PyPi (π₯ 1.7K / month Β· π¦ 1 Β· β±οΈ 17.03.2025):
pip install hls4ml - 
Conda (π₯ 12K Β· β±οΈ 22.04.2025):
conda install -c conda-forge hls4ml 
mmdnn (π₯25 Β·  β 5.8K) - MMdnn is a set of tools to help users inter-operate among different deep.. MIT
Hummingbird (π₯24 Β·  β 3.5K) - Hummingbird compiles trained ML models into tensor computation for.. MIT
- 
GitHub (π¨βπ» 40 Β· π 290 Β· π₯ 930 Β· π 330 - 21% open Β· β±οΈ 17.07.2025):
git clone https://github.com/microsoft/hummingbird - 
PyPi (π₯ 7.6K / month Β· π¦ 7 Β· β±οΈ 25.10.2024):
pip install hummingbird-ml - 
Conda (π₯ 64K Β· β±οΈ 22.04.2025):
conda install -c conda-forge hummingbird-ml 
tfdeploy (π₯15 Β·  β 360 Β· π€) - Deploy tensorflow graphs for fast evaluation and export to.. BSD-3 
Show 10 hidden projects...
- m2cgen (π₯25 Β·  β 2.9K Β· π) - Transform ML models into a native code (Java, C, Python, Go,.. 
MIT - sklearn-porter (π₯23 Β·  β 1.3K Β· π) - Transpile trained scikit-learn estimators to C, Java,.. 
BSD-3 - cortex (π₯22 Β·  β 8K Β· π) - Production infrastructure for machine learning at scale. 
Apache-2 - nebullvm (π₯21 Β·  β 8.4K Β· π) - A collection of libraries to optimise AI model performances. 
Apache-2 - Larq Compute Engine (π₯20 Β·  β 250) - Highly optimized inference engine for Binarized.. 
Apache-2 - pytorch2keras (π₯19 Β·  β 860 Β· π) - PyTorch to Keras model convertor. 
MIT - OMLT (π₯19 Β·  β 340) - Represent trained machine learning models as Pyomo optimization.. 
βUnlicensed - modelkit (π₯17 Β·  β 150 Β· π) - Toolkit for developing and maintaining ML models. 
MIT - backprop (π₯14 Β·  β 240 Β· π) - Backprop makes it simple to use, finetune, and deploy state-of-.. 
Apache-2 - ml-ane-transformers (π₯13 Β·  β 2.7K Β· π) - Reference implementation of the Transformer.. 
βUnlicensed 
Libraries to visualize, explain, debug, evaluate, and interpret machine learning models.
shap (π₯42 Β·  β 25K) - A game theoretic approach to explain the output of any machine learning model. MIT
- 
GitHub (π¨βπ» 280 Β· π 3.4K Β· π¦ 36K Β· π 2.7K - 23% open Β· β±οΈ 30.10.2025):
git clone https://github.com/slundberg/shap - 
PyPi (π₯ 9.5M / month Β· π¦ 1.2K Β· β±οΈ 14.10.2025):
pip install shap - 
Conda (π₯ 7.5M Β· β±οΈ 17.06.2025):
conda install -c conda-forge shap 
arviz (π₯37 Β·  β 1.7K) - Exploratory analysis of Bayesian models with Python. Apache-2
- 
GitHub (π¨βπ» 180 Β· π 460 Β· π₯ 190 Β· π¦ 11K Β· π 900 - 19% open Β· β±οΈ 22.10.2025):
git clone https://github.com/arviz-devs/arviz - 
PyPi (π₯ 3.7M / month Β· π¦ 410 Β· β±οΈ 09.07.2025):
pip install arviz - 
Conda (π₯ 2.5M Β· β±οΈ 10.07.2025):
conda install -c conda-forge arviz 
Netron (π₯36 Β·  β 32K) - Visualizer for neural network, deep learning and machine learning.. MIT 
 
evaluate (π₯34 Β·  β 2.4K) - Evaluate: A library for easily evaluating machine learning models.. Apache-2
InterpretML (π₯33 Β·  β 6.7K) - Fit interpretable models. Explain blackbox machine learning. MIT 
Captum (π₯33 Β·  β 5.4K) - Model interpretability and understanding for PyTorch. BSD-3 
- 
GitHub (π¨βπ» 140 Β· π 540 Β· π¦ 3.5K Β· π 610 - 41% open Β· β±οΈ 23.10.2025):
git clone https://github.com/pytorch/captum - 
PyPi (π₯ 330K / month Β· π¦ 170 Β· β±οΈ 27.03.2025):
pip install captum - 
Conda (π₯ 130K Β· β±οΈ 22.04.2025):
conda install -c conda-forge captum 
DoWhy (π₯30 Β·  β 7.8K) - DoWhy is a Python library for causal inference that supports explicit.. MIT
- 
GitHub (π¨βπ» 100 Β· π 980 Β· π₯ 43 Β· π¦ 660 Β· π 510 - 27% open Β· β±οΈ 28.10.2025):
git clone https://github.com/py-why/dowhy - 
PyPi (π₯ 83K / month Β· π¦ 28 Β· β±οΈ 12.07.2025):
pip install dowhy - 
Conda (π₯ 51K Β· β±οΈ 13.07.2025):
conda install -c conda-forge dowhy 
shapash (π₯30 Β·  β 3K) - Shapash: User-friendly Explainability and Interpretability to.. Apache-2 
explainerdashboard (π₯30 Β·  β 2.5K) - Quickly build Explainable AI dashboards that show the inner.. MIT
- 
GitHub (π¨βπ» 23 Β· π 340 Β· π¦ 650 Β· π 240 - 16% open Β· β±οΈ 01.08.2025):
git clone https://github.com/oegedijk/explainerdashboard - 
PyPi (π₯ 42K / month Β· π¦ 15 Β· β±οΈ 03.06.2025):
pip install explainerdashboard - 
Conda (π₯ 75K Β· β±οΈ 04.06.2025):
conda install -c conda-forge explainerdashboard 
fairlearn (π₯30 Β·  β 2.1K) - A Python package to assess and improve fairness of machine.. MIT 
- 
GitHub (π¨βπ» 100 Β· π 470 Β· π¦ 3 Β· π 520 - 24% open Β· β±οΈ 27.10.2025):
git clone https://github.com/fairlearn/fairlearn - 
PyPi (π₯ 160K / month Β· π¦ 80 Β· β±οΈ 19.10.2025):
pip install fairlearn - 
Conda (π₯ 55K Β· β±οΈ 22.04.2025):
conda install -c conda-forge fairlearn 
dtreeviz (π₯28 Β·  β 3.1K Β· π€) - A python library for decision tree visualization and model.. MIT
- 
GitHub (π¨βπ» 27 Β· π 340 Β· π¦ 1.6K Β· π 210 - 35% open Β· β±οΈ 06.03.2025):
git clone https://github.com/parrt/dtreeviz - 
PyPi (π₯ 110K / month Β· π¦ 53 Β· β±οΈ 07.07.2022):
pip install dtreeviz - 
Conda (π₯ 120K Β· β±οΈ 22.04.2025):
conda install -c conda-forge dtreeviz 
Model Analysis (π₯27 Β·  β 1.3K) - Model analysis tools for TensorFlow. Apache-2 
 
Fairness 360 (π₯26 Β·  β 2.7K) - A comprehensive set of fairness metrics for datasets and.. Apache-2
- 
GitHub (π¨βπ» 73 Β· π 870 Β· π¦ 740 Β· π 300 - 65% open Β· β±οΈ 16.10.2025):
git clone https://github.com/Trusted-AI/AIF360 - 
PyPi (π₯ 29K / month Β· π¦ 32 Β· β±οΈ 08.04.2024):
pip install aif360 - 
Conda (π₯ 29K Β· β±οΈ 22.04.2025):
conda install -c conda-forge aif360 
imodels (π₯26 Β·  β 1.5K) - Interpretable ML package for concise, transparent, and accurate.. MIT
LIT (π₯25 Β·  β 3.6K Β· π€) - The Learning Interpretability Tool: Interactively analyze ML models.. Apache-2
responsible-ai-widgets (π₯25 Β·  β 1.6K Β· π€) - Responsible AI Toolbox is a suite of tools providing.. MIT 
 
 
Explainability 360 (π₯24 Β·  β 1.7K Β· π€) - Interpretability and explainability of data and.. Apache-2
random-forest-importances (π₯19 Β·  β 620 Β· π€) - Code to compute permutation and drop-column.. MIT 
fairness-indicators (π₯18 Β·  β 360) - Tensorflows Fairness Evaluation and Visualization.. Apache-2 
 
Show 32 hidden projects...
- Lime (π₯32 Β·  β 12K Β· π) - Lime: Explaining the predictions of any machine learning classifier. 
BSD-2 - pyLDAvis (π₯29 Β·  β 1.8K Β· π) - Python library for interactive topic model visualization... 
BSD-3 - yellowbrick (π₯27 Β·  β 4.4K Β· π) - Visual analysis and diagnostic tools to facilitate.. 
Apache-2 - Deep Checks (π₯27 Β·  β 3.9K) - Deepchecks: Tests for Continuous Validation of ML Models &.. 
βοΈAGPL-3.0 - Alibi (π₯27 Β·  β 2.6K) - Algorithms for explaining machine learning models. 
βοΈIntel - scikit-plot (π₯27 Β·  β 2.4K Β· π) - An intuitive library to add plotting functionality to.. 
MIT - DALEX (π₯27 Β·  β 1.4K) - moDel Agnostic Language for Exploration and eXplanation (JMLR 2018;.. 
βοΈGPL-3.0 - eli5 (π₯26 Β·  β 2.8K Β· π) - A library for debugging/inspecting machine learning classifiers and.. 
MIT - iNNvestigate (π₯26 Β·  β 1.3K Β· π) - A toolbox to iNNvestigate neural networks predictions!. 
BSD-2 - Lucid (π₯25 Β·  β 4.7K Β· π) - A collection of infrastructure and tools for research in.. 
Apache-2 - keras-vis (π₯25 Β·  β 3K Β· π) - Neural network visualization toolkit for keras. 
MIT - CausalNex (π₯24 Β·  β 2.4K Β· π) - A Python library that helps data scientists to infer.. 
Apache-2 - checklist (π₯24 Β·  β 2K Β· π) - Beyond Accuracy: Behavioral Testing of NLP models with CheckList. 
MIT - What-If Tool (π₯23 Β·  β 980 Β· π) - Source code/webpage/demos for the What-If Tool. 
Apache-2 - tf-explain (π₯22 Β·  β 1K Β· π) - Interpretability Methods for tf.keras models with Tensorflow.. 
MIT - deeplift (π₯22 Β·  β 870 Β· π) - Public facing deeplift repo. 
MIT - TreeInterpreter (π₯22 Β·  β 760 Β· π) - Package for interpreting scikit-learns decision tree.. 
BSD-3 - Quantus (π₯22 Β·  β 630) - Quantus is an eXplainable AI toolkit for responsible evaluation of.. 
βοΈGPL-3.0 - XAI (π₯21 Β·  β 1.2K Β· π) - XAI - An eXplainability toolbox for machine learning. 
MIT - tcav (π₯20 Β·  β 640 Β· π) - Code for the TCAV ML interpretability project. 
Apache-2 - ecco (π₯19 Β·  β 2.1K Β· π) - Explain, analyze, and visualize NLP language models. Ecco creates.. 
BSD-3 - sklearn-evaluation (π₯17 Β·  β 460 Β· π) - Machine learning model evaluation made easy: plots,.. 
MIT - model-card-toolkit (π₯17 Β·  β 440 Β· π) - A toolkit that streamlines and automates the.. 
Apache-2 - Anchor (π₯16 Β·  β 810 Β· π) - Code for High-Precision Model-Agnostic Explanations paper. 
BSD-2 - FlashTorch (π₯15 Β·  β 740 Β· π) - Visualization toolkit for neural networks in PyTorch! Demo --. 
MIT - ExplainX.ai (π₯15 Β·  β 440 Β· π) - Explainable AI framework for data scientists. Explain & debug any.. 
MIT - effector (π₯15 Β·  β 120) - Effector - a Python package for global and regional effect methods. 
MIT - Skater (π₯14 Β·  β 1.1K) - Python Library for Model Interpretation/Explanations. 
βοΈUPL-1.0 - interpret-text (π₯14 Β·  β 430 Β· π) - A library that incorporates state-of-the-art explainers.. 
MIT - bias-detector (π₯13 Β·  β 45 Β· π) - Bias Detector is a python package for detecting bias in machine.. 
MIT - Attribution Priors (π₯12 Β·  β 120 Β· π) - Tools for training explainable models using.. 
MIT - contextual-ai (π₯12 Β·  β 87 Β· π) - Contextual AI adds explainability to different stages of.. 
Apache-2 
Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search.
πΒ ANN Benchmarks ( β 5.5K) - Benchmarks of approximate nearest neighbor libraries in Python.
Milvus (π₯43 Β·  β 38K) - Milvus is a high-performance, cloud-native vector database built for.. Apache-2
- 
GitHub (π¨βπ» 330 Β· π 3.5K Β· π₯ 290K Β· π 15K - 5% open Β· β±οΈ 30.10.2025):
git clone https://github.com/milvus-io/milvus - 
PyPi (π₯ 3.3M / month Β· π¦ 350 Β· β±οΈ 19.09.2025):
pip install pymilvus - 
Docker Hub (π₯ 72M Β· β 90 Β· β±οΈ 30.10.2025):
docker pull milvusdb/milvus 
Faiss (π₯42 Β·  β 38K Β· π) - A library for efficient similarity search and clustering of dense vectors. MIT
- 
GitHub (π¨βπ» 260 Β· π 4K Β· π¦ 5K Β· π 2.7K - 9% open Β· β±οΈ 30.10.2025):
git clone https://github.com/facebookresearch/faiss - 
PyPi (π₯ 3.3M / month Β· π¦ 350 Β· β±οΈ 19.09.2025):
pip install pymilvus - 
Conda (π₯ 3M Β· β±οΈ 22.04.2025):
conda install -c conda-forge faiss 
Annoy (π₯35 Β·  β 14K) - Approximate Nearest Neighbors in C++/Python optimized for memory usage.. Apache-2
- 
GitHub (π¨βπ» 90 Β· π 1.2K Β· π¦ 5.4K Β· π 420 - 16% open Β· β±οΈ 29.10.2025):
git clone https://github.com/spotify/annoy - 
PyPi (π₯ 1M / month Β· π¦ 200 Β· β±οΈ 14.06.2023):
pip install annoy - 
Conda (π₯ 800K Β· β±οΈ 01.09.2025):
conda install -c conda-forge python-annoy 
USearch (π₯33 Β·  β 3.2K) - Fast Open-Source Search & Clustering engine for Vectors & Arbitrary.. Apache-2
- 
GitHub (π¨βπ» 81 Β· π 230 Β· π₯ 110K Β· π¦ 210 Β· π 250 - 32% open Β· β±οΈ 29.10.2025):
git clone https://github.com/unum-cloud/usearch - 
PyPi (π₯ 140K / month Β· π¦ 44 Β· β±οΈ 04.09.2025):
pip install usearch - 
npm (π₯ 18K / month Β· π¦ 23 Β· β±οΈ 29.10.2025):
npm install usearch - 
Docker Hub (π₯ 480 Β· β 1 Β· β±οΈ 29.10.2025):
docker pull unum/usearch 
NMSLIB (π₯32 Β·  β 3.5K) - Non-Metric Space Library (NMSLIB): An efficient similarity search.. Apache-2
- 
GitHub (π¨βπ» 49 Β· π 460 Β· π¦ 1.4K Β· π 440 - 20% open Β· β±οΈ 22.10.2025):
git clone https://github.com/nmslib/nmslib - 
PyPi (π₯ 280K / month Β· π¦ 67 Β· β±οΈ 23.10.2025):
pip install nmslib - 
Conda (π₯ 230K Β· β±οΈ 30.08.2025):
conda install -c conda-forge nmslib 
PyNNDescent (π₯28 Β·  β 950) - A Python nearest neighbor descent for approximate nearest neighbors. BSD-2
- 
GitHub (π¨βπ» 31 Β· π 110 Β· π¦ 13K Β· π 140 - 53% open Β· β±οΈ 17.10.2025):
git clone https://github.com/lmcinnes/pynndescent - 
PyPi (π₯ 2.5M / month Β· π¦ 160 Β· β±οΈ 17.06.2024):
pip install pynndescent - 
Conda (π₯ 2.5M Β· β±οΈ 22.04.2025):
conda install -c conda-forge pynndescent 
NGT (π₯22 Β·  β 1.3K) - Nearest Neighbor Search with Neighborhood Graph and Tree for High-.. Apache-2
Show 5 hidden projects...
- hnswlib (π₯32 Β·  β 5K Β· π) - Header-only C++/python library for fast approximate nearest.. 
Apache-2 - NearPy (π₯22 Β·  β 770 Β· π) - Python framework for fast (approximated) nearest neighbour search in.. 
MIT - N2 (π₯22 Β·  β 580 Β· π) - TOROS N2 - lightweight approximate Nearest Neighbor library which runs.. 
Apache-2 - Magnitude (π₯20 Β·  β 1.7K Β· π) - A fast, efficient universal vector embedding utility package. 
MIT - PySparNN (π₯11 Β·  β 920 Β· π) - Approximate Nearest Neighbor Search for Sparse Data in Python!. 
BSD-3 
Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics.
PyMC3 (π₯40 Β·  β 9.3K) - Bayesian Modeling and Probabilistic Programming in Python. Apache-2
- 
GitHub (π¨βπ» 530 Β· π 2.1K Β· π₯ 140 Β· π¦ 7.7K Β· π 3.6K - 11% open Β· β±οΈ 28.10.2025):
git clone https://github.com/pymc-devs/pymc - 
PyPi (π₯ 330K / month Β· π¦ 190 Β· β±οΈ 31.05.2024):
pip install pymc3 - 
Conda (π₯ 860K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pymc3 
tensorflow-probability (π₯35 Β·  β 4.4K) - Probabilistic reasoning and statistical analysis in.. Apache-2 
- 
GitHub (π¨βπ» 500 Β· π 1.1K Β· π¦ 4 Β· π 1.5K - 48% open Β· β±οΈ 22.10.2025):
git clone https://github.com/tensorflow/probability - 
PyPi (π₯ 880K / month Β· π¦ 620 Β· β±οΈ 08.11.2024):
pip install tensorflow-probability - 
Conda (π₯ 200K Β· β±οΈ 22.04.2025):
conda install -c conda-forge tensorflow-probability 
GPyTorch (π₯34 Β·  β 3.8K) - A highly efficient implementation of Gaussian Processes in PyTorch. MIT 
- 
GitHub (π¨βπ» 140 Β· π 580 Β· π¦ 3.2K Β· π 1.4K - 28% open Β· β±οΈ 14.10.2025):
git clone https://github.com/cornellius-gp/gpytorch - 
PyPi (π₯ 500K / month Β· π¦ 250 Β· β±οΈ 14.10.2025):
pip install gpytorch - 
Conda (π₯ 230K Β· β±οΈ 18.10.2025):
conda install -c conda-forge gpytorch 
patsy (π₯34 Β·  β 980) - Describing statistical models in Python using symbolic formulas. BSD-2
- 
GitHub (π¨βπ» 23 Β· π 100 Β· π¦ 130K Β· π 160 - 46% open Β· β±οΈ 20.10.2025):
git clone https://github.com/pydata/patsy - 
PyPi (π₯ 22M / month Β· π¦ 680 Β· β±οΈ 20.10.2025):
pip install patsy - 
Conda (π₯ 19M Β· β±οΈ 20.10.2025):
conda install -c conda-forge patsy 
Pyro (π₯32 Β·  β 8.9K) - Deep universal probabilistic programming with Python and PyTorch. Apache-2 
- 
GitHub (π¨βπ» 160 Β· π 1K Β· π 1.1K - 24% open Β· β±οΈ 09.07.2025):
git clone https://github.com/pyro-ppl/pyro - 
PyPi (π₯ 630K / month Β· π¦ 190 Β· β±οΈ 02.06.2024):
pip install pyro-ppl - 
Conda (π₯ 280K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pyro-ppl 
SALib (π₯31 Β·  β 960) - Sensitivity Analysis Library in Python. Contains Sobol, Morris, FAST, and.. MIT
- 
GitHub (π¨βπ» 54 Β· π 250 Β· π¦ 1.6K Β· π 350 - 18% open Β· β±οΈ 12.10.2025):
git clone https://github.com/SALib/SALib - 
PyPi (π₯ 250K / month Β· π¦ 190 Β· β±οΈ 12.10.2025):
pip install salib - 
Conda (π₯ 290K Β· β±οΈ 12.10.2025):
conda install -c conda-forge salib 
hmmlearn (π₯30 Β·  β 3.3K Β· π€) - Hidden Markov Models in Python, with scikit-learn like API. BSD-3 
- 
GitHub (π¨βπ» 49 Β· π 740 Β· π¦ 3.7K Β· π 450 - 16% open Β· β±οΈ 31.10.2024):
git clone https://github.com/hmmlearn/hmmlearn - 
PyPi (π₯ 240K / month Β· π¦ 92 Β· β±οΈ 31.10.2024):
pip install hmmlearn - 
Conda (π₯ 430K Β· β±οΈ 10.09.2025):
conda install -c conda-forge hmmlearn 
emcee (π₯30 Β·  β 1.5K) - The Python ensemble sampling toolkit for affine-invariant MCMC. MIT
- 
GitHub (π¨βπ» 76 Β· π 430 Β· π¦ 3.2K Β· π 300 - 19% open Β· β±οΈ 14.10.2025):
git clone https://github.com/dfm/emcee - 
PyPi (π₯ 170K / month Β· π¦ 440 Β· β±οΈ 19.04.2024):
pip install emcee - 
Conda (π₯ 510K Β· β±οΈ 22.04.2025):
conda install -c conda-forge emcee 
GPflow (π₯29 Β·  β 1.9K) - Gaussian processes in TensorFlow. Apache-2 
- 
GitHub (π¨βπ» 84 Β· π 430 Β· π¦ 790 Β· π 840 - 19% open Β· β±οΈ 29.05.2025):
git clone https://github.com/GPflow/GPflow - 
PyPi (π₯ 32K / month Β· π¦ 43 Β· β±οΈ 29.05.2025):
pip install gpflow - 
Conda (π₯ 51K Β· β±οΈ 22.04.2025):
conda install -c conda-forge gpflow 
bambi (π₯29 Β·  β 1.2K) - BAyesian Model-Building Interface (Bambi) in Python. MIT
- 
GitHub (π¨βπ» 47 Β· π 140 Β· π¦ 220 Β· π 460 - 21% open Β· β±οΈ 24.10.2025):
git clone https://github.com/bambinos/bambi - 
PyPi (π₯ 48K / month Β· π¦ 19 Β· β±οΈ 24.10.2025):
pip install bambi - 
Conda (π₯ 56K Β· β±οΈ 27.10.2025):
conda install -c conda-forge bambi 
pomegranate (π₯26 Β·  β 3.5K Β· π€) - Fast, flexible and easy to use probabilistic modelling in Python. MIT
- 
GitHub (π¨βπ» 75 Β· π 590 Β· π 800 - 4% open Β· β±οΈ 07.02.2025):
git clone https://github.com/jmschrei/pomegranate - 
PyPi (π₯ 36K / month Β· π¦ 67 Β· β±οΈ 07.02.2025):
pip install pomegranate - 
Conda (π₯ 230K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pomegranate 
scikit-posthocs (π₯24 Β·  β 380) - Multiple Pairwise Comparisons (Post Hoc) Tests in Python. MIT 
- 
GitHub (π¨βπ» 18 Β· π 41 Β· π₯ 67 Β· π¦ 1.2K Β· π 72 - 6% open Β· β±οΈ 11.09.2025):
git clone https://github.com/maximtrp/scikit-posthocs - 
PyPi (π₯ 120K / month Β· π¦ 73 Β· β±οΈ 29.03.2025):
pip install scikit-posthocs - 
Conda (π₯ 1.1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge scikit-posthocs 
Baal (π₯22 Β·  β 910) - Bayesian active learning library for research and industrial usecases. Apache-2
- 
GitHub (π¨βπ» 24 Β· π 87 Β· π¦ 67 Β· π 120 - 18% open Β· β±οΈ 07.10.2025):
git clone https://github.com/baal-org/baal - 
PyPi (π₯ 1.8K / month Β· π¦ 2 Β· β±οΈ 24.06.2025):
pip install baal - 
Conda (π₯ 15K Β· β±οΈ 22.04.2025):
conda install -c conda-forge baal 
Orbit (π₯21 Β·  β 2K) - A Python package for Bayesian forecasting with object-oriented design.. Apache-2
TorchUncertainty (π₯20 Β·  β 440 Β· π) - Open-source framework for uncertainty and deep.. Apache-2 
Show 6 hidden projects...
- filterpy (π₯31 Β·  β 3.7K Β· π) - Python Kalman filtering and optimal estimation library. Implements.. 
MIT - pingouin (π₯29 Β·  β 1.8K) - Statistical package in Python based on Pandas. 
βοΈGPL-3.0 - Edward (π₯27 Β·  β 4.8K Β· π) - A probabilistic programming language in TensorFlow. Deep.. 
Apache-2 - PyStan (π₯27 Β·  β 360 Β· π) - PyStan, a Python interface to Stan, a platform for statistical.. 
ISC - Funsor (π₯21 Β·  β 240 Β· π) - Functional tensors for probabilistic programming. 
Apache-2 - ZhuSuan (π₯15 Β·  β 2.2K Β· π) - A probabilistic programming library for Bayesian deep learning,.. 
MIT 
Libraries for testing the robustness of machine learning models against attacks with adversarial/malicious examples.
ART (π₯34 Β·  β 5.6K) - Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning.. MIT
- 
GitHub (π¨βπ» 140 Β· π 1.2K Β· π¦ 770 Β· π 910 - 1% open Β· β±οΈ 17.10.2025):
git clone https://github.com/Trusted-AI/adversarial-robustness-toolbox - 
PyPi (π₯ 29K / month Β· π¦ 25 Β· β±οΈ 07.07.2025):
pip install adversarial-robustness-toolbox - 
Conda (π₯ 85K Β· β±οΈ 07.07.2025):
conda install -c conda-forge adversarial-robustness-toolbox 
TextAttack (π₯28 Β·  β 3.3K) - TextAttack is a Python framework for adversarial attacks, data.. MIT
- 
GitHub (π¨βπ» 67 Β· π 420 Β· π¦ 430 Β· π 290 - 23% open Β· β±οΈ 10.07.2025):
git clone https://github.com/QData/TextAttack - 
PyPi (π₯ 9.1K / month Β· π¦ 11 Β· β±οΈ 11.03.2024):
pip install textattack - 
Conda (π₯ 11K Β· β±οΈ 22.04.2025):
conda install -c conda-forge textattack 
Show 7 hidden projects...
- CleverHans (π₯29 Β·  β 6.4K Β· π) - An adversarial example library for constructing attacks,.. 
MIT - Foolbox (π₯28 Β·  β 2.9K Β· π) - A Python toolbox to create adversarial examples that fool neural.. 
MIT - advertorch (π₯24 Β·  β 1.4K Β· π) - A Toolbox for Adversarial Robustness Research. 
βοΈGPL-3.0 - robustness (π₯20 Β·  β 950 Β· π) - A library for experimenting with, training and evaluating neural.. 
MIT - AdvBox (π₯19 Β·  β 1.4K Β· π) - Advbox is a toolbox to generate adversarial examples that fool.. 
Apache-2 - textflint (π₯17 Β·  β 650 Β· π) - Unified Multilingual Robustness Evaluation Toolkit for.. 
βοΈGPL-3.0 - Adversary (π₯15 Β·  β 400 Β· π) - Tool to generate adversarial text examples and test machine.. 
MIT 
Libraries that require and make use of CUDA/GPU or other accelerator hardware capabilities to optimize machine learning tasks.
optimum (π₯37 Β·  β 3.1K) - Accelerate inference and training of Transformers, Diffusers, TIMM.. Apache-2
- 
GitHub (π¨βπ» 150 Β· π 600 Β· π¦ 6.3K Β· π 860 - 30% open Β· β±οΈ 30.10.2025):
git clone https://github.com/huggingface/optimum - 
PyPi (π₯ 3.7M / month Β· π¦ 270 Β· β±οΈ 09.10.2025):
pip install optimum - 
Conda (π₯ 50K Β· β±οΈ 09.10.2025):
conda install -c conda-forge optimum 
PyCUDA (π₯33 Β·  β 2K) - CUDA integration for Python, plus shiny features. MIT
- 
GitHub (π¨βπ» 83 Β· π 300 Β· π¦ 4K Β· π 290 - 29% open Β· β±οΈ 12.10.2025):
git clone https://github.com/inducer/pycuda - 
PyPi (π₯ 66K / month Β· π¦ 200 Β· β±οΈ 09.09.2025):
pip install pycuda - 
Conda (π₯ 1.1M Β· β±οΈ 27.10.2025):
conda install -c conda-forge pycuda 
Apex (π₯32 Β·  β 8.8K) - A PyTorch Extension: Tools for easy mixed precision and distributed.. BSD-3 
gpustat (π₯29 Β·  β 4.3K) - A simple command-line utility for querying and monitoring GPU status. MIT
- 
GitHub (π¨βπ» 17 Β· π 280 Β· π¦ 7.9K Β· π 130 - 22% open Β· β±οΈ 13.04.2025):
git clone https://github.com/wookayin/gpustat - 
PyPi (π₯ 1.1M / month Β· π¦ 150 Β· β±οΈ 22.08.2023):
pip install gpustat - 
Conda (π₯ 310K Β· β±οΈ 22.04.2025):
conda install -c conda-forge gpustat 
cuGraph (π₯28 Β·  β 2.1K) - cuGraph - RAPIDS Graph Analytics Library. Apache-2
- 
GitHub (π¨βπ» 120 Β· π 340 Β· π 1.9K - 6% open Β· β±οΈ 29.10.2025):
git clone https://github.com/rapidsai/cugraph - 
PyPi (π₯ 550 / month Β· π¦ 4 Β· β±οΈ 01.06.2020):
pip install cugraph - 
Conda (π₯ 69K Β· β±οΈ 22.04.2025):
conda install -c conda-forge libcugraph 
CuPy (π₯27 Β·  β 11K) - NumPy & SciPy for GPU. MIT
- 
GitHub (π¨βπ» 340 Β· π 950):
git clone https://github.com/cupy/cupy - 
PyPi (π₯ 39K / month Β· π¦ 400 Β· β±οΈ 18.08.2025):
pip install cupy - 
Conda (π₯ 7.2M Β· β±οΈ 14.09.2025):
conda install -c conda-forge cupy - 
Docker Hub (π₯ 92K Β· β 14 Β· β±οΈ 18.08.2025):
docker pull cupy/cupy 
DALI (π₯25 Β·  β 5.5K) - A GPU-accelerated library containing highly optimized building blocks.. Apache-2
- 
GitHub (π¨βπ» 99 Β· π 650 Β· π 1.7K - 15% open Β· β±οΈ 30.10.2025):
git clone https://github.com/NVIDIA/DALI 
Vulkan Kompute (π₯23 Β·  β 2.4K) - General purpose GPU compute framework built on Vulkan to.. Apache-2
Show 9 hidden projects...
- GPUtil (π₯25 Β·  β 1.2K Β· π) - A Python module for getting the GPU status from NVIDA GPUs using.. 
MIT - scikit-cuda (π₯25 Β·  β 990 Β· π) - Python interface to GPU-powered libraries. 
BSD-3 - py3nvml (π₯22 Β·  β 250 Β· π) - Python 3 Bindings for NVML library. Get NVIDIA GPU status inside.. 
BSD-3 - BlazingSQL (π₯20 Β·  β 2K Β· π) - BlazingSQL is a lightweight, GPU accelerated, SQL engine for.. 
Apache-2 - Merlin (π₯20 Β·  β 860 Β· π) - NVIDIA Merlin is an open source library providing end-to-end GPU-.. 
Apache-2 - nvidia-ml-py3 (π₯18 Β·  β 140 Β· π) - Python 3 Bindings for the NVIDIA Management Library. 
BSD-3 - SpeedTorch (π₯15 Β·  β 680 Β· π) - Library for faster pinned CPU - GPU transfer in Pytorch. 
MIT - ipyexperiments (π₯15 Β·  β 220 Β· π) - Automatic GPU+CPU memory profiling, re-use and memory.. 
Apache-2 - cuSignal (π₯14 Β·  β 730 Β· π) - GPU accelerated signal processing. 
βUnlicensed 
Libraries that extend TensorFlow with additional capabilities.
TensorFlow Datasets (π₯39 Β·  β 4.5K) - TFDS is a collection of datasets ready to use with.. Apache-2 
- 
GitHub (π¨βπ» 660 Β· π 1.6K Β· π¦ 25K Β· π 1.5K - 47% open Β· β±οΈ 17.10.2025):
git clone https://github.com/tensorflow/datasets - 
PyPi (π₯ 1.8M / month Β· π¦ 340 Β· β±οΈ 28.05.2025):
pip install tensorflow-datasets - 
Conda (π₯ 51K Β· β±οΈ 22.04.2025):
conda install -c conda-forge tensorflow-datasets 
tensorflow-hub (π₯31 Β·  β 3.5K Β· π€) - A library for transfer learning by reusing parts of.. Apache-2 
- 
GitHub (π¨βπ» 110 Β· π 1.7K Β· π 710 - 2% open Β· β±οΈ 17.01.2025):
git clone https://github.com/tensorflow/hub - 
PyPi (π₯ 2M / month Β· π¦ 300 Β· β±οΈ 30.01.2024):
pip install tensorflow-hub - 
Conda (π₯ 130K Β· β±οΈ 22.04.2025):
conda install -c conda-forge tensorflow-hub 
TFX (π₯31 Β·  β 2.2K Β· π€) - TFX is an end-to-end platform for deploying production ML.. Apache-2 
TF Model Optimization (π₯29 Β·  β 1.6K) - A toolkit to optimize ML models for deployment for.. Apache-2 
TensorFlow I/O (π₯29 Β·  β 730) - Dataset, streaming, and file system extensions.. Apache-2 
TensorFlow Transform (π₯26 Β·  β 990) - Input pipeline framework. Apache-2 
Neural Structured Learning (π₯24 Β·  β 1K Β· π€) - Training neural models with structured signals. Apache-2 
TensorFlow Cloud (π₯21 Β·  β 380) - The TensorFlow Cloud repository provides APIs that.. Apache-2 
TF Compression (π₯20 Β·  β 900) - Data compression in TensorFlow. Apache-2 
Show 7 hidden projects...
- tensor2tensor (π₯33 Β·  β 17K Β· π) - Library of deep learning models and datasets designed.. 
Apache-2 - TF Addons (π₯32 Β·  β 1.7K Β· π) - Useful extra functionality for TensorFlow 2.x maintained.. 
Apache-2 - Keras-Preprocessing (π₯28 Β·  β 1K Β· π) - Utilities for working with image data, text data, and.. 
MIT - efficientnet (π₯26 Β·  β 2.1K Β· π) - Implementation of EfficientNet model. Keras and.. 
Apache-2 - Saliency (π₯22 Β·  β 980 Β· π) - Framework-agnostic implementation for state-of-the-art.. 
Apache-2 - TensorNets (π₯21 Β·  β 1K Β· π) - High level network definitions with pre-trained weights in.. 
MIT - tffm (π₯18 Β·  β 780 Β· π) - TensorFlow implementation of an arbitrary order Factorization Machine. 
MIT 
Libraries that extend Jax with additional capabilities.
equinox (π₯33 Β·  β 2.6K) - Elegant easy-to-use neural networks + scientific computing in.. Apache-2 
Show 2 hidden projects...
- evojax (π₯18 Β·  β 920 Β· π) - EvoJAX: Hardware-accelerated Neuroevolution. 
Apache-2 - jaxdf (π₯12 Β·  β 130 Β· π) - A JAX-based research framework for writing differentiable.. 
βοΈLGPL-3.0 
Libraries that extend scikit-learn with additional capabilities.
scikit-learn-intelex (π₯35 Β·  β 1.3K) - Extension for Scikit-learn is a seamless way to speed.. Apache-2 
- 
GitHub (π¨βπ» 86 Β· π 180 Β· π¦ 14K Β· π 250 - 15% open Β· β±οΈ 28.10.2025):
git clone https://github.com/intel/scikit-learn-intelex - 
PyPi (π₯ 89K / month Β· π¦ 74 Β· β±οΈ 22.10.2025):
pip install scikit-learn-intelex - 
Conda (π₯ 650K Β· β±οΈ 30.10.2025):
conda install -c conda-forge scikit-learn-intelex 
imbalanced-learn (π₯33 Β·  β 7.1K) - A Python Package to Tackle the Curse of Imbalanced.. MIT 
- 
GitHub (π¨βπ» 89 Β· π 1.3K Β· π 630 - 8% open Β· β±οΈ 14.08.2025):
git clone https://github.com/scikit-learn-contrib/imbalanced-learn - 
PyPi (π₯ 14M / month Β· π¦ 600 Β· β±οΈ 14.08.2025):
pip install imbalanced-learn - 
Conda (π₯ 750K Β· β±οΈ 14.08.2025):
conda install -c conda-forge imbalanced-learn 
MLxtend (π₯33 Β·  β 5.1K) - A library of extension and helper modules for Pythons data.. BSD-3 
- 
GitHub (π¨βπ» 110 Β· π 880 Β· π¦ 21K Β· π 500 - 29% open Β· β±οΈ 19.06.2025):
git clone https://github.com/rasbt/mlxtend - 
PyPi (π₯ 960K / month Β· π¦ 200 Β· β±οΈ 26.01.2025):
pip install mlxtend - 
Conda (π₯ 460K Β· β±οΈ 22.04.2025):
conda install -c conda-forge mlxtend 
category_encoders (π₯31 Β·  β 2.5K Β· π€) - A library of sklearn compatible categorical variable.. BSD-3 
- 
GitHub (π¨βπ» 71 Β· π 400 Β· π¦ 4.1K Β· π 300 - 13% open Β· β±οΈ 24.03.2025):
git clone https://github.com/scikit-learn-contrib/category_encoders - 
PyPi (π₯ 2.1M / month Β· π¦ 310 Β· β±οΈ 15.03.2025):
pip install category_encoders - 
Conda (π₯ 370K Β· β±οΈ 22.04.2025):
conda install -c conda-forge category_encoders 
scikit-lego (π₯28 Β·  β 1.4K) - Extra blocks for scikit-learn pipelines. MIT 
- 
GitHub (π¨βπ» 69 Β· π 120 Β· π¦ 190 Β· π 340 - 9% open Β· β±οΈ 21.10.2025):
git clone https://github.com/koaning/scikit-lego - 
PyPi (π₯ 53K / month Β· π¦ 13 Β· β±οΈ 15.09.2025):
pip install scikit-lego - 
Conda (π₯ 76K Β· β±οΈ 22.04.2025):
conda install -c conda-forge scikit-lego 
scikit-opt (π₯26 Β·  β 6.2K) - Genetic Algorithm, Particle Swarm Optimization, Simulated.. MIT 
iterative-stratification (π₯21 Β·  β 880 Β· π€) - scikit-learn cross validators for iterative.. BSD-3 
scikit-tda (π₯19 Β·  β 550) - Topological Data Analysis for Python. MIT 
Show 11 hidden projects...
- scikit-survival (π₯32 Β·  β 1.2K) - Survival analysis built on top of scikit-learn. 
βοΈGPL-3.0 - fancyimpute (π₯27 Β·  β 1.3K Β· π) - Multivariate imputation and matrix completion.. 
Apache-2 - scikit-multilearn (π₯27 Β·  β 950 Β· π) - A scikit-learn based module for multi-label et. al... 
BSD-2 - sklearn-crfsuite (π₯25 Β·  β 430 Β· π) - scikit-learn inspired API for CRFsuite. 
MIT - skope-rules (π₯22 Β·  β 650 Β· π) - machine learning with logical rules in Python. 
βοΈBSD-1-Clause - combo (π₯21 Β·  β 660 Β· π) - (AAAI 20) A Python Toolbox for Machine Learning Model.. 
BSD-2xgboost - celer (π₯21 Β·  β 230) - Fast solver for L1-type problems: Lasso, sparse Logisitic regression,.. 
BSD-3 - sklearn-contrib-lightning (π₯20 Β·  β 1.8K Β· π) - Large-scale linear classification, regression and.. 
BSD-3 - dabl (π₯18 Β·  β 730 Β· π) - Data Analysis Baseline Library. 
BSD-3 - DESlib (π₯18 Β·  β 490 Β· π) - A Python library for dynamic classifier and ensemble selection. 
BSD-3 - skggm (π₯17 Β·  β 250) - Scikit-learn compatible estimation of general graphical models. 
MIT 
Libraries that extend Pytorch with additional capabilities.
accelerate (π₯43 Β·  β 9.2K) - A simple way to launch, train, and use PyTorch models on.. Apache-2 
- 
GitHub (π¨βπ» 370 Β· π 1.2K Β· π¦ 110K Β· π 1.9K - 5% open Β· β±οΈ 22.10.2025):
git clone https://github.com/huggingface/accelerate - 
PyPi (π₯ 17M / month Β· π¦ 2.8K Β· β±οΈ 20.10.2025):
pip install accelerate - 
Conda (π₯ 670K Β· β±οΈ 24.10.2025):
conda install -c conda-forge accelerate 
tinygrad (π₯33 Β·  β 30K) - You like pytorch? You like micrograd? You love tinygrad!. MIT 
- 
GitHub (π¨βπ» 420 Β· π 3.6K Β· π¦ 20 Β· π 1K - 12% open Β· β±οΈ 30.10.2025):
git clone https://github.com/geohot/tinygrad 
PML (π₯33 Β·  β 6.2K) - The easiest way to use deep metric learning in your application. Modular,.. MIT 
- 
GitHub (π¨βπ» 45 Β· π 660 Β· π¦ 2.9K Β· π 530 - 14% open Β· β±οΈ 17.08.2025):
git clone https://github.com/KevinMusgrave/pytorch-metric-learning - 
PyPi (π₯ 2.3M / month Β· π¦ 68 Β· β±οΈ 17.08.2025):
pip install pytorch-metric-learning - 
Conda (π₯ 13K Β· β±οΈ 25.03.2025):
conda install -c metric-learning pytorch-metric-learning 
torchdiffeq (π₯31 Β·  β 6.2K) - Differentiable ODE solvers with full GPU support and.. MIT 
- 
GitHub (π¨βπ» 23 Β· π 940 Β· π¦ 5.5K Β· π 230 - 35% open Β· β±οΈ 04.04.2025):
git clone https://github.com/rtqichen/torchdiffeq - 
PyPi (π₯ 1M / month Β· π¦ 120 Β· β±οΈ 21.11.2024):
pip install torchdiffeq - 
Conda (π₯ 24K Β· β±οΈ 22.04.2025):
conda install -c conda-forge torchdiffeq 
torchsde (π₯30 Β·  β 1.7K Β· π€) - Differentiable SDE solvers with GPU support and efficient.. Apache-2 
- 
GitHub (π¨βπ» 9 Β· π 210 Β· π¦ 5.5K Β· π 84 - 36% open Β· β±οΈ 30.12.2024):
git clone https://github.com/google-research/torchsde - 
PyPi (π₯ 4.6M / month Β· π¦ 37 Β· β±οΈ 26.09.2023):
pip install torchsde - 
Conda (π₯ 46K Β· β±οΈ 22.04.2025):
conda install -c conda-forge torchsde 
torch-scatter (π₯26 Β·  β 1.7K) - PyTorch Extension Library of Optimized Scatter Operations. MIT 
- 
GitHub (π¨βπ» 34 Β· π 200 Β· π 420 - 6% open Β· β±οΈ 12.08.2025):
git clone https://github.com/rusty1s/pytorch_scatter - 
PyPi (π₯ 82K / month Β· π¦ 150 Β· β±οΈ 06.10.2023):
pip install torch-scatter - 
Conda (π₯ 1M Β· β±οΈ 03.10.2025):
conda install -c conda-forge pytorch_scatter 
PyTorch Sparse (π₯25 Β·  β 1.1K) - PyTorch Extension Library of Optimized Autograd Sparse.. MIT 
- 
GitHub (π¨βπ» 48 Β· π 160 Β· π 300 - 10% open Β· β±οΈ 12.08.2025):
git clone https://github.com/rusty1s/pytorch_sparse - 
PyPi (π₯ 63K / month Β· π¦ 120 Β· β±οΈ 06.10.2023):
pip install torch-sparse - 
Conda (π₯ 940K Β· β±οΈ 03.10.2025):
conda install -c conda-forge pytorch_sparse 
Pytorch Toolbelt (π₯24 Β·  β 1.6K) - PyTorch extensions for fast R&D prototyping and Kaggle.. MIT 
pytorchviz (π₯14 Β·  β 3.4K Β· π€) - A small package to create visualizations of PyTorch execution.. MIT
- 
GitHub (π¨βπ» 6 Β· π 280 Β· π 72 - 47% open Β· β±οΈ 30.12.2024):
git clone https://github.com/szagoruyko/pytorchviz 
Show 22 hidden projects...
- pretrainedmodels (π₯29 Β·  β 9.1K Β· π) - Pretrained ConvNets for pytorch: NASNet, ResNeXt,.. 
BSD-3 - EfficientNet-PyTorch (π₯28 Β·  β 8.2K Β· π) - A PyTorch implementation of EfficientNet. 
Apache-2 - lightning-flash (π₯27 Β·  β 1.7K Β· π) - Your PyTorch AI Factory - Flash enables you to easily.. 
Apache-2 - pytorch-optimizer (π₯26 Β·  β 3.1K Β· π) - torch-optimizer -- collection of optimizers for.. 
Apache-2 - TabNet (π₯26 Β·  β 2.9K Β· π) - PyTorch implementation of TabNet paper :.. 
MIT - EfficientNets (π₯25 Β·  β 1.6K Β· π) - Pretrained EfficientNet, EfficientNet-Lite, MixNet,.. 
Apache-2 - pytorch-summary (π₯24 Β·  β 4.1K Β· π) - Model summary in PyTorch similar to 
model.summary()..MIT - Higher (π₯23 Β·  β 1.6K Β· π) - higher is a pytorch library allowing users to obtain higher.. 
Apache-2 - micrograd (π₯22 Β·  β 14K Β· π) - A tiny scalar-valued autograd engine and a neural net library.. 
MIT - SRU (π₯22 Β·  β 2.1K Β· π) - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755). 
MIT - Antialiased CNNs (π₯22 Β·  β 1.7K Β· π) - pip install antialiased-cnns to improve stability and.. 
βοΈCC BY-NC-SA 4.0 - AdaBound (π₯21 Β·  β 2.9K Β· π) - An optimizer that trains as fast as Adam and as good as SGD. 
Apache-2 - reformer-pytorch (π₯21 Β·  β 2.2K Β· π) - Reformer, the efficient Transformer, in Pytorch. 
MIT - Torchmeta (π₯21 Β·  β 2K Β· π) - A collection of extensions and data-loaders for few-shot.. 
MIT - Poutyne (π₯21 Β·  β 580) - A simplified framework and utilities for PyTorch. 
βοΈLGPL-3.0 - Performer Pytorch (π₯19 Β·  β 1.2K Β· π) - An implementation of Performer, a linear attention-.. 
MIT - Torch-Struct (π₯19 Β·  β 1.1K Β· π) - Fast, general, and tested differentiable structured.. 
MIT - Lambda Networks (π₯17 Β·  β 1.5K Β· π) - Implementation of LambdaNetworks, a new approach to.. 
MIT - Pywick (π₯17 Β·  β 400 Β· π) - High-level batteries-included neural network training library for.. 
MIT - TorchDrift (π₯15 Β·  β 320 Β· π) - Drift Detection for your PyTorch Models. 
Apache-2 - Tez (π₯14 Β·  β 1.2K Β· π) - Tez is a super-simple and lightweight Trainer for PyTorch. It.. 
Apache-2 - Tensor Sensor (π₯14 Β·  β 810 Β· π) - The goal of this library is to generate more helpful.. 
MIT 
Libraries for connecting to, operating, and querying databases.
πΒ best-of-python - DB Clients ( β 4.2K) - Collection of database clients for python.
scipy (π₯51 Β·  β 14K) - Ecosystem of open-source software for mathematics, science, and engineering. BSD-3
- 
GitHub (π¨βπ» 1.8K Β· π 5.5K Β· π₯ 97K Β· π¦ 1.4M Β· π 11K - 15% open Β· β±οΈ 30.10.2025):
git clone https://github.com/scipy/scipy - 
PyPi (π₯ 220M / month Β· π¦ 61K Β· β±οΈ 28.10.2025):
pip install scipy - 
Conda (π₯ 70M Β· β±οΈ 29.10.2025):
conda install -c conda-forge scipy 
SymPy (π₯49 Β·  β 14K) - A computer algebra system written in pure Python. BSD-3
- 
GitHub (π¨βπ» 1.4K Β· π 4.8K Β· π₯ 570K Β· π¦ 290K Β· π 15K - 37% open Β· β±οΈ 30.10.2025):
git clone https://github.com/sympy/sympy - 
PyPi (π₯ 73M / month Β· π¦ 4.6K Β· β±οΈ 27.04.2025):
pip install sympy - 
Conda (π₯ 11M Β· β±οΈ 29.04.2025):
conda install -c conda-forge sympy 
Autograd (π₯37 Β·  β 7.4K) - Efficiently computes derivatives of NumPy code. MIT
- 
GitHub (π¨βπ» 64 Β· π 910 Β· π¦ 14K Β· π 440 - 42% open Β· β±οΈ 27.10.2025):
git clone https://github.com/HIPS/autograd - 
PyPi (π₯ 3.4M / month Β· π¦ 310 Β· β±οΈ 05.05.2025):
pip install autograd - 
Conda (π₯ 680K Β· β±οΈ 05.05.2025):
conda install -c conda-forge autograd 
PennyLane (π₯37 Β·  β 2.9K) - PennyLane is a cross-platform Python library for quantum.. Apache-2
- 
GitHub (π¨βπ» 210 Β· π 700 Β· π₯ 100 Β· π¦ 1.9K Β· π 1.7K - 25% open Β· β±οΈ 30.10.2025):
git clone https://github.com/PennyLaneAI/PennyLane - 
PyPi (π₯ 200K / month Β· π¦ 89 Β· β±οΈ 15.10.2025):
pip install pennylane - 
Conda (π₯ 340K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pennylane 
PyOD (π₯36 Β·  β 9.6K) - A Python Library for Outlier and Anomaly Detection, Integrating Classical.. BSD-2
- 
GitHub (π¨βπ» 64 Β· π 1.4K Β· π¦ 5.5K Β· π 390 - 59% open Β· β±οΈ 29.04.2025):
git clone https://github.com/yzhao062/pyod - 
PyPi (π₯ 840K / month Β· π¦ 130 Β· β±οΈ 29.04.2025):
pip install pyod - 
Conda (π₯ 170K Β· β±οΈ 30.04.2025):
conda install -c conda-forge pyod 
Datasette (π₯35 Β·  β 10K) - An open source multi-tool for exploring and publishing data. Apache-2
- 
GitHub (π¨βπ» 82 Β· π 770 Β· π₯ 75 Β· π¦ 1.6K Β· π 1.9K - 32% open Β· β±οΈ 26.10.2025):
git clone https://github.com/simonw/datasette - 
PyPi (π₯ 180K / month Β· π¦ 480 Β· β±οΈ 22.04.2025):
pip install datasette - 
Conda (π₯ 73K Β· β±οΈ 22.04.2025):
conda install -c conda-forge datasette 
DeepChem (π₯34 Β·  β 6.3K Β· π) - Democratizing Deep-Learning for Drug Discovery, Quantum.. MIT 
- 
GitHub (π¨βπ» 260 Β· π 1.9K Β· π¦ 650 Β· π 2.1K - 40% open Β· β±οΈ 27.10.2025):
git clone https://github.com/deepchem/deepchem - 
PyPi (π₯ 54K / month Β· π¦ 24 Β· β±οΈ 27.10.2025):
pip install deepchem - 
Conda (π₯ 120K Β· β±οΈ 22.04.2025):
conda install -c conda-forge deepchem 
Pythran (π₯34 Β·  β 2.1K) - Ahead of Time compiler for numeric kernels. BSD-3
- 
GitHub (π¨βπ» 75 Β· π 200 Β· π¦ 3.6K Β· π 930 - 15% open Β· β±οΈ 30.09.2025):
git clone https://github.com/serge-sans-paille/pythran - 
PyPi (π₯ 500K / month Β· π¦ 28 Β· β±οΈ 23.05.2025):
pip install pythran - 
Conda (π₯ 1.3M Β· β±οΈ 07.07.2025):
conda install -c conda-forge pythran 
agate (π₯34 Β·  β 1.2K) - A Python data analysis library that is optimized for humans instead of.. MIT
- 
GitHub (π¨βπ» 55 Β· π 150 Β· π¦ 5.3K Β· π 650 - 0% open Β· β±οΈ 27.10.2025):
git clone https://github.com/wireservice/agate - 
PyPi (π₯ 24M / month Β· π¦ 54 Β· β±οΈ 29.01.2025):
pip install agate - 
Conda (π₯ 410K Β· β±οΈ 22.04.2025):
conda install -c conda-forge agate 
River (π₯32 Β·  β 5.6K) - Online machine learning in Python. BSD-3
- 
GitHub (π¨βπ» 130 Β· π 590 Β· π¦ 800 Β· π 630 - 19% open Β· β±οΈ 05.10.2025):
git clone https://github.com/online-ml/river - 
PyPi (π₯ 91K / month Β· π¦ 64 Β· β±οΈ 25.11.2024):
pip install river - 
Conda (π₯ 130K Β· β±οΈ 22.04.2025):
conda install -c conda-forge river 
hdbscan (π₯32 Β·  β 3K) - A high performance implementation of HDBSCAN clustering. BSD-3 
- 
GitHub (π¨βπ» 97 Β· π 500 Β· π¦ 7.6K Β· π 530 - 67% open Β· β±οΈ 11.10.2025):
git clone https://github.com/scikit-learn-contrib/hdbscan - 
PyPi (π₯ 1.1M / month Β· π¦ 350 Β· β±οΈ 18.11.2024):
pip install hdbscan - 
Conda (π₯ 2.8M Β· β±οΈ 09.09.2025):
conda install -c conda-forge hdbscan 
anomalib (π₯31 Β·  β 5.1K Β· π) - An anomaly detection library comprising state-of-the-art.. Apache-2
pyjanitor (π₯31 Β·  β 1.5K) - Clean APIs for data cleaning. Python implementation of R package.. MIT
- 
GitHub (π¨βπ» 110 Β· π 170 Β· π¦ 980 Β· π 590 - 18% open Β· β±οΈ 21.10.2025):
git clone https://github.com/pyjanitor-devs/pyjanitor - 
PyPi (π₯ 280K / month Β· π¦ 42 Β· β±οΈ 07.03.2025):
pip install pyjanitor - 
Conda (π₯ 300K Β· β±οΈ 22.04.2025):
conda install -c conda-forge pyjanitor 
causalml (π₯30 Β·  β 5.6K) - Uplift modeling and causal inference with machine learning.. Apache-2
dstack (π₯30 Β·  β 1.9K) - dstack is an open-source control plane for running development,.. MPL-2.0
tensorly (π₯30 Β·  β 1.6K) - TensorLy: Tensor Learning in Python. BSD-2
- 
GitHub (π¨βπ» 73 Β· π 290 Β· π¦ 1.1K Β· π 280 - 22% open Β· β±οΈ 05.05.2025):
git clone https://github.com/tensorly/tensorly - 
PyPi (π₯ 130K / month Β· π¦ 99 Β· β±οΈ 12.11.2024):
pip install tensorly - 
Conda (π₯ 380K Β· β±οΈ 22.04.2025):
conda install -c conda-forge tensorly 
metricflow (π₯29 Β·  β 1.3K) - MetricFlow allows you to define, build, and maintain metrics in.. Apache-2
Prince (π₯28 Β·  β 1.4K) - Multivariate exploratory data analysis in Python PCA, CA, MCA, MFA,.. MIT 
- 
GitHub (π¨βπ» 16 Β· π 190 Β· π¦ 770 Β· β±οΈ 04.08.2025):
git clone https://github.com/MaxHalford/prince - 
PyPi (π₯ 230K / month Β· π¦ 23 Β· β±οΈ 04.08.2025):
pip install prince - 
Conda (π₯ 28K Β· β±οΈ 22.04.2025):
conda install -c conda-forge prince-factor-analysis 
adapter-transformers (π₯27 Β·  β 2.8K) - A Unified Library for Parameter-Efficient and Modular.. Apache-2 huggingface
avalanche (π₯26 Β·  β 2K Β· π€) - Avalanche: an End-to-End Library for Continual Learning based on.. MIT
gplearn (π₯26 Β·  β 1.8K) - Genetic Programming in Python, with a scikit-learn inspired API. BSD-3 
- 
GitHub (π¨βπ» 12 Β· π 300 Β· π¦ 730 Β· π 220 - 11% open Β· β±οΈ 23.07.2025):
git clone https://github.com/trevorstephens/gplearn - 
PyPi (π₯ 20K / month Β· π¦ 19 Β· β±οΈ 03.05.2022):
pip install gplearn - 
Conda (π₯ 11K Β· β±οΈ 22.04.2025):
conda install -c conda-forge gplearn 
TabPy (π₯26 Β·  β 1.6K Β· π€) - Execute Python code on the fly and display results in Tableau.. MIT
- 
GitHub (π¨βπ» 51 Β· π 600 Β· π¦ 220 Β· π 320 - 6% open Β· β±οΈ 25.11.2024):
git clone https://github.com/tableau/TabPy - 
PyPi (π₯ 7.1K / month Β· π¦ 2 Β· β±οΈ 25.11.2024):
pip install tabpy - 
Conda (π₯ 5.8K Β· β±οΈ 22.04.2025):
conda install -c anaconda tabpy-client 
findspark (π₯25 Β·  β 520) - Find pyspark to make it importable. BSD-3 
- 
GitHub (π¨βπ» 16 Β· π 72 Β· π¦ 5.6K Β· π 23 - 47% open Β· β±οΈ 04.09.2025):
git clone https://github.com/minrk/findspark - 
PyPi (π₯ 2.6M / month Β· π¦ 100 Β· β±οΈ 11.02.2022):
pip install findspark - 
Conda (π₯ 1M Β· β±οΈ 22.04.2025):
conda install -c conda-forge findspark 
MONAILabel (π₯22 Β·  β 760) - MONAI Label is an intelligent open source image labeling and.. Apache-2
apricot (π₯22 Β·  β 520) - apricot implements submodular optimization for the purpose of selecting.. MIT
pykale (π₯21 Β·  β 470) - Knowledge-Aware machine LEarning (KALE): accessible machine learning.. MIT 
SUOD (π₯21 Β·  β 390 Β· π€) - (MLSys 21) An Acceleration System for Large-scare Unsupervised.. BSD-2
pymdp (π₯16 Β·  β 570) - A Python implementation of active inference for Markov Decision Processes. MIT
Show 31 hidden projects...
- pyopencl (π₯31 Β·  β 1.1K) - OpenCL integration for Python, plus shiny features. 
βUnlicensed - pysc2 (π₯30 Β·  β 8.2K Β· π) - StarCraft II Learning Environment. 
Apache-2 - modAL (π₯30 Β·  β 2.3K Β· π) - A modular active learning framework for Python. 
MIT - datalad (π₯30 Β·  β 620 Β· π) - Keep code, data, containers under control with git and git-.. 
βUnlicensed - cleanlab (π₯29 Β·  β 11K) - Cleanlabs open-source library is the standard data-centric AI.. 
βοΈAGPL-3.0 - alibi-detect (π₯29 Β·  β 2.4K) - Algorithms for outlier, adversarial and drift detection. 
βοΈIntel - minisom (π₯28 Β·  β 1.6K) - MiniSom is a minimalistic implementation of the Self Organizing.. 
βοΈCC-BY-3.0 - PySwarms (π₯28 Β·  β 1.4K Β· π) - A research toolkit for particle swarm optimization in Python. 
MIT - kmodes (π₯28 Β·  β 1.3K Β· π) - Python implementations of the k-modes and k-prototypes clustering.. 
MIT - pyclustering (π₯28 Β·  β 1.2K Β· π) - pyclustering is a Python, C++ data mining library. 
BSD-3 - Cython BLIS (π₯28 Β·  β 230) - Fast matrix-multiplication as a self-contained Python library no.. 
BSD-3 - Feature Engine (π₯26 Β·  β 2.1K Β· π) - Feature engineering package with sklearn like functionality. 
BSD-3 - metric-learn (π₯26 Β·  β 1.4K Β· π) - Metric learning algorithms in Python. 
MIT - pandas-ai (π₯25 Β·  β 22K) - Chat with your database or your datalake (SQL, CSV, parquet)... 
βUnlicensed - Mars (π₯24 Β·  β 2.7K Β· π) - Mars is a tensor-based unified framework for large-scale data.. 
Apache-2 - AstroML (π₯24 Β·  β 1.1K Β· π) - Machine learning, statistics, and data mining for astronomy.. 
BSD-2 - PaddleHub (π₯22 Β·  β 13K Β· π) - 400+ AI Models: Rich, high-quality AI models, including.. 
Apache-2 - opyrator (π₯22 Β·  β 3.1K Β· π) - Turns your machine learning code into microservices with web API,.. 
MIT - mlens (π₯22 Β·  β 860 Β· π) - ML-Ensemble high performance ensemble learning. 
MIT - BioPandas (π₯22 Β·  β 740 Β· π) - Working with molecular structures in pandas DataFrames. 
BSD-3 - benchmark_VAE (π₯21 Β·  β 2K Β· π) - Unifying Variational Autoencoder (VAE).. 
Apache-2 - impyute (π₯21 Β·  β 360 Β· π) - Data imputations library to preprocess datasets with missing data. 
MIT - StreamAlert (π₯20 Β·  β 2.9K Β· π) - StreamAlert is a serverless, realtime data analysis.. 
Apache-2 - rrcf (π₯20 Β·  β 520 Β· π) - Implementation of the Robust Random Cut Forest algorithm for anomaly.. 
MIT - scikit-rebate (π₯20 Β·  β 420 Β· π) - A scikit-learn-compatible Python implementation of.. 
MIT - baikal (π₯18 Β·  β 590 Β· π) - A graph-based functional API for building complex scikit-learn.. 
BSD-3 - pandas-ml (π₯16 Β·  β 320 Β· π) - pandas, scikit-learn, xgboost and seaborn integration. 
BSD-3 - KD-Lib (π₯15 Β·  β 650 Β· π) - A Pytorch Knowledge Distillation library for benchmarking and.. 
MIT - NeuralCompression (π₯14 Β·  β 580 Β· π) - A collection of tools for neural compression enthusiasts. 
MIT - traingenerator (π₯13 Β·  β 1.4K Β· π) - A web app to generate template code for machine learning. 
MIT - nylon (π₯12 Β·  β 82 Β· π) - 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.