This curated list contains 910 awesome open-source projects with a total of 3.5M 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!
Contents
- Machine Learning Frameworks 58 projects
- Data Visualization 54 projects
- Text Data & NLP 100 projects
- Image Data 64 projects
- Graph Data 36 projects
- Audio Data 29 projects
- Geospatial Data 22 projects
- Financial Data 25 projects
- Time Series Data 28 projects
- Medical Data 20 projects
- Tabular Data 5 projects
- Optical Character Recognition 12 projects
- Data Containers & Structures 1 projects
- Data Loading & Extraction 1 projects
- Web Scraping & Crawling 1 projects
- Data Pipelines & Streaming 1 projects
- Distributed Machine Learning 36 projects
- Hyperparameter Optimization & AutoML 52 projects
- Reinforcement Learning 23 projects
- Recommender Systems 17 projects
- Privacy Machine Learning 7 projects
- Workflow & Experiment Tracking 39 projects
- Model Serialization & Deployment 20 projects
- Model Interpretability 54 projects
- Vector Similarity Search (ANN) 12 projects
- Probabilistics & Statistics 23 projects
- Adversarial Robustness 9 projects
- GPU & Accelerator Utilities 20 projects
- Tensorflow Utilities 16 projects
- Jax Utilities 3 projects
- Sklearn Utilities 19 projects
- Pytorch Utilities 32 projects
- Database Clients 1 projects
- Others 65 projects
Explanation
π₯ π₯ π₯ Combined project-quality scoreβοΈ Star count from GitHubπ£ New project (less than 6 months old)π€ Inactive project (6 months no activity)π Dead project (12 months no activity)π π Project is trending up or downβ Project was recently addedβοΈ Warning (e.g. missing/risky license)π¨βπ» Contributors count from GitHubπ Fork count from GitHubπ Issue count from GitHubβ±οΈ Last update timestamp on package managerπ₯ Download count from package managerπ¦ Number of dependent projectsTensorflow related project
Sklearn related project
PyTorch related project
MxNet related project
Apache Spark related project
Jupyter related project
PaddlePaddle related project
Pandas related project
Jax related project
Machine Learning Frameworks
General-purpose machine learning and deep learning frameworks.
scikit-learn (π₯ 52 Β· β 52K) - scikit-learn: machine learning in Python. BSD-3

-
GitHub (
π¨βπ» 2.8K Β·π 24K Β·π₯ 830 Β·π¦ 410K Β·π 10K - 20% open Β·β±οΈ 17.11.2022):git clone https://github.com/scikit-learn/scikit-learn
-
PyPi (
π₯ 37M / month Β·π¦ 26K Β·β±οΈ 05.08.2022):pip install scikit-learn
-
Conda (
π₯ 17M Β·β±οΈ 27.10.2022):conda install -c conda-forge scikit-learn
XGBoost (π₯ 44 Β· β 23K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
-
GitHub (
π¨βπ» 580 Β·π 8.5K Β·π₯ 5.4K Β·π¦ 39K Β·π 4.7K - 7% open Β·β±οΈ 17.11.2022):git clone https://github.com/dmlc/xgboost
-
PyPi (
π₯ 8.6M / month Β·π¦ 1.4K Β·β±οΈ 09.05.2022):pip install xgboost
-
Conda (
π₯ 3.3M Β·β±οΈ 07.11.2022):conda install -c conda-forge xgboost
jax (π₯ 44 Β· β 21K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
StatsModels (π₯ 44 Β· β 7.9K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
-
GitHub (
π¨βπ» 390 Β·π 2.6K Β·π₯ 26 Β·π¦ 73K Β·π 5K - 48% open Β·β±οΈ 13.11.2022):git clone https://github.com/statsmodels/statsmodels
-
PyPi (
π₯ 9.3M / month Β·π¦ 4.7K Β·β±οΈ 08.02.2022):pip install statsmodels
-
Conda (
π₯ 7.8M Β·β±οΈ 04.11.2022):conda install -c conda-forge statsmodels
PaddlePaddle (π₯ 42 Β· β 19K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2

LightGBM (π₯ 42 Β· β 14K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
-
GitHub (
π¨βπ» 270 Β·π 3.6K Β·π₯ 170K Β·π¦ 16K Β·π 2.9K - 8% open Β·β±οΈ 06.11.2022):git clone https://github.com/microsoft/LightGBM
-
PyPi (
π₯ 7.1M / month Β·π¦ 640 Β·β±οΈ 07.01.2022):pip install lightgbm
-
Conda (
π₯ 1.3M Β·β±οΈ 28.10.2022):conda install -c conda-forge lightgbm
pytorch-lightning (π₯ 41 Β· β 21K) - Build and train PyTorch models and connect them to.. Apache-2

-
GitHub (
π¨βπ» 800 Β·π 2.6K Β·π₯ 9.2K Β·π¦ 110 Β·π 5.7K - 10% open Β·β±οΈ 17.11.2022):git clone https://github.com/Lightning-AI/lightning
-
PyPi (
π₯ 3.2M / month Β·π¦ 400 Β·β±οΈ 01.06.2022):pip install pytorch-lightning
-
Conda (
π₯ 610K Β·β±οΈ 23.09.2022):conda install -c conda-forge pytorch-lightning
Jina (π₯ 39 Β· β 17K) - Build cross-modal and multimodal applications on the cloud Neural Search.. Apache-2
-
GitHub (
π¨βπ» 160 Β·π 2K Β·π¦ 390 Β·π 1.7K - 1% open Β·β±οΈ 17.11.2022):git clone https://github.com/jina-ai/jina
-
PyPi (
π₯ 94K / month Β·π¦ 2 Β·β±οΈ 06.07.2022):pip install jina
-
Conda (
π₯ 31K Β·β±οΈ 16.08.2022):conda install -c conda-forge jina-core
-
Docker Hub (
π₯ 1.1M Β·β 7 Β·β±οΈ 17.11.2022):docker pull jinaai/jina
Catboost (π₯ 39 Β· β 6.8K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
MXNet (π₯ 37 Β· β 20K Β· π ) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. Apache-2

-
GitHub (
π¨βπ» 980 Β·π 6.9K Β·π₯ 26K Β·π 9.5K - 18% open Β·β±οΈ 26.09.2022):git clone https://github.com/apache/incubator-mxnet
-
PyPi (
π₯ 400K / month Β·π¦ 280 Β·β±οΈ 17.05.2022):pip install mxnet
-
Conda (
π₯ 8.5K Β·π¦ 5 Β·β±οΈ 24.10.2022):conda install -c anaconda mxnet
Theano (π₯ 37 Β· β 9.6K Β· π€ ) - Theano was a Python library that allows you to define, optimize, and.. BSD-3
Thinc (π₯ 36 Β· β 2.6K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
Tensorflow (π₯ 35 Β· β 170K) - An Open Source Machine Learning Framework for Everyone. Apache-2

-
GitHub (
π¨βπ» 890 Β·π 87K):git clone https://github.com/tensorflow/tensorflow
-
PyPi (
π₯ 15M / month Β·π¦ 14K Β·β±οΈ 06.09.2022):pip install tensorflow
-
Conda (
π₯ 3.8M Β·β±οΈ 25.09.2022):conda install -c conda-forge tensorflow
-
Docker Hub (
π₯ 69M Β·β 2.1K Β·β±οΈ 17.11.2022):docker pull tensorflow/tensorflow
Vowpal Wabbit (π₯ 35 Β· β 8.1K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
-
GitHub (
π¨βπ» 320 Β·π 1.8K Β·π 1.2K - 12% open Β·β±οΈ 10.11.2022):git clone https://github.com/VowpalWabbit/vowpal_wabbit
-
PyPi (
π₯ 130K / month Β·π¦ 31 Β·β±οΈ 06.04.2022):pip install vowpalwabbit
-
Conda (
π₯ 88K Β·β±οΈ 09.11.2022):conda install -c conda-forge vowpalwabbit
Flax (π₯ 35 Β· β 3.7K) - Flax is a neural network library for JAX that is designed for.. Apache-2

tensorflow-upstream (π₯ 33 Β· β 620) - TensorFlow ROCm port. Apache-2

Turi Create (π₯ 32 Β· β 11K Β· π€ ) - Turi Create simplifies the development of custom machine.. BSD-3
tensorpack (π₯ 32 Β· β 6.2K) - A Neural Net Training Interface on TensorFlow, with focus.. Apache-2

-
GitHub (
π¨βπ» 58 Β·π 1.8K Β·π₯ 140 Β·π¦ 1.1K Β·π 1.4K - 0% open Β·β±οΈ 04.05.2022):git clone https://github.com/tensorpack/tensorpack
-
PyPi (
π₯ 14K / month Β·π¦ 46 Β·β±οΈ 22.01.2021):pip install tensorpack
-
Conda (
π₯ 5.1K Β·β±οΈ 06.02.2022):conda install -c conda-forge tensorpack
einops (π₯ 32 Β· β 6K) - Deep learning operations reinvented (for pytorch, tensorflow, jax and others). MIT
CNTK (π₯ 30 Β· β 17K) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit. MIT
Ignite (π₯ 30 Β· β 4.1K Β· π ) - High-level library to help with training and evaluating neural.. BSD-3

Neural Network Libraries (π₯ 30 Β· β 2.6K) - Neural Network Libraries. Apache-2
ktrain (π₯ 29 Β· β 1.1K) - ktrain is a Python library that makes deep learning and AI more.. Apache-2

Towhee (π₯ 27 Β· β 1.6K) - Towhee is a framework that is dedicated to making neural data.. Apache-2
Geomstats (π₯ 27 Β· β 860) - Computations and statistics on manifolds with geometric structures. MIT
Neural Tangents (π₯ 26 Β· β 1.9K) - Fast and Easy Infinite Neural Networks in Python. Apache-2
xLearn (π₯ 25 Β· β 3K) - High performance, easy-to-use, and scalable machine learning (ML).. Apache-2
mace (π₯ 22 Β· β 4.7K) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
-
GitHub (
π¨βπ» 64 Β·π 810 Β·π₯ 1.4K Β·π 670 - 8% open Β·β±οΈ 30.05.2022):git clone https://github.com/XiaoMi/mace
Objax (π₯ 21 Β· β 720) - Objax is a machine learning framework that provides an Object.. Apache-2

ThunderSVM (π₯ 20 Β· β 1.4K Β· π€ ) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
NeoML (π₯ 20 Β· β 700) - Machine learning framework for both deep learning and traditional.. Apache-2
chefboost (π₯ 19 Β· β 360) - A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
ThunderGBM (π₯ 17 Β· β 650) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
Show 10 hidden projects...
- dlib (
π₯ 38 Β·β 12K) - A toolkit for making real world machine learning and data analysis..βοΈBSL-1.0
- MindsDB (
π₯ 34 Β·β 11K) - In-Database Machine Learning.βοΈGPL-3.0
- TFlearn (
π₯ 32 Β·β 9.6K Β·π ) - Deep learning library featuring a higher-level API for TensorFlow.MIT
- NuPIC (
π₯ 28 Β·β 6.3K Β·π ) - Numenta Platform for Intelligent Computing is an implementation..βοΈAGPL-3.0
- Lasagne (
π₯ 28 Β·β 3.8K Β·π ) - Lightweight library to build and train neural networks in Theano.MIT
- SHOGUN (
π₯ 26 Β·β 2.9K Β·π ) - Unified and efficient Machine Learning.BSD-3
- NeuPy (
π₯ 24 Β·β 720 Β·π ) - NeuPy is a Tensorflow based python library for prototyping and building..MIT
- neon (
π₯ 22 Β·β 3.9K Β·π ) - Intel Nervana reference deep learning framework committed to best..Apache-2
- Torchbearer (
π₯ 21 Β·β 630 Β·π ) - torchbearer: A model fitting library for PyTorch.MIT
- StarSpace (
π₯ 16 Β·β 3.8K Β·π ) - Learning embeddings for classification, retrieval and ranking.MIT
Data Visualization
General-purpose and task-specific data visualization libraries.
Matplotlib (π₯ 49 Β· β 16K Β· π ) - matplotlib: plotting with Python. Python-2.0
-
GitHub (
π¨βπ» 1.4K Β·π 6.6K Β·π¦ 660K Β·π 9.4K - 20% open Β·β±οΈ 17.11.2022):git clone https://github.com/matplotlib/matplotlib
-
PyPi (
π₯ 32M / month Β·π¦ 55K Β·β±οΈ 08.10.2022):pip install matplotlib
-
Conda (
π₯ 15M Β·β±οΈ 04.11.2022):conda install -c conda-forge matplotlib
Plotly (π₯ 41 Β· β 12K) - The interactive graphing library for Python (includes Plotly Express). MIT
-
GitHub (
π¨βπ» 200 Β·π 2.2K Β·π¦ 13 Β·π 2.5K - 51% open Β·β±οΈ 27.10.2022):git clone https://github.com/plotly/plotly.py
-
PyPi (
π₯ 8.3M / month Β·π¦ 4.1K Β·β±οΈ 24.06.2022):pip install plotly
-
Conda (
π₯ 3.4M Β·β±οΈ 29.10.2022):conda install -c conda-forge plotly
-
npm (
π₯ 46K / month Β·π¦ 4 Β·β±οΈ 12.01.2021):npm install plotlywidget
dash (π₯ 40 Β· β 18K) - Analytical Web Apps for Python, R, Julia, and Jupyter. No JavaScript Required. MIT
pandas-profiling (π₯ 39 Β· β 9.8K) - Create HTML profiling reports from pandas DataFrame.. MIT


-
GitHub (
π¨βπ» 100 Β·π 1.4K Β·π¦ 9.6K Β·π 630 - 22% open Β·β±οΈ 20.10.2022):git clone https://github.com/ydataai/pandas-profiling
-
PyPi (
π₯ 1M / month Β·π¦ 160 Β·β±οΈ 27.09.2021):pip install pandas-profiling
-
Conda (
π₯ 310K Β·β±οΈ 21.10.2022):conda install -c conda-forge pandas-profiling
PyQtGraph (π₯ 36 Β· β 3K) - Fast data visualization and GUI tools for scientific / engineering.. MIT
HoloViews (π₯ 35 Β· β 2.3K) - With Holoviews, your data visualizes itself. BSD-3

-
GitHub (
π¨βπ» 130 Β·π 360 Β·π 2.9K - 32% open Β·β±οΈ 04.11.2022):git clone https://github.com/holoviz/holoviews
-
PyPi (
π₯ 450K / month Β·π¦ 220 Β·β±οΈ 07.07.2022):pip install holoviews
-
Conda (
π₯ 970K Β·β±οΈ 04.11.2022):conda install -c conda-forge holoviews
-
npm (
π₯ 960 / month Β·β±οΈ 24.05.2020):npm install @pyviz/jupyterlab_pyviz
VisPy (π₯ 34 Β· β 3K) - High-performance interactive 2D/3D data visualization library. BSD-3

-
GitHub (
π¨βπ» 180 Β·π 600 Β·π¦ 900 Β·π 1.4K - 22% open Β·β±οΈ 14.11.2022):git clone https://github.com/vispy/vispy
-
PyPi (
π₯ 52K / month Β·π¦ 100 Β·β±οΈ 04.07.2022):pip install vispy
-
Conda (
π₯ 310K Β·β±οΈ 14.11.2022):conda install -c conda-forge vispy
-
npm (
π₯ 24 / month Β·β±οΈ 15.03.2020):npm install vispy
PyVista (π₯ 34 Β· β 1.5K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT

-
GitHub (
π¨βπ» 110 Β·π 290 Β·π₯ 680 Β·π¦ 1K Β·π 1K - 32% open Β·β±οΈ 16.11.2022):git clone https://github.com/pyvista/pyvista
-
PyPi (
π₯ 80K / month Β·π¦ 110 Β·β±οΈ 30.06.2022):pip install pyvista
-
Conda (
π₯ 250K Β·β±οΈ 03.11.2022):conda install -c conda-forge pyvista
datashader (π₯ 32 Β· β 2.9K) - Quickly and accurately render even the largest data. BSD-3
-
GitHub (
π¨βπ» 51 Β·π 360 Β·π¦ 1.5K Β·π 520 - 24% open Β·β±οΈ 17.11.2022):git clone https://github.com/holoviz/datashader
-
PyPi (
π₯ 51K / month Β·π¦ 96 Β·β±οΈ 21.06.2022):pip install datashader
-
Conda (
π₯ 430K Β·β±οΈ 10.08.2022):conda install -c conda-forge datashader
bqplot (π₯ 31 Β· β 3.4K) - Plotting library for IPython/Jupyter notebooks. Apache-2

-
GitHub (
π¨βπ» 59 Β·π 470 Β·π¦ 35 Β·π 600 - 39% open Β·β±οΈ 29.09.2022):git clone https://github.com/bqplot/bqplot
-
PyPi (
π₯ 140K / month Β·π¦ 97 Β·β±οΈ 11.02.2022):pip install bqplot
-
Conda (
π₯ 1.1M Β·β±οΈ 02.09.2022):conda install -c conda-forge bqplot
-
npm (
π₯ 5.6K / month Β·π¦ 11 Β·β±οΈ 02.09.2022):npm install bqplot
D-Tale (π₯ 30 Β· β 3.7K) - Visualizer for pandas data structures. βοΈLGPL-2.1


pythreejs (π₯ 30 Β· β 840) - A Jupyter - Three.js bridge. BSD-3

-
GitHub (
π¨βπ» 30 Β·π 180 Β·π¦ 21 Β·π 220 - 25% open Β·β±οΈ 25.08.2022):git clone https://github.com/jupyter-widgets/pythreejs
-
PyPi (
π₯ 71K / month Β·π¦ 42 Β·β±οΈ 26.02.2021):pip install pythreejs
-
Conda (
π₯ 440K Β·β±οΈ 06.09.2022):conda install -c conda-forge pythreejs
-
npm (
π₯ 4.8K / month Β·π¦ 7 Β·β±οΈ 24.08.2022):npm install jupyter-threejs
hvPlot (π₯ 30 Β· β 670) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3
Perspective (π₯ 29 Β· β 5K) - A data visualization and analytics component, especially.. Apache-2

-
GitHub (
π¨βπ» 72 Β·π 540 Β·π¦ 6 Β·π 580 - 16% open Β·β±οΈ 16.11.2022):git clone https://github.com/finos/perspective
-
PyPi (
π₯ 2.7K / month Β·π¦ 9 Β·β±οΈ 06.06.2022):pip install perspective-python
-
Conda (
π₯ 200K Β·β±οΈ 09.10.2022):conda install -c conda-forge perspective
-
npm (
π₯ 790 / month Β·β±οΈ 07.10.2022):npm install @finos/perspective-jupyterlab
missingno (π₯ 29 Β· β 3.4K Β· π€ ) - Missing data visualization module for Python. MIT
-
GitHub (
π¨βπ» 17 Β·π 430 Β·π¦ 9.2K Β·π 120 - 7% open Β·β±οΈ 27.02.2022):git clone https://github.com/ResidentMario/missingno
-
PyPi (
π₯ 860K / month Β·π¦ 120 Β·β±οΈ 27.02.2022):pip install missingno
-
Conda (
π₯ 240K Β·β±οΈ 15.02.2020):conda install -c conda-forge missingno
data-validation (π₯ 29 Β· β 680) - Library for exploring and validating machine learning.. Apache-2


mpld3 (π₯ 27 Β· β 2.2K) - D3 Renderings of Matplotlib Graphics. BSD-3
-
GitHub (
π¨βπ» 51 Β·π 350 Β·π¦ 30 Β·π 360 - 59% open Β·β±οΈ 03.08.2022):git clone https://github.com/mpld3/mpld3
-
PyPi (
π₯ 270K / month Β·π¦ 400 Β·β±οΈ 27.05.2022):pip install mpld3
-
Conda (
π₯ 160K Β·β±οΈ 27.05.2022):conda install -c conda-forge mpld3
-
npm (
π₯ 280 / month Β·π¦ 4 Β·β±οΈ 27.05.2022):npm install mpld3
AutoViz (π₯ 27 Β· β 990) - Automatically Visualize any dataset, any size with a single line of.. Apache-2
Chartify (π₯ 26 Β· β 3.2K) - Python library that makes it easy for data scientists to create.. Apache-2
HyperTools (π₯ 25 Β· β 1.8K Β· π€ ) - A Python toolbox for gaining geometric insights into high-.. MIT
openTSNE (π₯ 25 Β· β 1.1K) - Extensible, parallel implementations of t-SNE. BSD-3
-
GitHub (
π¨βπ» 10 Β·π 130 Β·π¦ 410 Β·π 110 - 5% open Β·β±οΈ 09.11.2022):git clone https://github.com/pavlin-policar/openTSNE
-
PyPi (
π₯ 86K / month Β·π¦ 11 Β·β±οΈ 18.03.2022):pip install opentsne
-
Conda (
π₯ 170K Β·β±οΈ 28.10.2022):conda install -c conda-forge opentsne
Sweetviz (π₯ 23 Β· β 2.2K) - Visualize and compare datasets, target values and associations, with one.. MIT
Pandas-Bokeh (π₯ 22 Β· β 820 Β· π€ ) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT

python-ternary (π₯ 22 Β· β 600) - Ternary plotting library for python with matplotlib. MIT
-
GitHub (
π¨βπ» 27 Β·π 140 Β·π₯ 18 Β·π¦ 110 Β·π 140 - 28% open Β·β±οΈ 06.11.2022):git clone https://github.com/marcharper/python-ternary
-
PyPi (
π₯ 57K / month Β·π¦ 21 Β·β±οΈ 17.02.2021):pip install python-ternary
-
Conda (
π₯ 69K Β·β±οΈ 17.02.2021):conda install -c conda-forge python-ternary
Plotly-Resampler (π₯ 21 Β· β 570) - Visualize large time series data with plotly.py. MIT
Show 14 hidden projects...
- cartopy (
π₯ 33 Β·β 1.1K) - Cartopy - a cartographic python library with matplotlib support.βοΈLGPL-3.0
- Cufflinks (
π₯ 29 Β·β 2.7K Β·π ) - Productivity Tools for Plotly + Pandas.MIT
- Facets Overview (
π₯ 28 Β·β 7K Β·π ) - Visualizations for machine learning datasets.Apache-2
- Multicore-TSNE (
π₯ 24 Β·β 1.8K Β·π ) - Parallel t-SNE implementation with Python and Torch..BSD-3
- PandasGUI (
π₯ 23 Β·β 2.8K Β·π€ ) - A GUI for Pandas DataFrames.βοΈMIT-0
- PDPbox (
π₯ 22 Β·β 710 Β·π ) - python partial dependence plot toolbox.MIT
- pivottablejs (
π₯ 22 Β·β 470 Β·π ) - Dragndrop Pivot Tables and Charts for Jupyter/IPython..MIT
- ivis (
π₯ 19 Β·β 280) - Dimensionality reduction in very large datasets using Siamese..Apache-2
- animatplot (
π₯ 17 Β·β 400 Β·π ) - A python package for animating plots build on matplotlib.MIT
- pdvega (
π₯ 17 Β·β 340 Β·π ) - Interactive plotting for Pandas using Vega-Lite.MIT
- data-describe (
π₯ 17 Β·β 290 Β·π€ ) - datadescribe: Pythonic EDA Accelerator for Data Science.Apache-2
- vegafusion (
π₯ 17 Β·β 120) - Serverside acceleration for the Vega visualization grammar.βοΈAGPL-3.0
- nx-altair (
π₯ 15 Β·β 200 Β·π ) - Draw interactive NetworkX graphs with Altair.MIT
- nptsne (
π₯ 12 Β·β 29 Β·π ) - nptsne is a numpy compatible python binary package that offers a..Apache-2
Text Data & NLP
Libraries for processing, cleaning, manipulating, and analyzing text data as well as libraries for NLP tasks such as language detection, fuzzy matching, classification, seq2seq learning, conversational AI, keyword extraction, and translation.
transformers (π₯ 50 Β· β 74K Β· π ) - Transformers: State-of-the-art Machine Learning for.. Apache-2


-
GitHub (
π¨βπ» 1.6K Β·π 17K Β·π₯ 620 Β·π¦ 40K Β·π 11K - 5% open Β·β±οΈ 17.11.2022):git clone https://github.com/huggingface/transformers
-
PyPi (
π₯ 8.4M / month Β·π¦ 980 Β·β±οΈ 21.06.2022):pip install transformers
-
Conda (
π₯ 590K Β·β±οΈ 03.11.2022):conda install -c conda-forge transformers
spaCy (π₯ 44 Β· β 25K) - Industrial-strength Natural Language Processing (NLP) in Python. MIT
-
GitHub (
π¨βπ» 700 Β·π 4K Β·π₯ 3.1K Β·π¦ 46K Β·π 5.3K - 1% open Β·β±οΈ 17.11.2022):git clone https://github.com/explosion/spaCy
-
PyPi (
π₯ 4.3M / month Β·π¦ 2.4K Β·β±οΈ 05.04.2022):pip install spacy
-
Conda (
π₯ 2.8M Β·β±οΈ 16.11.2022):conda install -c conda-forge spacy
nltk (π₯ 44 Β· β 11K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
gensim (π₯ 40 Β· β 14K) - Topic Modelling for Humans. βοΈLGPL-2.1
-
GitHub (
π¨βπ» 430 Β·π 4.3K Β·π₯ 4K Β·π¦ 38K Β·π 1.8K - 21% open Β·β±οΈ 03.11.2022):git clone https://github.com/RaRe-Technologies/gensim
-
PyPi (
π₯ 4.8M / month Β·π¦ 2.9K Β·β±οΈ 01.05.2022):pip install gensim
-
Conda (
π₯ 920K Β·β±οΈ 29.07.2022):conda install -c conda-forge gensim
Rasa (π₯ 39 Β· β 15K) - Open source machine learning framework to automate text- and voice-.. Apache-2

fairseq (π₯ 38 Β· β 20K) - Facebook AI Research Sequence-to-Sequence Toolkit written in Python. MIT

-
GitHub (
π¨βπ» 410 Β·π 5K Β·π₯ 280 Β·π¦ 1K Β·π 3.7K - 21% open Β·β±οΈ 08.11.2022):git clone https://github.com/facebookresearch/fairseq
-
PyPi (
π₯ 58K / month Β·π¦ 39 Β·β±οΈ 27.06.2022):pip install fairseq
-
Conda (
π₯ 21K Β·β±οΈ 13.07.2022):conda install -c conda-forge fairseq
flair (π₯ 38 Β· β 12K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT

AllenNLP (π₯ 37 Β· β 11K) - An open-source NLP research library, built on PyTorch. Apache-2

-
GitHub (
π¨βπ» 260 Β·π 2.2K Β·π₯ 47 Β·π¦ 2.8K Β·π 2.6K - 3% open Β·β±οΈ 18.10.2022):git clone https://github.com/allenai/allennlp
-
PyPi (
π₯ 100K / month Β·π¦ 180 Β·β±οΈ 14.04.2022):pip install allennlp
-
Conda (
π₯ 90K Β·β±οΈ 15.07.2022):conda install -c conda-forge allennlp
sentence-transformers (π₯ 37 Β· β 8.8K) - Multilingual Sentence & Image Embeddings with BERT. Apache-2

-
GitHub (
π¨βπ» 100 Β·π 1.7K Β·π¦ 4.6K Β·π 1.6K - 52% open Β·β±οΈ 14.11.2022):git clone https://github.com/UKPLab/sentence-transformers
-
PyPi (
π₯ 2M / month Β·π¦ 130 Β·β±οΈ 26.06.2022):pip install sentence-transformers
-
Conda (
π₯ 49K Β·β±οΈ 27.06.2022):conda install -c conda-forge sentence-transformers
sentencepiece (π₯ 35 Β· β 6.3K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
-
GitHub (
π¨βπ» 69 Β·π 840 Β·π₯ 22K Β·π¦ 19K Β·π 570 - 5% open Β·β±οΈ 09.09.2022):git clone https://github.com/google/sentencepiece
-
PyPi (
π₯ 7.8M / month Β·π¦ 410 Β·β±οΈ 18.06.2021):pip install sentencepiece
-
Conda (
π₯ 270K Β·β±οΈ 08.04.2022):conda install -c conda-forge sentencepiece
fastText (π₯ 34 Β· β 24K Β· π€ ) - Library for fast text representation and classification. MIT
-
GitHub (
π¨βπ» 59 Β·π 4.5K Β·π¦ 3.5K Β·π 1.1K - 45% open Β·β±οΈ 04.03.2022):git clone https://github.com/facebookresearch/fastText
-
PyPi (
π₯ 990K / month Β·π¦ 190 Β·β±οΈ 28.04.2020):pip install fasttext
-
Conda (
π₯ 43K Β·β±οΈ 01.11.2022):conda install -c conda-forge fasttext
ParlAI (π₯ 34 Β· β 9.5K Β· π ) - A framework for training and evaluating AI models on a variety of.. MIT

stanza (π₯ 34 Β· β 6.4K) - Official Stanford NLP Python Library for Many Human Languages. Apache-2
Tokenizers (π₯ 33 Β· β 6K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
-
GitHub (
π¨βπ» 61 Β·π 510 Β·π¦ 52 Β·π 700 - 31% open Β·β±οΈ 16.11.2022):git clone https://github.com/huggingface/tokenizers
-
PyPi (
π₯ 8.3M / month Β·π¦ 130 Β·β±οΈ 13.04.2022):pip install tokenizers
-
Conda (
π₯ 550K Β·β±οΈ 28.10.2022):conda install -c conda-forge tokenizers
DeepPavlov (π₯ 32 Β· β 5.9K) - An open source library for deep learning end-to-end dialog.. Apache-2

jellyfish (π₯ 32 Β· β 1.7K) - a python library for doing approximate and phonetic matching of.. BSD-2
-
GitHub (
π¨βπ» 27 Β·π 150 Β·π¦ 4.5K Β·π 120 - 10% open Β·β±οΈ 07.11.2022):git clone https://github.com/jamesturk/jellyfish
-
PyPi (
π₯ 2.7M / month Β·π¦ 410 Β·β±οΈ 07.01.2022):pip install jellyfish
-
Conda (
π₯ 390K Β·β±οΈ 28.10.2022):conda install -c conda-forge jellyfish
TensorFlow Text (π₯ 32 Β· β 1K) - Making text a first-class citizen in TensorFlow. Apache-2

snowballstemmer (π₯ 32 Β· β 600) - Snowball compiler and stemming algorithms. BSD-3
-
GitHub (
π¨βπ» 30 Β·π 160 Β·π¦ 4 Β·π 82 - 40% open Β·β±οΈ 16.11.2022):git clone https://github.com/snowballstem/snowball
-
PyPi (
π₯ 8.2M / month Β·π¦ 6.7K Β·β±οΈ 16.11.2021):pip install snowballstemmer
-
Conda (
π₯ 5.5M Β·β±οΈ 17.11.2021):conda install -c conda-forge snowballstemmer
Dedupe (π₯ 31 Β· β 3.5K) - A python library for accurate and scalable fuzzy matching, record.. MIT
haystack (π₯ 30 Β· β 6.1K) - Haystack is an open source NLP framework that leverages pre-trained.. Apache-2
TextDistance (π₯ 30 Β· β 3K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
SciSpacy (π₯ 30 Β· β 1.3K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
Sumy (π₯ 29 Β· β 3K) - Module for automatic summarization of text documents and HTML pages. Apache-2
fastNLP (π₯ 29 Β· β 2.7K) - fastNLP: A Modularized and Extensible NLP Framework. Currently still.. Apache-2
T5 (π₯ 28 Β· β 4.5K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2

vaderSentiment (π₯ 28 Β· β 3.8K Β· π€ ) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. MIT
-
GitHub (
π¨βπ» 11 Β·π 900 Β·π¦ 4.4K Β·π 110 - 32% open Β·β±οΈ 01.04.2022):git clone https://github.com/cjhutto/vaderSentiment
-
PyPi (
π₯ 150K / month Β·π¦ 170 Β·β±οΈ 22.05.2020):pip install vadersentiment
-
Conda (
π₯ 10K Β·β±οΈ 22.03.2021):conda install -c conda-forge vadersentiment
PyTextRank (π₯ 28 Β· β 1.9K) - Python implementation of TextRank algorithms (textgraphs) for phrase.. MIT
spacy-transformers (π₯ 28 Β· β 1.2K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT
spacy
-
GitHub (
π¨βπ» 19 Β·π 150 Β·π¦ 700 Β·β±οΈ 17.11.2022):git clone https://github.com/explosion/spacy-transformers
-
PyPi (
π₯ 150K / month Β·π¦ 22 Β·β±οΈ 05.07.2022):pip install spacy-transformers
-
Conda (
π₯ 6.4K Β·β±οΈ 13.08.2022):conda install -c conda-forge spacy-transformers
Ciphey (π₯ 27 Β· β 11K) - Automatically decrypt encryptions without knowing the key or cipher, decode.. MIT
-
GitHub (
π¨βπ» 46 Β·π 670 Β·π 290 - 16% open Β·β±οΈ 28.06.2022):git clone https://github.com/Ciphey/Ciphey
-
PyPi (
π₯ 28K / month Β·β±οΈ 06.06.2021):pip install ciphey
-
Docker Hub (
π₯ 17K Β·β 9 Β·β±οΈ 27.05.2022):docker pull remnux/ciphey
english-words (π₯ 27 Β· β 8.4K) - A text file containing 479k English words for all your.. Unlicense
scattertext (π₯ 26 Β· β 2K) - Beautiful visualizations of how language differs among document.. Apache-2
-
GitHub (
π¨βπ» 13 Β·π 260 Β·π¦ 310 Β·π 91 - 19% open Β·β±οΈ 11.11.2022):git clone https://github.com/JasonKessler/scattertext
-
PyPi (
π₯ 5.7K / month Β·π¦ 10 Β·β±οΈ 26.03.2022):pip install scattertext
-
Conda (
π₯ 71K Β·β±οΈ 11.11.2022):conda install -c conda-forge scattertext
rubrix (π₯ 25 Β· β 1.4K) - Open-source tool for data-centric NLP. Argilla helps domain experts.. Apache-2
OpenPrompt (π₯ 24 Β· β 2.1K) - An Open-Source Framework for Prompt-Learning. Apache-2
promptsource (π₯ 24 Β· β 890) - Toolkit for creating, sharing and using natural language.. Apache-2
lightseq (π₯ 23 Β· β 2.5K) - LightSeq: A High Performance Library for Sequence Processing and.. Apache-2
Sockeye (π₯ 23 Β· β 1.1K) - Sequence-to-sequence framework with a focus on Neural Machine.. Apache-2

qdrant (π₯ 22 Β· β 3.1K) - Qdrant - Vector Search Engine for the next generation of AI.. Apache-2
-
GitHub (
π¨βπ» 28 Β·π 140 Β·π 330 - 7% open Β·β±οΈ 16.11.2022):git clone https://github.com/qdrant/qdrant
gpt-2-simple (π₯ 22 Β· β 3.1K) - Python package to easily retrain OpenAIs GPT-2 text-.. MIT

Texthero (π₯ 22 Β· β 2.6K) - Text preprocessing, representation and visualization from zero to hero. MIT
FARM (π₯ 21 Β· β 1.6K) - Fast & easy transfer learning for NLP. Harvesting language models.. Apache-2

detoxify (π₯ 21 Β· β 500) - Trained models & code to predict toxic comments on all 3 Jigsaw.. Apache-2
small-text (π₯ 21 Β· β 360) - Active Learning for Text Classification in Python. MIT


happy-transformer (π₯ 21 Β· β 350) - A package built on top of Hugging Faces transformers.. Apache-2
huggingface
NLP Architect (π₯ 20 Β· β 2.9K) - A model library for exploring state-of-the-art deep learning.. Apache-2
TextBox (π₯ 19 Β· β 420) - TextBox 2.0 is a text generation library with pre-trained language models. MIT
fastT5 (π₯ 18 Β· β 380 Β· π€ ) - boost inference speed of T5 models by 5x & reduce the model size.. Apache-2
OpenNRE (π₯ 16 Β· β 3.8K) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
-
GitHub (
π¨βπ» 11 Β·π 1K Β·π 360 - 4% open Β·β±οΈ 03.11.2022):git clone https://github.com/thunlp/OpenNRE
VizSeq (π₯ 14 Β· β 410) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT
Show 38 hidden projects...
- ChatterBot (
π₯ 36 Β·β 13K Β·π ) - ChatterBot is a machine learning, conversational dialog engine..BSD-3
- TextBlob (
π₯ 34 Β·β 8.4K Β·π ) - Simple, Pythonic, text processing--Sentiment analysis, part-of-..MIT
- fuzzywuzzy (
π₯ 33 Β·β 8.8K Β·π ) - Fuzzy String Matching in Python.βοΈGPL-2.0
- GluonNLP (
π₯ 30 Β·β 2.5K Β·π ) - Toolkit that enables easy text preprocessing, datasets..Apache-2
- neuralcoref (
π₯ 28 Β·β 2.6K Β·π ) - Fast Coreference Resolution in spaCy with Neural Networks.MIT
- polyglot (
π₯ 27 Β·β 2.1K Β·π ) - Multilingual text (NLP) processing toolkit.βοΈGPL-3.0
- langid (
π₯ 27 Β·β 2K Β·π ) - Stand-alone language identification system.BSD-3
- flashtext (
π₯ 26 Β·β 5.3K Β·π ) - Extract Keywords from sentence or Replace keywords in sentences.MIT
- underthesea (
π₯ 26 Β·β 1K) - Underthesea - Vietnamese NLP Toolkit.βοΈGPL-3.0
- Snips NLU (
π₯ 25 Β·β 3.7K Β·π ) - Snips Python library to extract meaning from text.Apache-2
- sense2vec (
π₯ 25 Β·β 1.4K Β·π ) - Contextually-keyed word vectors.MIT
- textgenrnn (
π₯ 24 Β·β 4.8K Β·π ) - Easily train your own text-generating neural network of any..MIT
- MatchZoo (
π₯ 24 Β·β 3.7K Β·π ) - Facilitating the design, comparison and sharing of deep..Apache-2
- pytorch-nlp (
π₯ 24 Β·β 2.1K Β·π ) - Basic Utilities for PyTorch Natural Language Processing..BSD-3
- whoosh (
π₯ 24 Β·β 320 Β·π€ ) - Pure-Python full-text search library.βοΈBSD-1-Clause
- Kashgari (
π₯ 23 Β·β 2.3K Β·π ) - Kashgari is a production-level NLP Transfer learning..Apache-2
- YouTokenToMe (
π₯ 23 Β·β 830 Β·π ) - Unsupervised text tokenizer focused on computational efficiency.MIT
- DeepMatcher (
π₯ 22 Β·β 4.4K Β·π ) - Python package for performing Entity and Text Matching using..BSD-3
- Texar (
π₯ 22 Β·β 2.3K Β·π ) - Toolkit for Machine Learning, Natural Language Processing, and..Apache-2
- anaGo (
π₯ 22 Β·β 1.5K Β·π ) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,..MIT
- pySBD (
π₯ 22 Β·β 520 Β·π ) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence..MIT
- stop-words (
π₯ 21 Β·β 140 Β·π ) - Get list of common stop words in various languages in Python.BSD-3
- DELTA (
π₯ 20 Β·β 1.5K Β·π ) - DELTA is a deep learning based natural language and speech..Apache-2
- pyfasttext (
π₯ 20 Β·β 230 Β·π ) - Yet another Python binding for fastText.βοΈGPL-3.0
- textpipe (
π₯ 19 Β·β 300 Β·π ) - Textpipe: clean and extract metadata from text.MIT
- textaugment (
π₯ 18 Β·β 280) - TextAugment: Text Augmentation Library.MIT
- NeuroNER (
π₯ 17 Β·β 1.6K Β·π ) - Named-entity recognition using neural networks. Easy-to-use and..MIT
- nboost (
π₯ 17 Β·β 640 Β·π ) - NBoost is a scalable, search-api-boosting platform for deploying..Apache-2
- skift (
π₯ 17 Β·β 230) - scikit-learn wrappers for Python fastText.MIT
- numerizer (
π₯ 16 Β·β 190) - A Python module to convert natural language numerics into ints and..MIT
- Camphr (
π₯ 15 Β·β 340 Β·π ) - Camphr - NLP libary for creating pipeline components.Apache-2
spacy
- NeuralQA (
π₯ 15 Β·β 220 Β·π ) - NeuralQA: A Usable Library for Question Answering on Large Datasets..MIT
- spacy-dbpedia-spotlight (
π₯ 15 Β·β 83) - A spaCy wrapper for DBpedia Spotlight.MIT
spacy
- BLINK (
π₯ 14 Β·β 960 Β·π ) - Entity Linker solution.MIT
- Headliner (
π₯ 14 Β·β 230 Β·π ) - Easy training and deployment of seq2seq models.MIT
- ONNX-T5 (
π₯ 14 Β·β 210 Β·π ) - Summarization, translation, sentiment-analysis, text-generation..Apache-2
- TransferNLP (
π₯ 13 Β·β 290 Β·π ) - NLP library designed for reproducible experimentation..MIT
- textvec (
π₯ 12 Β·β 180) - Text vectorization tool to outperform TFIDF for classification tasks.MIT
Image Data
Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification.
scikit-image (π₯ 44 Β· β 5.1K) - Image processing in Python. BSD-2
-
GitHub (
π¨βπ» 580 Β·π 2.1K Β·π¦ 120K Β·π 2.5K - 25% open Β·β±οΈ 17.11.2022):git clone https://github.com/scikit-image/scikit-image
-
PyPi (
π₯ 6M / month Β·π¦ 9.4K Β·β±οΈ 12.06.2022):pip install scikit-image
-
Conda (
π₯ 4.2M Β·β±οΈ 30.10.2022):conda install -c conda-forge scikit-image
torchvision (π₯ 42 Β· β 13K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3

-
GitHub (
π¨βπ» 510 Β·π 6.3K Β·π₯ 15K Β·π 2.8K - 29% open Β·β±οΈ 17.11.2022):git clone https://github.com/pytorch/vision
-
PyPi (
π₯ 7.1M / month Β·π¦ 3.7K Β·β±οΈ 28.06.2022):pip install torchvision
-
Conda (
π₯ 430K Β·β±οΈ 24.07.2022):conda install -c conda-forge torchvision
PyTorch Image Models (π₯ 39 Β· β 22K) - PyTorch image models, scripts, pretrained weights --.. Apache-2

-
GitHub (
π¨βπ» 86 Β·π 3.6K Β·π₯ 2.4M Β·π¦ 5.8K Β·π 630 - 12% open Β·β±οΈ 16.11.2022):git clone https://github.com/rwightman/pytorch-image-models
-
PyPi (
π₯ 1.5M / month Β·π¦ 110 Β·β±οΈ 15.05.2022):pip install timm
-
Conda (
π₯ 36K Β·β±οΈ 30.06.2021):conda install -c conda-forge timm
MMDetection (π₯ 37 Β· β 22K) - OpenMMLab Detection Toolbox and Benchmark. Apache-2

imageio (π₯ 37 Β· β 1.1K) - Python library for reading and writing image data. BSD-2
-
GitHub (
π¨βπ» 94 Β·π 230 Β·π₯ 400 Β·π¦ 72K Β·π 500 - 13% open Β·β±οΈ 07.11.2022):git clone https://github.com/imageio/imageio
-
PyPi (
π₯ 13M / month Β·π¦ 2.6K Β·β±οΈ 30.05.2022):pip install imageio
-
Conda (
π₯ 3.9M Β·β±οΈ 19.09.2022):conda install -c conda-forge imageio
Albumentations (π₯ 36 Β· β 11K) - Fast image augmentation library and an easy-to-use wrapper.. MIT

-
GitHub (
π¨βπ» 120 Β·π 1.4K Β·π¦ 10K Β·π 700 - 42% open Β·β±οΈ 31.10.2022):git clone https://github.com/albumentations-team/albumentations
-
PyPi (
π₯ 1.3M / month Β·π¦ 220 Β·β±οΈ 15.06.2022):pip install albumentations
-
Conda (
π₯ 74K Β·β±οΈ 20.09.2022):conda install -c conda-forge albumentations
ImageHash (π₯ 34 Β· β 2.6K) - A Python Perceptual Image Hashing Module. BSD-2
-
GitHub (
π¨βπ» 23 Β·π 310 Β·π¦ 6.4K Β·π 120 - 9% open Β·β±οΈ 28.09.2022):git clone https://github.com/JohannesBuchner/imagehash
-
PyPi (
π₯ 1.2M / month Β·π¦ 340 Β·β±οΈ 15.07.2021):pip install ImageHash
-
Conda (
π₯ 260K Β·β±οΈ 28.09.2022):conda install -c conda-forge imagehash
Wand (π₯ 34 Β· β 1.2K Β· π ) - The ctypes-based simple ImageMagick binding for Python. MIT
-
GitHub (
π¨βπ» 100 Β·π 200 Β·π₯ 8.5K Β·π¦ 13K Β·π 390 - 4% open Β·β±οΈ 13.10.2022):git clone https://github.com/emcconville/wand
-
PyPi (
π₯ 490K / month Β·π¦ 690 Β·β±οΈ 17.08.2021):pip install wand
-
Conda (
π₯ 18K Β·β±οΈ 22.08.2022):conda install -c conda-forge wand
detectron2 (π₯ 33 Β· β 23K) - Detectron2 is a platform for object detection, segmentation.. Apache-2

-
GitHub (
π¨βπ» 220 Β·π 6.1K Β·π¦ 780 Β·π 3.2K - 9% open Β·β±οΈ 11.11.2022):git clone https://github.com/facebookresearch/detectron2
-
PyPi (
π₯ 1 / month Β·π¦ 3 Β·β±οΈ 06.02.2020):pip install detectron2
-
Conda (
π₯ 100K Β·β±οΈ 25.04.2022):conda install -c conda-forge detectron2
InsightFace (π₯ 33 Β· β 13K) - State-of-the-art 2D and 3D Face Analysis Project. MIT

PaddleDetection (π₯ 33 Β· β 9K) - Object Detection toolkit based on PaddlePaddle. It.. Apache-2

opencv-python (π₯ 33 Β· β 3.1K) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
Face Recognition (π₯ 32 Β· β 46K) - The worlds simplest facial recognition api for Python and.. MIT

-
GitHub (
π¨βπ» 54 Β·π 13K Β·π₯ 470 Β·π 1.3K - 54% open Β·β±οΈ 10.06.2022):git clone https://github.com/ageitgey/face_recognition
-
PyPi (
π₯ 51K / month Β·π¦ 46 Β·β±οΈ 20.02.2020):pip install face_recognition
-
Conda (
π₯ 11K Β·β±οΈ 30.04.2021):conda install -c conda-forge face_recognition
imutils (π₯ 31 Β· β 4.2K Β· π€ ) - A series of convenience functions to make basic image processing.. MIT
deepface (π₯ 30 Β· β 4.9K) - A Lightweight Face Recognition and Facial Attribute Analysis (Age,.. MIT
vit-pytorch (π₯ 28 Β· β 12K) - Implementation of Vision Transformer, a simple way to achieve.. MIT

sahi (π₯ 28 Β· β 2.1K) - Framework agnostic sliced/tiled inference + interactive ui + error analysis.. MIT
CellProfiler (π₯ 28 Β· β 720) - An open-source application for biological image analysis. BSD-3
facenet-pytorch (π₯ 26 Β· β 3.2K Β· π€ ) - Pretrained Pytorch face detection (MTCNN) and facial.. MIT

vidgear (π₯ 26 Β· β 2.5K) - A High-performance cross-platform Video Processing Python framework.. Apache-2
Norfair (π₯ 26 Β· β 1.7K) - Lightweight Python library for adding real-time multi-object tracking.. BSD-3
Image Deduplicator (π₯ 25 Β· β 4.3K) - Finding duplicate images made easy!. Apache-2

segmentation_models (π₯ 25 Β· β 4.1K) - Segmentation models with pretrained backbones. Keras.. MIT

layout-parser (π₯ 25 Β· β 3.3K) - A Unified Toolkit for Deep Learning Based Document Image.. Apache-2
pytorchvideo (π₯ 25 Β· β 2.7K) - A deep learning library for video understanding research. Apache-2

MMF (π₯ 24 Β· β 5.1K) - A modular framework for vision & language multimodal research from.. BSD-3

deep-daze (π₯ 23 Β· β 4.4K Β· π€ ) - Simple command line tool for text to image generation using.. MIT
vissl (π₯ 23 Β· β 2.8K) - VISSL is FAIRs library of extensible, modular and scalable components.. MIT

tensorflow-graphics (π₯ 23 Β· β 2.7K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2

icevision (π₯ 23 Β· β 780) - An Agnostic Computer Vision Framework - Pluggable to any Training.. Apache-2
kubric (π₯ 21 Β· β 1.7K) - A data generation pipeline for creating semi-realistic synthetic.. Apache-2
scenic (π₯ 21 Β· β 1.6K) - Scenic: A Jax Library for Computer Vision Research and Beyond. Apache-2

-
GitHub (
π¨βπ» 54 Β·π 200 Β·π¦ 28 Β·π 87 - 41% open Β·β±οΈ 17.11.2022):git clone https://github.com/google-research/scenic
Classy Vision (π₯ 21 Β· β 1.5K) - An end-to-end PyTorch framework for image and video.. MIT

-
GitHub (
π¨βπ» 77 Β·π 260 Β·π 120 - 45% open Β·β±οΈ 27.09.2022):git clone https://github.com/facebookresearch/ClassyVision
-
PyPi (
π₯ 2.6K / month Β·π¦ 2 Β·β±οΈ 09.07.2021):pip install classy_vision
-
Conda (
π₯ 15K Β·β±οΈ 22.03.2022):conda install -c conda-forge classy_vision
PySlowFast (π₯ 20 Β· β 5.3K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2

detecto (π₯ 20 Β· β 570 Β· π€ ) - Build fully-functioning computer vision models with PyTorch. MIT

DEβ«ΆTR (π₯ 19 Β· β 10K Β· π€ ) - End-to-End Object Detection with Transformers. Apache-2

-
GitHub (
π¨βπ» 25 Β·π 1.8K Β·π 470 - 40% open Β·β±οΈ 07.03.2022):git clone https://github.com/facebookresearch/detr
Show 16 hidden projects...
- glfw (
π₯ 36 Β·β 9.8K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input.βοΈZlib
- imgaug (
π₯ 34 Β·β 13K Β·π ) - Image augmentation for machine learning experiments.MIT
- imageai (
π₯ 30 Β·β 7.3K Β·π ) - A python library built to empower developers to build applications..MIT
- PyTorch3D (
π₯ 29 Β·β 6.7K) - PyTorch3D is FAIRs library of reusable components for..βUnlicensed
- Face Alignment (
π₯ 27 Β·β 6K Β·π ) - 2D and 3D Face alignment library build using pytorch.BSD-3
- chainercv (
π₯ 27 Β·β 1.5K Β·π ) - ChainerCV: a Library for Deep Learning in Computer Vision.MIT
- Pillow-SIMD (
π₯ 25 Β·β 1.9K) - The friendly PIL fork.βοΈPIL
- mtcnn (
π₯ 25 Β·β 1.9K Β·π ) - MTCNN face detection implementation for TensorFlow, as a PIP..MIT
- Image Super-Resolution (
π₯ 23 Β·β 3.9K Β·π ) - Super-scale your images and run experiments with..Apache-2
- Luminoth (
π₯ 23 Β·β 2.4K Β·π ) - Deep Learning toolkit for Computer Vision.BSD-3
- nude.py (
π₯ 21 Β·β 870 Β·π ) - Nudity detection with Python.MIT
- image-match (
π₯ 20 Β·β 2.8K Β·π ) - Quickly search over billions of images.Apache-2
- Caer (
π₯ 18 Β·β 660 Β·π ) - A lightweight Computer Vision library. Scale your models, not boilerplate.MIT
- solt (
π₯ 17 Β·β 260) - Streaming over lightweight data transformations.MIT
- Torch Points 3D (
π₯ 16 Β·β 110 Β·π€ ) - Pytorch framework for doing deep learning on point..BSD-3
- HugsVision (
π₯ 14 Β·β 170 Β·π€ ) - HugsVision is a easy to use huggingface wrapper for state-of-..MIT
huggingface
Graph Data
Libraries for graph processing, clustering, embedding, and machine learning tasks.
networkx (π₯ 44 Β· β 12K) - Network Analysis in Python. BSD-3
-
GitHub (
π¨βπ» 630 Β·π 2.8K Β·π₯ 60 Β·π¦ 120K Β·π 3.1K - 12% open Β·β±οΈ 16.11.2022):git clone https://github.com/networkx/networkx
-
PyPi (
π₯ 20M / month Β·π¦ 13K Β·β±οΈ 14.06.2022):pip install networkx
-
Conda (
π₯ 8.9M Β·β±οΈ 02.11.2022):conda install -c conda-forge networkx
PyTorch Geometric (π₯ 38 Β· β 16K) - Graph Neural Network Library for PyTorch. MIT

-
GitHub (
π¨βπ» 340 Β·π 2.9K Β·π 2.8K - 23% open Β·β±οΈ 17.11.2022):git clone https://github.com/pyg-team/pytorch_geometric
-
PyPi (
π₯ 120K / month Β·π¦ 50 Β·β±οΈ 12.03.2022):pip install torch-geometric
-
Conda (
π₯ 14K Β·β±οΈ 19.08.2022):conda install -c conda-forge pytorch_geometric
dgl (π₯ 37 Β· β 11K Β· π ) - Python package built to ease deep learning on graph, on top of.. Apache-2
ogb (π₯ 30 Β· β 1.5K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
pygraphistry (π₯ 27 Β· β 1.7K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3

Paddle Graph Learning (π₯ 27 Β· β 1.4K) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2

pytorch_geometric_temporal (π₯ 25 Β· β 1.8K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT

PyKEEN (π₯ 25 Β· β 1K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
PyTorch-BigGraph (π₯ 24 Β· β 3.1K) - Generate embeddings from large-scale graph-structured.. BSD-3

graph4nlp (π₯ 22 Β· β 1.5K) - Graph4nlp is the library for the easy use of Graph Neural.. Apache-2

torch-cluster (π₯ 22 Β· β 580) - PyTorch Extension Library of Optimized Graph Cluster.. MIT

-
GitHub (
π¨βπ» 26 Β·π 110 Β·π 110 - 20% open Β·β±οΈ 14.11.2022):git clone https://github.com/rusty1s/pytorch_cluster
-
PyPi (
π₯ 14K / month Β·π¦ 30 Β·β±οΈ 11.03.2022):pip install torch-cluster
-
Conda (
π₯ 46K Β·β±οΈ 25.10.2022):conda install -c conda-forge pytorch_cluster
kglib (π₯ 18 Β· β 530) - TypeDB-ML is the Machine Learning integrations library for TypeDB. Apache-2
GraphEmbedding (π₯ 16 Β· β 3.1K) - Implementation and experiments of graph embedding algorithms. MIT

-
GitHub (
π¨βπ» 9 Β·π 890 Β·π¦ 22 Β·π 70 - 64% open Β·β±οΈ 21.06.2022):git clone https://github.com/shenweichen/GraphEmbedding
OpenKE (π₯ 15 Β· β 3.3K) - An Open-Source Package for Knowledge Embedding (KE). MIT
-
GitHub (
π¨βπ» 11 Β·π 920 Β·π 360 - 1% open Β·β±οΈ 03.11.2022):git clone https://github.com/thunlp/OpenKE
AutoGL (π₯ 15 Β· β 850 Β· π€ ) - An autoML framework & toolkit for machine learning on graphs. Apache-2

OpenNE (π₯ 14 Β· β 1.6K) - An Open-Source Package for Network Embedding (NE). MIT

-
GitHub (
π¨βπ» 11 Β·π 480 Β·π 100 - 4% open Β·β±οΈ 02.11.2022):git clone https://github.com/thunlp/OpenNE
GraphGym (π₯ 14 Β· β 1.2K) - Platform for designing and evaluating Graph Neural Networks (GNN). MIT
Show 15 hidden projects...
- igraph (
π₯ 32 Β·β 1K) - Python interface for igraph.βοΈGPL-2.0
- StellarGraph (
π₯ 27 Β·β 2.5K Β·π ) - StellarGraph - Machine Learning on Graphs.Apache-2
- pygal (
π₯ 27 Β·β 2.5K Β·π€ ) - PYthon svg GrAph plotting Library.βοΈLGPL-3.0
- Karate Club (
π₯ 26 Β·β 1.8K) - Karate Club: An API Oriented Open-source Python Framework for..βοΈGPL-3.0
- AmpliGraph (
π₯ 24 Β·β 1.8K Β·π ) - Python library for Representation Learning on Knowledge..Apache-2
- DIG (
π₯ 23 Β·β 1.3K) - A library for graph deep learning research.βοΈGPL-3.0
- DeepWalk (
π₯ 21 Β·β 2.5K Β·π ) - DeepWalk - Deep Learning for Graphs.βοΈGPL-3.0
- graph-nets (
π₯ 20 Β·β 5.2K Β·π ) - Build Graph Nets in Tensorflow.Apache-2
- deepsnap (
π₯ 19 Β·β 440 Β·π ) - Python library assists deep learning on graphs.MIT
- pyRDF2Vec (
π₯ 19 Β·β 170) - Python Implementation and Extension of RDF2Vec.MIT
- Sematch (
π₯ 17 Β·β 400 Β·π ) - semantic similarity framework for knowledge graph.Apache-2
- DeepGraph (
π₯ 17 Β·β 270 Β·π ) - Analyze Data with Pandas-based Networks. Documentation:.BSD-3
- Euler (
π₯ 16 Β·β 2.8K Β·π ) - A distributed graph deep learning framework.Apache-2
- GraphSAGE (
π₯ 15 Β·β 2.9K Β·π ) - Representation learning on large graphs using stochastic..MIT
- GraphVite (
π₯ 12 Β·β 1.1K Β·π ) - GraphVite: A General and High-performance Graph Embedding..Apache-2
Audio Data
Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks.
DeepSpeech (π₯ 35 Β· β 21K Β· π€ ) - DeepSpeech is an open source embedded (offline, on-.. MPL-2.0

-
GitHub (
π¨βπ» 160 Β·π 3.6K Β·π₯ 920K Β·π¦ 840 Β·π 2.1K - 5% open Β·β±οΈ 17.11.2021):git clone https://github.com/mozilla/DeepSpeech
-
PyPi (
π₯ 9.9K / month Β·π¦ 40 Β·β±οΈ 19.12.2020):pip install deepspeech
-
Conda (
π₯ 1.2K Β·β±οΈ 29.07.2021):conda install -c conda-forge deepspeech
speechbrain (π₯ 34 Β· β 4.9K) - A PyTorch-based Speech Toolkit. Apache-2

torchaudio (π₯ 34 Β· β 1.9K) - Data manipulation and transformation for audio signal.. BSD-2

SpeechRecognition (π₯ 32 Β· β 6.6K) - Speech recognition module for Python, supporting several.. BSD-3
-
GitHub (
π¨βπ» 48 Β·π 2.2K Β·π 540 - 47% open Β·β±οΈ 07.11.2022):git clone https://github.com/Uberi/speech_recognition
-
PyPi (
π₯ 430K / month Β·π¦ 720 Β·β±οΈ 05.12.2017):pip install SpeechRecognition
-
Conda (
π₯ 150K Β·β±οΈ 15.11.2022):conda install -c conda-forge speechrecognition
pyAudioAnalysis (π₯ 28 Β· β 5K) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
python-soundfile (π₯ 28 Β· β 500) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3
audioread (π₯ 28 Β· β 410) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding.. MIT
audiomentations (π₯ 27 Β· β 1.2K) - A Python library for audio data augmentation. Inspired by.. MIT
tinytag (π₯ 26 Β· β 570) - Read audio and music meta data and duration of MP3, OGG, OPUS, MP4, M4A,.. MIT
Show 8 hidden projects...
- aubio (
π₯ 28 Β·β 2.8K Β·π€ ) - a library for audio and music analysis.βοΈGPL-3.0
- Essentia (
π₯ 26 Β·β 2.2K) - C++ library for audio and music analysis, description and..βοΈAGPL-3.0
- python_speech_features (
π₯ 23 Β·β 2.2K Β·π ) - This library provides common speech features for ASR..MIT
- Dejavu (
π₯ 22 Β·β 5.9K Β·π ) - Audio fingerprinting and recognition in Python.MIT
- TTS (
π₯ 21 Β·β 6.4K Β·π ) - Deep learning for Text to Speech (Discussion forum:..MPL-2.0
- TimeSide (
π₯ 21 Β·β 340) - Scalable audio processing framework written in Python with a..βοΈAGPL-3.0
- Muda (
π₯ 17 Β·β 210 Β·π ) - A library for augmenting annotated audio data.ISC
- textlesslib (
π₯ 9 Β·β 370 Β·π€ ) - Library for Textless Spoken Language Processing.MIT
Geospatial Data
Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding.
pydeck (π₯ 42 Β· β 10K) - WebGL2 powered visualization framework. MIT

-
GitHub (
π¨βπ» 210 Β·π 1.9K Β·π¦ 4.9K Β·π 2.6K - 6% open Β·β±οΈ 15.11.2022):git clone https://github.com/visgl/deck.gl
-
PyPi (
π₯ 920K / month Β·π¦ 24 Β·β±οΈ 25.10.2021):pip install pydeck
-
Conda (
π₯ 230K Β·β±οΈ 04.11.2022):conda install -c conda-forge pydeck
-
npm (
π₯ 350K / month Β·π¦ 420 Β·β±οΈ 15.11.2022):npm install deck.gl
folium (π₯ 39 Β· β 6K) - Python Data. Leaflet.js Maps. MIT
-
GitHub (
π¨βπ» 140 Β·π 2.1K Β·π¦ 19K Β·π 1K - 24% open Β·β±οΈ 17.11.2022):git clone https://github.com/python-visualization/folium
-
PyPi (
π₯ 880K / month Β·π¦ 680 Β·β±οΈ 19.11.2021):pip install folium
-
Conda (
π₯ 1.3M Β·β±οΈ 07.10.2022):conda install -c conda-forge folium
Rasterio (π₯ 38 Β· β 1.8K Β· π ) - Rasterio reads and writes geospatial raster datasets. BSD-3
-
GitHub (
π¨βπ» 140 Β·π 490 Β·π₯ 760 Β·π¦ 5.8K Β·π 1.6K - 9% open Β·β±οΈ 17.11.2022):git clone https://github.com/rasterio/rasterio
-
PyPi (
π₯ 1.5M / month Β·π¦ 800 Β·β±οΈ 06.07.2022):pip install rasterio
-
Conda (
π₯ 1.9M Β·β±οΈ 17.11.2022):conda install -c conda-forge rasterio
pyproj (π₯ 37 Β· β 810) - Python interface to PROJ (cartographic projections and coordinate.. MIT
GeoPandas (π₯ 36 Β· β 3.4K) - Python tools for geographic data. BSD-3

-
GitHub (
π¨βπ» 180 Β·π 760 Β·π₯ 1.7K Β·π 1.4K - 31% open Β·β±οΈ 16.11.2022):git clone https://github.com/geopandas/geopandas
-
PyPi (
π₯ 2.9M / month Β·π¦ 1.2K Β·β±οΈ 21.06.2022):pip install geopandas
-
Conda (
π₯ 2.2M Β·β±οΈ 04.11.2022):conda install -c conda-forge geopandas
ipyleaflet (π₯ 33 Β· β 1.3K) - A Jupyter - Leaflet.js bridge. MIT

-
GitHub (
π¨βπ» 81 Β·π 350 Β·π¦ 3.1K Β·π 540 - 39% open Β·β±οΈ 27.10.2022):git clone https://github.com/jupyter-widgets/ipyleaflet
-
PyPi (
π₯ 170K / month Β·π¦ 110 Β·β±οΈ 07.07.2022):pip install ipyleaflet
-
Conda (
π₯ 920K Β·β±οΈ 19.10.2022):conda install -c conda-forge ipyleaflet
-
npm (
π₯ 58K / month Β·π¦ 3 Β·β±οΈ 19.10.2022):npm install jupyter-leaflet
ArcGIS API (π₯ 29 Β· β 1.5K) - Documentation and samples for ArcGIS API for Python. Apache-2
-
GitHub (
π¨βπ» 82 Β·π 930 Β·π₯ 6.3K Β·π 540 - 10% open Β·β±οΈ 17.11.2022):git clone https://github.com/Esri/arcgis-python-api
-
PyPi (
π₯ 58K / month Β·π¦ 26 Β·β±οΈ 02.06.2022):pip install arcgis
-
Docker Hub (
π₯ 7.4K Β·β 37 Β·β±οΈ 17.06.2022):docker pull esridocker/arcgis-api-python-notebook
EarthPy (π₯ 25 Β· β 400 Β· π€ ) - A package built to support working with spatial data using open.. BSD-3
Show 8 hidden projects...
- Geocoder (
π₯ 32 Β·β 1.5K Β·π ) - Python Geocoder.MIT
- Satpy (
π₯ 30 Β·β 870) - Python package for earth-observing satellite data processing.βοΈGPL-3.0
- Sentinelsat (
π₯ 26 Β·β 830) - Search and download Copernicus Sentinel satellite images.βοΈGPL-3.0
- pymap3d (
π₯ 24 Β·β 290) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef..BSD-2
- prettymaps (
π₯ 23 Β·β 8.9K) - A small set of Python functions to draw pretty maps from..βοΈAGPL-3.0
- gmaps (
π₯ 23 Β·β 750 Β·π ) - Google maps for Jupyter notebooks.BSD-3
- Mapbox GL (
π₯ 23 Β·β 620 Β·π ) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook.MIT
- geoplotlib (
π₯ 21 Β·β 980 Β·π ) - python toolbox for visualizing geographical data and making maps.MIT
Financial Data
Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data.
Qlib (π₯ 31 Β· β 9.9K) - Qlib is an AI-oriented quantitative investment platform, which aims to.. MIT

TensorTrade (π₯ 25 Β· β 4K) - An open source reinforcement learning framework for training,.. Apache-2
-
GitHub (
π¨βπ» 61 Β·π 930 Β·π¦ 36 Β·π 240 - 17% open Β·β±οΈ 23.08.2022):git clone https://github.com/tensortrade-org/tensortrade
-
PyPi (
π₯ 380 / month Β·π¦ 1 Β·β±οΈ 10.05.2021):pip install tensortrade
-
Conda (
π₯ 1.9K Β·β±οΈ 10.05.2021):conda install -c conda-forge tensortrade
Crypto Signals (π₯ 22 Β· β 4.2K) - Github.com/CryptoSignal - Trading & Technical Analysis Bot -.. MIT
-
GitHub (
π¨βπ» 28 Β·π 1.2K Β·π 260 - 22% open Β·β±οΈ 09.08.2022):git clone https://github.com/CryptoSignal/crypto-signal
-
Docker Hub (
π₯ 140K Β·β 8 Β·β±οΈ 03.09.2020):docker pull shadowreaver/crypto-signal
tf-quant-finance (π₯ 22 Β· β 3.4K) - High-performance TensorFlow library for quantitative.. Apache-2

stockstats (π₯ 22 Β· β 1.1K) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
finmarketpy (π₯ 19 Β· β 3K Β· π€ ) - Python library for backtesting trading strategies & analyzing.. Apache-2
Show 14 hidden projects...
- zipline (
π₯ 33 Β·β 16K Β·π ) - Zipline, a Pythonic Algorithmic Trading Library.Apache-2
- pyfolio (
π₯ 30 Β·β 4.7K Β·π ) - Portfolio and risk analytics in Python.Apache-2
- backtrader (
π₯ 29 Β·β 9.6K Β·π ) - Python Backtesting library for trading strategies.βοΈGPL-3.0
- arch (
π₯ 29 Β·β 1K) - ARCH models in Python.βοΈNCSA
- Alpha Vantage (
π₯ 27 Β·β 3.8K Β·π ) - A python wrapper for Alpha Vantage API for financial data.MIT
- Alphalens (
π₯ 27 Β·β 2.5K Β·π ) - Performance analysis of predictive (alpha) stock factors.Apache-2
- Enigma Catalyst (
π₯ 26 Β·β 2.4K Β·π ) - An Algorithmic Trading Library for Crypto-Assets in..Apache-2
- empyrical (
π₯ 26 Β·β 1K Β·π ) - Common financial risk and performance metrics. Used by zipline..Apache-2
- PyAlgoTrade (
π₯ 24 Β·β 3.8K Β·π ) - Python Algorithmic Trading Library.Apache-2
- FinTA (
π₯ 21 Β·β 1.8K) - Common financial technical indicators implemented in Pandas.βοΈLGPL-3.0
- Backtesting.py (
π₯ 20 Β·β 3K Β·π€ ) - Backtest trading strategies in Python.βοΈAGPL-3.0
- FinQuant (
π₯ 19 Β·β 860 Β·π ) - A program for financial portfolio management, analysis and..MIT
- surpriver (
π₯ 12 Β·β 1.5K Β·π ) - Find big moving stocks before they move using machine..βοΈGPL-3.0
- pyrtfolio (
π₯ 7 Β·β 120 Β·π ) - Python package to generate stock portfolios.βοΈGPL-3.0
Time Series Data
Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data.
Prophet (π₯ 36 Β· β 15K) - Tool for producing high quality forecasts for time series data that has.. MIT
sktime (π₯ 35 Β· β 5.9K) - A unified framework for machine learning with time series. BSD-3

-
GitHub (
π¨βπ» 200 Β·π 950 Β·π₯ 76 Β·π¦ 690 Β·π 1.4K - 32% open Β·β±οΈ 17.11.2022):git clone https://github.com/alan-turing-institute/sktime
-
PyPi (
π₯ 420K / month Β·π¦ 26 Β·β±οΈ 29.06.2022):pip install sktime
-
Conda (
π₯ 71K Β·β±οΈ 05.10.2022):conda install -c conda-forge sktime-all-extras
NeuralProphet (π₯ 33 Β· β 2.6K) - NeuralProphet: A simple forecasting package. MIT

pmdarima (π₯ 32 Β· β 1.3K) - A statistical library designed to fill the void in Pythons time series.. MIT
-
GitHub (
π¨βπ» 22 Β·π 220 Β·π¦ 2.8K Β·π 300 - 10% open Β·β±οΈ 03.11.2022):git clone https://github.com/alkaline-ml/pmdarima
-
PyPi (
π₯ 1.7M / month Β·π¦ 57 Β·β±οΈ 22.02.2022):pip install pmdarima
-
Conda (
π₯ 130K Β·β±οΈ 24.08.2022):conda install -c conda-forge pmdarima
STUMPY (π₯ 31 Β· β 2.4K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
Darts (π₯ 30 Β· β 5K) - A python library for easy manipulation and forecasting of time series. Apache-2
-
GitHub (
π¨βπ» 69 Β·π 540 Β·π¦ 130 Β·π 750 - 28% open Β·β±οΈ 16.11.2022):git clone https://github.com/unit8co/darts
-
PyPi (
π₯ 8.1K / month Β·π¦ 3 Β·β±οΈ 22.06.2022):pip install u8darts
-
Conda (
π₯ 18K Β·β±οΈ 05.10.2022):conda install -c conda-forge u8darts-all
-
Docker Hub (
π₯ 360 Β·β±οΈ 04.10.2022):docker pull unit8/darts
pytorch-forecasting (π₯ 30 Β· β 2.4K) - Time series forecasting with PyTorch. MIT
-
GitHub (
π¨βπ» 33 Β·π 380 Β·π 540 - 52% open Β·β±οΈ 15.11.2022):git clone https://github.com/jdb78/pytorch-forecasting
-
PyPi (
π₯ 120K / month Β·π¦ 4 Β·β±οΈ 23.05.2022):pip install pytorch-forecasting
-
Conda (
π₯ 32K Β·β±οΈ 23.05.2022):conda install -c conda-forge pytorch-forecasting
tsfresh (π₯ 29 Β· β 6.9K Β· π€ ) - Automatic extraction of relevant features from time series:. MIT

StatsForecast (π₯ 28 Β· β 1.6K) - Lightning fast forecasting with statistical and econometric.. Apache-2
-
GitHub (
π¨βπ» 14 Β·π 98 Β·π¦ 88 Β·π 120 - 41% open Β·β±οΈ 16.11.2022):git clone https://github.com/Nixtla/statsforecast
-
PyPi (
π₯ 230K / month Β·π¦ 5 Β·β±οΈ 27.06.2022):pip install statsforecast
-
Conda (
π₯ 18K Β·β±οΈ 15.11.2022):conda install -c conda-forge statsforecast
uber/orbit (π₯ 24 Β· β 1.5K) - A Python package for Bayesian forecasting with object-oriented.. Apache-2
NeuralForecast (π₯ 23 Β· β 960) - Scalable and user friendly neural forecasting algorithms for.. Apache-2
TSFEL (π₯ 22 Β· β 570 Β· π€ ) - An intuitive library to extract features from time series. BSD-3
Auto TS (π₯ 19 Β· β 500) - Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost.. Apache-2
Show 8 hidden projects...
- PyFlux (
π₯ 24 Β·β 2K Β·π ) - Open source time series library for Python.BSD-3
- luminol (
π₯ 21 Β·β 1.1K Β·π ) - Anomaly Detection and Correlation library.Apache-2
- pydlm (
π₯ 20 Β·β 430 Β·π ) - A python library for Bayesian time series modeling.BSD-3
- tick (
π₯ 20 Β·β 400 Β·π ) - Module for statistical learning, with a particular emphasis on time-..BSD-3
- ADTK (
π₯ 19 Β·β 880 Β·π ) - A Python toolkit for rule-based/unsupervised anomaly detection in time..MPL-2.0
- matrixprofile-ts (
π₯ 19 Β·β 690 Β·π ) - A Python library for detecting patterns and anomalies..Apache-2
- tsflex (
π₯ 18 Β·β 190) - Flexible time series feature extraction & processing.MIT
- tsaug (
π₯ 13 Β·β 270 Β·π ) - A Python package for time series augmentation.Apache-2
Medical Data
Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats.
MNE (π₯ 37 Β· β 2.1K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
Lifelines (π₯ 34 Β· β 2K) - Survival analysis in Python. MIT
-
GitHub (
π¨βπ» 100 Β·π 510 Β·π¦ 1.1K Β·π 890 - 26% open Β·β±οΈ 17.11.2022):git clone https://github.com/CamDavidsonPilon/lifelines
-
PyPi (
π₯ 470K / month Β·π¦ 110 Β·β±οΈ 26.06.2022):pip install lifelines
-
Conda (
π₯ 220K Β·β±οΈ 18.05.2022):conda install -c conda-forge lifelines
Nilearn (π₯ 34 Β· β 900) - Machine learning for NeuroImaging in Python. BSD-3

-
GitHub (
π¨βπ» 200 Β·π 470 Β·π₯ 73 Β·π¦ 1.8K Β·π 1.7K - 16% open Β·β±οΈ 09.11.2022):git clone https://github.com/nilearn/nilearn
-
PyPi (
π₯ 34K / month Β·π¦ 240 Β·β±οΈ 13.04.2022):pip install nilearn
-
Conda (
π₯ 200K Β·β±οΈ 24.08.2022):conda install -c conda-forge nilearn
NiBabel (π₯ 33 Β· β 500) - Python package to access a cacophony of neuro-imaging file formats. MIT
DIPY (π₯ 31 Β· β 550) - DIPY is the paragon 3D/4D+ imaging library in Python. Contains generic.. BSD-3
DeepVariant (π₯ 25 Β· β 2.6K) - DeepVariant is an analysis pipeline that uses a deep neural.. BSD-3

pyRiemann (π₯ 24 Β· β 430) - Python machine learning package based on sklearn API for multivariate.. BSD-3
Medical Detection Toolkit (π₯ 14 Β· β 1.2K Β· π€ ) - The Medical Detection Toolkit contains 2D + 3D.. Apache-2

-
GitHub (
π¨βπ» 3 Β·π 290 Β·π 130 - 33% open Β·β±οΈ 04.04.2022):git clone https://github.com/MIC-DKFZ/medicaldetectiontoolkit
Show 9 hidden projects...
- NiftyNet (
π₯ 25 Β·β 1.3K Β·π ) - [unmaintained] An open-source convolutional neural..Apache-2
- MedPy (
π₯ 23 Β·β 440) - Medical image processing in Python.βοΈGPL-3.0
- NIPY (
π₯ 23 Β·β 320 Β·π ) - Neuroimaging in Python FMRI analysis package.BSD-3
- DLTK (
π₯ 21 Β·β 1.3K Β·π ) - Deep Learning Toolkit for Medical Image Analysis.Apache-2
- Brainiak (
π₯ 20 Β·β 280 Β·π ) - Brain Imaging Analysis Kit.Apache-2
- Glow (
π₯ 19 Β·β 220) - An open-source toolkit for large-scale genomic analysis.Apache-2
- MedicalTorch (
π₯ 16 Β·β 790 Β·π ) - A medical imaging framework for Pytorch.Apache-2
- MedicalNet (
π₯ 12 Β·β 1.5K Β·π ) - Many studies have shown that the performance on deep learning is..MIT
- DeepNeuro (
π₯ 12 Β·β 110 Β·π ) - A deep learning python package for neuroimaging data. Made by:.MIT
Tabular Data
Libraries for processing tabular and structured data.
carefree-learn (π₯ 23 Β· β 380) - Deep Learning PyTorch. MIT

pytorch_tabular (π₯ 17 Β· β 770) - A standard framework for modelling Deep Learning Models.. MIT

Show 2 hidden projects...
- miceforest (
π₯ 21 Β·β 200) - Multiple Imputation with LightGBM in Python.MIT
- upgini (
π₯ 19 Β·β 160) - Free automated data enrichment library for machine learning searches..BSD-3
Optical Character Recognition
Libraries for optical character recognition (OCR) and text extraction from images or videos.
EasyOCR (π₯ 35 Β· β 16K) - Ready-to-use OCR with 80+ supported languages and all popular writing.. Apache-2
Tesseract (π₯ 32 Β· β 4.5K) - Python-tesseract is an optical character recognition (OCR) tool.. Apache-2
OCRmyPDF (π₯ 29 Β· β 7.7K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
MMOCR (π₯ 28 Β· β 2.9K) - OpenMMLab Text Detection, Recognition and Understanding Toolbox. Apache-2

keras-ocr (π₯ 22 Β· β 1.1K) - A packaged and flexible version of the CRAFT text detector and.. MIT

-
GitHub (
π¨βπ» 15 Β·π 280 Β·π₯ 370K Β·π 180 - 40% open Β·β±οΈ 19.05.2022):git clone https://github.com/faustomorales/keras-ocr
-
PyPi (
π₯ 5.8K / month Β·π¦ 2 Β·β±οΈ 19.05.2022):pip install keras-ocr
-
Conda (
π₯ 120 Β·β±οΈ 14.01.2022):conda install -c anaconda keras-ocr
pdftabextract (π₯ 21 Β· β 2K) - A set of tools for extracting tables from PDF files helping to.. Apache-2
Show 3 hidden projects...
- attention-ocr (
π₯ 21 Β·β 930 Β·π ) - 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 (
π₯ 9 Β·β 410) - An optical music recognition (OMR) system. Converts sheet music to..Apache-2
Data Containers & Structures
General-purpose data containers & structures as well as utilities & extensions for pandas.
Data Loading & Extraction
Libraries for loading, collecting, and extracting data from a variety of data sources and formats.
Web Scraping & Crawling
Libraries for web scraping, crawling, downloading, and mining as well as libraries.
Data Pipelines & Streaming
Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks.
Distributed Machine Learning
Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure.
Ray (π₯ 44 Β· β 23K) - Ray is a unified framework for scaling AI and Python applications. Ray.. Apache-2
dask.distributed (π₯ 41 Β· β 1.4K Β· π ) - A distributed task scheduler for Dask. BSD-3
-
GitHub (
π¨βπ» 300 Β·π 660 Β·π¦ 26K Β·π 3.3K - 38% open Β·β±οΈ 16.11.2022):git clone https://github.com/dask/distributed
-
PyPi (
π₯ 4M / month Β·π¦ 1.2K Β·β±οΈ 24.06.2022):pip install distributed
-
Conda (
π₯ 8.7M Β·β±οΈ 15.11.2022):conda install -c conda-forge distributed
horovod (π₯ 37 Β· β 13K Β· π ) - Distributed training framework for TensorFlow, Keras, PyTorch,.. Apache-2
DeepSpeed (π₯ 35 Β· β 8.2K) - DeepSpeed is a deep learning optimization library that makes.. MIT

-
GitHub (
π¨βπ» 140 Β·π 950 Β·π¦ 480 Β·π 1.1K - 48% open Β·β±οΈ 15.11.2022):git clone https://github.com/microsoft/DeepSpeed
-
PyPi (
π₯ 570K / month Β·π¦ 12 Β·β±οΈ 25.05.2022):pip install deepspeed
-
Docker Hub (
π₯ 14K Β·β 3 Β·β±οΈ 02.09.2022):docker pull deepspeed/deepspeed
BigDL (π₯ 35 Β· β 4.1K) - Fast, distributed, secure AI for Big Data. Apache-2
-
GitHub (
π¨βπ» 170 Β·π 1.1K Β·π¦ 40 Β·π 1.7K - 37% open Β·β±οΈ 17.11.2022):git clone https://github.com/intel-analytics/BigDL
-
PyPi (
π₯ 4K / month Β·π¦ 1 Β·β±οΈ 07.07.2022):pip install bigdl
-
Maven (
π¦ 4 Β·β±οΈ 20.04.2021):<dependency> <groupId>com.intel.analytics.bigdl</groupId> <artifactId>bigdl-SPARK_2.4</artifactId> <version>[VERSION]</version> </dependency>
metrics (π₯ 34 Β· β 1.1K) - Machine learning metrics for distributed, scalable PyTorch.. Apache-2

-
GitHub (
π¨βπ» 160 Β·π 240 Β·π₯ 1.2K Β·π¦ 5.6K Β·π 490 - 11% open Β·β±οΈ 17.11.2022):git clone https://github.com/Lightning-AI/metrics
-
PyPi (
π₯ 3.6K / month Β·π¦ 14 Β·β±οΈ 28.04.2018):pip install metrics
-
Conda (
π₯ 570K Β·β±οΈ 17.11.2022):conda install -c conda-forge torchmetrics
H2O-3 (π₯ 33 Β· β 6.1K) - H2O is an Open Source, Distributed, Fast & Scalable Machine Learning.. Apache-2
FairScale (π₯ 33 Β· β 1.9K) - PyTorch extensions for high performance and large scale training. BSD-3

-
GitHub (
π¨βπ» 64 Β·π 190 Β·π¦ 890 Β·π 330 - 19% open Β·β±οΈ 21.10.2022):git clone https://github.com/facebookresearch/fairscale
-
PyPi (
π₯ 850K / month Β·π¦ 20 Β·β±οΈ 09.03.2022):pip install fairscale
-
Conda (
π₯ 69K Β·β±οΈ 20.06.2022):conda install -c conda-forge fairscale
ColossalAI (π₯ 27 Β· β 6.6K) - Colossal-AI: A Unified Deep Learning System for Big Model Era. Apache-2
-
GitHub (
π¨βπ» 80 Β·π 610 Β·π¦ 140 Β·π 260 - 36% open Β·β±οΈ 17.11.2022):git clone https://github.com/hpcaitech/colossalai
TensorFlowOnSpark (π₯ 27 Β· β 3.8K Β· π€ ) - TensorFlowOnSpark brings TensorFlow programs to.. Apache-2


-
GitHub (
π¨βπ» 34 Β·π 960 Β·π 360 - 2% open Β·β±οΈ 21.04.2022):git clone https://github.com/yahoo/TensorFlowOnSpark
-
PyPi (
π₯ 170K / month Β·π¦ 5 Β·β±οΈ 21.04.2022):pip install tensorflowonspark
-
Conda (
π₯ 15K Β·β±οΈ 21.08.2022):conda install -c conda-forge tensorflowonspark
petastorm (π₯ 27 Β· β 1.5K) - Petastorm library enables single machine or distributed training.. Apache-2
analytics-zoo (π₯ 25 Β· β 2.5K) - Distributed Tensorflow, Keras and PyTorch on Apache.. Apache-2

Hivemind (π₯ 25 Β· β 1.2K) - Decentralized deep learning in PyTorch. Built to train models on.. MIT
Apache Singa (π₯ 21 Β· β 2.7K) - a distributed deep learning platform. Apache-2
-
GitHub (
π¨βπ» 79 Β·π 880 Β·π¦ 1 Β·π 100 - 37% open Β·β±οΈ 01.06.2022):git clone https://github.com/apache/singa
-
Conda (
π₯ 550 Β·β±οΈ 09.08.2021):conda install -c nusdbsystem singa
-
Docker Hub (
π₯ 2.1K Β·β 4 Β·β±οΈ 31.05.2022):docker pull apache/singa
BytePS (π₯ 19 Β· β 3.3K Β· π€ ) - A high performance and generic framework for distributed DNN.. Apache-2
-
GitHub (
π¨βπ» 19 Β·π 460 Β·π 260 - 38% open Β·β±οΈ 10.02.2022):git clone https://github.com/bytedance/byteps
-
PyPi (
π₯ 27 / month Β·β±οΈ 02.08.2021):pip install byteps
-
Docker Hub (
π₯ 1.3K Β·β±οΈ 03.03.2020):docker pull bytepsimage/tensorflow
parallelformers (π₯ 18 Β· β 540) - Parallelformers: An Efficient Model Parallelization.. Apache-2
mesh-transformer-jax (π₯ 16 Β· β 4.6K Β· π€ ) - Model parallel transformers in JAX and Haiku. Apache-2

-
GitHub (
π¨βπ» 23 Β·π 640 Β·π 190 - 16% open Β·β±οΈ 28.01.2022):git clone https://github.com/kingoflolz/mesh-transformer-jax
moolib (π₯ 12 Β· β 340) - A library for distributed ML training with PyTorch. MIT

-
GitHub (
π¨βπ» 5 Β·π 15 Β·π¦ 3 Β·π 17 - 35% open Β·β±οΈ 07.11.2022):git clone https://github.com/facebookresearch/moolib
Show 10 hidden projects...
- DEAP (
π₯ 32 Β·β 4.9K) - Distributed Evolutionary Algorithms in Python.βοΈLGPL-3.0
- ipyparallel (
π₯ 30 Β·β 2.3K) - IPython Parallel: Interactive Parallel Computing in..βUnlicensed
- launchpad (
π₯ 21 Β·β 280) - Launchpad is a library that simplifies writing distributed..Apache-2
- TensorFrames (
π₯ 20 Β·β 760 Β·π ) - [DEPRECATED] Tensorflow wrapper for DataFrames on..Apache-2
- sk-dist (
π₯ 20 Β·β 280 Β·π ) - Distributed scikit-learn meta-estimators in PySpark.Apache-2
- somoclu (
π₯ 19 Β·β 240) - Massively parallel self-organizing maps: accelerate training on multicore..MIT
- Fiber (
π₯ 18 Β·β 990 Β·π ) - Distributed Computing for AI Made Simple.Apache-2
- bluefog (
π₯ 15 Β·β 280) - Distributed and decentralized training framework for PyTorch..Apache-2
- LazyCluster (
π₯ 14 Β·β 44 Β·π ) - Distributed machine learning made simple.Apache-2
- autodist (
π₯ 11 Β·β 120 Β·π ) - Simple Distributed Deep Learning on TensorFlow.Apache-2
Hyperparameter Optimization & AutoML
Libraries for hyperparameter optimization, automl and neural architecture search.
NNI (π₯ 36 Β· β 12K) - An open source AutoML toolkit for automate machine learning lifecycle,.. MIT
auto-sklearn (π₯ 33 Β· β 6.6K Β· π ) - Automated Machine Learning with scikit-learn. BSD-3

-
GitHub (
π¨βπ» 88 Β·π 1.2K Β·π₯ 39 Β·π¦ 340 Β·π 940 - 14% open Β·β±οΈ 15.11.2022):git clone https://github.com/automl/auto-sklearn
-
PyPi (
π₯ 37K / month Β·π¦ 30 Β·β±οΈ 20.09.2022):pip install auto-sklearn
-
Conda (
π₯ 12K Β·β±οΈ 21.09.2022):conda install -c conda-forge auto-sklearn
Bayesian Optimization (π₯ 33 Β· β 6.4K Β· π ) - A Python implementation of global optimization with.. MIT
featuretools (π₯ 33 Β· β 6.4K) - An open source python library for automated feature engineering. BSD-3
Keras Tuner (π₯ 33 Β· β 2.6K) - A Hyperparameter Tuning Library for Keras. Apache-2

-
GitHub (
π¨βπ» 51 Β·π 340 Β·π¦ 1.8K Β·π 410 - 43% open Β·β±οΈ 16.11.2022):git clone https://github.com/keras-team/keras-tuner
-
PyPi (
π₯ 550K / month Β·π¦ 46 Β·β±οΈ 25.03.2022):pip install keras-tuner
-
Conda (
π₯ 11K Β·β±οΈ 16.10.2022):conda install -c conda-forge keras-tuner
Hyperopt (π₯ 32 Β· β 6.5K Β· π€ ) - Distributed Asynchronous Hyperparameter Optimization in Python. BSD-3
AutoGluon (π₯ 32 Β· β 5K) - AutoGluon: AutoML for Image, Text, Time Series, and Tabular.. Apache-2

nevergrad (π₯ 28 Β· β 3.4K) - A Python toolbox for performing gradient-free optimization. MIT
-
GitHub (
π¨βπ» 49 Β·π 320 Β·π¦ 400 Β·π 260 - 39% open Β·β±οΈ 10.08.2022):git clone https://github.com/facebookresearch/nevergrad
-
PyPi (
π₯ 32K / month Β·π¦ 20 Β·β±οΈ 08.03.2022):pip install nevergrad
-
Conda (
π₯ 34K Β·β±οΈ 14.06.2021):conda install -c conda-forge nevergrad
mljar-supervised (π₯ 25 Β· β 2.3K) - Python package for AutoML on Tabular Data with Feature.. MIT
-
GitHub (
π¨βπ» 19 Β·π 300 Β·π¦ 56 Β·π 520 - 21% open Β·β±οΈ 03.11.2022):git clone https://github.com/mljar/mljar-supervised
-
PyPi (
π₯ 6.2K / month Β·π¦ 2 Β·β±οΈ 02.03.2022):pip install mljar-supervised
-
Conda (
π₯ 5.2K Β·β±οΈ 17.08.2022):conda install -c conda-forge mljar-supervised
lazypredict (π₯ 24 Β· β 460) - Lazy Predict help build a lot of basic models without much code.. MIT

HpBandSter (π₯ 23 Β· β 550 Β· π€ ) - a distributed Hyperband implementation on Steroids. BSD-3
featurewiz (π₯ 23 Β· β 330) - Use advanced feature engineering strategies and select best.. Apache-2
Neuraxle (π₯ 21 Β· β 550) - The worlds cleanest AutoML library - Do hyperparameter tuning with.. Apache-2
Hyperactive (π₯ 21 Β· β 420) - An optimization and data collection toolbox for convenient and fast.. MIT
Dragonfly (π₯ 20 Β· β 740) - An open source python library for scalable Bayesian optimisation. MIT
igel (π₯ 19 Β· β 3K Β· π€ ) - a delightful machine learning tool that allows you to train, test, and use.. MIT
Auto ViML (π₯ 19 Β· β 380) - Automatically Build Multiple ML Models with a Single Line of Code... Apache-2
AlphaPy (π₯ 18 Β· β 820 Β· π€ ) - Automated Machine Learning [AutoML] with Python, scikit-learn,.. Apache-2
opytimizer (π₯ 18 Β· β 540) - Opytimizer is a Python library consisting of meta-heuristic.. Apache-2
shap-hypetune (π₯ 16 Β· β 400) - A python package for simultaneous Hyperparameters Tuning and.. MIT
model_search (π₯ 11 Β· β 3.2K Β· π€ ) - AutoML algorithms for model architecture search at scale. Apache-2
-
GitHub (
π¨βπ» 1 Β·π 360 Β·π 52 - 71% open Β·β±οΈ 09.02.2022):git clone https://github.com/google/model_search
Show 24 hidden projects...
- TPOT (
π₯ 32 Β·β 8.8K) - A Python Automated Machine Learning tool that optimizes machine..βοΈLGPL-3.0
- scikit-optimize (
π₯ 31 Β·β 2.5K Β·π ) - Sequential model-based optimization with a..BSD-3
- GPyOpt (
π₯ 27 Β·β 840 Β·π ) - Gaussian Process Optimization using GPy.BSD-3
- SMAC3 (
π₯ 26 Β·β 760) - SMAC3: A Versatile Bayesian Optimization Package for..βοΈBSD-1-Clause
- Orion (
π₯ 26 Β·β 250) - Asynchronous Distributed Hyperparameter Optimization.BSD-3
- AdaNet (
π₯ 24 Β·β 3.4K Β·π ) - Fast and flexible AutoML with learning guarantees.Apache-2
- MLBox (
π₯ 23 Β·β 1.4K Β·π ) - MLBox is a powerful Automated Machine Learning python library.βοΈBSD-1-Clause
- lightwood (
π₯ 23 Β·β 300) - Lightwood is Legos for Machine Learning.βοΈGPL-3.0
- auto_ml (
π₯ 22 Β·β 1.6K Β·π ) - [UNMAINTAINED] Automated machine learning for analytics & production.MIT
- Test Tube (
π₯ 22 Β·β 730 Β·π ) - Python library to easily log experiments and parallelize..MIT
- optunity (
π₯ 22 Β·β 400 Β·π ) - optimization routines for hyperparameter tuning.BSD-3
- sklearn-deap (
π₯ 21 Β·β 700 Β·π ) - Use evolutionary algorithms instead of gridsearch in..MIT
- Auto Tune Models (
π₯ 18 Β·β 520 Β·π ) - Auto Tune Models - A multi-tenant, multi-data system for..MIT
- Sherpa (
π₯ 18 Β·β 310 Β·π ) - Hyperparameter optimization that enables researchers to..βοΈGPL-3.0
- Advisor (
π₯ 17 Β·β 1.5K Β·π ) - Open-source implementation of Google Vizier for hyper parameters..Apache-2
- Parfit (
π₯ 17 Β·β 200 Β·π ) - A package for parallelizing the fit and flexibly scoring of..MIT
- automl-gs (
π₯ 16 Β·β 1.8K Β·π ) - Provide an input CSV and a target field to predict, generate a..MIT
- HyperparameterHunter (
π₯ 16 Β·β 700 Β·π ) - Easy hyperparameter optimization and automatic result..MIT
- Xcessiv (
π₯ 15 Β·β 1.3K Β·π ) - A web-based application for quick, scalable, and automated..Apache-2
- ENAS (
π₯ 13 Β·β 2.6K Β·π ) - PyTorch implementation of Efficient Neural Architecture Search via..Apache-2
- Auptimizer (
π₯ 13 Β·β 190 Β·π ) - An automatic ML model optimization tool.βοΈGPL-3.0
- Devol (
π₯ 11 Β·β 940 Β·π ) - Genetic neural architecture search with Keras.MIT
- Hypermax (
π₯ 11 Β·β 100 Β·π ) - Better, faster hyper-parameter optimization.BSD-3
- Hypertunity (
π₯ 9 Β·β 120 Β·π ) - A toolset for black-box hyperparameter optimisation.Apache-2
Reinforcement Learning
Libraries for building and evaluating reinforcement learning & agent-based systems.
OpenAI Gym (π₯ 42 Β· β 29K) - A toolkit for developing and comparing reinforcement learning.. MIT
TF-Agents (π₯ 34 Β· β 2.4K) - TF-Agents: A reliable, scalable and easy to use TensorFlow.. Apache-2

TensorLayer (π₯ 27 Β· β 7.1K Β· π€ ) - Deep Learning and Reinforcement Learning Library for.. Apache-2

ViZDoom (π₯ 27 Β· β 1.4K) - Doom-based AI Research Platform for Reinforcement Learning from Raw.. MIT
PARL (π₯ 26 Β· β 2.8K) - A high-performance distributed training framework for Reinforcement.. Apache-2

Stable Baselines (π₯ 24 Β· β 3.7K) - A fork of OpenAI Baselines, implementations of reinforcement.. MIT
TensorForce (π₯ 22 Β· β 3.2K Β· π€ ) - Tensorforce: a TensorFlow library for applied.. Apache-2

rliable (π₯ 13 Β· β 520) - [NeurIPS21 Outstanding Paper] Library for reliable evaluation on RL.. Apache-2
Show 7 hidden projects...
- baselines (
π₯ 29 Β·β 13K Β·π ) - OpenAI Baselines: high-quality implementations of reinforcement..MIT
- keras-rl (
π₯ 28 Β·β 5.3K Β·π ) - Deep Reinforcement Learning for Keras.MIT
- ChainerRL (
π₯ 23 Β·β 1.1K Β·π ) - ChainerRL is a deep reinforcement learning library built on top of..MIT
- TRFL (
π₯ 22 Β·β 3.1K Β·π ) - TensorFlow Reinforcement Learning.Apache-2
- SerpentAI (
π₯ 19 Β·β 6.4K Β·π ) - Game Agent Framework. Helping you create AIs / Bots that learn to..MIT
- DeepMind Lab (
π₯ 17 Β·β 6.8K) - A customisable 3D platform for agent-based AI research.βUnlicensed
- Maze (
π₯ 12 Β·β 220 Β·π€ ) - Maze Applied Reinforcement Learning Framework.βοΈCustom
Recommender Systems
Libraries for building and evaluating recommendation systems.
Recommenders (π₯ 35 Β· β 15K) - Best Practices on Recommendation Systems. MIT
scikit-surprise (π₯ 31 Β· β 5.6K) - A Python scikit for building and analyzing recommender.. BSD-3
-
GitHub (
π¨βπ» 44 Β·π 960 Β·π 370 - 18% open Β·β±οΈ 31.10.2022):git clone https://github.com/NicolasHug/Surprise
-
PyPi (
π₯ 120K / month Β·π¦ 49 Β·β±οΈ 19.07.2020):pip install scikit-surprise
-
Conda (
π₯ 270K Β·β±οΈ 31.10.2022):conda install -c conda-forge scikit-surprise
TF Recommenders (π₯ 31 Β· β 1.5K) - TensorFlow Recommenders is a library for building.. Apache-2

implicit (π₯ 30 Β· β 3K) - Fast Python Collaborative Filtering for Implicit Feedback Datasets. MIT
-
GitHub (
π¨βπ» 32 Β·π 560 Β·π₯ 180 Β·π¦ 710 Β·π 440 - 17% open Β·β±οΈ 27.09.2022):git clone https://github.com/benfred/implicit
-
PyPi (
π₯ 140K / month Β·π¦ 32 Β·β±οΈ 29.01.2022):pip install implicit
-
Conda (
π₯ 420K Β·β±οΈ 29.01.2022):conda install -c conda-forge implicit
lightfm (π₯ 29 Β· β 4.2K) - A Python implementation of LightFM, a hybrid recommendation algorithm. Apache-2
TF Ranking (π₯ 29 Β· β 2.6K) - Learning to Rank in TensorFlow. Apache-2

recmetrics (π₯ 18 Β· β 440 Β· π€ ) - A library of metrics for evaluating recommender systems. MIT
Case Recommender (π₯ 17 Β· β 430 Β· π€ ) - Case Recommender: A Flexible and Extensible Python.. MIT

Show 6 hidden projects...
- tensorrec (
π₯ 22 Β·β 1.2K Β·π ) - A TensorFlow recommendation algorithm and framework in..Apache-2
- fastFM (
π₯ 21 Β·β 1K Β·π ) - fastFM: A Library for Factorization Machines.BSD-3
- lkpy (
π₯ 19 Β·β 220) - Python recommendation toolkit.MIT
- Spotlight (
π₯ 18 Β·β 2.8K Β·π ) - Deep recommender models using PyTorch.MIT
- Collie (
π₯ 17 Β·β 94) - A library for preparing, training, and evaluating scalable deep..BSD-3
- OpenRec (
π₯ 15 Β·β 400 Β·π ) - OpenRec is an open-source and modular library for neural network-..Apache-2
Privacy Machine Learning
Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy.
TensorFlow Privacy (π₯ 26 Β· β 1.7K) - Library for training machine learning models with.. Apache-2

TFEncrypted (π₯ 25 Β· β 1.1K) - A Framework for Encrypted Machine Learning in TensorFlow. Apache-2

Show 1 hidden projects...
- PipelineDP (
π₯ 21 Β·β 240) - PipelineDP is a Python framework for applying differentially..Apache-2
Workflow & Experiment Tracking
Libraries to organize, track, and visualize machine learning experiments.
Tensorboard (π₯ 43 Β· β 6K) - TensorFlows Visualization Toolkit. Apache-2

-
GitHub (
π¨βπ» 290 Β·π 1.6K Β·π¦ 130K Β·π 1.8K - 34% open Β·β±οΈ 16.11.2022):git clone https://github.com/tensorflow/tensorboard
-
PyPi (
π₯ 18M / month Β·π¦ 2.4K Β·β±οΈ 08.06.2022):pip install tensorboard
-
Conda (
π₯ 3.5M Β·β±οΈ 09.11.2022):conda install -c conda-forge tensorboard
DVC (π₯ 41 Β· β 11K) - Data Version Control | Git for Data & Models | ML Experiments Management. Apache-2
wandb client (π₯ 37 Β· β 5K) - A tool for visualizing and tracking your machine learning.. MIT
SageMaker SDK (π₯ 37 Β· β 1.7K) - A library for training and deploying machine learning.. Apache-2


-
GitHub (
π¨βπ» 290 Β·π 880 Β·π¦ 1.8K Β·π 1.2K - 37% open Β·β±οΈ 15.11.2022):git clone https://github.com/aws/sagemaker-python-sdk
-
PyPi (
π₯ 8.6M / month Β·π¦ 52 Β·β±οΈ 05.07.2022):pip install sagemaker
-
Conda (
π₯ 450K Β·β±οΈ 03.11.2022):conda install -c conda-forge sagemaker-python-sdk
PyCaret (π₯ 36 Β· β 6.5K) - An open-source, low-code machine learning library in Python. MIT
-
GitHub (
π¨βπ» 100 Β·π 1.5K Β·π₯ 620 Β·π¦ 2.8K Β·π 1.8K - 16% open Β·β±οΈ 15.11.2022):git clone https://github.com/pycaret/pycaret
-
PyPi (
π₯ 940K / month Β·π¦ 13 Β·β±οΈ 06.06.2022):pip install pycaret
-
Conda (
π₯ 23K Β·β±οΈ 18.04.2022):conda install -c conda-forge pycaret
AzureML SDK (π₯ 35 Β· β 3.5K) - Python notebooks with ML and deep learning examples with Azure.. MIT
tensorboardX (π₯ 34 Β· β 7.5K) - tensorboard for pytorch (and chainer, mxnet, numpy, ...). MIT
-
GitHub (
π¨βπ» 73 Β·π 870 Β·π₯ 350 Β·π¦ 23K Β·π 440 - 16% open Β·β±οΈ 04.09.2022):git clone https://github.com/lanpa/tensorboardX
-
PyPi (
π₯ 1.6M / month Β·π¦ 890 Β·β±οΈ 05.06.2022):pip install tensorboardX
-
Conda (
π₯ 880K Β·β±οΈ 07.06.2022):conda install -c conda-forge tensorboardx
snakemake (π₯ 34 Β· β 1.5K) - This is the development home of the workflow management system.. MIT
-
GitHub (
π¨βπ» 270 Β·π 380 Β·π¦ 1.3K Β·π 1.2K - 60% open Β·β±οΈ 10.11.2022):git clone https://github.com/snakemake/snakemake
-
PyPi (
π₯ 68K / month Β·π¦ 210 Β·β±οΈ 30.06.2022):pip install snakemake
-
Conda (
π₯ 580K Β·β±οΈ 12.11.2022):conda install -c bioconda snakemake
ClearML (π₯ 33 Β· β 3.8K) - ClearML - Auto-Magical CI/CD to streamline your ML workflow... Apache-2
-
GitHub (
π¨βπ» 57 Β·π 500 Β·π₯ 570 Β·π¦ 340 Β·π 660 - 44% open Β·β±οΈ 15.11.2022):git clone https://github.com/allegroai/clearml
-
PyPi (
π₯ 390K / month Β·π¦ 8 Β·β±οΈ 04.07.2022):pip install clearml
-
Docker Hub (
π₯ 30K Β·β±οΈ 05.10.2020):docker pull allegroai/trains
Metaflow (π₯ 32 Β· β 6.1K) - Build and manage real-life data science projects with ease!. Apache-2
aim (π₯ 31 Β· β 2.9K) - Aim easy-to-use and performant open-source ML experiment tracker. Apache-2
sacred (π₯ 30 Β· β 3.9K) - Sacred is a tool to help you configure, organize, log and reproduce.. MIT
ml-metadata (π₯ 29 Β· β 500) - For recording and retrieving metadata associated with ML.. Apache-2
Neptune.ai (π₯ 29 Β· β 340) - Experiment tracking tool and model registry. Apache-2
-
GitHub (
π¨βπ» 35 Β·π 33 Β·π 180 - 13% open Β·β±οΈ 17.11.2022):git clone https://github.com/neptune-ai/neptune-client
-
PyPi (
π₯ 520K / month Β·π¦ 28 Β·β±οΈ 01.07.2022):pip install neptune-client
-
Conda (
π₯ 120K Β·β±οΈ 15.11.2022):conda install -c conda-forge neptune-client
livelossplot (π₯ 25 Β· β 1.2K Β· π€ ) - Live training loss plot in Jupyter Notebook for Keras,.. MIT

Labml (π₯ 24 Β· β 1.2K) - Monitor deep learning model training and hardware usage from your mobile.. MIT
lore (π₯ 19 Β· β 1.5K) - Lore makes machine learning approachable for Software Engineers and.. MIT
Show 16 hidden projects...
- kaggle (
π₯ 29 Β·β 5K Β·π ) - Official Kaggle API.Apache-2
- knockknock (
π₯ 25 Β·β 2.5K Β·π ) - Knock Knock: Get notified when your training ends with only two..MIT
- SKLL (
π₯ 25 Β·β 530) - SciKit-Learn Laboratory (SKLL) makes it easy to run machine..βοΈBSD-1-Clause
- hiddenlayer (
π₯ 21 Β·β 1.7K Β·π ) - Neural network graphs and training metrics for..MIT
- TensorWatch (
π₯ 20 Β·β 3.3K Β·π ) - Debugging, monitoring and visualization for Python Machine..MIT
- TensorBoard Logger (
π₯ 20 Β·β 620 Β·π ) - Log TensorBoard events without touching TensorFlow.MIT
- Studio.ml (
π₯ 20 Β·β 380 Β·π ) - Studio: Simplify and expedite model building process.Apache-2
- quinn (
π₯ 20 Β·β 370 Β·π ) - pyspark methods to enhance developer productivity.Apache-2
- gokart (
π₯ 20 Β·β 270) - Gokart solves reproducibility, task dependencies, constraints of good code,..MIT
- MXBoard (
π₯ 19 Β·β 330 Β·π ) - Logging MXNet data for visualization in TensorBoard.Apache-2
- datmo (
π₯ 16 Β·β 340 Β·π ) - Open source production model management tool for data scientists.MIT
- chitra (
π₯ 16 Β·β 210) - A multi-functional library for full-stack Deep Learning. Simplifies..Apache-2
- steppy (
π₯ 15 Β·β 130 Β·π ) - Lightweight, Python library for fast and reproducible experimentation.MIT
- caliban (
π₯ 14 Β·β 440 Β·π ) - Research workflows made easy, locally and in the Cloud.Apache-2
- ModelChimp (
π₯ 13 Β·β 120 Β·π ) - Experiment tracking for machine and deep learning projects.BSD-2
- traintool (
π₯ 8 Β·β 10 Β·π ) - Train off-the-shelf machine learning models in one..Apache-2
Model Serialization & Deployment
Libraries to serialize models to files, convert between a variety of model formats, and optimize models for deployment.
Core ML Tools (π₯ 32 Β· β 2.9K) - Core ML tools contain supporting tools for Core ML model.. BSD-3
-
GitHub (
π¨βπ» 140 Β·π 470 Β·π₯ 4.6K Β·π¦ 1.1K Β·π 1K - 16% open Β·β±οΈ 16.11.2022):git clone https://github.com/apple/coremltools
-
PyPi (
π₯ 210K / month Β·π¦ 150 Β·β±οΈ 07.06.2022):pip install coremltools
-
Conda (
π₯ 40K Β·β±οΈ 15.10.2021):conda install -c conda-forge coremltools
huggingface_hub (π₯ 31 Β· β 590) - All the open source things related to the Hugging Face Hub. Apache-2
-
GitHub (
π¨βπ» 75 Β·π 140 Β·π 350 - 22% open Β·β±οΈ 17.11.2022):git clone https://github.com/huggingface/huggingface_hub
-
PyPi (
π₯ 7M / month Β·π¦ 87 Β·β±οΈ 21.06.2022):pip install huggingface_hub
-
Conda (
π₯ 520K Β·β±οΈ 16.11.2022):conda install -c conda-forge huggingface_hub
Hummingbird (π₯ 29 Β· β 3K) - Hummingbird compiles trained ML models into tensor computation for.. MIT
-
GitHub (
π¨βπ» 35 Β·π 250 Β·π₯ 190 Β·π¦ 45 Β·π 260 - 17% open Β·β±οΈ 10.11.2022):git clone https://github.com/microsoft/hummingbird
-
PyPi (
π₯ 27K / month Β·β±οΈ 25.04.2022):pip install hummingbird-ml
-
Conda (
π₯ 17K Β·β±οΈ 11.11.2022):conda install -c conda-forge hummingbird-ml
TorchServe (π₯ 29 Β· β 3K) - Serve, optimize and scale PyTorch models in production. Apache-2

-
GitHub (
π¨βπ» 140 Β·π 640 Β·π₯ 2.2K Β·π 1.1K - 17% open Β·β±οΈ 16.11.2022):git clone https://github.com/pytorch/serve
-
PyPi (
π₯ 19K / month Β·π¦ 9 Β·β±οΈ 13.05.2022):pip install torchserve
-
Conda (
π₯ 48K Β·β±οΈ 14.11.2022):conda install -c pytorch torchserve
-
Docker Hub (
π₯ 1M Β·β 16 Β·β±οΈ 14.11.2022):docker pull pytorch/torchserve
mmdnn (π₯ 25 Β· β 5.6K) - MMdnn is a set of tools to help users inter-operate among different deep.. MIT
m2cgen (π₯ 25 Β· β 2.3K) - Transform ML models into a native code (Java, C, Python, Go, JavaScript,.. MIT
sklearn-porter (π₯ 23 Β· β 1.2K) - Transpile trained scikit-learn estimators to C, Java,.. BSD-3

Show 7 hidden projects...
- Larq Compute Engine (
π₯ 21 Β·β 210) - Highly optimized inference engine for Binarized..Apache-2
- OMLT (
π₯ 20 Β·β 170) - Represent trained machine learning models as Pyomo optimization formulations.BSD-3
- pytorch2keras (
π₯ 19 Β·β 820 Β·π ) - PyTorch to Keras model convertor.MIT
- tfdeploy (
π₯ 16 Β·β 350 Β·π ) - Deploy tensorflow graphs for fast evaluation and export to..BSD-3
- modelkit (
π₯ 15 Β·β 140) - Toolkit for developing and maintaining ML models.MIT
- backprop (
π₯ 13 Β·β 230 Β·π ) - Backprop makes it simple to use, finetune, and deploy state-of-..Apache-2
- ml-ane-transformers (
π₯ 10 Β·β 480 Β·π£ ) - Reference implementation of the Transformer..βUnlicensed
Model Interpretability
Libraries to visualize, explain, debug, evaluate, and interpret machine learning models.
shap (π₯ 39 Β· β 18K) - A game theoretic approach to explain the output of any machine learning model. MIT
arviz (π₯ 34 Β· β 1.3K) - Exploratory analysis of Bayesian models with Python. Apache-2
-
GitHub (
π¨βπ» 130 Β·π 310 Β·π₯ 110 Β·π¦ 3K Β·π 790 - 22% open Β·β±οΈ 16.11.2022):git clone https://github.com/arviz-devs/arviz
-
PyPi (
π₯ 780K / month Β·π¦ 100 Β·β±οΈ 13.05.2022):pip install arviz
-
Conda (
π₯ 980K Β·β±οΈ 16.11.2022):conda install -c conda-forge arviz
Netron (π₯ 33 Β· β 21K Β· π ) - Visualizer for neural network, deep learning, and machine.. MIT


InterpretML (π₯ 32 Β· β 5.1K) - Fit interpretable models. Explain blackbox machine learning. MIT

Model Analysis (π₯ 31 Β· β 1.2K) - Model analysis tools for TensorFlow. Apache-2


dtreeviz (π₯ 30 Β· β 2.3K) - A python library for decision tree visualization and model interpretation. MIT
yellowbrick (π₯ 29 Β· β 3.8K) - Visual analysis and diagnostic tools to facilitate machine.. Apache-2

-
GitHub (
π¨βπ» 110 Β·π 520 Β·π 680 - 12% open Β·β±οΈ 21.08.2022):git clone https://github.com/DistrictDataLabs/yellowbrick
-
PyPi (
π₯ 960K / month Β·π¦ 67 Β·β±οΈ 19.02.2022):pip install yellowbrick
-
Conda (
π₯ 44K Β·β±οΈ 22.08.2022):conda install -c conda-forge yellowbrick
Fairness 360 (π₯ 29 Β· β 1.9K) - A comprehensive set of fairness metrics for datasets and.. Apache-2
explainerdashboard (π₯ 29 Β· β 1.4K) - Quickly build Explainable AI dashboards that show the inner.. MIT
-
GitHub (
π¨βπ» 15 Β·π 180 Β·π¦ 200 Β·π 190 - 10% open Β·β±οΈ 16.06.2022):git clone https://github.com/oegedijk/explainerdashboard
-
PyPi (
π₯ 59K / month Β·π¦ 4 Β·β±οΈ 15.06.2022):pip install explainerdashboard
-
Conda (
π₯ 26K Β·β±οΈ 15.02.2022):conda install -c conda-forge explainerdashboard
evaluate (π₯ 29 Β· β 960) - Evaluate: A library for easily evaluating machine learning models.. Apache-2
responsible-ai-widgets (π₯ 29 Β· β 610) - This project provides responsible AI user interfaces.. MIT



DoWhy (π₯ 28 Β· β 5.4K) - DoWhy is a Python library for causal inference that supports explicit.. MIT
Explainability 360 (π₯ 27 Β· β 1.2K) - Interpretability and explainability of data and.. Apache-2
checklist (π₯ 25 Β· β 1.8K) - Beyond Accuracy: Behavioral Testing of NLP models with CheckList. MIT

imodels (π₯ 25 Β· β 950) - Interpretable ML package for concise, transparent, and accurate predictive.. MIT
sklearn-evaluation (π₯ 24 Β· β 340) - Machine learning model evaluation made easy: plots,.. MIT

LIT (π₯ 23 Β· β 3K Β· π€ ) - The Language Interpretability Tool: Interactively analyze NLP models.. Apache-2
What-If Tool (π₯ 22 Β· β 760 Β· π€ ) - Source code/webpage/demos for the What-If Tool. Apache-2
-
GitHub (
π¨βπ» 20 Β·π 140 Β·π 120 - 53% open Β·β±οΈ 05.01.2022):git clone https://github.com/PAIR-code/what-if-tool
-
PyPi (
π₯ 9.4K / month Β·π¦ 3 Β·β±οΈ 12.10.2021):pip install witwidget
-
Conda (
π₯ 1.4M Β·β±οΈ 06.01.2022):conda install -c conda-forge tensorboard-plugin-wit
-
npm (
π₯ 3K / month Β·β±οΈ 12.10.2021):npm install wit-widget
iNNvestigate (π₯ 21 Β· β 1.1K) - A toolbox to iNNvestigate neural networks predictions!. BSD-2

tf-explain (π₯ 21 Β· β 950) - Interpretability Methods for tf.keras models with Tensorflow 2.x. MIT

ecco (π₯ 19 Β· β 1.5K Β· π€ ) - Explain, analyze, and visualize NLP language models. Ecco creates.. BSD-3

model-card-toolkit (π₯ 19 Β· β 320 Β· π ) - a tool that leverages rich metadata and lineage.. Apache-2
ExplainX.ai (π₯ 15 Β· β 320) - Explainable AI framework for data scientists. Explain & debug any.. MIT
interpret-text (π₯ 13 Β· β 340 Β· π€ ) - A library that incorporates state-of-the-art explainers.. MIT

Show 20 hidden projects...
- Lime (
π₯ 33 Β·β 10K Β·π ) - Lime: Explaining the predictions of any machine learning classifier.BSD-2
- pyLDAvis (
π₯ 31 Β·β 1.7K Β·π ) - Python library for interactive topic model visualization...BSD-3
- Deep Checks (
π₯ 29 Β·β 2.2K) - Tests for Continuous Validation of ML Models & Data...βοΈAGPL-3.0
- eli5 (
π₯ 27 Β·β 2.6K Β·π ) - A library for debugging/inspecting machine learning classifiers and..MIT
- scikit-plot (
π₯ 27 Β·β 2.3K Β·π ) - An intuitive library to add plotting functionality to..MIT
- Lucid (
π₯ 26 Β·β 4.5K Β·π ) - A collection of infrastructure and tools for research in..Apache-2
- keras-vis (
π₯ 25 Β·β 2.9K Β·π ) - Neural network visualization toolkit for keras.MIT
- DALEX (
π₯ 23 Β·β 1.1K) - moDel Agnostic Language for Exploration and eXplanation.βοΈGPL-3.0
- TreeInterpreter (
π₯ 22 Β·β 720 Β·π ) - Package for interpreting scikit-learns decision tree..BSD-3
- random-forest-importances (
π₯ 22 Β·β 530 Β·π ) - Code to compute permutation and drop-column..MIT
- aequitas (
π₯ 22 Β·β 500 Β·π ) - Bias and Fairness Audit Toolkit.MIT
- Skater (
π₯ 21 Β·β 1K Β·π€ ) - Python Library for Model Interpretation/Explanations.βοΈUPL-1.0
- Quantus (
π₯ 21 Β·β 250) - Quantus is an eXplainable AI toolkit for responsible evaluation of..βοΈLGPL-3.0
- tcav (
π₯ 19 Β·β 550 Β·π ) - Code for the TCAV ML interpretability project.Apache-2
- fairness-indicators (
π₯ 19 Β·β 280) - Tensorflows Fairness Evaluation and Visualization..Apache-2
- FlashTorch (
π₯ 17 Β·β 690 Β·π ) - Visualization toolkit for neural networks in PyTorch! Demo --.MIT
- XAI (
π₯ 16 Β·β 870 Β·π ) - XAI - An eXplainability toolbox for machine learning.MIT
- contextual-ai (
π₯ 12 Β·β 82 Β·π€ ) - Contextual AI adds explainability to different stages of..Apache-2
- Attribution Priors (
π₯ 11 Β·β 110 Β·π ) - Tools for training explainable models using..MIT
- bias-detector (
π₯ 11 Β·β 40) - Bias Detector is a python package for detecting bias in machine..MIT
Vector Similarity Search (ANN)
Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search.
Milvus (π₯ 38 Β· β 14K) - Vector database for scalable similarity search and AI applications. Apache-2
-
GitHub (
π¨βπ» 230 Β·π 1.9K Β·π₯ 24K Β·π 6.5K - 5% open Β·β±οΈ 17.11.2022):git clone https://github.com/milvus-io/milvus
-
PyPi (
π₯ 190K / month Β·π¦ 17 Β·β±οΈ 02.04.2022):pip install pymilvus
-
Docker Hub (
π₯ 2.3M Β·β 23 Β·β±οΈ 17.11.2022):docker pull milvusdb/milvus
Faiss (π₯ 36 Β· β 18K) - A library for efficient similarity search and clustering of dense vectors. MIT
-
GitHub (
π¨βπ» 110 Β·π 2.7K Β·π¦ 800 Β·π 1.9K - 11% open Β·β±οΈ 15.11.2022):git clone https://github.com/facebookresearch/faiss
-
PyPi (
π₯ 190K / month Β·π¦ 17 Β·β±οΈ 02.04.2022):pip install pymilvus
-
Conda (
π₯ 560K Β·β±οΈ 02.11.2022):conda install -c conda-forge faiss
Annoy (π₯ 33 Β· β 10K) - Approximate Nearest Neighbors in C++/Python optimized for memory usage.. Apache-2
NMSLIB (π₯ 30 Β· β 2.9K) - Non-Metric Space Library (NMSLIB): An efficient similarity search.. Apache-2
hnswlib (π₯ 28 Β· β 2.2K Β· π€ ) - Header-only C++/python library for fast approximate nearest.. Apache-2
PyNNDescent (π₯ 28 Β· β 690) - A Python nearest neighbor descent for approximate nearest neighbors. BSD-2
-
GitHub (
π¨βπ» 24 Β·π 90 Β·π¦ 2.3K Β·π 110 - 49% open Β·β±οΈ 01.11.2022):git clone https://github.com/lmcinnes/pynndescent
-
PyPi (
π₯ 770K / month Β·π¦ 26 Β·β±οΈ 14.05.2022):pip install pynndescent
-
Conda (
π₯ 1M Β·β±οΈ 01.11.2022):conda install -c conda-forge pynndescent
NGT (π₯ 22 Β· β 940) - Nearest Neighbor Search with Neighborhood Graph and Tree for High-.. Apache-2
Show 4 hidden projects...
- Magnitude (
π₯ 24 Β·β 1.5K Β·π ) - A fast, efficient universal vector embedding utility package.MIT
- NearPy (
π₯ 21 Β·β 720 Β·π ) - Python framework for fast (approximated) nearest neighbour search in..MIT
- N2 (
π₯ 19 Β·β 530 Β·π ) - TOROS N2 - lightweight approximate Nearest Neighbor library which runs..Apache-2
- PySparNN (
π₯ 11 Β·β 900 Β·π ) - Approximate Nearest Neighbor Search for Sparse Data in Python!.BSD-3
Probabilistics & Statistics
Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics.
PyMC3 (π₯ 40 Β· β 7.1K) - Probabilistic Programming in Python: Bayesian Modeling and.. Apache-2
-
GitHub (
π¨βπ» 420 Β·π 1.7K Β·π₯ 1.9K Β·π¦ 870 Β·π 2.9K - 6% open Β·β±οΈ 15.11.2022):git clone https://github.com/pymc-devs/pymc
-
PyPi (
π₯ 370K / month Β·π¦ 240 Β·β±οΈ 15.03.2022):pip install pymc3
-
Conda (
π₯ 470K Β·β±οΈ 20.05.2022):conda install -c conda-forge pymc3
tensorflow-probability (π₯ 37 Β· β 3.8K) - Probabilistic reasoning and statistical analysis in.. Apache-2

-
GitHub (
π¨βπ» 460 Β·π 1K Β·π 1.3K - 45% open Β·β±οΈ 17.11.2022):git clone https://github.com/tensorflow/probability
-
PyPi (
π₯ 940K / month Β·π¦ 340 Β·β±οΈ 07.06.2022):pip install tensorflow-probability
-
Conda (
π₯ 81K Β·β±οΈ 10.11.2022):conda install -c conda-forge tensorflow-probability
Pyro (π₯ 34 Β· β 7.7K) - Deep universal probabilistic programming with Python and PyTorch. Apache-2

GPyTorch (π₯ 32 Β· β 2.9K) - A highly efficient and modular implementation of Gaussian Processes.. MIT

-
GitHub (
π¨βπ» 110 Β·π 440 Β·π¦ 800 Β·π 1.2K - 25% open Β·β±οΈ 16.11.2022):git clone https://github.com/cornellius-gp/gpytorch
-
PyPi (
π₯ 190K / month Β·π¦ 41 Β·β±οΈ 27.06.2022):pip install gpytorch
-
Conda (
π₯ 62K Β·β±οΈ 08.09.2022):conda install -c conda-forge gpytorch
filterpy (π₯ 30 Β· β 2.5K) - Python Kalman filtering and optimal estimation library. Implements.. MIT
pandas-ta (π₯ 29 Β· β 3K) - Technical Analysis Indicators - Pandas TA is an easy to use Python.. MIT

pomegranate (π₯ 29 Β· β 3K) - Fast, flexible and easy to use probabilistic modelling in Python. MIT
-
GitHub (
π¨βπ» 66 Β·π 540 Β·π¦ 770 Β·π 690 - 10% open Β·β±οΈ 04.07.2022):git clone https://github.com/jmschrei/pomegranate
-
PyPi (
π₯ 66K / month Β·π¦ 46 Β·β±οΈ 21.02.2022):pip install pomegranate
-
Conda (
π₯ 100K Β·β±οΈ 19.09.2022):conda install -c conda-forge pomegranate
SALib (π₯ 29 Β· β 650) - Sensitivity Analysis Library in Python. Contains Sobol, Morris, FAST, and.. MIT
Orbit (π₯ 24 Β· β 1.5K) - A Python package for Bayesian forecasting with object-oriented design.. Apache-2
Baal (π₯ 19 Β· β 680) - Library to enable Bayesian active learning in your research or labeling.. Apache-2
Show 7 hidden projects...
- pingouin (
π₯ 29 Β·β 1.2K) - Statistical package in Python based on Pandas.βοΈGPL-3.0
- Edward (
π₯ 28 Β·β 4.7K Β·π ) - A probabilistic programming language in TensorFlow. Deep..Apache-2
- PyStan (
π₯ 27 Β·β 210) - PyStan, a Python interface to Stan, a platform for statistical modeling...ISC
- pyhsmm (
π₯ 21 Β·β 520 Β·π ) - Bayesian inference in HSMMs and HMMs.MIT
- scikit-posthocs (
π₯ 21 Β·β 260) - Multiple Pairwise Comparisons (Post Hoc) Tests in Python.MIT
- Funsor (
π₯ 18 Β·β 200) - Functional tensors for probabilistic programming.Apache-2
- ZhuSuan (
π₯ 16 Β·β 2.2K Β·π ) - A probabilistic programming library for Bayesian deep learning,..MIT
Adversarial Robustness
Libraries for testing the robustness of machine learning models against attacks with adversarial/malicious examples.
ART (π₯ 34 Β· β 3.3K) - Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning.. MIT
-
GitHub (
π¨βπ» 120 Β·π 910 Β·π¦ 270 Β·π 740 - 12% open Β·β±οΈ 17.11.2022):git clone https://github.com/Trusted-AI/adversarial-robustness-toolbox
-
PyPi (
π₯ 32K / month Β·π¦ 7 Β·β±οΈ 01.07.2022):pip install adversarial-robustness-toolbox
-
Conda (
π₯ 18K Β·β±οΈ 16.11.2022):conda install -c conda-forge adversarial-robustness-toolbox
TextAttack (π₯ 30 Β· β 2.1K) - TextAttack is a Python framework for adversarial attacks, data.. MIT
Foolbox (π₯ 28 Β· β 2.4K) - A Python toolbox to create adversarial examples that fool neural networks.. MIT
AdvBox (π₯ 19 Β· β 1.3K) - Advbox is a toolbox to generate adversarial examples that fool neural.. Apache-2
robustness (π₯ 19 Β· β 750 Β· π€ ) - A library for experimenting with, training and evaluating neural.. MIT
Show 4 hidden projects...
- CleverHans (
π₯ 30 Β·β 5.7K Β·π ) - An adversarial example library for constructing attacks,..MIT
- advertorch (
π₯ 22 Β·β 1.1K) - A Toolbox for Adversarial Robustness Research.βοΈGPL-3.0
- textflint (
π₯ 16 Β·β 580) - Unified Multilingual Robustness Evaluation Toolkit for Natural..βοΈGPL-3.0
- Adversary (
π₯ 14 Β·β 370 Β·π ) - Tool to generate adversarial text examples and test machine..MIT
GPU & Accelerator Utilities
Libraries that require and make use of CUDA/GPU or other accelerator hardware capabilities to optimize machine learning tasks.
CuPy (π₯ 38 Β· β 6.5K Β· π ) - NumPy & SciPy for GPU. MIT
-
GitHub (
π¨βπ» 320 Β·π 640 Β·π₯ 49K Β·π¦ 1.3K Β·π 1.9K - 23% open Β·β±οΈ 16.11.2022):git clone https://github.com/cupy/cupy
-
PyPi (
π₯ 20K / month Β·π¦ 160 Β·β±οΈ 30.06.2022):pip install cupy
-
Conda (
π₯ 2.1M Β·β±οΈ 17.11.2022):conda install -c conda-forge cupy
-
Docker Hub (
π₯ 56K Β·β 8 Β·β±οΈ 11.11.2022):docker pull cupy/cupy
gpustat (π₯ 31 Β· β 3.1K) - A simple command-line utility for querying and monitoring GPU status. MIT
Apex (π₯ 27 Β· β 6.8K) - A PyTorch Extension: Tools for easy mixed precision and distributed.. BSD-3

optimum (π₯ 27 Β· β 770) - Accelerate training and inference of Transformers with easy to use.. Apache-2
DALI (π₯ 24 Β· β 4.1K) - A GPU-accelerated library containing highly optimized building blocks.. Apache-2
-
GitHub (
π¨βπ» 79 Β·π 530 Β·π 1.3K - 17% open Β·β±οΈ 17.11.2022):git clone https://github.com/NVIDIA/DALI
scikit-cuda (π₯ 24 Β· β 920 Β· π€ ) - Python interface to GPU-powered libraries. BSD-3
Merlin (π₯ 23 Β· β 380) - NVIDIA Merlin is an open source library providing end-to-end GPU-.. Apache-2
Vulkan Kompute (π₯ 20 Β· β 1K Β· π ) - General purpose GPU compute framework built on Vulkan to.. Apache-2
cuSignal (π₯ 18 Β· β 640) - GPU accelerated signal processing. Apache-2
-
GitHub (
π¨βπ» 39 Β·π 100 Β·π 140 - 12% open Β·β±οΈ 07.11.2022):git clone https://github.com/rapidsai/cusignal
Show 6 hidden projects...
- BlazingSQL (
π₯ 22 Β·β 1.8K Β·π ) - BlazingSQL is a lightweight, GPU accelerated, SQL engine for..Apache-2
- GPUtil (
π₯ 22 Β·β 920 Β·π ) - A Python module for getting the GPU status from NVIDA GPUs using..MIT
- py3nvml (
π₯ 22 Β·β 210 Β·π€ ) - Python 3 Bindings for NVML library. Get NVIDIA GPU status inside..BSD-3
- nvidia-ml-py3 (
π₯ 20 Β·β 92 Β·π ) - Python 3 Bindings for the NVIDIA Management Library.BSD-3
- SpeedTorch (
π₯ 15 Β·β 660 Β·π ) - Library for faster pinned CPU - GPU transfer in Pytorch.MIT
- ipyexperiments (
π₯ 14 Β·β 150 Β·π€ ) - jupyter/ipython experiment containers for GPU and..Apache-2
Tensorflow Utilities
Libraries that extend TensorFlow with additional capabilities.
TensorFlow Datasets (π₯ 36 Β· β 3.5K) - TFDS is a collection of datasets ready to use with.. Apache-2

-
GitHub (
π¨βπ» 270 Β·π 1.3K Β·π 1.3K - 50% open Β·β±οΈ 17.11.2022):git clone https://github.com/tensorflow/datasets
-
PyPi (
π₯ 1.1M / month Β·π¦ 160 Β·β±οΈ 02.06.2022):pip install tensorflow-datasets
-
Conda (
π₯ 10K Β·β±οΈ 06.10.2022):conda install -c conda-forge tensorflow-datasets
tensorflow-hub (π₯ 36 Β· β 3.2K) - A library for transfer learning by reusing parts of.. Apache-2

-
GitHub (
π¨βπ» 97 Β·π 1.7K Β·π¦ 14K Β·π 660 - 2% open Β·β±οΈ 14.11.2022):git clone https://github.com/tensorflow/hub
-
PyPi (
π₯ 3.9M / month Β·π¦ 300 Β·β±οΈ 14.04.2021):pip install tensorflow-hub
-
Conda (
π₯ 71K Β·β±οΈ 18.04.2021):conda install -c conda-forge tensorflow-hub
TF Addons (π₯ 36 Β· β 1.6K) - Useful extra functionality for TensorFlow 2.x maintained by.. Apache-2

tensor2tensor (π₯ 33 Β· β 13K) - Library of deep learning models and datasets designed to.. Apache-2

TFX (π₯ 33 Β· β 1.9K) - TFX is an end-to-end platform for deploying production ML pipelines. Apache-2

TensorFlow Transform (π₯ 33 Β· β 940) - Input pipeline framework. Apache-2

TF Model Optimization (π₯ 32 Β· β 1.3K) - A toolkit to optimize ML models for deployment for.. Apache-2

Keras-Preprocessing (π₯ 29 Β· β 1K Β· π€ ) - Utilities for working with image data, text data, and.. MIT

-
GitHub (
π¨βπ» 52 Β·π 440 Β·π 200 - 47% open Β·β±οΈ 17.02.2022):git clone https://github.com/keras-team/keras-preprocessing
-
PyPi (
π₯ 8.9M / month Β·π¦ 1.5K Β·β±οΈ 14.05.2020):pip install keras-preprocessing
-
Conda (
π₯ 1.6M Β·β±οΈ 15.01.2021):conda install -c conda-forge keras-preprocessing
TensorFlow I/O (π₯ 29 Β· β 590) - Dataset, streaming, and file system extensions.. Apache-2

Neural Structured Learning (π₯ 27 Β· β 950) - Training neural models with structured signals. Apache-2

TensorFlow Cloud (π₯ 25 Β· β 330) - The TensorFlow Cloud repository provides APIs that.. Apache-2

Saliency (π₯ 23 Β· β 840) - Framework-agnostic implementation for state-of-the-art saliency.. Apache-2

TF Compression (π₯ 22 Β· β 690) - Data compression in TensorFlow. Apache-2

tffm (π₯ 20 Β· β 780 Β· π€ ) - TensorFlow implementation of an arbitrary order Factorization Machine. MIT

Show 2 hidden projects...
- efficientnet (
π₯ 25 Β·β 2K Β·π ) - Implementation of EfficientNet model. Keras and..Apache-2
- TensorNets (
π₯ 20 Β·β 1K Β·π ) - High level network definitions with pre-trained weights in..MIT
Jax Utilities
Libraries that extend Jax with additional capabilities.
equinox (π₯ 25 Β· β 860) - Callable PyTrees and filtered transforms = neural networks in.. Apache-2

Show 1 hidden projects...
- jaxdf (
π₯ 9 Β·β 63) - A JAX-based research framework for writing differentiable..βοΈLGPL-3.0
Sklearn Utilities
Libraries that extend scikit-learn with additional capabilities.
imbalanced-learn (π₯ 34 Β· β 6.2K) - A Python Package to Tackle the Curse of Imbalanced.. MIT

-
GitHub (
π¨βπ» 63 Β·π 1.2K Β·π¦ 13K Β·π 530 - 11% open Β·β±οΈ 16.05.2022):git clone https://github.com/scikit-learn-contrib/imbalanced-learn
-
PyPi (
π₯ 3.5M / month Β·π¦ 270 Β·β±οΈ 16.05.2022):pip install imbalanced-learn
-
Conda (
π₯ 290K Β·β±οΈ 16.05.2022):conda install -c conda-forge imbalanced-learn
category_encoders (π₯ 34 Β· β 2.1K) - A library of sklearn compatible categorical variable.. BSD-3

-
GitHub (
π¨βπ» 56 Β·π 370 Β·π¦ 4.1K Β·π 260 - 23% open Β·β±οΈ 01.11.2022):git clone https://github.com/scikit-learn-contrib/category_encoders
-
PyPi (
π₯ 940K / month Β·π¦ 120 Β·β±οΈ 02.06.2022):pip install category_encoders
-
Conda (
π₯ 190K Β·β±οΈ 06.10.2022):conda install -c conda-forge category_encoders
scikit-learn-intelex (π₯ 30 Β· β 830) - Intel(R) Extension for Scikit-learn is a seamless way.. Apache-2

-
GitHub (
π¨βπ» 60 Β·π 130 Β·π¦ 3.4K Β·π 210 - 53% open Β·β±οΈ 16.11.2022):git clone https://github.com/intel/scikit-learn-intelex
-
PyPi (
π₯ 120K / month Β·π¦ 6 Β·β±οΈ 16.06.2022):pip install scikit-learn-intelex
-
Conda (
π₯ 92K Β·β±οΈ 20.09.2022):conda install -c conda-forge scikit-learn-intelex
scikit-multilearn (π₯ 27 Β· β 800) - A scikit-learn based module for multi-label et. al... BSD-2

scikit-lego (π₯ 25 Β· β 920) - Extra blocks for scikit-learn pipelines. MIT

scikit-opt (π₯ 24 Β· β 3.7K) - Genetic Algorithm, Particle Swarm Optimization, Simulated.. MIT

sklearn-contrib-lightning (π₯ 23 Β· β 1.6K Β· π€ ) - Large-scale linear classification, regression and.. BSD-3

-
GitHub (
π¨βπ» 17 Β·π 210 Β·π₯ 240 Β·π¦ 110 Β·π 96 - 56% open Β·β±οΈ 30.01.2022):git clone https://github.com/scikit-learn-contrib/lightning
-
PyPi (
π₯ 1.8K / month Β·π¦ 6 Β·β±οΈ 30.01.2022):pip install sklearn-contrib-lightning
-
Conda (
π₯ 180K Β·β±οΈ 31.10.2022):conda install -c conda-forge sklearn-contrib-lightning
iterative-stratification (π₯ 21 Β· β 730) - scikit-learn cross validators for iterative.. BSD-3

combo (π₯ 21 Β· β 600) - (AAAI 20) A Python Toolbox for Machine Learning Model Combination. BSD-2

xgboost
scikit-tda (π₯ 16 Β· β 370 Β· π€ ) - Topological Data Analysis for Python. MIT

Show 7 hidden projects...
- scikit-survival (
π₯ 27 Β·β 860) - Survival analysis built on top of scikit-learn.βοΈGPL-3.0
- fancyimpute (
π₯ 26 Β·β 1.1K Β·π ) - Multivariate imputation and matrix completion..Apache-2
- sklearn-crfsuite (
π₯ 26 Β·β 420 Β·π ) - scikit-learn inspired API for CRFsuite.MIT
- skope-rules (
π₯ 21 Β·β 490 Β·π ) - machine learning with logical rules in Python.βοΈBSD-1-Clause
- celer (
π₯ 19 Β·β 170) - Fast solver for L1-type problems: Lasso, sparse Logisitic regression,..BSD-3
- skggm (
π₯ 17 Β·β 210 Β·π€ ) - Scikit-learn compatible estimation of general graphical models.MIT
- dabl (
π₯ 17 Β·β 120 Β·π ) - Data Analysis Baseline Library.BSD-3
Pytorch Utilities
Libraries that extend Pytorch with additional capabilities.
accelerate (π₯ 34 Β· β 3.2K) - A simple way to train and use PyTorch models with multi-.. Apache-2

-
GitHub (
π¨βπ» 72 Β·π 260 Β·π¦ 1.4K Β·π 420 - 10% open Β·β±οΈ 16.11.2022):git clone https://github.com/huggingface/accelerate
-
PyPi (
π₯ 710K / month Β·π¦ 23 Β·β±οΈ 15.06.2022):pip install accelerate
-
Conda (
π₯ 11K Β·β±οΈ 13.11.2022):conda install -c conda-forge accelerate
PML (π₯ 31 Β· β 4.9K) - The easiest way to use deep metric learning in your application. Modular,.. MIT

-
GitHub (
π¨βπ» 29 Β·π 590 Β·π¦ 390 Β·π 400 - 13% open Β·β±οΈ 01.11.2022):git clone https://github.com/KevinMusgrave/pytorch-metric-learning
-
PyPi (
π₯ 160K / month Β·π¦ 12 Β·β±οΈ 29.06.2022):pip install pytorch-metric-learning
-
Conda (
π₯ 8.9K Β·β±οΈ 01.11.2022):conda install -c metric-learning pytorch-metric-learning
torchdiffeq (π₯ 29 Β· β 4.3K) - Differentiable ODE solvers with full GPU support and.. MIT

-
GitHub (
π¨βπ» 21 Β·π 740 Β·π¦ 530 Β·π 180 - 23% open Β·β±οΈ 10.08.2022):git clone https://github.com/rtqichen/torchdiffeq
-
PyPi (
π₯ 850K / month Β·π¦ 20 Β·β±οΈ 22.04.2022):pip install torchdiffeq
-
Conda (
π₯ 8.3K Β·β±οΈ 03.06.2021):conda install -c conda-forge torchdiffeq
lightning-flash (π₯ 28 Β· β 1.6K) - Your PyTorch AI Factory - Flash enables you to easily.. Apache-2

-
GitHub (
π¨βπ» 80 Β·π 190 Β·π¦ 130 Β·π 490 - 4% open Β·β±οΈ 16.11.2022):git clone https://github.com/Lightning-AI/lightning-flash
-
PyPi (
π₯ 3.8K / month Β·π¦ 3 Β·β±οΈ 11.05.2022):pip install lightning-flash
-
Conda (
π₯ 8.2K Β·β±οΈ 08.11.2022):conda install -c conda-forge lightning-flash
pytorch-optimizer (π₯ 27 Β· β 2.6K Β· π€ ) - torch-optimizer -- collection of optimizers for.. Apache-2

-
GitHub (
π¨βπ» 25 Β·π 250 Β·π¦ 730 Β·π 53 - 43% open Β·β±οΈ 11.11.2021):git clone https://github.com/jettify/pytorch-optimizer
-
PyPi (
π₯ 53K / month Β·π¦ 23 Β·β±οΈ 31.10.2021):pip install torch_optimizer
-
Conda (
π₯ 5.7K Β·β±οΈ 31.10.2021):conda install -c conda-forge torch-optimizer
tinygrad (π₯ 26 Β· β 8.9K) - You like pytorch? You like micrograd? You love tinygrad!. MIT

-
GitHub (
π¨βπ» 70 Β·π 790 Β·π¦ 3 Β·π 130 - 14% open Β·β±οΈ 15.11.2022):git clone https://github.com/geohot/tinygrad
torch-scatter (π₯ 25 Β· β 1.1K) - PyTorch Extension Library of Optimized Scatter Operations. MIT

-
GitHub (
π¨βπ» 23 Β·π 140 Β·π 290 - 9% open Β·β±οΈ 14.11.2022):git clone https://github.com/rusty1s/pytorch_scatter
-
PyPi (
π₯ 39K / month Β·π¦ 53 Β·β±οΈ 22.10.2021):pip install torch-scatter
-
Conda (
π₯ 130K Β·β±οΈ 28.07.2022):conda install -c conda-forge pytorch_scatter
PyTorch Sparse (π₯ 25 Β· β 740) - PyTorch Extension Library of Optimized Autograd Sparse.. MIT

Pytorch Toolbelt (π₯ 24 Β· β 1.3K) - PyTorch extensions for fast R&D prototyping and Kaggle.. MIT

reformer-pytorch (π₯ 20 Β· β 1.8K) - Reformer, the efficient Transformer, in Pytorch. MIT

Torch-Struct (π₯ 19 Β· β 1K Β· π€ ) - Fast, general, and tested differentiable structured.. MIT

Performer Pytorch (π₯ 19 Β· β 890 Β· π€ ) - An implementation of Performer, a linear attention-.. MIT

Tez (π₯ 17 Β· β 1.1K) - Tez is a super-simple and lightweight Trainer for PyTorch. It also.. Apache-2

Tensor Sensor (π₯ 16 Β· β 700 Β· π€ ) - The goal of this library is to generate more helpful.. MIT

Show 16 hidden projects...
- pretrainedmodels (
π₯ 31 Β·β 8.6K Β·π ) - Pretrained ConvNets for pytorch: NASNet, ResNeXt,..BSD-3
- pytorch-summary (
π₯ 28 Β·β 3.7K Β·π ) - Model summary in PyTorch similar tomodel.summary()
..MIT
- EfficientNet-PyTorch (
π₯ 26 Β·β 7.2K Β·π ) - A PyTorch implementation of EfficientNet and..Apache-2
- Torchmeta (
π₯ 24 Β·β 1.7K Β·π ) - A collection of extensions and data-loaders for few-shot..MIT
- SRU (
π₯ 23 Β·β 2.1K Β·π ) - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755).MIT
- EfficientNets (
π₯ 23 Β·β 1.5K Β·π ) - Pretrained EfficientNet, EfficientNet-Lite, MixNet,..Apache-2
- Higher (
π₯ 22 Β·β 1.5K Β·π ) - higher is a pytorch library allowing users to obtain higher..Apache-2
- torchsde (
π₯ 22 Β·β 1.1K Β·π ) - Differentiable SDE solvers with GPU support and efficient..Apache-2
- Poutyne (
π₯ 21 Β·β 530) - A simplified framework and utilities for PyTorch.βοΈLGPL-3.0
- AdaBound (
π₯ 20 Β·β 2.9K Β·π ) - An optimizer that trains as fast as Adam and as good as SGD.Apache-2
- Antialiased CNNs (
π₯ 20 Β·β 1.6K Β·π ) - pip install antialiased-cnns to improve stability and..βοΈCC BY-NC-SA 4.0
- pytorchviz (
π₯ 18 Β·β 2.4K Β·π ) - A small package to create visualizations of PyTorch execution..MIT
- micrograd (
π₯ 17 Β·β 3.2K Β·π ) - A tiny scalar-valued autograd engine and a neural net library..MIT
- Lambda Networks (
π₯ 17 Β·β 1.5K Β·π ) - Implementation of LambdaNetworks, a new approach to..MIT
- Pywick (
π₯ 15 Β·β 380 Β·π ) - High-level batteries-included neural network training library for..MIT
- TorchDrift (
π₯ 13 Β·β 260) - Drift Detection for your PyTorch Models.Apache-2
Database Clients
Libraries for connecting to, operating, and querying databases.
Others
scipy (π₯ 49 Β· β 10K) - Ecosystem of open-source software for mathematics, science, and engineering. BSD-3
-
GitHub (
π¨βπ» 1.4K Β·π 4.5K Β·π₯ 360K Β·π¦ 590K Β·π 8.9K - 19% open Β·β±οΈ 16.11.2022):git clone https://github.com/scipy/scipy
-
PyPi (
π₯ 47M / month Β·π¦ 58K Β·β±οΈ 20.10.2022):pip install scipy
-
Conda (
π₯ 30M Β·β±οΈ 09.11.2022):conda install -c conda-forge scipy
SymPy (π₯ 47 Β· β 9.8K) - A computer algebra system written in pure Python. BSD-3
-
GitHub (
π¨βπ» 1.2K Β·π 3.8K Β·π₯ 470K Β·π¦ 48K Β·π 13K - 35% open Β·β±οΈ 17.11.2022):git clone https://github.com/sympy/sympy
-
PyPi (
π₯ 3.3M / month Β·π¦ 4.2K Β·β±οΈ 20.03.2022):pip install sympy
-
Conda (
π₯ 2.6M Β·β±οΈ 27.10.2022):conda install -c conda-forge sympy
PaddleHub (π₯ 36 Β· β 11K) - Awesome pre-trained models toolkit based on PaddlePaddle... Apache-2

PyOD (π₯ 35 Β· β 6.4K) - A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly.. BSD-2
Datasette (π₯ 34 Β· β 6.6K) - An open source multi-tool for exploring and publishing data. Apache-2
-
GitHub (
π¨βπ» 71 Β·π 460 Β·π₯ 41 Β·π¦ 790 Β·π 1.5K - 29% open Β·β±οΈ 16.11.2022):git clone https://github.com/simonw/datasette
-
PyPi (
π₯ 230K / month Β·π¦ 160 Β·β±οΈ 02.05.2022):pip install datasette
-
Conda (
π₯ 13K Β·β±οΈ 12.11.2022):conda install -c conda-forge datasette
DeepChem (π₯ 33 Β· β 4K) - Democratizing Deep-Learning for Drug Discovery, Quantum Chemistry,.. MIT

Pythran (π₯ 33 Β· β 1.8K) - Ahead of Time compiler for numeric kernels. BSD-3
-
GitHub (
π¨βπ» 67 Β·π 180 Β·π¦ 330 Β·π 780 - 15% open Β·β±οΈ 02.11.2022):git clone https://github.com/serge-sans-paille/pythran
-
PyPi (
π₯ 590K / month Β·π¦ 17 Β·β±οΈ 14.12.2021):pip install pythran
-
Conda (
π₯ 290K Β·β±οΈ 26.10.2022):conda install -c conda-forge pythran
hdbscan (π₯ 32 Β· β 2.3K) - A high performance implementation of HDBSCAN clustering. BSD-3

-
GitHub (
π¨βπ» 81 Β·π 430 Β·π¦ 1.7K Β·π 460 - 65% open Β·β±οΈ 10.11.2022):git clone https://github.com/scikit-learn-contrib/hdbscan
-
PyPi (
π₯ 450K / month Β·π¦ 160 Β·β±οΈ 08.02.2022):pip install hdbscan
-
Conda (
π₯ 1.3M Β·β±οΈ 02.11.2022):conda install -c conda-forge hdbscan
adapter-transformers (π₯ 31 Β· β 1.1K) - Huggingface Transformers + Adapters =. Apache-2
huggingface
causalml (π₯ 30 Β· β 3.6K) - Uplift modeling and causal inference with machine learning.. Apache-2
PennyLane (π₯ 30 Β· β 1.6K) - PennyLane is a cross-platform Python library for differentiable.. Apache-2
-
GitHub (
π¨βπ» 120 Β·π 420 Β·π₯ 62 Β·π 930 - 32% open Β·β±οΈ 17.11.2022):git clone https://github.com/PennyLaneAI/PennyLane
-
PyPi (
π₯ 20K / month Β·π¦ 34 Β·β±οΈ 20.06.2022):pip install pennylane
-
Conda (
π₯ 5.9K Β·β±οΈ 01.05.2022):conda install -c conda-forge pennylane
kmodes (π₯ 30 Β· β 1.1K) - Python implementations of the k-modes and k-prototypes clustering.. MIT
alibi-detect (π₯ 29 Β· β 1.6K) - Algorithms for outlier, adversarial and drift detection. Apache-2
pyjanitor (π₯ 29 Β· β 1K) - Clean APIs for data cleaning. Python implementation of R package Janitor. MIT
-
GitHub (
π¨βπ» 100 Β·π 160 Β·π¦ 250 Β·π 510 - 21% open Β·β±οΈ 12.11.2022):git clone https://github.com/pyjanitor-devs/pyjanitor
-
PyPi (
π₯ 42K / month Β·π¦ 12 Β·β±οΈ 03.05.2022):pip install pyjanitor
-
Conda (
π₯ 140K Β·β±οΈ 17.10.2022):conda install -c conda-forge pyjanitor
avalanche (π₯ 28 Β· β 1.1K) - Avalanche: an End-to-End Library for Continual Learning based on.. MIT
Mars (π₯ 27 Β· β 2.5K) - Mars is a tensor-based unified framework for large-scale data.. Apache-2
anomalib (π₯ 27 Β· β 1.4K) - An anomaly detection library comprising state-of-the-art algorithms.. Apache-2
TabPy (π₯ 27 Β· β 1.3K) - Execute Python code on the fly and display results in Tableau visualizations:. MIT
metric-learn (π₯ 26 Β· β 1.3K) - Metric learning algorithms in Python. MIT

-
GitHub (
π¨βπ» 22 Β·π 220 Β·π¦ 240 Β·π 170 - 30% open Β·β±οΈ 21.06.2022):git clone https://github.com/scikit-learn-contrib/metric-learn
-
PyPi (
π₯ 37K / month Β·π¦ 11 Β·β±οΈ 02.07.2020):pip install metric-learn
-
Conda (
π₯ 7.7K Β·β±οΈ 02.07.2020):conda install -c conda-forge metric-learn
gplearn (π₯ 25 Β· β 1.2K) - Genetic Programming in Python, with a scikit-learn inspired API. BSD-3

Prince (π₯ 24 Β· β 890) - Python factor analysis library (PCA, CA, MCA, MFA, FAMD). MIT

-
GitHub (
π¨βπ» 13 Β·π 160 Β·π¦ 260 Β·π 110 - 35% open Β·β±οΈ 07.09.2022):git clone https://github.com/MaxHalford/prince
-
PyPi (
π₯ 28K / month Β·π¦ 5 Β·β±οΈ 06.10.2020):pip install prince
-
Conda (
π₯ 13K Β·β±οΈ 30.04.2021):conda install -c conda-forge prince-factor-analysis
AstroML (π₯ 23 Β· β 860) - Machine learning, statistics, and data mining for astronomy and.. BSD-2

MONAILabel (π₯ 23 Β· β 330) - MONAI Label is an intelligent open source image labeling and.. Apache-2
Feature Engine (π₯ 22 Β· β 1.1K Β· π ) - Feature engineering package with sklearn like functionality. BSD-3
StreamAlert (π₯ 21 Β· β 2.7K) - StreamAlert is a serverless, realtime data analysis framework.. Apache-2
-
GitHub (
π¨βπ» 33 Β·π 320 Β·π 340 - 24% open Β·β±οΈ 20.07.2022):git clone https://github.com/airbnb/streamalert
benchmark_VAE (π₯ 20 Β· β 1.1K) - Unifying Generative Autoencoder implementations in.. Apache-2

dstack (π₯ 20 Β· β 400) - An open-source tool to simplify MLOps. It helps you run ML workflows in.. MPL-2.0
pykale (π₯ 20 Β· β 360) - Knowledge-Aware machine LEarning (KALE): accessible machine learning.. MIT

impyute (π₯ 20 Β· β 330 Β· π€ ) - Data imputations library to preprocess datasets with missing data. MIT
SUOD (π₯ 19 Β· β 340) - (MLSys 21) An Acceleration System for Large-scare Unsupervised Heterogeneous.. BSD-2
apricot (π₯ 17 Β· β 450 Β· π€ ) - apricot implements submodular optimization for the purpose of.. MIT
traingenerator (π₯ 13 Β· β 1.2K) - A web app to generate template code for machine learning. MIT
-
GitHub (
π¨βπ» 3 Β·π 170 Β·π 16 - 81% open Β·β±οΈ 30.06.2022):git clone https://github.com/jrieke/traingenerator
Show 17 hidden projects...
- agate (
π₯ 31 Β·β 1.1K Β·π ) - A Python data analysis library that is optimized for humans instead of..MIT
- Cython BLIS (
π₯ 31 Β·β 190) - Fast matrix-multiplication as a self-contained Python library no..BSD-3
- cleanlab (
π₯ 29 Β·β 4.2K) - The standard data-centric AI package for data quality and machine..βοΈAGPL-3.0
- minisom (
π₯ 26 Β·β 1.2K) - MiniSom is a minimalistic implementation of the Self Organizing..βοΈCC-BY-3.0
- pyclustering (
π₯ 26 Β·β 1K Β·π ) - pyclustering is a Python, C++ data mining library.BSD-3
- modAL (
π₯ 24 Β·β 1.9K Β·π ) - A modular active learning framework for Python.MIT
- mlens (
π₯ 23 Β·β 760 Β·π ) - ML-Ensemble high performance ensemble learning.MIT
- vecstack (
π₯ 22 Β·β 670 Β·π ) - Python package for stacking (machine learning technique).MIT
- metricflow (
π₯ 21 Β·β 700) - MetricFlow allows you to define, build, and maintain metrics in..βοΈAGPL-3.0
- opyrator (
π₯ 20 Β·β 2.7K Β·π ) - Turns your machine learning code into microservices with web API,..MIT
- rrcf (
π₯ 20 Β·β 410 Β·π ) - Implementation of the Robust Random Cut Forest algorithm for anomaly..MIT
- pymdp (
π₯ 20 Β·β 230) - A Python implementation of active inference for Markov Decision Processes.MIT
- scikit-rebate (
π₯ 19 Β·β 370 Β·π ) - A scikit-learn-compatible Python implementation of..MIT
- pandas-ml (
π₯ 19 Β·β 300 Β·π ) - pandas, scikit-learn, xgboost and seaborn integration.BSD-3
- baikal (
π₯ 18 Β·β 590 Β·π ) - A graph-based functional API for building complex scikit-learn..BSD-3
- NeuralCompression (
π₯ 14 Β·β 280) - A collection of tools for neural compression enthusiasts.MIT
- nylon (
π₯ 11 Β·β 78 Β·π ) - An intelligent, flexible grammar of machine learning.MIT
Related Resources
- 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.
Contribution
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.