π A ranked list of awesome machine learning Python libraries. Updated weekly.
This curated list contains 920 awesome open-source projects with a total of 4.4M stars grouped into 34 categories. All projects are ranked by a project-quality score, which is calculated based on various metrics automatically collected from GitHub and different package managers. If you like to add or update projects, feel free to open an issue, submit a pull request, or directly edit the projects.yaml. Contributions are very welcome!
π§ββοΈ Discover other best-of lists or create your own.
π« Subscribe to our newsletter for updates and trending projects.
- Machine Learning Frameworks 62 projects
- Data Visualization 54 projects
- Text Data & NLP 102 projects
- Image Data 64 projects
- Graph Data 36 projects
- Audio Data 29 projects
- Geospatial Data 22 projects
- Financial Data 25 projects
- Time Series Data 30 projects
- Medical Data 19 projects
- Tabular Data 5 projects
- Optical Character Recognition 12 projects
- Data Containers & Structures 1 projects
- Data Loading & Extraction 1 projects
- Web Scraping & Crawling 1 projects
- Data Pipelines & Streaming 1 projects
- Distributed Machine Learning 36 projects
- Hyperparameter Optimization & AutoML 52 projects
- Reinforcement Learning 23 projects
- Recommender Systems 17 projects
- Privacy Machine Learning 7 projects
- Workflow & Experiment Tracking 40 projects
- Model Serialization & Deployment 20 projects
- Model Interpretability 54 projects
- Vector Similarity Search (ANN) 13 projects
- Probabilistics & Statistics 23 projects
- Adversarial Robustness 9 projects
- GPU & Accelerator Utilities 20 projects
- Tensorflow Utilities 16 projects
- Jax Utilities 3 projects
- Sklearn Utilities 19 projects
- Pytorch Utilities 32 projects
- Database Clients 1 projects
- Others 66 projects
- π₯π₯π₯ Combined project-quality score
- βοΈ Star count from GitHub
- π£ New project (less than 6 months old)
- π€ Inactive project (6 months no activity)
- π Dead project (12 months no activity)
- ππ Project is trending up or down
- β Project was recently added
- βοΈ Warning (e.g. missing/risky license)
- π¨βπ» Contributors count from GitHub
- π Fork count from GitHub
- π Issue count from GitHub
- β±οΈ Last update timestamp on package manager
- π₯ Download count from package manager
- π¦ Number of dependent projects
- Tensorflow related project
- Sklearn related project
- PyTorch related project
- MxNet related project
- Apache Spark related project
- Jupyter related project
- PaddlePaddle related project
- Pandas related project
- Jax related project
General-purpose machine learning and deep learning frameworks.
Tensorflow (π₯56 Β· β 180K) - An Open Source Machine Learning Framework for Everyone. Apache-2
-
GitHub (π¨βπ» 4.6K Β· π 74K Β· π¦ 350K Β· π 39K - 6% open Β· β±οΈ 28.03.2024):
git clone https://github.com/tensorflow/tensorflow
-
PyPi (π₯ 23M / month Β· π¦ 16K Β· β±οΈ 09.03.2024):
pip install tensorflow
-
Conda (π₯ 4.5M Β· β±οΈ 30.01.2024):
conda install -c conda-forge tensorflow
-
Docker Hub (π₯ 77M Β· β 2.3K Β· β±οΈ 28.03.2024):
docker pull tensorflow/tensorflow
PyTorch (π₯55 Β· β 77K) - Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3
-
GitHub (π¨βπ» 4.7K Β· π 21K Β· π₯ 37K Β· π¦ 410K Β· π 42K - 32% open Β· β±οΈ 28.03.2024):
git clone https://github.com/pytorch/pytorch
-
PyPi (π₯ 24M / month Β· π¦ 13K Β· β±οΈ 27.03.2024):
pip install torch
-
Conda (π₯ 21M Β· β±οΈ 26.03.2024):
conda install -c pytorch pytorch
scikit-learn (π₯51 Β· β 58K) - scikit-learn: machine learning in Python. BSD-3
-
GitHub (π¨βπ» 3.1K Β· π 25K Β· π₯ 940 Β· π¦ 730K Β· π 11K - 19% open Β· β±οΈ 28.03.2024):
git clone https://github.com/scikit-learn/scikit-learn
-
PyPi (π₯ 65M / month Β· π¦ 32K Β· β±οΈ 16.02.2024):
pip install scikit-learn
-
Conda (π₯ 27M Β· β±οΈ 16.02.2024):
conda install -c conda-forge scikit-learn
jax (π₯45 Β· β 28K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
pytorch-lightning (π₯45 Β· β 27K) - Pretrain, finetune and deploy AI models on multiple.. Apache-2
-
GitHub (π¨βπ» 940 Β· π 3.2K Β· π₯ 8.8K Β· π¦ 30K Β· π 6.8K - 9% open Β· β±οΈ 27.03.2024):
git clone https://github.com/Lightning-AI/lightning
-
PyPi (π₯ 4.9M / month Β· π¦ 820 Β· β±οΈ 04.03.2024):
pip install pytorch-lightning
-
Conda (π₯ 1.1M Β· β±οΈ 05.03.2024):
conda install -c conda-forge pytorch-lightning
XGBoost (π₯45 Β· β 25K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
-
GitHub (π¨βπ» 640 Β· π 8.7K Β· π₯ 8.2K Β· π¦ 85K Β· π 5.2K - 8% open Β· β±οΈ 26.03.2024):
git clone https://github.com/dmlc/xgboost
-
PyPi (π₯ 19M / month Β· π¦ 1.9K Β· β±οΈ 19.12.2023):
pip install xgboost
-
Conda (π₯ 4.6M Β· β±οΈ 19.01.2024):
conda install -c conda-forge xgboost
PaddlePaddle (π₯45 Β· β 22K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2
StatsModels (π₯45 Β· β 9.4K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
-
GitHub (π¨βπ» 420 Β· π 2.8K Β· π₯ 30 Β· π¦ 120K Β· π 5.5K - 50% open Β· β±οΈ 18.03.2024):
git clone https://github.com/statsmodels/statsmodels
-
PyPi (π₯ 17M / month Β· π¦ 5.7K Β· β±οΈ 14.12.2023):
pip install statsmodels
-
Conda (π₯ 12M Β· β±οΈ 14.12.2023):
conda install -c conda-forge statsmodels
LightGBM (π₯43 Β· β 16K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
-
GitHub (π¨βπ» 300 Β· π 3.8K Β· π₯ 220K Β· π¦ 31K Β· π 3.3K - 10% open Β· β±οΈ 25.03.2024):
git clone https://github.com/microsoft/LightGBM
-
PyPi (π₯ 8.1M / month Β· π¦ 880 Β· β±οΈ 26.01.2024):
pip install lightgbm
-
Conda (π₯ 2.2M Β· β±οΈ 26.01.2024):
conda install -c conda-forge lightgbm
Jina (π₯39 Β· β 20K) - Build multimodal AI applications with cloud-native stack. Apache-2
-
GitHub (π¨βπ» 180 Β· π 2.2K Β· π¦ 1.7K Β· π 1.9K - 1% open Β· β±οΈ 20.03.2024):
git clone https://github.com/jina-ai/jina
-
PyPi (π₯ 32K / month Β· π¦ 17 Β· β±οΈ 20.03.2024):
pip install jina
-
Conda (π₯ 60K Β· β±οΈ 16.06.2023):
conda install -c conda-forge jina-core
-
Docker Hub (π₯ 1.3M Β· β 8 Β· β±οΈ 20.03.2024):
docker pull jinaai/jina
Catboost (π₯39 Β· β 7.7K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
Theano (π₯38 Β· β 9.8K) - Theano was a Python library that allows you to define, optimize, and.. BSD-3
Flax (π₯38 Β· β 5.4K) - Flax is a neural network library for JAX that is designed for.. Apache-2
Ludwig (π₯35 Β· β 11K) - Low-code framework for building custom LLMs, neural networks, and.. Apache-2
Vowpal Wabbit (π₯35 Β· β 8.4K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
-
GitHub (π¨βπ» 340 Β· π 2K Β· π 1.3K - 11% open Β· β±οΈ 21.03.2024):
git clone https://github.com/VowpalWabbit/vowpal_wabbit
-
PyPi (π₯ 71K / month Β· π¦ 35 Β· β±οΈ 19.07.2023):
pip install vowpalwabbit
-
Conda (π₯ 140K Β· β±οΈ 26.03.2024):
conda install -c conda-forge vowpalwabbit
Ignite (π₯35 Β· β 4.4K) - High-level library to help with training and evaluating neural.. BSD-3
Thinc (π₯35 Β· β 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
einops (π₯34 Β· β 7.8K) - Flexible and powerful tensor operations for readable and reliable code.. MIT
tensorpack (π₯32 Β· β 6.3K Β· π€) - A Neural Net Training Interface on TensorFlow, with.. Apache-2
-
GitHub (π¨βπ» 58 Β· π 1.8K Β· π₯ 160 Β· π¦ 1.5K Β· π 1.4K - 0% open Β· β±οΈ 06.08.2023):
git clone https://github.com/tensorpack/tensorpack
-
PyPi (π₯ 14K / month Β· π¦ 47 Β· β±οΈ 22.01.2021):
pip install tensorpack
-
Conda (π₯ 10K Β· β±οΈ 16.06.2023):
conda install -c conda-forge tensorpack
tensorflow-upstream (π₯32 Β· β 680) - TensorFlow ROCm port. Apache-2
Geomstats (π₯31 Β· β 1.1K) - Computations and statistics on manifolds with geometric structures. MIT
Determined (π₯30 Β· β 2.8K) - Determined is an open-source machine learning platform.. Apache-2
Neural Network Libraries (π₯29 Β· β 2.7K) - Neural Network Libraries. Apache-2
ktrain (π₯29 Β· β 1.2K) - ktrain is a Python library that makes deep learning and AI more.. Apache-2
SHOGUN (π₯26 Β· β 3K) - Unified and efficient Machine Learning. BSD-3
-
GitHub (π¨βπ» 250 Β· π 1K Β· π 1.5K - 27% open Β· β±οΈ 19.12.2023):
git clone https://github.com/shogun-toolbox/shogun
-
Conda (π₯ 130K Β· β±οΈ 16.06.2023):
conda install -c conda-forge shogun
-
Docker Hub (π₯ 1.5K Β· β 1 Β· β±οΈ 31.01.2019):
docker pull shogun/shogun
pyRiemann (π₯26 Β· β 570) - Machine learning for multivariate data through the Riemannian.. BSD-3
Towhee (π₯25 Β· β 2.9K) - Towhee is a framework that is dedicated to making neural data.. Apache-2
mace (π₯23 Β· β 4.9K) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
-
GitHub (π¨βπ» 69 Β· π 820 Β· π₯ 1.5K Β· π 680 - 8% open Β· β±οΈ 11.03.2024):
git clone https://github.com/XiaoMi/mace
Neural Tangents (π₯23 Β· β 2.2K Β· π) - Fast and Easy Infinite Neural Networks in Python. Apache-2
NeoML (π₯22 Β· β 760) - Machine learning framework for both deep learning and traditional.. Apache-2
Torchbearer (π₯22 Β· β 630) - torchbearer: A model fitting library for PyTorch. MIT
ThunderSVM (π₯21 Β· β 1.5K) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
chefboost (π₯20 Β· β 440) - A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
ThunderGBM (π₯17 Β· β 690) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
Show 16 hidden projects...
- dlib (π₯40 Β· β 13K) - A toolkit for making real world machine learning and data analysis..
βοΈBSL-1.0
- MXNet (π₯38 Β· β 21K Β· π) - Lightweight, Portable, Flexible Distributed/Mobile Deep..
Apache-2
- MindsDB (π₯34 Β· β 21K) - The platform for customizing AI from enterprise data.
βοΈlibpng-2.0
- Chainer (π₯33 Β· β 5.9K Β· π) - A flexible framework of neural networks for deep learning.
MIT
- Turi Create (π₯32 Β· β 11K Β· π) - Turi Create simplifies the development of custom machine..
BSD-3
- TFlearn (π₯31 Β· β 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
- CNTK (π₯26 Β· β 17K Β· π) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning..
βUnlicensed
- xLearn (π₯24 Β· β 3.1K Β· π) - High performance, easy-to-use, and scalable machine learning (ML)..
Apache-2
- NeuPy (π₯24 Β· β 740 Β· π) - NeuPy is a Tensorflow based python library for prototyping and building..
MIT
- neon (π₯23 Β· β 3.9K Β· π) - Intel Nervana reference deep learning framework committed to best..
Apache-2
- Objax (π₯21 Β· β 760) -
Apache-2
- elegy (π₯19 Β· β 460 Β· π) - A High Level API for Deep Learning in JAX.
MIT
- StarSpace (π₯16 Β· β 3.9K Β· π) - Learning embeddings for classification, retrieval and ranking.
MIT
- nanodl (π₯15 Β· β 150) - A Jax-based library for designing and training transformer models from..
MIT
General-purpose and task-specific data visualization libraries.
Matplotlib (π₯50 Β· β 19K) - matplotlib: plotting with Python. Python-2.0
-
GitHub (π¨βπ» 1.7K Β· π 7.4K Β· π¦ 1.1M Β· π 11K - 14% open Β· β±οΈ 28.03.2024):
git clone https://github.com/matplotlib/matplotlib
-
PyPi (π₯ 61M / month Β· π¦ 66K Β· β±οΈ 16.02.2024):
pip install matplotlib
-
Conda (π₯ 22M Β· β±οΈ 15.02.2024):
conda install -c conda-forge matplotlib
Plotly (π₯44 Β· β 15K) - The interactive graphing library for Python This project now includes.. MIT
-
GitHub (π¨βπ» 260 Β· π 2.4K Β· π¦ 250K Β· π 2.8K - 50% open Β· β±οΈ 22.03.2024):
git clone https://github.com/plotly/plotly.py
-
PyPi (π₯ 15M / month):
pip install plotly
-
Conda (π₯ 5.4M Β· β±οΈ 15.02.2024):
conda install -c conda-forge plotly
-
npm (π₯ 7K / month):
npm install plotlywidget
Seaborn (π₯43 Β· β 12K) - Statistical data visualization in Python. BSD-3
-
GitHub (π¨βπ» 210 Β· π 1.9K Β· π₯ 380 Β· π¦ 380K Β· π 2.5K - 5% open Β· β±οΈ 25.02.2024):
git clone https://github.com/mwaskom/seaborn
-
PyPi (π₯ 18M / month Β· π¦ 12K Β· β±οΈ 25.01.2024):
pip install seaborn
-
Conda (π₯ 8.3M Β· β±οΈ 27.01.2024):
conda install -c conda-forge seaborn
Altair (π₯41 Β· β 8.9K) - Declarative statistical visualization library for Python. BSD-3
-
GitHub (π¨βπ» 160 Β· π 780 Β· π₯ 120 Β· π¦ 120K Β· π 1.9K - 9% open Β· β±οΈ 26.03.2024):
git clone https://github.com/altair-viz/altair
-
PyPi (π₯ 23M / month Β· π¦ 680 Β· β±οΈ 28.11.2023):
pip install altair
-
Conda (π₯ 2.2M Β· β±οΈ 18.03.2024):
conda install -c conda-forge altair
pandas-profiling (π₯37 Β· β 12K) - 1 Line of code data quality profiling & exploratory.. MIT
-
GitHub (π¨βπ» 120 Β· π 1.6K Β· π₯ 74 Β· π¦ 2.7K Β· π 770 - 27% open Β· β±οΈ 19.03.2024):
git clone https://github.com/ydataai/pandas-profiling
-
PyPi (π₯ 560K / month Β· π¦ 200 Β· β±οΈ 03.02.2023):
pip install pandas-profiling
-
Conda (π₯ 420K Β· β±οΈ 16.06.2023):
conda install -c conda-forge pandas-profiling
PyQtGraph (π₯37 Β· β 3.6K) - Fast data visualization and GUI tools for scientific / engineering.. MIT
-
GitHub (π¨βπ» 280 Β· π 1.1K Β· π¦ 9.1K Β· π 1.3K - 30% open Β· β±οΈ 16.03.2024):
git clone https://github.com/pyqtgraph/pyqtgraph
-
PyPi (π₯ 240K / month Β· π¦ 1K Β· β±οΈ 07.03.2024):
pip install pyqtgraph
-
Conda (π₯ 510K Β· β±οΈ 07.03.2024):
conda install -c conda-forge pyqtgraph
HoloViews (π₯36 Β· β 2.6K) - With Holoviews, your data visualizes itself. BSD-3
-
GitHub (π¨βπ» 140 Β· π 380 Β· π¦ 9.8K Β· π 3.2K - 32% open Β· β±οΈ 27.03.2024):
git clone https://github.com/holoviz/holoviews
-
PyPi (π₯ 410K / month):
pip install holoviews
-
conda install -c conda-forge holoviews
-
npm (π₯ 360 / month Β· π¦ 3 Β· β±οΈ 22.03.2024):
npm install @pyviz/jupyterlab_pyviz
PyVista (π₯36 Β· β 2.3K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT
-
GitHub (π¨βπ» 160 Β· π 420 Β· π₯ 790 Β· π¦ 2.8K Β· π 1.6K - 32% open Β· β±οΈ 28.03.2024):
git clone https://github.com/pyvista/pyvista
-
PyPi (π₯ 200K / month Β· π¦ 270 Β· β±οΈ 12.03.2024):
pip install pyvista
-
Conda (π₯ 450K Β· β±οΈ 12.03.2024):
conda install -c conda-forge pyvista
wordcloud (π₯35 Β· β 9.9K) - A little word cloud generator in Python. MIT
-
GitHub (π¨βπ» 72 Β· π 2.4K Β· π¦ 21 Β· π 530 - 21% open Β· β±οΈ 09.12.2023):
git clone https://github.com/amueller/word_cloud
-
PyPi (π₯ 1.5M / month Β· π¦ 850 Β· β±οΈ 09.12.2023):
pip install wordcloud
-
Conda (π₯ 460K Β· β±οΈ 19.03.2024):
conda install -c conda-forge wordcloud
VisPy (π₯35 Β· β 3.2K) - High-performance interactive 2D/3D data visualization library. BSD-3
-
GitHub (π¨βπ» 190 Β· π 610 Β· π¦ 1.5K Β· π 1.5K - 23% open Β· β±οΈ 21.03.2024):
git clone https://github.com/vispy/vispy
-
PyPi (π₯ 92K / month Β· π¦ 140 Β· β±οΈ 14.03.2024):
pip install vispy
-
Conda (π₯ 460K Β· β±οΈ 15.03.2024):
conda install -c conda-forge vispy
-
npm (π₯ 6 / month Β· π¦ 2 Β· β±οΈ 15.03.2020):
npm install vispy
cartopy (π₯34 Β· β 1.3K) - Cartopy - a cartographic python library with matplotlib support. BSD-3
datashader (π₯33 Β· β 3.2K) - Quickly and accurately render even the largest data. BSD-3
-
GitHub (π¨βπ» 55 Β· π 370 Β· π¦ 3.8K Β· π 570 - 23% open Β· β±οΈ 13.02.2024):
git clone https://github.com/holoviz/datashader
-
PyPi (π₯ 99K / month Β· π¦ 140 Β· β±οΈ 31.10.2023):
pip install datashader
-
Conda (π₯ 790K Β· β±οΈ 27.10.2023):
conda install -c conda-forge datashader
mpld3 (π₯32 Β· β 2.3K) - D3 Renderings of Matplotlib Graphics. BSD-3
-
GitHub (π¨βπ» 52 Β· π 360 Β· π¦ 5.7K Β· π 360 - 59% open Β· β±οΈ 23.12.2023):
git clone https://github.com/mpld3/mpld3
-
PyPi (π₯ 470K / month Β· π¦ 420 Β· β±οΈ 23.12.2023):
pip install mpld3
-
Conda (π₯ 190K Β· β±οΈ 23.12.2023):
conda install -c conda-forge mpld3
-
npm (π₯ 840 / month Β· π¦ 9 Β· β±οΈ 23.12.2023):
npm install mpld3
Perspective (π₯31 Β· β 7.4K) - A data visualization and analytics component, especially.. Apache-2
-
GitHub (π¨βπ» 93 Β· π 970 Β· π₯ 2.5K Β· π¦ 120 Β· π 740 - 13% open Β· β±οΈ 26.03.2024):
git clone https://github.com/finos/perspective
-
PyPi (π₯ 5.4K / month Β· π¦ 17 Β· β±οΈ 25.03.2024):
pip install perspective-python
-
Conda (π₯ 530K Β· β±οΈ 26.03.2024):
conda install -c conda-forge perspective
-
npm (π₯ 1.2K / month):
npm install @finos/perspective-jupyterlab
D-Tale (π₯31 Β· β 4.5K) - Visualizer for pandas data structures. βοΈLGPL-2.1
lets-plot (π₯31 Β· β 1.4K) - Multiplatform plotting library based on the Grammar of Graphics. MIT
hvPlot (π₯31 Β· β 920) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3
bqplot (π₯30 Β· β 3.5K) - Plotting library for IPython/Jupyter notebooks. Apache-2
-
GitHub (π¨βπ» 64 Β· π 460 Β· π¦ 55 Β· π 620 - 40% open Β· β±οΈ 25.03.2024):
git clone https://github.com/bqplot/bqplot
-
PyPi (π₯ 130K / month Β· π¦ 110 Β· β±οΈ 25.03.2024):
pip install bqplot
-
Conda (π₯ 1.3M Β· β±οΈ 19.02.2024):
conda install -c conda-forge bqplot
-
npm (π₯ 3.7K / month Β· π¦ 17 Β· β±οΈ 25.03.2024):
npm install bqplot
data-validation (π₯29 Β· β 750) - Library for exploring and validating machine learning.. Apache-2
Facets Overview (π₯28 Β· β 7.3K Β· π€) - Visualizations for machine learning datasets. Apache-2
Chartify (π₯27 Β· β 3.5K) - Python library that makes it easy for data scientists to create.. Apache-2
Sweetviz (π₯27 Β· β 2.8K) - Visualize and compare datasets, target values and associations, with one.. MIT
HyperTools (π₯27 Β· β 1.8K) - A Python toolbox for gaining geometric insights into high-dimensional.. MIT
openTSNE (π₯27 Β· β 1.3K) - Extensible, parallel implementations of t-SNE. BSD-3
-
GitHub (π¨βπ» 11 Β· π 160 Β· π¦ 760 Β· π 130 - 1% open Β· β±οΈ 11.03.2024):
git clone https://github.com/pavlin-policar/openTSNE
-
PyPi (π₯ 29K / month Β· π¦ 24 Β· β±οΈ 29.11.2023):
pip install opentsne
-
Conda (π₯ 240K Β· β±οΈ 29.11.2023):
conda install -c conda-forge opentsne
Plotly-Resampler (π₯27 Β· β 920) - Visualize large time series data with plotly.py. MIT
AutoViz (π₯26 Β· β 1.6K Β· π) - Automatically Visualize any dataset, any size with a single line.. Apache-2
python-ternary (π₯25 Β· β 690) - Ternary plotting library for python with matplotlib. MIT
-
GitHub (π¨βπ» 27 Β· π 160 Β· π₯ 25 Β· π¦ 170 Β· π 140 - 24% open Β· β±οΈ 07.03.2024):
git clone https://github.com/marcharper/python-ternary
-
PyPi (π₯ 61K / month Β· π¦ 27 Β· β±οΈ 17.02.2021):
pip install python-ternary
-
Conda (π₯ 79K Β· β±οΈ 16.06.2023):
conda install -c conda-forge python-ternary
Multicore-TSNE (π₯24 Β· β 1.8K) - Parallel t-SNE implementation with Python and Torch.. BSD-3
-
GitHub (π¨βπ» 18 Β· π 230 Β· π¦ 440 Β· π 69 - 65% open Β· β±οΈ 06.02.2024):
git clone https://github.com/DmitryUlyanov/Multicore-TSNE
-
PyPi (π₯ 2.4K / month Β· π¦ 22 Β· β±οΈ 09.01.2019):
pip install MulticoreTSNE
-
Conda (π₯ 32K Β· β±οΈ 11.10.2023):
conda install -c conda-forge multicore-tsne
Pandas-Bokeh (π₯23 Β· β 880 Β· π€) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT
Show 13 hidden projects...
- missingno (π₯30 Β· β 3.8K Β· π) - Missing data visualization module for Python.
MIT
- Cufflinks (π₯29 Β· β 3K Β· π) - Productivity Tools for Plotly + Pandas.
MIT
- pythreejs (π₯27 Β· β 920 Β· π) - A Jupyter - Three.js bridge.
BSD-3
- PandasGUI (π₯23 Β· β 3.1K) - A GUI for Pandas DataFrames.
βοΈMIT-0
- pivottablejs (π₯23 Β· β 650 Β· π) - Dragndrop Pivot Tables and Charts for Jupyter/IPython..
MIT
- joypy (π₯22 Β· β 540 Β· π) - Joyplots in Python with matplotlib & pandas.
MIT
- vegafusion (π₯21 Β· β 280) - Serverside scaling for Vega and Altair visualizations.
BSD-3
- PyWaffle (π₯20 Β· β 570 Β· π) - Make Waffle Charts in Python.
MIT
- animatplot (π₯18 Β· β 400 Β· π) - A python package for animating plots build on matplotlib.
MIT
- pdvega (π₯16 Β· β 340 Β· π) - Interactive plotting for Pandas using Vega-Lite.
MIT
- data-describe (π₯15 Β· β 300 Β· π) - datadescribe: Pythonic EDA Accelerator for Data Science.
Apache-2
- nx-altair (π₯15 Β· β 220 Β· π) - Draw interactive NetworkX graphs with Altair.
MIT
- nptsne (π₯12 Β· β 32 Β· π) - nptsne is a numpy compatible python binary package that offers a..
Apache-2
Libraries for processing, cleaning, manipulating, and analyzing text data as well as libraries for NLP tasks such as language detection, fuzzy matching, classification, seq2seq learning, conversational AI, keyword extraction, and translation.
transformers (π₯50 Β· β 120K) - Transformers: State-of-the-art Machine Learning for.. Apache-2
-
GitHub (π¨βπ» 2.5K Β· π 24K Β· π¦ 150K Β· π 15K - 7% open Β· β±οΈ 28.03.2024):
git clone https://github.com/huggingface/transformers
-
PyPi (π₯ 23M / month Β· π¦ 3.1K Β· β±οΈ 22.03.2024):
pip install transformers
-
Conda (π₯ 1.6M Β· β±οΈ 23.03.2024):
conda install -c conda-forge transformers
nltk (π₯41 Β· β 13K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
Rasa (π₯40 Β· β 18K) - Open source machine learning framework to automate text- and voice-.. Apache-2
sentence-transformers (π₯40 Β· β 13K) - Multilingual Sentence & Image Embeddings with BERT. Apache-2
-
GitHub (π¨βπ» 150 Β· π 2.3K Β· π¦ 28K Β· π 1.9K - 53% open Β· β±οΈ 26.03.2024):
git clone https://github.com/UKPLab/sentence-transformers
-
PyPi (π₯ 3.8M / month Β· π¦ 780 Β· β±οΈ 26.03.2024):
pip install sentence-transformers
-
Conda (π₯ 210K Β· β±οΈ 26.03.2024):
conda install -c conda-forge sentence-transformers
gensim (π₯39 Β· β 15K) - Topic Modelling for Humans. βοΈLGPL-2.1
-
GitHub (π¨βπ» 450 Β· π 4.4K Β· π₯ 4.6K Β· π¦ 57K Β· π 1.8K - 20% open Β· β±οΈ 08.02.2024):
git clone https://github.com/RaRe-Technologies/gensim
-
PyPi (π₯ 5.1M / month Β· π¦ 3.2K Β· β±οΈ 24.08.2023):
pip install gensim
-
Conda (π₯ 1.2M Β· β±οΈ 08.02.2024):
conda install -c conda-forge gensim
flair (π₯39 Β· β 14K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT
Tokenizers (π₯38 Β· β 8.3K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
-
GitHub (π¨βπ» 87 Β· π 690 Β· π₯ 47 Β· π¦ 67K Β· π 930 - 15% open Β· β±οΈ 25.03.2024):
git clone https://github.com/huggingface/tokenizers
-
PyPi (π₯ 21M / month Β· π¦ 440 Β· β±οΈ 12.02.2024):
pip install tokenizers
-
Conda (π₯ 1.5M Β· β±οΈ 12.02.2024):
conda install -c conda-forge tokenizers
sentencepiece (π₯37 Β· β 9.3K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
-
GitHub (π¨βπ» 84 Β· π 1.1K Β· π₯ 35K Β· π¦ 59K Β· π 720 - 4% open Β· β±οΈ 03.03.2024):
git clone https://github.com/google/sentencepiece
-
PyPi (π₯ 18M / month Β· π¦ 1K Β· β±οΈ 19.02.2024):
pip install sentencepiece
-
Conda (π₯ 740K Β· β±οΈ 19.03.2024):
conda install -c conda-forge sentencepiece
TextBlob (π₯37 Β· β 8.9K) - Simple, Pythonic, text processing--Sentiment analysis, part-of-speech.. MIT
-
GitHub (π¨βπ» 37 Β· π 1.1K Β· π₯ 110 Β· π¦ 37K Β· π 280 - 39% open Β· β±οΈ 26.03.2024):
git clone https://github.com/sloria/TextBlob
-
PyPi (π₯ 960K / month Β· π¦ 1.4K Β· β±οΈ 22.10.2021):
pip install textblob
-
Conda (π₯ 240K Β· β±οΈ 16.06.2023):
conda install -c conda-forge textblob
fairseq (π₯36 Β· β 29K) - Facebook AI Research Sequence-to-Sequence Toolkit written in Python. MIT
-
GitHub (π¨βπ» 420 Β· π 6.3K Β· π₯ 330 Β· π¦ 2.9K Β· π 4.2K - 28% open Β· β±οΈ 13.03.2024):
git clone https://github.com/facebookresearch/fairseq
-
PyPi (π₯ 300K / month Β· π¦ 75 Β· β±οΈ 27.06.2022):
pip install fairseq
-
Conda (π₯ 61K Β· β±οΈ 03.12.2023):
conda install -c conda-forge fairseq
haystack (π₯36 Β· β 13K) - LLM orchestration framework to build customizable, production-ready.. Apache-2
fastText (π₯35 Β· β 26K) - Library for fast text representation and classification. MIT
-
GitHub (π¨βπ» 68 Β· π 4.7K Β· π¦ 5.7K Β· π 1.2K - 47% open Β· β±οΈ 13.03.2024):
git clone https://github.com/facebookresearch/fastText
-
PyPi (π₯ 1.1M / month Β· π¦ 230 Β· β±οΈ 28.04.2020):
pip install fasttext
-
Conda (π₯ 75K Β· β±οΈ 26.09.2023):
conda install -c conda-forge fasttext
OpenNMT (π₯35 Β· β 6.5K) - Open Source Neural Machine Translation and (Large) Language Models.. MIT
TensorFlow Text (π₯35 Β· β 1.2K) - Making text a first-class citizen in TensorFlow. Apache-2
stanza (π₯34 Β· β 7K) - Stanford NLP Python library for tokenization, sentence segmentation,.. Apache-2
torchtext (π₯34 Β· β 3.4K) - Models, data loaders and abstractions for language processing,.. BSD-3
rubrix (π₯33 Β· β 3K) - Argilla is a collaboration platform for AI engineers and domain experts.. Apache-2
DeepPavlov (π₯32 Β· β 6.5K) - An open source library for deep learning end-to-end dialog.. Apache-2
ftfy (π₯32 Β· β 3.7K) - Fixes mojibake and other glitches in Unicode text, after the fact. Apache-2
snowballstemmer (π₯32 Β· β 710 Β· π) - Snowball compiler and stemming algorithms. BSD-3
-
GitHub (π¨βπ» 34 Β· π 170 Β· π¦ 5 Β· π 91 - 34% open Β· β±οΈ 28.03.2024):
git clone https://github.com/snowballstem/snowball
-
PyPi (π₯ 17M / month Β· π¦ 6.8K Β· β±οΈ 16.11.2021):
pip install snowballstemmer
-
Conda (π₯ 7.8M Β· β±οΈ 16.06.2023):
conda install -c conda-forge snowballstemmer
ParlAI (π₯30 Β· β 10K) - A framework for training and evaluating AI models on a variety of.. MIT
jellyfish (π₯30 Β· β 2K) - a python library for doing approximate and phonetic matching of strings. MIT
SciSpacy (π₯30 Β· β 1.6K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
qdrant (π₯29 Β· β 17K) - Qdrant - High-performance, massive-scale Vector Database for the next.. Apache-2
-
GitHub (π¨βπ» 98 Β· π 1.1K Β· π₯ 20K Β· π 1.1K - 23% open Β· β±οΈ 19.03.2024):
git clone https://github.com/qdrant/qdrant
Sumy (π₯29 Β· β 3.4K) - Module for automatic summarization of text documents and HTML pages. Apache-2
TextDistance (π₯29 Β· β 3.3K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
spacy-transformers (π₯29 Β· β 1.3K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT
spacy
-
GitHub (π¨βπ» 22 Β· π 160 Β· π¦ 1.6K Β· β±οΈ 19.12.2023):
git clone https://github.com/explosion/spacy-transformers
-
PyPi (π₯ 220K / month Β· π¦ 45 Β· β±οΈ 19.12.2023):
pip install spacy-transformers
-
Conda (π₯ 28K Β· β±οΈ 19.12.2023):
conda install -c conda-forge spacy-transformers
Ciphey (π₯28 Β· β 17K) - Automatically decrypt encryptions without knowing the key or cipher, decode.. MIT
-
GitHub (π¨βπ» 48 Β· π 1K Β· π 330 - 19% open Β· β±οΈ 12.10.2023):
git clone https://github.com/Ciphey/Ciphey
-
PyPi (π₯ 59K / month Β· β±οΈ 06.06.2021):
pip install ciphey
-
Docker Hub (π₯ 23K Β· β 17 Β· β±οΈ 14.10.2023):
docker pull remnux/ciphey
scattertext (π₯27 Β· β 2.2K) - Beautiful visualizations of how language differs among document.. Apache-2
-
GitHub (π¨βπ» 14 Β· π 280 Β· π¦ 510 Β· π 100 - 21% open Β· β±οΈ 06.03.2024):
git clone https://github.com/JasonKessler/scattertext
-
PyPi (π₯ 14K / month Β· π¦ 11 Β· β±οΈ 06.03.2024):
pip install scattertext
-
Conda (π₯ 86K Β· β±οΈ 16.06.2023):
conda install -c conda-forge scattertext
PyTextRank (π₯27 Β· β 2.1K) - Python implementation of TextRank algorithms (textgraphs) for phrase.. MIT
OpenPrompt (π₯26 Β· β 4.1K Β· π€) - An Open-Source Framework for Prompt-Learning. Apache-2
sense2vec (π₯25 Β· β 1.6K Β· π€) - Contextually-keyed word vectors. MIT
-
GitHub (π¨βπ» 19 Β· π 240 Β· π₯ 64K Β· π¦ 340 Β· π 110 - 20% open Β· β±οΈ 20.04.2023):
git clone https://github.com/explosion/sense2vec
-
PyPi (π₯ 2.9K / month Β· π¦ 14 Β· β±οΈ 19.04.2021):
pip install sense2vec
-
Conda (π₯ 36K Β· β±οΈ 22.09.2023):
conda install -c conda-forge sense2vec
promptsource (π₯24 Β· β 2.5K) - Toolkit for creating, sharing and using natural language.. Apache-2
pytorch-nlp (π₯24 Β· β 2.2K Β· π€) - Basic Utilities for PyTorch Natural Language Processing.. BSD-3
detoxify (π₯24 Β· β 820) - Trained models & code to predict toxic comments on all 3 Jigsaw.. Apache-2
Texthero (π₯23 Β· β 2.9K Β· π€) - Text preprocessing, representation and visualization from zero to.. MIT
YouTokenToMe (π₯23 Β· β 940 Β· π€) - Unsupervised text tokenizer focused on computational efficiency. MIT
-
GitHub (π¨βπ» 8 Β· π 83 Β· π¦ 640 Β· π 64 - 56% open Β· β±οΈ 29.03.2023):
git clone https://github.com/vkcom/youtokentome
-
PyPi (π₯ 36K / month Β· π¦ 23 Β· β±οΈ 12.02.2020):
pip install youtokentome
-
Conda (π₯ 41K Β· β±οΈ 27.09.2023):
conda install -c conda-forge youtokentome
T5 (π₯22 Β· β 5.8K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2
Sockeye (π₯22 Β· β 1.2K) - Sequence-to-sequence framework with a focus on Neural Machine.. Apache-2
happy-transformer (π₯22 Β· β 500) - Happy Transformer makes it easy to fine-tune and.. Apache-2
huggingface
small-text (π₯21 Β· β 520) - Active Learning for Text Classification in Python. MIT
lightseq (π₯20 Β· β 3.1K Β· π€) - LightSeq: A High Performance Library for Sequence Processing.. Apache-2
textaugment (π₯20 Β· β 370) - TextAugment: Text Augmentation Library. MIT
OpenNRE (π₯19 Β· β 4.2K) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
-
GitHub (π¨βπ» 13 Β· π 1K Β· π¦ 3 Β· π 360 - 3% open Β· β±οΈ 10.01.2024):
git clone https://github.com/thunlp/OpenNRE
TextBox (π₯15 Β· β 1K Β· π€) - TextBox 2.0 is a text generation library with pre-trained language.. MIT
VizSeq (π₯15 Β· β 440) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT
Show 46 hidden projects...
- ChatterBot (π₯35 Β· β 14K Β· π) - ChatterBot is a machine learning, conversational dialog engine..
BSD-3
- AllenNLP (π₯35 Β· β 12K Β· π) - An open-source NLP research library, built on PyTorch.
Apache-2
- fuzzywuzzy (π₯33 Β· β 9.1K Β· π) - Fuzzy String Matching in Python.
βοΈGPL-2.0
- nlpaug (π₯29 Β· β 4.3K Β· π) - Data augmentation for NLP.
MIT
- GluonNLP (π₯29 Β· β 2.5K Β· π) - Toolkit that enables easy text preprocessing, datasets..
Apache-2
- english-words (π₯28 Β· β 10K Β· π) - A text file containing 479k English words for all your..
Unlicense
- vaderSentiment (π₯28 Β· β 4.2K Β· π) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary..
MIT
- langid (π₯28 Β· β 2.2K Β· π) - Stand-alone language identification system.
BSD-3
- fastNLP (π₯27 Β· β 3K Β· π) - fastNLP: A Modularized and Extensible NLP Framework. Currently..
Apache-2
- textacy (π₯27 Β· β 2.2K Β· π€) - NLP, before and after spaCy.
βUnlicensed
- flashtext (π₯26 Β· β 5.5K Β· π) - Extract Keywords from sentence or Replace keywords in sentences.
MIT
- FARM (π₯26 Β· β 1.7K Β· π) - Fast & easy transfer learning for NLP. Harvesting language..
Apache-2
- underthesea (π₯26 Β· β 1.3K) - Underthesea - Vietnamese NLP Toolkit.
βοΈGPL-3.0
- whoosh (π₯26 Β· β 520 Β· π) - Pure-Python full-text search library.
βοΈBSD-1-Clause
- Snips NLU (π₯25 Β· β 3.9K Β· π) - Snips Python library to extract meaning from text.
Apache-2
- MatchZoo (π₯25 Β· β 3.8K Β· π) - Facilitating the design, comparison and sharing of deep..
Apache-2
- neuralcoref (π₯25 Β· β 2.8K Β· π) - Fast Coreference Resolution in spaCy with Neural Networks.
MIT
- textgenrnn (π₯24 Β· β 4.9K Β· π) - Easily train your own text-generating neural network of any..
MIT
- polyglot (π₯24 Β· β 2.2K Β· π) - Multilingual text (NLP) processing toolkit.
βUnlicensed
- pySBD (π₯24 Β· β 720 Β· π) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence..
MIT
- PyText (π₯23 Β· β 6.3K Β· π) - A natural language modeling framework based on PyTorch.
βUnlicensed
- Kashgari (π₯23 Β· β 2.4K Β· π) - Kashgari is a production-level NLP Transfer learning..
Apache-2
- stop-words (π₯23 Β· β 160 Β· π) - Get list of common stop words in various languages in Python.
BSD-3
- gpt-2-simple (π₯22 Β· β 3.4K Β· π) - Python package to easily retrain OpenAIs GPT-2 text-..
MIT
- Texar (π₯22 Β· β 2.4K Β· π) - Toolkit for Machine Learning, Natural Language Processing, and..
Apache-2
- jiant (π₯22 Β· β 1.6K Β· π) - jiant is an nlp toolkit.
MIT
- NLP Architect (π₯21 Β· β 2.9K Β· π) - A model library for exploring state-of-the-art deep..
Apache-2
- DELTA (π₯21 Β· β 1.6K Β· π) - DELTA is a deep learning based natural language and speech..
Apache-2
- anaGo (π₯21 Β· β 1.5K Β· π) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,..
MIT
- pyfasttext (π₯20 Β· β 230 Β· π) - Yet another Python binding for fastText.
βοΈGPL-3.0
- fastT5 (π₯19 Β· β 540 Β· π) - boost inference speed of T5 models by 5x & reduce the model size..
Apache-2
- numerizer (π₯19 Β· β 210 Β· π€) - A Python module to convert natural language numerics into ints and..
MIT
- Camphr (π₯18 Β· β 340 Β· π) - Camphr - NLP libary for creating pipeline components.
Apache-2
spacy
- textpipe (π₯18 Β· β 300 Β· π) - Textpipe: clean and extract metadata from text.
MIT
- nboost (π₯17 Β· β 670 Β· π) - NBoost is a scalable, search-api-boosting platform for deploying..
Apache-2
- DeepMatcher (π₯17 Β· β 530 Β· π) - Python package for performing Entity and Text Matching using..
BSD-3
- NeuroNER (π₯16 Β· β 1.7K Β· π) - Named-entity recognition using neural networks. Easy-to-use and..
MIT
- skift (π₯16 Β· β 240 Β· π) - scikit-learn wrappers for Python fastText.
MIT
- BLINK (π₯15 Β· β 1.1K Β· π) - Entity Linker solution.
MIT
- Translate (π₯15 Β· β 810 Β· π) - Translate - a PyTorch Language Library.
BSD-3
- Headliner (π₯15 Β· β 230 Β· π) - Easy training and deployment of seq2seq models.
MIT
- NeuralQA (π₯14 Β· β 230 Β· π) - NeuralQA: A Usable Library for Question Answering on Large Datasets..
MIT
- TransferNLP (π₯13 Β· β 290 Β· π) - NLP library designed for reproducible experimentation..
MIT
- ONNX-T5 (π₯13 Β· β 240 Β· π) - Summarization, translation, sentiment-analysis, text-generation..
Apache-2
- textvec (π₯13 Β· β 190) - Text vectorization tool to outperform TFIDF for classification tasks.
MIT
- spacy-dbpedia-spotlight (π₯12 Β· β 99 Β· π€) - A spaCy wrapper for DBpedia Spotlight.
MIT
spacy
Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification.
torchvision (π₯42 Β· β 15K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3
-
GitHub (π¨βπ» 580 Β· π 6.8K Β· π₯ 37K Β· π¦ 21 Β· π 3.3K - 29% open Β· β±οΈ 26.03.2024):
git clone https://github.com/pytorch/vision
-
PyPi (π₯ 11M / month Β· π¦ 5.2K Β· β±οΈ 27.03.2024):
pip install torchvision
-
Conda (π₯ 1M Β· β±οΈ 26.02.2024):
conda install -c conda-forge torchvision
PyTorch Image Models (π₯41 Β· β 29K) - PyTorch image models, scripts, pretrained weights --.. Apache-2
-
GitHub (π¨βπ» 130 Β· π 4.5K Β· π₯ 6.3M Β· π¦ 25K Β· π 850 - 8% open Β· β±οΈ 21.03.2024):
git clone https://github.com/rwightman/pytorch-image-models
-
PyPi (π₯ 4.7M / month Β· π¦ 420 Β· β±οΈ 19.02.2024):
pip install timm
-
Conda (π₯ 130K Β· β±οΈ 21.02.2024):
conda install -c conda-forge timm
MMDetection (π₯39 Β· β 27K) - OpenMMLab Detection Toolbox and Benchmark. Apache-2
Kornia (π₯38 Β· β 9.2K) - Geometric Computer Vision Library for Spatial AI. Apache-2
-
GitHub (π¨βπ» 260 Β· π 920 Β· π₯ 1K Β· π¦ 9K Β· π 890 - 29% open Β· β±οΈ 27.03.2024):
git clone https://github.com/kornia/kornia
-
PyPi (π₯ 2.2M / month Β· π¦ 140 Β· β±οΈ 14.03.2024):
pip install kornia
-
Conda (π₯ 120K Β· β±οΈ 20.02.2024):
conda install -c conda-forge kornia
Albumentations (π₯37 Β· β 13K) - Fast image augmentation library and an easy-to-use wrapper.. MIT
-
GitHub (π¨βπ» 140 Β· π 1.6K Β· π¦ 22K Β· π 890 - 47% open Β· β±οΈ 27.03.2024):
git clone https://github.com/albumentations-team/albumentations
-
PyPi (π₯ 1.5M / month Β· π¦ 360 Β· β±οΈ 19.03.2024):
pip install albumentations
-
Conda (π₯ 160K Β· β±οΈ 05.03.2024):
conda install -c conda-forge albumentations
deepface (π₯37 Β· β 9.7K) - A Lightweight Face Recognition and Facial Attribute Analysis (Age,.. MIT
imageio (π₯37 Β· β 1.4K) - Python library for reading and writing image data. BSD-2
-
GitHub (π¨βπ» 110 Β· π 280 Β· π₯ 1K Β· π¦ 120K Β· π 590 - 16% open Β· β±οΈ 18.03.2024):
git clone https://github.com/imageio/imageio
-
PyPi (π₯ 22M / month Β· π¦ 3.2K Β· β±οΈ 12.02.2024):
pip install imageio
-
Conda (π₯ 6.1M Β· β±οΈ 12.02.2024):
conda install -c conda-forge imageio
opencv-python (π₯36 Β· β 4.1K) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
InsightFace (π₯35 Β· β 21K Β· π) - State-of-the-art 2D and 3D Face Analysis Project. MIT
detectron2 (π₯34 Β· β 28K) - Detectron2 is a platform for object detection, segmentation.. Apache-2
PaddleSeg (π₯33 Β· β 8.2K) - Easy-to-use image segmentation library with awesome pre-.. Apache-2
imageai (π₯30 Β· β 8.3K) - A python library built to empower developers to build applications and.. MIT
ImageHash (π₯30 Β· β 3K) - A Python Perceptual Image Hashing Module. BSD-2
-
GitHub (π¨βπ» 26 Β· π 320 Β· π¦ 12K Β· π 140 - 11% open Β· β±οΈ 24.10.2023):
git clone https://github.com/JohannesBuchner/imagehash
-
PyPi (π₯ 1.6M / month Β· π¦ 390 Β· β±οΈ 28.09.2022):
pip install ImageHash
-
Conda (π₯ 360K Β· β±οΈ 16.06.2023):
conda install -c conda-forge imagehash
vit-pytorch (π₯29 Β· β 18K) - Implementation of Vision Transformer, a simple way to achieve.. MIT
PaddleDetection (π₯29 Β· β 12K) - Object Detection toolkit based on PaddlePaddle. It.. Apache-2
Face Alignment (π₯28 Β· β 6.8K Β· π€) - 2D and 3D Face alignment library build using pytorch. BSD-3
facenet-pytorch (π₯28 Β· β 4.1K) - Pretrained Pytorch face detection (MTCNN) and facial.. MIT
sahi (π₯28 Β· β 3.5K) - Framework agnostic sliced/tiled inference + interactive ui + error analysis.. MIT
Augmentor (π₯27 Β· β 5K Β· π€) - Image augmentation library in Python for machine learning. MIT
vidgear (π₯27 Β· β 3.2K) - A High-performance cross-platform Video Processing Python framework.. Apache-2
Norfair (π₯27 Β· β 2.3K) - Lightweight Python library for adding real-time multi-object tracking.. BSD-3
CellProfiler (π₯27 Β· β 850) - An open-source application for biological image analysis. BSD-3
pytorchvideo (π₯25 Β· β 3.2K) - A deep learning library for video understanding research. Apache-2
Image Deduplicator (π₯24 Β· β 4.9K Β· π€) - Finding duplicate images made easy!. Apache-2
kubric (π₯24 Β· β 2.2K) - A data generation pipeline for creating semi-realistic synthetic.. Apache-2
MMF (π₯23 Β· β 5.4K) - A modular framework for vision & language multimodal research from.. BSD-3
tensorflow-graphics (π₯23 Β· β 2.7K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2
Classy Vision (π₯22 Β· β 1.6K Β· π€) - An end-to-end PyTorch framework for image and video.. MIT
-
GitHub (π¨βπ» 77 Β· π 280 Β· π 120 - 45% open Β· β±οΈ 23.03.2023):
git clone https://github.com/facebookresearch/ClassyVision
-
PyPi (π₯ 860 / month Β· π¦ 4 Β· β±οΈ 21.03.2023):
pip install classy_vision
-
Conda (π₯ 19K Β· β±οΈ 16.06.2023):
conda install -c conda-forge classy_vision
DEβ«ΆTR (π₯21 Β· β 13K) - End-to-End Object Detection with Transformers. Apache-2
-
GitHub (π¨βπ» 27 Β· π 2.2K Β· π¦ 21 Β· π 540 - 47% open Β· β±οΈ 12.03.2024):
git clone https://github.com/facebookresearch/detr
vissl (π₯21 Β· β 3.2K) - VISSL is FAIRs library of extensible, modular and scalable components.. MIT
PySlowFast (π₯20 Β· β 6.2K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2
pycls (π₯20 Β· β 2.1K Β· π€) - Codebase for Image Classification Research, written in PyTorch. MIT
scenic (π₯18 Β· β 2.9K) - Scenic: A Jax Library for Computer Vision Research and Beyond. Apache-2
-
GitHub (π¨βπ» 79 Β· π 390 Β· π 260 - 57% open Β· β±οΈ 28.03.2024):
git clone https://github.com/google-research/scenic
Caer (π₯17 Β· β 740 Β· π€) - A lightweight Computer Vision library. Scale your models, not boilerplate. MIT
Show 22 hidden projects...
- scikit-image (π₯41 Β· β 5.8K) - Image processing in Python.
βUnlicensed
- glfw (π₯37 Β· β 12K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input.
βοΈZlib
- imgaug (π₯36 Β· β 14K Β· π) - Image augmentation for machine learning experiments.
MIT
- Face Recognition (π₯33 Β· β 51K Β· π) - The worlds simplest facial recognition api for Python..
MIT
- imutils (π₯32 Β· β 4.5K Β· π) - A series of convenience functions to make basic image processing..
MIT
- PyTorch3D (π₯31 Β· β 8.2K) - PyTorch3D is FAIRs library of reusable components for..
βUnlicensed
- GluonCV (π₯29 Β· β 5.7K Β· π) - Gluon CV Toolkit.
Apache-2
- layout-parser (π₯28 Β· β 4.4K Β· π) - A Unified Toolkit for Deep Learning Based Document Image..
Apache-2
- mtcnn (π₯27 Β· β 2.1K Β· π) - MTCNN face detection implementation for TensorFlow, as a PIP..
MIT
- chainercv (π₯27 Β· β 1.5K Β· π) - ChainerCV: a Library for Deep Learning in Computer Vision.
MIT
- segmentation_models (π₯25 Β· β 4.6K Β· π) - Segmentation models with pretrained backbones. Keras..
MIT
- Pillow-SIMD (π₯25 Β· β 2.1K Β· π€) - The friendly PIL fork.
βοΈPIL
- Image Super-Resolution (π₯24 Β· β 4.5K Β· π) - Super-scale your images and run experiments with..
Apache-2
- Luminoth (π₯23 Β· β 2.4K Β· π) - Deep Learning toolkit for Computer Vision.
BSD-3
- deep-daze (π₯22 Β· β 4.4K Β· π) - Simple command line tool for text to image generation using..
MIT
- icevision (π₯22 Β· β 840 Β· π) - An Agnostic Computer Vision Framework - Pluggable to any..
Apache-2
- image-match (π₯20 Β· β 2.9K Β· π) - Quickly search over billions of images.
Apache-2
- detecto (π₯20 Β· β 610 Β· π) - Build fully-functioning computer vision models with PyTorch.
MIT
- nude.py (π₯18 Β· β 920 Β· π) - Nudity detection with Python.
MIT
- solt (π₯18 Β· β 260 Β· π) - Streaming over lightweight data transformations.
MIT
- Torch Points 3D (π₯16 Β· β 190 Β· π) - Pytorch framework for doing deep learning on point..
BSD-3
- HugsVision (π₯15 Β· β 190 Β· π) - HugsVision is a easy to use huggingface wrapper for state-of-..
MIT
huggingface
Libraries for graph processing, clustering, embedding, and machine learning tasks.
networkx (π₯44 Β· β 14K) - Network Analysis in Python. BSD-3
-
GitHub (π¨βπ» 710 Β· π 3.1K Β· π₯ 67 Β· π¦ 240K Β· π 3.3K - 9% open Β· β±οΈ 26.03.2024):
git clone https://github.com/networkx/networkx
-
PyPi (π₯ 49M / month Β· π¦ 15K Β· β±οΈ 22.03.2024):
pip install networkx
-
Conda (π₯ 15M Β· β±οΈ 28.10.2023):
conda install -c conda-forge networkx
dgl (π₯39 Β· β 13K) - Python package built to ease deep learning on graph, on top of existing DL.. Apache-2
PyTorch Geometric (π₯37 Β· β 20K) - Graph Neural Network Library for PyTorch. MIT
-
GitHub (π¨βπ» 490 Β· π 3.5K Β· π 3.5K - 26% open Β· β±οΈ 28.03.2024):
git clone https://github.com/pyg-team/pytorch_geometric
-
PyPi (π₯ 240K / month Β· π¦ 160 Β· β±οΈ 20.03.2024):
pip install torch-geometric
-
Conda (π₯ 38K Β· β±οΈ 22.02.2024):
conda install -c conda-forge pytorch_geometric
AmpliGraph (π₯29 Β· β 2.1K) - Python library for Representation Learning on Knowledge.. Apache-2
pygraphistry (π₯29 Β· β 2K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3
ogb (π₯29 Β· β 1.9K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
PyKEEN (π₯27 Β· β 1.5K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
PyTorch-BigGraph (π₯26 Β· β 3.3K) - Generate embeddings from large-scale graph-structured.. BSD-3
Paddle Graph Learning (π₯26 Β· β 1.6K) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2
pytorch_geometric_temporal (π₯25 Β· β 2.4K Β· π€) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT
torch-cluster (π₯24 Β· β 750) - PyTorch Extension Library of Optimized Graph Cluster.. MIT
-
GitHub (π¨βπ» 34 Β· π 130 Β· π 160 - 20% open Β· β±οΈ 05.03.2024):
git clone https://github.com/rusty1s/pytorch_cluster
-
PyPi (π₯ 14K / month Β· π¦ 45 Β· β±οΈ 12.10.2023):
pip install torch-cluster
-
Conda (π₯ 92K Β· β±οΈ 29.12.2023):
conda install -c conda-forge pytorch_cluster
GraphGym (π₯18 Β· β 1.6K Β· π€) - Platform for designing and evaluating Graph Neural Networks (GNN). MIT
OpenKE (π₯17 Β· β 3.7K) - An Open-Source Package for Knowledge Embedding (KE). MIT
-
GitHub (π¨βπ» 14 Β· π 980 Β· π 380 - 7% open Β· β±οΈ 10.01.2024):
git clone https://github.com/thunlp/OpenKE
kglib (π₯16 Β· β 550) - TypeDB-ML is the Machine Learning integrations library for TypeDB. Apache-2
OpenNE (π₯15 Β· β 1.7K) - An Open-Source Package for Network Embedding (NE). MIT
-
GitHub (π¨βπ» 12 Β· π 480 Β· π 100 - 4% open Β· β±οΈ 10.01.2024):
git clone https://github.com/thunlp/OpenNE
AutoGL (π₯14 Β· β 1.1K) - An autoML framework & toolkit for machine learning on graphs. Apache-2
Show 16 hidden projects...
- igraph (π₯35 Β· β 1.2K) - Python interface for igraph.
βοΈGPL-2.0
- pygal (π₯29 Β· β 2.6K) - PYthon svg GrAph plotting Library.
βοΈLGPL-3.0
- StellarGraph (π₯27 Β· β 2.9K Β· π) - StellarGraph - Machine Learning on Graphs.
Apache-2
- Karate Club (π₯25 Β· β 2.1K) - Karate Club: An API Oriented Open-source Python Framework for..
βοΈGPL-3.0
- graph-nets (π₯22 Β· β 5.3K Β· π) - Build Graph Nets in Tensorflow.
Apache-2
- DIG (π₯22 Β· β 1.8K) - A library for graph deep learning research.
βοΈGPL-3.0
- jraph (π₯22 Β· β 1.3K Β· π) - A Graph Neural Network Library in Jax.
Apache-2
- graph4nlp (π₯21 Β· β 1.7K Β· π) - Graph4nlp is the library for the easy use of Graph..
Apache-2
- DeepWalk (π₯20 Β· β 2.6K Β· π) - DeepWalk - Deep Learning for Graphs.
βοΈGPL-3.0
- DeepGraph (π₯20 Β· β 280) - Analyze Data with Pandas-based Networks. Documentation:.
BSD-3
- pyRDF2Vec (π₯20 Β· β 240 Β· π€) - Python Implementation and Extension of RDF2Vec.
MIT
- GraphEmbedding (π₯17 Β· β 3.6K Β· π) - Implementation and experiments of graph embedding..
MIT
- Euler (π₯15 Β· β 2.9K Β· π) - A distributed graph deep learning framework.
Apache-2
- ptgnn (π₯15 Β· β 370 Β· π) - A PyTorch Graph Neural Network Library.
MIT
- GraphSAGE (π₯14 Β· β 3.3K Β· π) - Representation learning on large graphs using stochastic..
MIT
- GraphVite (π₯13 Β· β 1.2K Β· π) - GraphVite: A General and High-performance Graph Embedding..
Apache-2
Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks.
speechbrain (π₯38 Β· β 7.7K) - A PyTorch-based Speech Toolkit. Apache-2
torchaudio (π₯35 Β· β 2.4K) - Data manipulation and transformation for audio signal.. BSD-2
SpeechRecognition (π₯34 Β· β 8K) - Speech recognition module for Python, supporting several.. BSD-3
-
GitHub (π¨βπ» 50 Β· π 2.3K Β· π¦ 21 Β· π 630 - 49% open Β· β±οΈ 28.03.2024):
git clone https://github.com/Uberi/speech_recognition
-
PyPi (π₯ 740K / month Β· π¦ 860 Β· β±οΈ 28.03.2024):
pip install SpeechRecognition
-
Conda (π₯ 180K Β· β±οΈ 28.03.2024):
conda install -c conda-forge speechrecognition
Magenta (π₯33 Β· β 19K Β· π€) - Magenta: Music and Art Generation with Machine Intelligence. Apache-2
spleeter (π₯31 Β· β 25K Β· π€) - Deezer source separation library including pretrained models. MIT
-
GitHub (π¨βπ» 19 Β· π 2.7K Β· π₯ 3M Β· π¦ 670 Β· π 790 - 29% open Β· β±οΈ 13.07.2023):
git clone https://github.com/deezer/spleeter
-
PyPi (π₯ 14K / month Β· π¦ 6 Β· β±οΈ 10.06.2022):
pip install spleeter
-
Conda (π₯ 80K Β· β±οΈ 16.06.2023):
conda install -c conda-forge spleeter
audiomentations (π₯30 Β· β 1.7K) - A Python library for audio data augmentation. Inspired by.. MIT
audioread (π₯30 Β· β 480) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding.. MIT
pyAudioAnalysis (π₯28 Β· β 5.6K) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
tinytag (π₯27 Β· β 660) - Python library for reading audio file metadata, duration of MP3, OGG,.. MIT
python-soundfile (π₯25 Β· β 650) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3
textlesslib (π₯10 Β· β 490 Β· π€) - Library for Textless Spoken Language Processing. MIT
-
GitHub (π¨βπ» 8 Β· π 50 Β· π 23 - 52% open Β· β±οΈ 29.08.2023):
git clone https://github.com/facebookresearch/textlesslib
Show 11 hidden projects...
- Pydub (π₯35 Β· β 8.3K Β· π) - Manipulate audio with a simple and easy high level interface.
MIT
- DeepSpeech (π₯34 Β· β 24K Β· π) - DeepSpeech is an open source embedded (offline, on-..
MPL-2.0
- Essentia (π₯29 Β· β 2.7K) - C++ library for audio and music analysis, description and..
βοΈAGPL-3.0
- aubio (π₯27 Β· β 3.1K Β· π) - a library for audio and music analysis.
βοΈGPL-3.0
- TTS (π₯26 Β· β 8.7K Β· π) - Deep learning for Text to Speech (Discussion forum:..
MPL-2.0
- python_speech_features (π₯24 Β· β 2.3K Β· π) - This library provides common speech features for ASR..
MIT
- kapre (π₯23 Β· β 910 Β· π) - kapre: Keras Audio Preprocessors.
MIT
- Dejavu (π₯22 Β· β 6.3K Β· π) - Audio fingerprinting and recognition in Python.
MIT
- Julius (π₯21 Β· β 400 Β· π) - Fast PyTorch based DSP for audio and 1D signals.
MIT
- TimeSide (π₯20 Β· β 360 Β· π) - scalable audio processing framework and server written in..
βοΈAGPL-3.0
- Muda (π₯17 Β· β 220 Β· π) - A library for augmenting annotated audio data.
ISC
Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding.
pydeck (π₯44 Β· β 12K) - WebGL2 powered visualization framework. MIT
-
GitHub (π¨βπ» 250 Β· π 2K Β· π¦ 7.3K Β· π 2.9K - 9% open Β· β±οΈ 28.03.2024):
git clone https://github.com/visgl/deck.gl
-
PyPi (π₯ 3.3M / month Β· π¦ 59 Β· β±οΈ 15.04.2023):
pip install pydeck
-
Conda (π₯ 490K Β· β±οΈ 16.06.2023):
conda install -c conda-forge pydeck
-
npm (π₯ 420K / month Β· π¦ 500 Β· β±οΈ 21.03.2024):
npm install deck.gl
GeoPandas (π₯40 Β· β 4.1K) - Python tools for geographic data. BSD-3
-
GitHub (π¨βπ» 220 Β· π 880 Β· π₯ 2.5K Β· π¦ 33K Β· π 1.7K - 27% open Β· β±οΈ 27.03.2024):
git clone https://github.com/geopandas/geopandas
-
PyPi (π₯ 6.1M / month Β· π¦ 2K Β· β±οΈ 31.01.2024):
pip install geopandas
-
Conda (π₯ 3.5M Β· β±οΈ 31.01.2024):
conda install -c conda-forge geopandas
folium (π₯39 Β· β 6.6K) - Python Data. Leaflet.js Maps. MIT
-
GitHub (π¨βπ» 160 Β· π 2.2K Β· π¦ 36K Β· π 1.1K - 7% open Β· β±οΈ 08.03.2024):
git clone https://github.com/python-visualization/folium
-
PyPi (π₯ 970K / month Β· π¦ 850 Β· β±οΈ 29.02.2024):
pip install folium
-
Conda (π₯ 2.6M Β· β±οΈ 29.02.2024):
conda install -c conda-forge folium
Shapely (π₯38 Β· β 3.6K) - Manipulation and analysis of geometric objects. BSD-3
-
GitHub (π¨βπ» 150 Β· π 550 Β· π₯ 3.2K Β· π¦ 65K Β· π 1.2K - 21% open Β· β±οΈ 22.03.2024):
git clone https://github.com/shapely/shapely
-
PyPi (π₯ 21M / month Β· π¦ 1.4K Β· β±οΈ 16.02.2024):
pip install shapely
-
Conda (π₯ 9M Β· β±οΈ 19.02.2024):
conda install -c conda-forge shapely
Rasterio (π₯37 Β· β 2.1K) - Rasterio reads and writes geospatial raster datasets. BSD-3
-
GitHub (π¨βπ» 160 Β· π 520 Β· π₯ 850 Β· π¦ 11K Β· π 1.8K - 8% open Β· β±οΈ 26.03.2024):
git clone https://github.com/rasterio/rasterio
-
PyPi (π₯ 2.5M / month Β· π¦ 1.1K Β· β±οΈ 03.03.2024):
pip install rasterio
-
Conda (π₯ 2.8M Β· β±οΈ 27.03.2024):
conda install -c conda-forge rasterio
pyproj (π₯35 Β· β 980) - Python interface to PROJ (cartographic projections and coordinate.. MIT
ipyleaflet (π₯33 Β· β 1.4K) - A Jupyter - Leaflet.js bridge. MIT
-
GitHub (π¨βπ» 88 Β· π 360 Β· π¦ 7.9K Β· π 620 - 43% open Β· β±οΈ 01.03.2024):
git clone https://github.com/jupyter-widgets/ipyleaflet
-
PyPi (π₯ 150K / month Β· π¦ 170 Β· β±οΈ 23.01.2024):
pip install ipyleaflet
-
Conda (π₯ 1.1M Β· β±οΈ 23.01.2024):
conda install -c conda-forge ipyleaflet
-
npm (π₯ 11K / month Β· π¦ 6 Β· β±οΈ 23.01.2024):
npm install jupyter-leaflet
ArcGIS API (π₯31 Β· β 1.7K) - Documentation and samples for ArcGIS API for Python. Apache-2
EarthPy (π₯27 Β· β 480 Β· π€) - A package built to support working with spatial data using open.. BSD-3
pymap3d (π₯25 Β· β 360) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef.. BSD-2
Show 7 hidden projects...
- Geocoder (π₯32 Β· β 1.6K Β· π) - Python Geocoder.
MIT
- Satpy (π₯32 Β· β 1K) - Python package for earth-observing satellite data processing.
βοΈGPL-3.0
- Sentinelsat (π₯26 Β· β 960) - Search and download Copernicus Sentinel satellite images.
βοΈGPL-3.0
- gmaps (π₯24 Β· β 760 Β· π) - Google maps for Jupyter notebooks.
BSD-3
- Mapbox GL (π₯24 Β· β 650 Β· π) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook.
MIT
- prettymaps (π₯22 Β· β 11K Β· π) - A small set of Python functions to draw pretty maps from..
βοΈAGPL-3.0
- geoplotlib (π₯20 Β· β 1K Β· π) - python toolbox for visualizing geographical data and making maps.
MIT
Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data.
yfinance (π₯41 Β· β 12K) - Download market data from Yahoo! Finances API. Apache-2
-
GitHub (π¨βπ» 110 Β· π 2.1K Β· π¦ 35K Β· π 1.3K - 14% open Β· β±οΈ 25.02.2024):
git clone https://github.com/ranaroussi/yfinance
-
PyPi (π₯ 1.8M / month Β· π¦ 340 Β· β±οΈ 25.02.2024):
pip install yfinance
-
Conda (π₯ 88K Β· β±οΈ 16.06.2023):
conda install -c ranaroussi yfinance
Qlib (π₯28 Β· β 14K) - Qlib is an AI-oriented quantitative investment platform that aims to.. MIT
Alpha Vantage (π₯28 Β· β 4.1K) - A python wrapper for Alpha Vantage API for financial data. MIT
-
GitHub (π¨βπ» 43 Β· π 720 Β· π¦ 510 Β· π 290 - 2% open Β· β±οΈ 19.03.2024):
git clone https://github.com/RomelTorres/alpha_vantage
-
PyPi (π₯ 38K / month Β· π¦ 32 Β· β±οΈ 21.12.2020):
pip install alpha_vantage
-
Conda (π₯ 6.5K Β· β±οΈ 16.06.2023):
conda install -c conda-forge alpha_vantage
stockstats (π₯25 Β· β 1.2K) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
PyAlgoTrade (π₯24 Β· β 4.3K Β· π€) - Python Algorithmic Trading Library. Apache-2
tf-quant-finance (π₯22 Β· β 4.2K Β· π€) - High-performance TensorFlow library for quantitative.. Apache-2
finmarketpy (π₯22 Β· β 3.3K) - Python library for backtesting trading strategies & analyzing.. Apache-2
FinQuant (π₯22 Β· β 1.2K) - A program for financial portfolio management, analysis and optimisation. MIT
Show 13 hidden projects...
- zipline (π₯33 Β· β 17K Β· π) - Zipline, a Pythonic Algorithmic Trading Library.
Apache-2
- pyfolio (π₯31 Β· β 5.4K Β· π) - Portfolio and risk analytics in Python.
Apache-2
- arch (π₯31 Β· β 1.2K) - ARCH models in Python.
βUnlicensed
- backtrader (π₯29 Β· β 13K Β· π€) - Python Backtesting library for trading strategies.
βοΈGPL-3.0
- empyrical (π₯28 Β· β 1.2K Β· π) - Common financial risk and performance metrics. Used by..
Apache-2
- Alphalens (π₯27 Β· β 3.1K Β· π) - Performance analysis of predictive (alpha) stock factors.
Apache-2
- TensorTrade (π₯26 Β· β 4.4K Β· π) - An open source reinforcement learning framework for..
Apache-2
- Enigma Catalyst (π₯26 Β· β 2.5K Β· π) - An Algorithmic Trading Library for Crypto-Assets in..
Apache-2
- FinTA (π₯24 Β· β 2K Β· π) - Common financial technical indicators implemented in Pandas.
βοΈLGPL-3.0
- Crypto Signals (π₯23 Β· β 4.7K Β· π) - Github.com/CryptoSignal - Trading & Technical Analysis Bot -..
MIT
- Backtesting.py (π₯22 Β· β 4.7K Β· π) - Backtest trading strategies in Python.
βοΈAGPL-3.0
- surpriver (π₯12 Β· β 1.7K Β· π) - Find big moving stocks before they move using machine..
βοΈGPL-3.0
- pyrtfolio (π₯8 Β· β 140 Β· π) - Python package to generate stock portfolios.
βοΈGPL-3.0
Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data.
sktime (π₯39 Β· β 7.3K) - A unified framework for machine learning with time series. BSD-3
-
GitHub (π¨βπ» 340 Β· π 1.3K Β· π₯ 84 Β· π¦ 2.4K Β· π 2.2K - 35% open Β· β±οΈ 27.03.2024):
git clone https://github.com/alan-turing-institute/sktime
-
PyPi (π₯ 920K / month Β· π¦ 70 Β· β±οΈ 28.03.2024):
pip install sktime
-
Conda (π₯ 940K Β· β±οΈ 28.03.2024):
conda install -c conda-forge sktime-all-extras
Prophet (π₯35 Β· β 18K) - Tool for producing high quality forecasts for time series data that has.. MIT
-
GitHub (π¨βπ» 170 Β· π 4.5K Β· π₯ 2.4K Β· π¦ 21 Β· π 2.1K - 18% open Β· β±οΈ 18.10.2023):
git clone https://github.com/facebook/prophet
-
PyPi (π₯ 800K / month Β· π¦ 130 Β· β±οΈ 05.09.2020):
pip install fbprophet
-
Conda (π₯ 1.1M Β· β±οΈ 20.10.2023):
conda install -c conda-forge prophet
StatsForecast (π₯33 Β· β 3.5K) - Lightning fast forecasting with statistical and econometric.. Apache-2
-
GitHub (π¨βπ» 38 Β· π 230 Β· π¦ 770 Β· π 290 - 28% open Β· β±οΈ 08.03.2024):
git clone https://github.com/Nixtla/statsforecast
-
PyPi (π₯ 520K / month Β· π¦ 26 Β· β±οΈ 05.02.2024):
pip install statsforecast
-
Conda (π₯ 61K Β· β±οΈ 06.02.2024):
conda install -c conda-forge statsforecast
Darts (π₯32 Β· β 7.2K) - A python library for user-friendly forecasting and anomaly detection.. Apache-2
-
GitHub (π¨βπ» 110 Β· π 780 Β· π¦ 560 Β· π 1.4K - 18% open Β· β±οΈ 16.03.2024):
git clone https://github.com/unit8co/darts
-
PyPi (π₯ 24K / month Β· π¦ 5 Β· β±οΈ 05.03.2024):
pip install u8darts
-
Conda (π₯ 40K Β· β±οΈ 06.03.2024):
conda install -c conda-forge u8darts-all
-
Docker Hub (π₯ 530 Β· β±οΈ 05.03.2024):
docker pull unit8/darts
NeuralProphet (π₯32 Β· β 3.6K) - NeuralProphet: A simple forecasting package. MIT
tslearn (π₯32 Β· β 2.8K) - The machine learning toolkit for time series analysis in Python. BSD-2
pmdarima (π₯32 Β· β 1.5K) - A statistical library designed to fill the void in Pythons time series.. MIT
STUMPY (π₯31 Β· β 3K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
pytorch-forecasting (π₯30 Β· β 3.5K) - Time series forecasting with PyTorch. MIT
-
GitHub (π¨βπ» 45 Β· π 570 Β· π 760 - 62% open Β· β±οΈ 15.03.2024):
git clone https://github.com/jdb78/pytorch-forecasting
-
PyPi (π₯ 74K / month Β· π¦ 10 Β· β±οΈ 26.07.2020):
pip install pytorch-forecasting
-
Conda (π₯ 54K Β· β±οΈ 16.06.2023):
conda install -c conda-forge pytorch-forecasting
NeuralForecast (π₯30 Β· β 2.3K) - Scalable and user friendly neural forecasting algorithms. Apache-2
-
GitHub (π¨βπ» 42 Β· π 270 Β· π¦ 120 Β· π 440 - 23% open Β· β±οΈ 27.03.2024):
git clone https://github.com/Nixtla/neuralforecast
-
PyPi (π₯ 31K / month Β· π¦ 7 Β· β±οΈ 27.03.2024):
pip install neuralforecast
-
Conda (π₯ 13K Β· β±οΈ 28.03.2024):
conda install -c conda-forge neuralforecast
uber/orbit (π₯26 Β· β 1.8K) - A Python package for Bayesian forecasting with object-oriented.. Apache-2
skforecast (π₯26 Β· β 860) - Time series forecasting with scikit-learn models. BSD-3
tick (π₯22 Β· β 470 Β· π€) - Module for statistical learning, with a particular emphasis on time-.. BSD-3
Auto TS (π₯20 Β· β 670) - Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost.. Apache-2
Show 8 hidden projects...
- Streamz (π₯26 Β· β 1.2K Β· π) - Real-time stream processing for python.
BSD-3
- PyFlux (π₯24 Β· β 2.1K Β· π) - Open source time series library for Python.
BSD-3
- seglearn (π₯21 Β· β 560 Β· π) - Python module for machine learning time series:.
BSD-3
- ADTK (π₯20 Β· β 1K Β· π) - A Python toolkit for rule-based/unsupervised anomaly detection in time..
MPL-2.0
- matrixprofile-ts (π₯19 Β· β 730 Β· π) - A Python library for detecting patterns and anomalies..
Apache-2
- atspy (π₯15 Β· β 510 Β· π) - AtsPy: Automated Time Series Models in Python (by @firmai).
MIT
- tsaug (π₯14 Β· β 340 Β· π) - A Python package for time series augmentation.
Apache-2
- tslumen (π₯8 Β· β 62 Β· π) - A library for Time Series EDA (exploratory data analysis).
Apache-2
Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats.
MNE (π₯39 Β· β 2.5K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
Nilearn (π₯37 Β· β 1.1K) - Machine learning for NeuroImaging in Python. BSD-3
-
GitHub (π¨βπ» 230 Β· π 540 Β· π₯ 160 Β· π¦ 3K Β· π 2K - 14% open Β· β±οΈ 25.03.2024):
git clone https://github.com/nilearn/nilearn
-
PyPi (π₯ 67K / month Β· π¦ 300 Β· β±οΈ 29.01.2024):
pip install nilearn
-
Conda (π₯ 260K Β· β±οΈ 29.01.2024):
conda install -c conda-forge nilearn
NiBabel (π₯36 Β· β 620) - Python package to access a cacophony of neuro-imaging file formats. MIT
Lifelines (π₯34 Β· β 2.3K) - Survival analysis in Python. MIT
-
GitHub (π¨βπ» 120 Β· π 580 Β· π¦ 2.3K Β· π 950 - 25% open Β· β±οΈ 07.03.2024):
git clone https://github.com/CamDavidsonPilon/lifelines
-
PyPi (π₯ 490K / month Β· π¦ 130 Β· β±οΈ 03.01.2024):
pip install lifelines
-
Conda (π₯ 320K Β· β±οΈ 13.09.2023):
conda install -c conda-forge lifelines
DeepVariant (π₯26 Β· β 3.1K) - DeepVariant is an analysis pipeline that uses a deep neural.. BSD-3
Brainiak (π₯16 Β· β 320) - Brain Imaging Analysis Kit. Apache-2
-
GitHub (π¨βπ» 35 Β· π 130 Β· π 210 - 38% open Β· β±οΈ 27.11.2023):
git clone https://github.com/brainiak/brainiak
-
PyPi (π₯ 140 / month):
pip install brainiak
-
Docker Hub (π₯ 1.8K Β· β 1 Β· β±οΈ 15.10.2020):
docker pull brainiak/brainiak
Show 10 hidden projects...
- DIPY (π₯33 Β· β 660) - DIPY is the paragon 3D/4D+ imaging library in Python. Contains..
βUnlicensed
- NiftyNet (π₯25 Β· β 1.4K Β· π) - [unmaintained] An open-source convolutional neural..
Apache-2
- NIPY (π₯24 Β· β 370) - Neuroimaging in Python FMRI analysis package.
βUnlicensed
- MedPy (π₯23 Β· β 540) - Medical image processing in Python.
βοΈGPL-3.0
- Glow (π₯23 Β· β 260) - An open-source toolkit for large-scale genomic analysis.
Apache-2
- DLTK (π₯20 Β· β 1.4K Β· π) - Deep Learning Toolkit for Medical Image Analysis.
Apache-2
- Medical Detection Toolkit (π₯15 Β· β 1.3K Β· π) - The Medical Detection Toolkit contains 2D + 3D..
Apache-2
- MedicalTorch (π₯15 Β· β 830 Β· π) - A medical imaging framework for Pytorch.
Apache-2
- DeepNeuro (π₯13 Β· β 120 Β· π) - A deep learning python package for neuroimaging data. Made by:.
MIT
- MedicalNet (π₯12 Β· β 1.8K Β· π) - Many studies have shown that the performance on deep learning is..
MIT
Libraries for processing tabular and structured data.
pytorch_tabular (π₯22 Β· β 1.2K) - A standard framework for modelling Deep Learning Models.. MIT
carefree-learn (π₯20 Β· β 400) - Deep Learning PyTorch. MIT
Show 3 hidden projects...
Libraries for optical character recognition (OCR) and text extraction from images or videos.
EasyOCR (π₯35 Β· β 22K) - Ready-to-use OCR with 80+ supported languages and all popular writing.. Apache-2
OCRmyPDF (π₯34 Β· β 12K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
Tesseract (π₯33 Β· β 5.5K Β· π) - Python-tesseract is an optical character recognition (OCR).. Apache-2
tesserocr (π₯32 Β· β 1.9K) - A Python wrapper for the tesseract-ocr API. MIT
-
GitHub (π¨βπ» 30 Β· π 260 Β· π₯ 160 Β· π¦ 950 Β· π 270 - 18% open Β· β±οΈ 28.03.2024):
git clone https://github.com/sirfz/tesserocr
-
PyPi (π₯ 60K / month Β· π¦ 72 Β· β±οΈ 09.10.2023):
pip install tesserocr
-
Conda (π₯ 130K Β· β±οΈ 16.06.2023):
conda install -c conda-forge tesserocr
MMOCR (π₯27 Β· β 4K) - OpenMMLab Text Detection, Recognition and Understanding Toolbox. Apache-2
keras-ocr (π₯25 Β· β 1.3K) - A packaged and flexible version of the CRAFT text detector and.. MIT
attention-ocr (π₯21 Β· β 1K) - A Tensorflow model for text recognition (CNN + seq2seq with.. MIT
Show 3 hidden projects...
- pdftabextract (π₯21 Β· β 2.2K Β· π) - A set of tools for extracting tables from PDF files..
Apache-2
- doc2text (π₯20 Β· β 1.3K Β· π) - Detect text blocks and OCR poorly scanned PDFs in bulk. Python..
MIT
- Mozart (π₯10 Β· β 560 Β· π) - An optical music recognition (OMR) system. Converts sheet..
Apache-2
General-purpose data containers & structures as well as utilities & extensions for pandas.
π best-of-python - Data Containers ( β 3.4K) - Collection of data-container, dataframe, and pandas-..
Libraries for loading, collecting, and extracting data from a variety of data sources and formats.
π best-of-python - Data Extraction ( β 3.4K) - Collection of data-loading and -extraction libraries.
Libraries for web scraping, crawling, downloading, and mining as well as libraries.
π best-of-web-python - Web Scraping ( β 2.1K) - Collection of web-scraping and crawling libraries.
Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks.
π best-of-python - Data Pipelines ( β 3.4K) - Libraries for data batch- and stream-processing,..
Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure.
Ray (π₯45 Β· β 31K) - Ray is a unified framework for scaling AI and Python applications. Ray.. Apache-2
-
GitHub (π¨βπ» 990 Β· π 5.2K Β· π₯ 210 Β· π¦ 14K Β· π 18K - 20% open Β· β±οΈ 28.03.2024):
git clone https://github.com/ray-project/ray
-
PyPi (π₯ 3.6M / month Β· π¦ 490 Β· β±οΈ 21.03.2024):
pip install ray
-
Conda (π₯ 190K Β· β±οΈ 24.03.2024):
conda install -c conda-forge ray-tune
DeepSpeed (π₯42 Β· β 32K) - DeepSpeed is a deep learning optimization library that makes.. Apache-2
-
GitHub (π¨βπ» 300 Β· π 3.7K Β· π¦ 6.3K Β· π 2.5K - 38% open Β· β±οΈ 28.03.2024):
git clone https://github.com/microsoft/DeepSpeed
-
PyPi (π₯ 500K / month Β· π¦ 100 Β· β±οΈ 08.03.2024):
pip install deepspeed
-
Docker Hub (π₯ 18K Β· β 4 Β· β±οΈ 02.09.2022):
docker pull deepspeed/deepspeed
dask.distributed (π₯40 Β· β 1.5K) - A distributed task scheduler for Dask. BSD-3
-
GitHub (π¨βπ» 320 Β· π 700 Β· π¦ 33K Β· π 3.8K - 39% open Β· β±οΈ 28.03.2024):
git clone https://github.com/dask/distributed
-
PyPi (π₯ 3.6M / month Β· π¦ 1.3K Β· β±οΈ 15.03.2024):
pip install distributed
-
Conda (π₯ 13M Β· β±οΈ 15.03.2024):
conda install -c conda-forge distributed
metrics (π₯36 Β· β 1.9K) - Torchmetrics - Machine learning metrics for distributed,.. Apache-2
-
GitHub (π¨βπ» 230 Β· π 360 Β· π₯ 4.9K Β· π¦ 22K Β· π 800 - 8% open Β· β±οΈ 28.03.2024):
git clone https://github.com/Lightning-AI/metrics
-
PyPi (π₯ 3.9K / month Β· π¦ 13 Β· β±οΈ 28.04.2018):
pip install metrics
-
Conda (π₯ 1.3M Β· β±οΈ 18.03.2024):
conda install -c conda-forge torchmetrics
horovod (π₯35 Β· β 14K) - Distributed training framework for TensorFlow, Keras, PyTorch, and.. Apache-2
H2O-3 (π₯35 Β· β 6.7K) - H2O is an Open Source, Distributed, Fast & Scalable Machine Learning.. Apache-2
BigDL (π₯35 Β· β 5K Β· π) - Accelerate local LLM inference and finetuning (LLaMA, Mistral,.. Apache-2
-
GitHub (π¨βπ» 96 Β· π 1.2K Β· π₯ 290 Β· π¦ 49 Β· π 2.2K - 35% open Β· β±οΈ 28.03.2024):
git clone https://github.com/intel-analytics/BigDL
-
PyPi (π₯ 15K / month Β· π¦ 1 Β· β±οΈ 24.03.2024):
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>
ColossalAI (π₯33 Β· β 38K) - Making large AI models cheaper, faster and more accessible. Apache-2
-
GitHub (π¨βπ» 170 Β· π 4.2K Β· π¦ 310 Β· π 1.6K - 24% open Β· β±οΈ 28.03.2024):
git clone https://github.com/hpcaitech/colossalai
FairScale (π₯31 Β· β 2.8K) - PyTorch extensions for high performance and large scale training. BSD-3
-
GitHub (π¨βπ» 73 Β· π 250 Β· π¦ 4.6K Β· π 360 - 20% open Β· β±οΈ 02.02.2024):
git clone https://github.com/facebookresearch/fairscale
-
PyPi (π₯ 520K / month Β· π¦ 66 Β· β±οΈ 11.12.2022):
pip install fairscale
-
Conda (π₯ 170K Β· β±οΈ 28.11.2023):
conda install -c conda-forge fairscale
TensorFlowOnSpark (π₯27 Β· β 3.9K Β· π€) - TensorFlowOnSpark brings TensorFlow programs to.. Apache-2
-
GitHub (π¨βπ» 34 Β· π 960 Β· π 370 - 2% open Β· β±οΈ 27.04.2023):
git clone https://github.com/yahoo/TensorFlowOnSpark
-
PyPi (π₯ 1M / month Β· π¦ 5 Β· β±οΈ 21.04.2022):
pip install tensorflowonspark
-
Conda (π₯ 21K Β· β±οΈ 16.06.2023):
conda install -c conda-forge tensorflowonspark
petastorm (π₯26 Β· β 1.7K) - Petastorm library enables single machine or distributed training.. Apache-2
Submit it (π₯26 Β· β 1.1K) - Python 3.8+ toolbox for submitting jobs to Slurm. MIT
-
GitHub (π¨βπ» 23 Β· π 110 Β· π¦ 2.3K Β· π 110 - 33% open Β· β±οΈ 09.11.2023):
git clone https://github.com/facebookincubator/submitit
-
PyPi (π₯ 300K / month Β· π¦ 20 Β· β±οΈ 09.11.2023):
pip install submitit
-
Conda (π₯ 35K Β· β±οΈ 24.11.2023):
conda install -c conda-forge submitit
Apache Singa (π₯25 Β· β 3.1K) - a distributed deep learning platform. Apache-2
-
GitHub (π¨βπ» 88 Β· π 1.1K Β· π¦ 3 Β· π 120 - 41% open Β· β±οΈ 11.03.2024):
git clone https://github.com/apache/singa
-
Conda (π₯ 740 Β· β±οΈ 16.06.2023):
conda install -c nusdbsystem singa
-
Docker Hub (π₯ 6.5K Β· β 4 Β· β±οΈ 31.05.2022):
docker pull apache/singa
Hivemind (π₯24 Β· β 1.8K) - Decentralized deep learning in PyTorch. Built to train models on.. MIT
analytics-zoo (π₯21 Β· β 2.6K) - Distributed Tensorflow, Keras and PyTorch on Apache.. Apache-2
Show 14 hidden projects...
- DEAP (π₯33 Β· β 5.5K Β· π€) - Distributed Evolutionary Algorithms in Python.
βοΈLGPL-3.0
- ipyparallel (π₯31 Β· β 2.5K) - IPython Parallel: Interactive Parallel Computing in..
βUnlicensed
- Elephas (π₯29 Β· β 1.6K Β· π) - Distributed Deep learning with Keras & Spark.
MIT
keras
- sk-dist (π₯21 Β· β 290 Β· π) - Distributed scikit-learn meta-estimators in PySpark.
Apache-2
- somoclu (π₯21 Β· β 260) - Massively parallel self-organizing maps: accelerate training on multicore..
MIT
- BytePS (π₯20 Β· β 3.6K Β· π) - A high performance and generic framework for distributed DNN..
Apache-2
- TensorFrames (π₯20 Β· β 750 Β· π) - [DEPRECATED] Tensorflow wrapper for DataFrames on..
Apache-2
- mesh-transformer-jax (π₯18 Β· β 6.2K Β· π) - Model parallel transformers in JAX and Haiku.
Apache-2
- Fiber (π₯17 Β· β 1K Β· π) - Distributed Computing for AI Made Simple.
Apache-2
- parallelformers (π₯17 Β· β 750 Β· π) - Parallelformers: An Efficient Model Parallelization..
Apache-2
- bluefog (π₯17 Β· β 290 Β· π€) - Distributed and decentralized training framework for PyTorch..
Apache-2
- LazyCluster (π₯13 Β· β 50 Β· π) - Distributed machine learning made simple.
Apache-2
- moolib (π₯10 Β· β 360 Β· π) - A library for distributed ML training with PyTorch.
MIT
- autodist (π₯10 Β· β 130 Β· π) - Simple Distributed Deep Learning on TensorFlow.
Apache-2
Libraries for hyperparameter optimization, automl and neural architecture search.
NNI (π₯33 Β· β 14K) - An open source AutoML toolkit for automate machine learning lifecycle,.. MIT
featuretools (π₯33 Β· β 7K) - An open source python library for automated feature engineering. BSD-3
-
GitHub (π¨βπ» 72 Β· π 860 Β· π¦ 1.6K Β· π 990 - 17% open Β· β±οΈ 19.03.2024):
git clone https://github.com/alteryx/featuretools
-
PyPi (π₯ 53K / month Β· π¦ 78 Β· β±οΈ 26.02.2024):
pip install featuretools
-
Conda (π₯ 180K Β· β±οΈ 27.02.2024):
conda install -c conda-forge featuretools
Hyperopt (π₯32 Β· β 7.1K) - Distributed Asynchronous Hyperparameter Optimization in Python. BSD-3
Bayesian Optimization (π₯31 Β· β 7.4K) - A Python implementation of global optimization with.. MIT
AutoGluon (π₯31 Β· β 7K) - AutoGluon: AutoML for Image, Text, Time Series, and.. Apache-2
-
GitHub (π¨βπ» 120 Β· π 830 Β· π¦ 2 Β· π 1.2K - 27% open Β· β±οΈ 28.03.2024):
git clone https://github.com/autogluon/autogluon
-
PyPi (π₯ 93K / month Β· π¦ 9 Β· β±οΈ 27.03.2024):
pip install autogluon
-
Docker Hub (π₯ 7.2K Β· β 17 Β· β±οΈ 07.03.2024):
docker pull autogluon/autogluon
nevergrad (π₯31 Β· β 3.8K) - A Python toolbox for performing gradient-free optimization. MIT
-
GitHub (π¨βπ» 55 Β· π 350 Β· π¦ 640 Β· π 300 - 41% open Β· β±οΈ 26.03.2024):
git clone https://github.com/facebookresearch/nevergrad
-
PyPi (π₯ 86K / month Β· π¦ 33 Β· β±οΈ 20.02.2024):
pip install nevergrad
-
Conda (π₯ 47K Β· β±οΈ 09.01.2024):
conda install -c conda-forge nevergrad
Keras Tuner (π₯31 Β· β 2.8K) - A Hyperparameter Tuning Library for Keras. Apache-2
-
GitHub (π¨βπ» 61 Β· π 390 Β· π¦ 3.4K Β· π 480 - 43% open Β· β±οΈ 04.03.2024):
git clone https://github.com/keras-team/keras-tuner
-
PyPi (π₯ 200K / month Β· π¦ 66 Β· β±οΈ 04.03.2024):
pip install keras-tuner
-
Conda (π₯ 29K Β· β±οΈ 05.03.2024):
conda install -c conda-forge keras-tuner
auto-sklearn (π₯30 Β· β 7.4K Β· π€) - Automated Machine Learning with scikit-learn. BSD-3
-
GitHub (π¨βπ» 88 Β· π 1.3K Β· π₯ 51 Β· π¦ 550 Β· π 1K - 18% open Β· β±οΈ 18.04.2023):
git clone https://github.com/automl/auto-sklearn
-
PyPi (π₯ 17K / month Β· π¦ 39 Β· β±οΈ 20.09.2022):
pip install auto-sklearn
-
Conda (π₯ 21K Β· β±οΈ 16.06.2023):
conda install -c conda-forge auto-sklearn
mljar-supervised (π₯29 Β· β 2.9K) - Python package for AutoML on Tabular Data with Feature.. MIT
-
GitHub (π¨βπ» 26 Β· π 380 Β· π¦ 110 Β· π 620 - 22% open Β· β±οΈ 08.03.2024):
git clone https://github.com/mljar/mljar-supervised
-
PyPi (π₯ 4.6K / month Β· π¦ 2 Β· β±οΈ 08.03.2024):
pip install mljar-supervised
-
Conda (π₯ 13K Β· β±οΈ 08.03.2024):
conda install -c conda-forge mljar-supervised
featurewiz (π₯24 Β· β 540) - Use advanced feature engineering strategies and select best.. Apache-2
Hyperactive (π₯21 Β· β 490) - An optimization and data collection toolbox for convenient and fast.. MIT
igel (π₯20 Β· β 3.1K Β· π€) - a delightful machine learning tool that allows you to train, test, and.. MIT
Auto ViML (π₯20 Β· β 490) - Automatically Build Multiple ML Models with a Single Line of Code... Apache-2
shap-hypetune (π₯19 Β· β 530) - A python package for simultaneous Hyperparameters Tuning and.. MIT
AlphaPy (π₯18 Β· β 1K) - Automated Machine Learning [AutoML] with Python, scikit-learn, Keras,.. Apache-2
opytimizer (π₯17 Β· β 590) - Opytimizer is a Python library consisting of meta-heuristic.. Apache-2
Show 32 hidden projects...
- Optuna (π₯39 Β· β 9.5K) - A hyperparameter optimization framework.
βUnlicensed
- TPOT (π₯33 Β· β 9.5K) - A Python Automated Machine Learning tool that optimizes machine..
βοΈLGPL-3.0
- scikit-optimize (π₯32 Β· β 2.7K Β· π) - Sequential model-based optimization with a..
BSD-3
- lazypredict (π₯27 Β· β 2.6K Β· π) - Lazy Predict help build a lot of basic models without much..
MIT
- Hyperas (π₯27 Β· β 2.2K Β· π) - Keras + Hyperopt: A very simple wrapper for convenient..
MIT
- SMAC3 (π₯25 Β· β 980) - SMAC3: A Versatile Bayesian Optimization Package for..
βοΈBSD-1-Clause
- GPyOpt (π₯25 Β· β 920 Β· π) - Gaussian Process Optimization using GPy.
BSD-3
- lightwood (π₯25 Β· β 420) - Lightwood is Legos for Machine Learning.
βοΈGPL-3.0
- AdaNet (π₯24 Β· β 3.5K Β· π) - Fast and flexible AutoML with learning guarantees.
Apache-2
- Talos (π₯24 Β· β 1.6K Β· π) - Hyperparameter Optimization for TensorFlow, Keras and PyTorch.
MIT
- Orion (π₯23 Β· β 280) - Asynchronous Distributed Hyperparameter Optimization.
BSD-3
- auto_ml (π₯22 Β· β 1.6K Β· π) - [UNMAINTAINED] Automated machine learning for analytics & production.
MIT
- sklearn-deap (π₯22 Β· β 760 Β· π) - Use evolutionary algorithms instead of gridsearch in..
MIT
- Test Tube (π₯22 Β· β 740 Β· π) - Python library to easily log experiments and parallelize..
MIT
- HpBandSter (π₯22 Β· β 600 Β· π) - a distributed Hyperband implementation on Steroids.
BSD-3
- MLBox (π₯21 Β· β 1.5K Β· π) - MLBox is a powerful Automated Machine Learning python library.
βοΈBSD-1-Clause
- Neuraxle (π₯21 Β· β 600 Β· π) - The worlds cleanest AutoML library - Do hyperparameter tuning..
Apache-2
- optunity (π₯21 Β· β 420 Β· π) - optimization routines for hyperparameter tuning.
BSD-3
- Dragonfly (π₯19 Β· β 830 Β· π) - An open source python library for scalable Bayesian optimisation.
MIT
- Auto Tune Models (π₯18 Β· β 520 Β· π) - Auto Tune Models - A multi-tenant, multi-data system for..
MIT
- Sherpa (π₯18 Β· β 330 Β· π) - Hyperparameter optimization that enables researchers to..
βοΈGPL-3.0
- Advisor (π₯17 Β· β 1.5K Β· π) - Open-source implementation of Google Vizier for hyper parameters..
Apache-2
- HyperparameterHunter (π₯17 Β· β 700 Β· π) - Easy hyperparameter optimization and automatic result..
MIT
- Parfit (π₯17 Β· β 200 Β· π) - A package for parallelizing the fit and flexibly scoring of..
MIT
- Xcessiv (π₯16 Β· β 1.3K Β· π) - A web-based application for quick, scalable, and automated..
Apache-2
- automl-gs (π₯15 Β· β 1.8K Β· π) - Provide an input CSV and a target field to predict, generate a..
MIT
- ENAS (π₯13 Β· β 2.7K Β· π) - PyTorch implementation of Efficient Neural Architecture Search via..
Apache-2
- model_search (π₯12 Β· β 3.3K Β· π) - AutoML algorithms for model architecture search at scale.
Apache-2
- Auptimizer (π₯12 Β· β 200 Β· π) - An automatic ML model optimization tool.
βοΈGPL-3.0
- Hypermax (π₯12 Β· β 110) - Better, faster hyper-parameter optimization.
BSD-3
- Devol (π₯11 Β· β 950 Β· π) - Genetic neural architecture search with Keras.
MIT
- Hypertunity (π₯9 Β· β 140 Β· π) - A toolset for black-box hyperparameter optimisation.
Apache-2
Libraries for building and evaluating reinforcement learning & agent-based systems.
TF-Agents (π₯29 Β· β 2.7K) - TF-Agents: A reliable, scalable and easy to use TensorFlow.. Apache-2
TensorForce (π₯26 Β· β 3.3K Β· π€) - Tensorforce: a TensorFlow library for applied.. Apache-2
PARL (π₯24 Β· β 3.2K Β· π€) - A high-performance distributed training framework for.. Apache-2
rliable (π₯13 Β· β 690) - [NeurIPS21 Outstanding Paper] Library for reliable evaluation on RL.. Apache-2
Show 12 hidden projects...
- OpenAI Gym (π₯40 Β· β 34K Β· π) - A toolkit for developing and comparing reinforcement learning..
MIT
- baselines (π₯28 Β· β 15K Β· π) - OpenAI Baselines: high-quality implementations of reinforcement..
MIT
- keras-rl (π₯28 Β· β 5.5K Β· π) - Deep Reinforcement Learning for Keras.
MIT
- TensorLayer (π₯27 Β· β 7.3K Β· π) - Deep Learning and Reinforcement Learning Library for..
Apache-2
- garage (π₯25 Β· β 1.8K Β· π) - A toolkit for reproducible reinforcement learning research.
MIT
- Stable Baselines (π₯24 Β· β 4K Β· π) - A fork of OpenAI Baselines, implementations of..
MIT
- ChainerRL (π₯24 Β· β 1.2K Β· π) - ChainerRL is a deep reinforcement learning library built on top of..
MIT
- TRFL (π₯22 Β· β 3.1K Β· π) - TensorFlow Reinforcement Learning.
Apache-2
- Coach (π₯20 Β· β 2.3K Β· π) - Reinforcement Learning Coach by Intel AI Lab enables easy..
Apache-2
- SerpentAI (π₯18 Β· β 6.7K Β· π) - Game Agent Framework. Helping you create AIs / Bots that learn to..
MIT
- DeepMind Lab (π₯17 Β· β 7K Β· π) - A customisable 3D platform for agent-based AI research.
βUnlicensed
- Maze (π₯12 Β· β 260 Β· π) - Maze Applied Reinforcement Learning Framework.
βοΈCustom
Libraries for building and evaluating recommendation systems.
Recommenders (π₯35 Β· β 18K) - Best Practices on Recommendation Systems. MIT
implicit (π₯30 Β· β 3.4K) - Fast Python Collaborative Filtering for Implicit Feedback Datasets. MIT
-
GitHub (π¨βπ» 34 Β· π 600 Β· π₯ 710 Β· π¦ 1.3K Β· π 480 - 16% open Β· β±οΈ 21.11.2023):
git clone https://github.com/benfred/implicit
-
PyPi (π₯ 150K / month Β· π¦ 40 Β· β±οΈ 29.09.2023):
pip install implicit
-
Conda (π₯ 570K Β· β±οΈ 21.11.2023):
conda install -c conda-forge implicit
lightfm (π₯29 Β· β 4.6K Β· π€) - A Python implementation of LightFM, a hybrid recommendation.. Apache-2
TF Recommenders (π₯29 Β· β 1.7K) - TensorFlow Recommenders is a library for building.. Apache-2
TF Ranking (π₯28 Β· β 2.7K) - Learning to Rank in TensorFlow. Apache-2
recmetrics (π₯21 Β· β 550) - A library of metrics for evaluating recommender systems. MIT
Show 8 hidden projects...
- scikit-surprise (π₯27 Β· β 6.2K Β· π) - A Python scikit for building and analyzing recommender..
BSD-3
- lkpy (π₯25 Β· β 260) - Python recommendation toolkit.
MIT
- tensorrec (π₯21 Β· β 1.2K Β· π) - A TensorFlow recommendation algorithm and framework in..
Apache-2
- fastFM (π₯21 Β· β 1.1K Β· π) - fastFM: A Library for Factorization Machines.
BSD-3
- Spotlight (π₯18 Β· β 2.9K Β· π) - Deep recommender models using PyTorch.
MIT
- Case Recommender (π₯18 Β· β 450 Β· π) - Case Recommender: A Flexible and Extensible Python..
MIT
- OpenRec (π₯16 Β· β 410 Β· π) - OpenRec is an open-source and modular library for neural network-..
Apache-2
- Collie (π₯16 Β· β 100 Β· π€) - A library for preparing, training, and evaluating scalable deep..
BSD-3
Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy.
PySyft (π₯36 Β· β 9.2K) - Perform data science on data that remains in someone elses server. Apache-2
Opacus (π₯31 Β· β 1.6K) - Training PyTorch models with differential privacy. Apache-2
-
GitHub (π¨βπ» 77 Β· π 310 Β· π₯ 110 Β· π¦ 760 Β· π 280 - 25% open Β· β±οΈ 05.03.2024):
git clone https://github.com/pytorch/opacus
-
PyPi (π₯ 130K / month Β· π¦ 20 Β· β±οΈ 11.02.2024):
pip install opacus
-
Conda (π₯ 13K Β· β±οΈ 11.02.2024):
conda install -c conda-forge opacus
TensorFlow Privacy (π₯26 Β· β 1.9K) - Library for training machine learning models with.. Apache-2
Show 2 hidden projects...
- TFEncrypted (π₯24 Β· β 1.2K Β· π) - A Framework for Encrypted Machine Learning in..
Apache-2
- PipelineDP (π₯18 Β· β 270) - PipelineDP is a Python framework for applying differentially..
Apache-2
Libraries to organize, track, and visualize machine learning experiments.
Tensorboard (π₯44 Β· β 6.5K) - TensorFlows Visualization Toolkit. Apache-2
-
GitHub (π¨βπ» 320 Β· π 1.6K Β· π¦ 220K Β· π 1.9K - 35% open Β· β±οΈ 26.03.2024):
git clone https://github.com/tensorflow/tensorboard
-
PyPi (π₯ 29M / month Β· π¦ 3K Β· β±οΈ 16.02.2024):
pip install tensorboard
-
Conda (π₯ 4.6M Β· β±οΈ 18.02.2024):
conda install -c conda-forge tensorboard
wandb client (π₯41 Β· β 8.1K) - A tool for visualizing and tracking your machine learning.. MIT
SageMaker SDK (π₯40 Β· β 2K) - A library for training and deploying machine learning.. Apache-2
-
GitHub (π¨βπ» 430 Β· π 1.1K Β· π¦ 3.7K Β· π 1.4K - 18% open Β· β±οΈ 27.03.2024):
git clone https://github.com/aws/sagemaker-python-sdk
-
PyPi (π₯ 29M / month Β· π¦ 97 Β· β±οΈ 27.03.2024):
pip install sagemaker
-
Conda (π₯ 720K Β· β±οΈ 28.03.2024):
conda install -c conda-forge sagemaker-python-sdk
PyCaret (π₯38 Β· β 8.3K) - An open-source, low-code machine learning library in Python. MIT
-
GitHub (π¨βπ» 130 Β· π 1.7K Β· π₯ 680 Β· π¦ 5.3K Β· π 2.3K - 14% open Β· β±οΈ 04.03.2024):
git clone https://github.com/pycaret/pycaret
-
PyPi (π₯ 300K / month Β· π¦ 18 Β· β±οΈ 20.02.2024):
pip install pycaret
-
Conda (π₯ 43K Β· β±οΈ 10.03.2024):
conda install -c conda-forge pycaret
ClearML (π₯34 Β· β 5.2K) - ClearML - Auto-Magical CI/CD to streamline your ML workflow... Apache-2
-
GitHub (π¨βπ» 93 Β· π 620 Β· π₯ 2.3K Β· π¦ 1K Β· π 970 - 45% open Β· β±οΈ 28.03.2024):
git clone https://github.com/allegroai/clearml
-
PyPi (π₯ 310K / month Β· π¦ 18 Β· β±οΈ 03.03.2024):
pip install clearml
-
Docker Hub (π₯ 30K Β· β±οΈ 05.10.2020):
docker pull allegroai/trains
AzureML SDK (π₯34 Β· β 3.9K) - Python notebooks with ML and deep learning examples with Azure.. MIT
snakemake (π₯34 Β· β 2.1K) - This is the development home of the workflow management system.. MIT
Metaflow (π₯33 Β· β 7.5K) - Build and manage real-life ML, AI, and data science projects with.. Apache-2
tensorboardX (π₯32 Β· β 7.8K) - tensorboard for pytorch (and chainer, mxnet, numpy, ...). MIT
-
GitHub (π¨βπ» 82 Β· π 870 Β· π₯ 410 Β· π¦ 41K Β· π 450 - 17% open Β· β±οΈ 12.11.2023):
git clone https://github.com/lanpa/tensorboardX
-
PyPi (π₯ 2.5M / month Β· π¦ 1K Β· β±οΈ 20.08.2023):
pip install tensorboardX
-
Conda (π₯ 1.1M Β· β±οΈ 20.08.2023):
conda install -c conda-forge tensorboardx
aim (π₯32 Β· β 4.7K) - Aim An easy-to-use & supercharged open-source experiment tracker. Apache-2
sacred (π₯31 Β· β 4.2K) - Sacred is a tool to help you configure, organize, log and reproduce.. MIT
Neptune.ai (π₯30 Β· β 510) - The MLOps stack component for experiment tracking. Apache-2
-
GitHub (π¨βπ» 54 Β· π 57 Β· π 240 - 12% open Β· β±οΈ 28.03.2024):
git clone https://github.com/neptune-ai/neptune-client
-
PyPi (π₯ 540K / month Β· π¦ 51 Β· β±οΈ 25.03.2024):
pip install neptune-client
-
Conda (π₯ 230K Β· β±οΈ 25.03.2024):
conda install -c conda-forge neptune-client
Labml (π₯27 Β· β 1.8K) - Monitor deep learning model training and hardware usage from your mobile.. MIT
ml-metadata (π₯25 Β· β 590) - For recording and retrieving metadata associated with ML.. Apache-2
gokart (π₯25 Β· β 300) - Gokart solves reproducibility, task dependencies, constraints of good code,.. MIT
TensorWatch (π₯20 Β· β 3.4K Β· π€) - Debugging, monitoring and visualization for Python Machine.. MIT
Show 15 hidden projects...
- Catalyst (π₯29 Β· β 3.2K Β· π) - Accelerated deep learning R&D.
Apache-2
- knockknock (π₯26 Β· β 2.7K Β· π) - Knock Knock: Get notified when your training ends with only two..
MIT
- SKLL (π₯26 Β· β 550) - SciKit-Learn Laboratory (SKLL) makes it easy to run machine..
βοΈBSD-1-Clause
- livelossplot (π₯25 Β· β 1.3K Β· π) - Live training loss plot in Jupyter Notebook for Keras,..
MIT
- hiddenlayer (π₯23 Β· β 1.8K Β· π) - Neural network graphs and training metrics for..
MIT
- lore (π₯21 Β· β 1.6K Β· π) - Lore makes machine learning approachable for Software Engineers and..
MIT
- TensorBoard Logger (π₯21 Β· β 630 Β· π) - Log TensorBoard events without touching TensorFlow.
MIT
- MXBoard (π₯20 Β· β 330 Β· π) - Logging MXNet data for visualization in TensorBoard.
Apache-2
- keepsake (π₯18 Β· β 1.6K Β· π) - Version control for machine learning.
Apache-2
- datmo (π₯18 Β· β 350 Β· π) - Open source production model management tool for data scientists.
MIT
- chitra (π₯17 Β· β 220) - A multi-functional library for full-stack Deep Learning. Simplifies..
Apache-2
- steppy (π₯16 Β· β 140 Β· π) - Lightweight, Python library for fast and reproducible experimentation.
MIT
- CometML (π₯13) - Supercharging Machine Learning.
βUnlicensed
- ModelChimp (π₯11 Β· β 130 Β· π) - Experiment tracking for machine and deep learning projects.
BSD-2
- traintool (π₯9 Β· β 12 Β· π) - Train off-the-shelf machine learning models in one..
Apache-2
Libraries to serialize models to files, convert between a variety of model formats, and optimize models for deployment.
huggingface_hub (π₯36 Β· β 1.6K Β· π) - The official Python client for the Huggingface Hub. Apache-2
-
GitHub (π¨βπ» 140 Β· π 410 Β· π 790 - 18% open Β· β±οΈ 28.03.2024):
git clone https://github.com/huggingface/huggingface_hub
-
PyPi (π₯ 28M / month Β· π¦ 730 Β· β±οΈ 26.03.2024):
pip install huggingface_hub
-
Conda (π₯ 1.6M Β· β±οΈ 26.03.2024):
conda install -c conda-forge huggingface_hub
TorchServe (π₯35 Β· β 4K) - Serve, optimize and scale PyTorch models in production. Apache-2
-
GitHub (π¨βπ» 190 Β· π 800 Β· π₯ 5.6K Β· π¦ 630 Β· π 1.6K - 21% open Β· β±οΈ 27.03.2024):
git clone https://github.com/pytorch/serve
-
PyPi (π₯ 55K / month Β· π¦ 16 Β· β±οΈ 14.03.2024):
pip install torchserve
-
Conda (π₯ 160K Β· β±οΈ 14.03.2024):
conda install -c pytorch torchserve
-
Docker Hub (π₯ 1.2M Β· β 23 Β· β±οΈ 14.03.2024):
docker pull pytorch/torchserve
Core ML Tools (π₯34 Β· β 4K) - Core ML tools contain supporting tools for Core ML model.. BSD-3
-
GitHub (π¨βπ» 160 Β· π 590 Β· π₯ 9.2K Β· π¦ 3.7K Β· π 1.3K - 21% open Β· β±οΈ 19.03.2024):
git clone https://github.com/apple/coremltools
-
PyPi (π₯ 200K / month Β· π¦ 170 Β· β±οΈ 01.11.2023):
pip install coremltools
-
Conda (π₯ 54K Β· β±οΈ 16.06.2023):
conda install -c conda-forge coremltools
Hummingbird (π₯27 Β· β 3.3K) - Hummingbird compiles trained ML models into tensor computation for.. MIT
-
GitHub (π¨βπ» 40 Β· π 270 Β· π₯ 380 Β· π 310 - 18% open Β· β±οΈ 08.03.2024):
git clone https://github.com/microsoft/hummingbird
-
PyPi (π₯ 9.4K / month Β· π¦ 4 Β· β±οΈ 08.03.2024):
pip install hummingbird-ml
-
Conda (π₯ 38K Β· β±οΈ 08.03.2024):
conda install -c conda-forge hummingbird-ml
cortex (π₯22 Β· β 8K Β· π€) - Production infrastructure for machine learning at scale. Apache-2
Show 9 hidden projects...
- mmdnn (π₯25 Β· β 5.8K Β· π) - MMdnn is a set of tools to help users inter-operate among different deep..
MIT
- m2cgen (π₯25 Β· β 2.7K Β· π) - Transform ML models into a native code (Java, C, Python, Go,..
MIT
- sklearn-porter (π₯23 Β· β 1.3K Β· π) - Transpile trained scikit-learn estimators to C, Java,..
BSD-3
- Larq Compute Engine (π₯20 Β· β 240) - Highly optimized inference engine for Binarized..
Apache-2
- modelkit (π₯20 Β· β 150) - Toolkit for developing and maintaining ML models.
MIT
- pytorch2keras (π₯19 Β· β 850 Β· π) - PyTorch to Keras model convertor.
MIT
- OMLT (π₯18 Β· β 240) - Represent trained machine learning models as Pyomo optimization formulations.
BSD-3
- backprop (π₯14 Β· β 240 Β· π) - Backprop makes it simple to use, finetune, and deploy state-of-..
Apache-2
- ml-ane-transformers (π₯13 Β· β 2.5K Β· π) - Reference implementation of the Transformer..
βUnlicensed
Libraries to visualize, explain, debug, evaluate, and interpret machine learning models.
shap (π₯42 Β· β 21K) - A game theoretic approach to explain the output of any machine learning model. MIT
arviz (π₯36 Β· β 1.5K) - Exploratory analysis of Bayesian models with Python. Apache-2
-
GitHub (π¨βπ» 150 Β· π 370 Β· π₯ 130 Β· π¦ 6.1K Β· π 850 - 20% open Β· β±οΈ 27.03.2024):
git clone https://github.com/arviz-devs/arviz
-
PyPi (π₯ 2.1M / month Β· π¦ 180 Β· β±οΈ 13.03.2024):
pip install arviz
-
Conda (π₯ 2.1M Β· β±οΈ 13.03.2024):
conda install -c conda-forge arviz
Netron (π₯34 Β· β 26K) - Visualizer for neural network, deep learning and machine learning.. MIT
InterpretML (π₯33 Β· β 6K) - Fit interpretable models. Explain blackbox machine learning. MIT
explainerdashboard (π₯32 Β· β 2.2K) - Quickly build Explainable AI dashboards that show the inner.. MIT
-
GitHub (π¨βπ» 21 Β· π 310 Β· π¦ 460 Β· π 240 - 14% open Β· β±οΈ 18.03.2024):
git clone https://github.com/oegedijk/explainerdashboard
-
PyPi (π₯ 120K / month Β· π¦ 10 Β· β±οΈ 18.03.2024):
pip install explainerdashboard
-
Conda (π₯ 43K Β· β±οΈ 18.03.2024):
conda install -c conda-forge explainerdashboard
evaluate (π₯32 Β· β 1.8K) - Evaluate: A library for easily evaluating machine learning models.. Apache-2
shapash (π₯31 Β· β 2.6K) - Shapash: User-friendly Explainability and Interpretability to.. Apache-2
DoWhy (π₯30 Β· β 6.7K) - DoWhy is a Python library for causal inference that supports explicit.. MIT
responsible-ai-widgets (π₯30 Β· β 1.2K) - Responsible AI Toolbox is a suite of tools providing.. MIT
Fairness 360 (π₯29 Β· β 2.3K) - A comprehensive set of fairness metrics for datasets and.. Apache-2
pyLDAvis (π₯29 Β· β 1.8K) - Python library for interactive topic model visualization. Port of.. BSD-3
dtreeviz (π₯28 Β· β 2.8K) - A python library for decision tree visualization and model interpretation. MIT
imodels (π₯28 Β· β 1.3K) - Interpretable ML package for concise, transparent, and accurate.. MIT
Model Analysis (π₯28 Β· β 1.2K) - Model analysis tools for TensorFlow. Apache-2
yellowbrick (π₯27 Β· β 4.2K Β· π€) - Visual analysis and diagnostic tools to facilitate.. Apache-2
-
GitHub (π¨βπ» 110 Β· π 550 Β· π 700 - 12% open Β· β±οΈ 05.07.2023):
git clone https://github.com/DistrictDataLabs/yellowbrick
-
PyPi (π₯ 500K / month Β· π¦ 88 Β· β±οΈ 21.08.2022):
pip install yellowbrick
-
Conda (π₯ 75K Β· β±οΈ 16.06.2023):
conda install -c conda-forge yellowbrick
LIT (π₯26 Β· β 3.4K) - The Learning Interpretability Tool: Interactively analyze ML models to.. Apache-2
checklist (π₯25 Β· β 2K) - Beyond Accuracy: Behavioral Testing of NLP models with CheckList. MIT
iNNvestigate (π₯25 Β· β 1.2K) - A toolbox to iNNvestigate neural networks predictions!. BSD-2
Explainability 360 (π₯24 Β· β 1.5K) - Interpretability and explainability of data and.. Apache-2
ecco (π₯22 Β· β 1.9K Β· π€) - Explain, analyze, and visualize NLP language models. Ecco creates.. BSD-3
What-If Tool (π₯21 Β· β 880) - Source code/webpage/demos for the What-If Tool. Apache-2
-
GitHub (π¨βπ» 20 Β· π 160 Β· π¦ 2 Β· π 140 - 58% open Β· β±οΈ 01.02.2024):
git clone https://github.com/PAIR-code/what-if-tool
-
PyPi (π₯ 4.3K / month Β· π¦ 4 Β· β±οΈ 12.10.2021):
pip install witwidget
-
Conda (π₯ 2.1M Β· β±οΈ 16.06.2023):
conda install -c conda-forge tensorboard-plugin-wit
-
npm (π₯ 1.4K / month Β· π¦ 2 Β· β±οΈ 12.10.2021):
npm install wit-widget
model-card-toolkit (π₯20 Β· β 400 Β· π€) - A toolkit that streamlines and automates the.. Apache-2
fairness-indicators (π₯19 Β· β 330) - Tensorflows Fairness Evaluation and Visualization.. Apache-2
ExplainX.ai (π₯16 Β· β 380) - Explainable AI framework for data scientists. Explain & debug any.. MIT
FlashTorch (π₯15 Β· β 720) - Visualization toolkit for neural networks in PyTorch! Demo --. MIT
interpret-text (π₯15 Β· β 400) - A library that incorporates state-of-the-art explainers for.. MIT
Show 21 hidden projects...
- Lime (π₯32 Β· β 11K Β· π) - Lime: Explaining the predictions of any machine learning classifier.
BSD-2
- scikit-plot (π₯29 Β· β 2.4K Β· π) - An intuitive library to add plotting functionality to..
MIT
- Deep Checks (π₯28 Β· β 3.3K) - Deepchecks: Tests for Continuous Validation of ML Models &..
βοΈAGPL-3.0
- Alibi (π₯27 Β· β 2.3K) - Algorithms for explaining machine learning models.
βUnlicensed
- DALEX (π₯27 Β· β 1.3K) - moDel Agnostic Language for Exploration and eXplanation.
βοΈGPL-3.0
- eli5 (π₯26 Β· β 2.7K Β· π) - A library for debugging/inspecting machine learning classifiers and..
MIT
- Lucid (π₯25 Β· β 4.6K Β· π) - A collection of infrastructure and tools for research in..
Apache-2
- keras-vis (π₯25 Β· β 3K Β· π) - Neural network visualization toolkit for keras.
MIT
- tf-explain (π₯22 Β· β 1K Β· π) - Interpretability Methods for tf.keras models with Tensorflow..
MIT
- random-forest-importances (π₯22 Β· β 580 Β· π) - Code to compute permutation and drop-column..
MIT
- Quantus (π₯22 Β· β 480) - Quantus is an eXplainable AI toolkit for responsible evaluation of..
βοΈGPL-3.0
- deeplift (π₯21 Β· β 790 Β· π) - Public facing deeplift repo.
MIT
- TreeInterpreter (π₯21 Β· β 740 Β· π) - Package for interpreting scikit-learns decision tree..
BSD-3
- tcav (π₯19 Β· β 610 Β· π) - Code for the TCAV ML interpretability project.
Apache-2
- sklearn-evaluation (π₯19 Β· β 430 Β· π) - Machine learning model evaluation made easy: plots,..
MIT
- XAI (π₯18 Β· β 1K Β· π) - XAI - An eXplainability toolbox for machine learning.
MIT
- Anchor (π₯16 Β· β 780 Β· π) - Code for High-Precision Model-Agnostic Explanations paper.
BSD-2
- Skater (π₯14 Β· β 1.1K) - Python Library for Model Interpretation/Explanations.
βοΈUPL-1.0
- Attribution Priors (π₯12 Β· β 120 Β· π) - Tools for training explainable models using..
MIT
- contextual-ai (π₯12 Β· β 85 Β· π) - Contextual AI adds explainability to different stages of..
Apache-2
- bias-detector (π₯12 Β· β 42) - Bias Detector is a python package for detecting bias in machine..
MIT
Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search.
π ANN Benchmarks ( β 4.5K) - Benchmarks of approximate nearest neighbor libraries in Python.
Milvus (π₯41 Β· β 26K) - A cloud-native vector database, storage for next generation AI.. Apache-2
-
GitHub (π¨βπ» 270 Β· π 2.7K Β· π₯ 81K Β· π 10K - 5% open Β· β±οΈ 28.03.2024):
git clone https://github.com/milvus-io/milvus
-
PyPi (π₯ 630K / month Β· π¦ 89 Β· β±οΈ 20.03.2024):
pip install pymilvus
-
Docker Hub (π₯ 12M Β· β 43 Β· β±οΈ 28.03.2024):
docker pull milvusdb/milvus
Faiss (π₯39 Β· β 28K) - A library for efficient similarity search and clustering of dense vectors. MIT
-
GitHub (π¨βπ» 160 Β· π 3.3K Β· π¦ 3.5K Β· π 2.3K - 18% open Β· β±οΈ 28.03.2024):
git clone https://github.com/facebookresearch/faiss
-
PyPi (π₯ 630K / month Β· π¦ 89 Β· β±οΈ 20.03.2024):
pip install pymilvus
-
Conda (π₯ 1.1M Β· β±οΈ 16.06.2023):
conda install -c conda-forge faiss
Annoy (π₯35 Β· β 13K Β· π€) - Approximate Nearest Neighbors in C++/Python optimized for memory.. Apache-2
hnswlib (π₯33 Β· β 4K) - Header-only C++/python library for fast approximate nearest neighbors. Apache-2
PyNNDescent (π₯29 Β· β 840) - A Python nearest neighbor descent for approximate nearest neighbors. BSD-2
-
GitHub (π¨βπ» 27 Β· π 100 Β· π¦ 5.8K Β· π 130 - 53% open Β· β±οΈ 23.03.2024):
git clone https://github.com/lmcinnes/pynndescent
-
PyPi (π₯ 940K / month Β· π¦ 79 Β· β±οΈ 20.11.2023):
pip install pynndescent
-
Conda (π₯ 1.8M Β· β±οΈ 20.11.2023):
conda install -c conda-forge pynndescent
USearch (π₯28 Β· β 1.6K) - Fast Open-Source Search & Clustering engine for Vectors & Strings in.. Apache-2
-
GitHub (π¨βπ» 34 Β· π 79 Β· π₯ 1.1K Β· π¦ 60 Β· π 90 - 33% open Β· β±οΈ 05.03.2024):
git clone https://github.com/unum-cloud/usearch
-
PyPi (π₯ 32K / month Β· π¦ 4 Β· β±οΈ 05.03.2024):
pip install usearch
-
npm (π₯ 8.3K / month Β· π¦ 10 Β· β±οΈ 05.03.2024):
npm install usearch
-
Docker Hub (π₯ 71 Β· β 1 Β· β±οΈ 05.03.2024):
docker pull unum/usearch
NGT (π₯22 Β· β 1.2K) - Nearest Neighbor Search with Neighborhood Graph and Tree for High-.. Apache-2
N2 (π₯19 Β· β 560 Β· π€) - TOROS N2 - lightweight approximate Nearest Neighbor library which runs.. Apache-2
Show 4 hidden projects...
- NMSLIB (π₯31 Β· β 3.3K Β· π) - Non-Metric Space Library (NMSLIB): An efficient similarity search..
Apache-2
- Magnitude (π₯23 Β· β 1.6K Β· π) - A fast, efficient universal vector embedding utility package.
MIT
- NearPy (π₯21 Β· β 760 Β· π) - Python framework for fast (approximated) nearest neighbour search in..
MIT
- PySparNN (π₯11 Β· β 920 Β· π) - Approximate Nearest Neighbor Search for Sparse Data in Python!.
BSD-3
Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics.
PyMC3 (π₯40 Β· β 8.1K) - Bayesian Modeling and Probabilistic Programming in Python. Apache-2
-
GitHub (π¨βπ» 480 Β· π 1.9K Β· π₯ 1.9K Β· π¦ 3K Β· π 3.2K - 7% open Β· β±οΈ 27.03.2024):
git clone https://github.com/pymc-devs/pymc
-
PyPi (π₯ 870K / month Β· π¦ 250 Β· β±οΈ 15.03.2022):
pip install pymc3
-
Conda (π₯ 550K Β· β±οΈ 16.06.2023):
conda install -c conda-forge pymc3
tensorflow-probability (π₯37 Β· β 4.1K) - Probabilistic reasoning and statistical analysis in.. Apache-2
-
GitHub (π¨βπ» 490 Β· π 1.1K Β· π 1.4K - 47% open Β· β±οΈ 28.03.2024):
git clone https://github.com/tensorflow/probability
-
PyPi (π₯ 3.1M / month Β· π¦ 470 Β· β±οΈ 12.03.2024):
pip install tensorflow-probability
-
Conda (π₯ 120K Β· β±οΈ 09.01.2024):
conda install -c conda-forge tensorflow-probability
Pyro (π₯34 Β· β 8.3K) - Deep universal probabilistic programming with Python and PyTorch. Apache-2
GPyTorch (π₯31 Β· β 3.4K) - A highly efficient implementation of Gaussian Processes in PyTorch. MIT
-
GitHub (π¨βπ» 130 Β· π 530 Β· π¦ 2K Β· π 1.3K - 26% open Β· β±οΈ 19.03.2024):
git clone https://github.com/cornellius-gp/gpytorch
-
PyPi (π₯ 230K / month Β· π¦ 93 Β· β±οΈ 02.06.2023):
pip install gpytorch
-
Conda (π₯ 150K Β· β±οΈ 11.08.2023):
conda install -c conda-forge gpytorch
pomegranate (π₯31 Β· β 3.2K) - Fast, flexible and easy to use probabilistic modelling in Python. MIT
-
GitHub (π¨βπ» 73 Β· π 570 Β· π¦ 1.1K Β· π 750 - 4% open Β· β±οΈ 11.03.2024):
git clone https://github.com/jmschrei/pomegranate
-
PyPi (π₯ 62K / month Β· π¦ 59 Β· β±οΈ 11.03.2024):
pip install pomegranate
-
Conda (π₯ 140K Β· β±οΈ 10.12.2023):
conda install -c conda-forge pomegranate
SALib (π₯31 Β· β 810) - Sensitivity Analysis Library in Python. Contains Sobol, Morris, FAST, and.. MIT
PyStan (π₯29 Β· β 310) - PyStan, a Python interface to Stan, a platform for statistical modeling... ISC
Orbit (π₯26 Β· β 1.8K) - A Python package for Bayesian forecasting with object-oriented design.. Apache-2
scikit-posthocs (π₯26 Β· β 320) - Multiple Pairwise Comparisons (Post Hoc) Tests in Python. MIT
-
GitHub (π¨βπ» 14 Β· π 39 Β· π₯ 42 Β· π¦ 640 Β· π 54 - 11% open Β· β±οΈ 18.02.2024):
git clone https://github.com/maximtrp/scikit-posthocs
-
PyPi (π₯ 95K / month Β· π¦ 32 Β· β±οΈ 18.02.2024):
pip install scikit-posthocs
-
Conda (π₯ 920K Β· β±οΈ 19.02.2024):
conda install -c conda-forge scikit-posthocs
Baal (π₯22 Β· β 830) - Library to enable Bayesian active learning in your research or labeling.. Apache-2
Show 7 hidden projects...
- filterpy (π₯32 Β· β 3.1K Β· π) - Python Kalman filtering and optimal estimation library. Implements..
MIT
- pandas-ta (π₯30 Β· β 4.6K Β· π) - Technical Analysis Indicators - Pandas TA is an easy to use..
MIT
- pingouin (π₯30 Β· β 1.5K) - Statistical package in Python based on Pandas.
βοΈGPL-3.0
- Edward (π₯28 Β· β 4.8K Β· π) - A probabilistic programming language in TensorFlow. Deep..
Apache-2
- pyhsmm (π₯20 Β· β 540 Β· π) - Bayesian inference in HSMMs and HMMs.
MIT
- Funsor (π₯19 Β· β 230 Β· π€) - Functional tensors for probabilistic programming.
Apache-2
- ZhuSuan (π₯15 Β· β 2.2K Β· π) - A probabilistic programming library for Bayesian deep learning,..
MIT
Libraries for testing the robustness of machine learning models against attacks with adversarial/malicious examples.
ART (π₯34 Β· β 4.4K) - Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning.. MIT
-
GitHub (π¨βπ» 130 Β· π 1.1K Β· π¦ 490 Β· π 900 - 16% open Β· β±οΈ 22.03.2024):
git clone https://github.com/Trusted-AI/adversarial-robustness-toolbox
-
PyPi (π₯ 28K / month Β· π¦ 11 Β· β±οΈ 17.02.2024):
pip install adversarial-robustness-toolbox
-
Conda (π₯ 36K Β· β±οΈ 18.02.2024):
conda install -c conda-forge adversarial-robustness-toolbox
TextAttack (π₯30 Β· β 2.7K) - TextAttack is a Python framework for adversarial attacks, data.. MIT
Foolbox (π₯30 Β· β 2.6K) - A Python toolbox to create adversarial examples that fool neural networks.. MIT
Show 6 hidden projects...
- CleverHans (π₯30 Β· β 6.1K Β· π) - An adversarial example library for constructing attacks,..
MIT
- advertorch (π₯22 Β· β 1.3K Β· π) - A Toolbox for Adversarial Robustness Research.
βοΈGPL-3.0
- robustness (π₯19 Β· β 880 Β· π) - A library for experimenting with, training and evaluating neural..
MIT
- AdvBox (π₯18 Β· β 1.4K Β· π) - Advbox is a toolbox to generate adversarial examples that fool..
Apache-2
- textflint (π₯16 Β· β 630 Β· π) - Unified Multilingual Robustness Evaluation Toolkit for..
βοΈGPL-3.0
- Adversary (π₯15 Β· β 390 Β· π) - Tool to generate adversarial text examples and test machine..
MIT
Libraries that require and make use of CUDA/GPU or other accelerator hardware capabilities to optimize machine learning tasks.
optimum (π₯34 Β· β 2.1K) - Accelerate training and inference of Transformers and Diffusers with.. Apache-2
Apex (π₯30 Β· β 8K) - A PyTorch Extension: Tools for easy mixed precision and distributed.. BSD-3
gpustat (π₯30 Β· β 3.8K) - A simple command-line utility for querying and monitoring GPU status. MIT
CuPy (π₯26 Β· β 7.6K Β· π) - NumPy & SciPy for GPU. MIT
-
GitHub (π¨βπ» 300 Β· π 750):
git clone https://github.com/cupy/cupy
-
PyPi (π₯ 24K / month Β· π¦ 220 Β· β±οΈ 07.12.2023):
pip install cupy
-
Conda (π₯ 3.3M Β· β±οΈ 05.02.2024):
conda install -c conda-forge cupy
-
Docker Hub (π₯ 60K Β· β 11 Β· β±οΈ 18.01.2024):
docker pull cupy/cupy
DALI (π₯25 Β· β 4.9K) - A GPU-accelerated library containing highly optimized building blocks.. Apache-2
-
GitHub (π¨βπ» 90 Β· π 600 Β· π 1.6K - 13% open Β· β±οΈ 27.03.2024):
git clone https://github.com/NVIDIA/DALI
Vulkan Kompute (π₯24 Β· β 1.4K) - General purpose GPU compute framework built on Vulkan to.. Apache-2
scikit-cuda (π₯24 Β· β 960) - Python interface to GPU-powered libraries. BSD-3
Merlin (π₯20 Β· β 680) - NVIDIA Merlin is an open source library providing end-to-end GPU-.. Apache-2
cuSignal (π₯16 Β· β 700) - GPU accelerated signal processing. Apache-2
-
GitHub (π¨βπ» 46 Β· π 120 Β· π 160 - 16% open Β· β±οΈ 21.09.2023):
git clone https://github.com/rapidsai/cusignal
Show 6 hidden projects...
- GPUtil (π₯24 Β· β 1.1K Β· π) - A Python module for getting the GPU status from NVIDA GPUs using..
MIT
- py3nvml (π₯22 Β· β 230 Β· π) - Python 3 Bindings for NVML library. Get NVIDIA GPU status inside..
BSD-3
- BlazingSQL (π₯20 Β· β 1.9K Β· π) - BlazingSQL is a lightweight, GPU accelerated, SQL engine for..
Apache-2
- nvidia-ml-py3 (π₯18 Β· β 130 Β· π) - Python 3 Bindings for the NVIDIA Management Library.
BSD-3
- ipyexperiments (π₯16 Β· β 190) - Automatic GPU+CPU memory profiling, re-use and memory..
Apache-2
- SpeedTorch (π₯15 Β· β 670 Β· π) - Library for faster pinned CPU - GPU transfer in Pytorch.
MIT
Libraries that extend TensorFlow with additional capabilities.
TensorFlow Datasets (π₯38 Β· β 4.1K) - TFDS is a collection of datasets ready to use with.. Apache-2
-
GitHub (π¨βπ» 300 Β· π 1.5K Β· π¦ 17K Β· π 1.4K - 48% open Β· β±οΈ 27.03.2024):
git clone https://github.com/tensorflow/datasets
-
PyPi (π₯ 3.1M / month Β· π¦ 220 Β· β±οΈ 18.12.2023):
pip install tensorflow-datasets
-
Conda (π₯ 27K Β· β±οΈ 16.06.2023):
conda install -c conda-forge tensorflow-datasets
TF Addons (π₯35 Β· β 1.7K) - Useful extra functionality for TensorFlow 2.x maintained by.. Apache-2
tensorflow-hub (π₯34 Β· β 3.4K) - A library for transfer learning by reusing parts of.. Apache-2
tensor2tensor (π₯32 Β· β 15K Β· π€) - Library of deep learning models and datasets designed.. Apache-2
TF Model Optimization (π₯32 Β· β 1.5K) - A toolkit to optimize ML models for deployment for.. Apache-2
TensorFlow Transform (π₯31 Β· β 980) - Input pipeline framework. Apache-2
TFX (π₯30 Β· β 2.1K) - TFX is an end-to-end platform for deploying production ML pipelines. Apache-2
TensorFlow I/O (π₯30 Β· β 690) - Dataset, streaming, and file system extensions.. Apache-2
Neural Structured Learning (π₯25 Β· β 980) - Training neural models with structured signals. Apache-2
TF Compression (π₯24 Β· β 810) - Data compression in TensorFlow. Apache-2
TensorFlow Cloud (π₯24 Β· β 360) - The TensorFlow Cloud repository provides APIs that.. Apache-2
Saliency (π₯22 Β· β 930) - Framework-agnostic implementation for state-of-the-art saliency.. Apache-2
Show 4 hidden projects...
- Keras-Preprocessing (π₯29 Β· β 1K Β· π) - Utilities for working with image data, text data, and..
MIT
- efficientnet (π₯27 Β· β 2.1K Β· π) - Implementation of EfficientNet model. Keras and..
Apache-2
- TensorNets (π₯21 Β· β 1K Β· π) - High level network definitions with pre-trained weights in..
MIT
- tffm (π₯18 Β· β 780 Β· π) - TensorFlow implementation of an arbitrary order Factorization Machine.
MIT
Libraries that extend Jax with additional capabilities.
equinox (π₯29 Β· β 1.8K) - Elegant easy-to-use neural networks + scientific computing in.. Apache-2
Show 1 hidden projects...
- jaxdf (π₯13 Β· β 100) - A JAX-based research framework for writing differentiable..
βοΈLGPL-3.0
Libraries that extend scikit-learn with additional capabilities.
imbalanced-learn (π₯36 Β· β 6.7K) - A Python Package to Tackle the Curse of Imbalanced.. MIT
scikit-learn-intelex (π₯35 Β· β 1.1K) - Intel(R) Extension for Scikit-learn is a seamless way.. Apache-2
-
GitHub (π¨βπ» 78 Β· π 160 Β· π¦ 10K Β· π 250 - 28% open Β· β±οΈ 28.03.2024):
git clone https://github.com/intel/scikit-learn-intelex
-
PyPi (π₯ 140K / month Β· π¦ 27 Β· β±οΈ 26.03.2024):
pip install scikit-learn-intelex
-
Conda (π₯ 240K Β· β±οΈ 25.01.2024):
conda install -c conda-forge scikit-learn-intelex
category_encoders (π₯31 Β· β 2.4K) - A library of sklearn compatible categorical variable.. BSD-3
-
GitHub (π¨βπ» 70 Β· π 380 Β· π¦ 1.6K Β· π 280 - 15% open Β· β±οΈ 13.12.2023):
git clone https://github.com/scikit-learn-contrib/category_encoders
-
PyPi (π₯ 1.6M / month):
pip install category_encoders
-
Conda (π₯ 250K Β· β±οΈ 30.10.2023):
conda install -c conda-forge category_encoders
scikit-lego (π₯28 Β· β 1.1K) - Extra blocks for scikit-learn pipelines. MIT
-
GitHub (π¨βπ» 67 Β· π 110 Β· π¦ 130 Β· π 300 - 10% open Β· β±οΈ 24.03.2024):
git clone https://github.com/koaning/scikit-lego
-
PyPi (π₯ 27K / month Β· π¦ 8 Β· β±οΈ 19.03.2024):
pip install scikit-lego
-
Conda (π₯ 46K Β· β±οΈ 19.07.2023):
conda install -c conda-forge scikit-lego
scikit-multilearn (π₯28 Β· β 900 Β· π€) - A scikit-learn based module for multi-label et. al... BSD-2
scikit-opt (π₯25 Β· β 4.8K) - Genetic Algorithm, Particle Swarm Optimization, Simulated.. MIT
DESlib (π₯21 Β· β 470 Β· π€) - A Python library for dynamic classifier and ensemble selection. BSD-3
scikit-tda (π₯20 Β· β 490) - Topological Data Analysis for Python. MIT
Show 11 hidden projects...
- MLxtend (π₯32 Β· β 4.7K Β· π) - A library of extension and helper modules for Pythons..
βUnlicensed
- scikit-survival (π₯28 Β· β 1K) - Survival analysis built on top of scikit-learn.
βοΈGPL-3.0
- fancyimpute (π₯26 Β· β 1.2K Β· π) - Multivariate imputation and matrix completion..
Apache-2
- sklearn-crfsuite (π₯26 Β· β 420 Β· π) - scikit-learn inspired API for CRFsuite.
MIT
- sklearn-contrib-lightning (π₯22 Β· β 1.7K Β· π) - Large-scale linear classification, regression and..
BSD-3
- skope-rules (π₯22 Β· β 590 Β· π) - machine learning with logical rules in Python.
βοΈBSD-1-Clause
- iterative-stratification (π₯21 Β· β 820 Β· π) - scikit-learn cross validators for iterative..
BSD-3
- combo (π₯21 Β· β 630 Β· π) - (AAAI 20) A Python Toolbox for Machine Learning Model..
BSD-2
xgboost
- skggm (π₯18 Β· β 230 Β· π€) - Scikit-learn compatible estimation of general graphical models.
MIT
- celer (π₯18 Β· β 190 Β· π€) - Fast solver for L1-type problems: Lasso, sparse Logisitic..
BSD-3
- dabl (π₯16 Β· β 130) - Data Analysis Baseline Library.
BSD-3
Libraries that extend Pytorch with additional capabilities.
accelerate (π₯40 Β· β 6.8K) - A simple way to train and use PyTorch models with multi-.. Apache-2
-
GitHub (π¨βπ» 240 Β· π 760 Β· π¦ 30K Β· π 1.3K - 9% open Β· β±οΈ 28.03.2024):
git clone https://github.com/huggingface/accelerate
-
PyPi (π₯ 7.6M / month Β· π¦ 640 Β· β±οΈ 12.03.2024):
pip install accelerate
-
Conda (π₯ 110K Β· β±οΈ 13.03.2024):
conda install -c conda-forge accelerate
tinygrad (π₯32 Β· β 23K) - You like pytorch? You like micrograd? You love tinygrad!. MIT
-
GitHub (π¨βπ» 290 Β· π 2.6K Β· π¦ 55 Β· π 560 - 16% open Β· β±οΈ 28.03.2024):
git clone https://github.com/geohot/tinygrad
PML (π₯32 Β· β 5.7K) - The easiest way to use deep metric learning in your application. Modular,.. MIT
-
GitHub (π¨βπ» 40 Β· π 650 Β· π¦ 1.3K Β· π 490 - 11% open Β· β±οΈ 16.12.2023):
git clone https://github.com/KevinMusgrave/pytorch-metric-learning
-
PyPi (π₯ 430K / month Β· π¦ 31 Β· β±οΈ 16.12.2023):
pip install pytorch-metric-learning
-
Conda (π₯ 11K Β· β±οΈ 16.06.2023):
conda install -c metric-learning pytorch-metric-learning
torchdiffeq (π₯29 Β· β 5.1K) - Differentiable ODE solvers with full GPU support and.. MIT
-
GitHub (π¨βπ» 21 Β· π 880 Β· π¦ 3.1K Β· π 210 - 32% open Β· β±οΈ 19.10.2023):
git clone https://github.com/rtqichen/torchdiffeq
-
PyPi (π₯ 880K / month Β· π¦ 47 Β· β±οΈ 22.04.2022):
pip install torchdiffeq
-
Conda (π₯ 15K Β· β±οΈ 16.06.2023):
conda install -c conda-forge torchdiffeq
pytorch-optimizer (π₯29 Β· β 2.9K Β· π€) - torch-optimizer -- collection of optimizers for.. Apache-2
-
GitHub (π¨βπ» 26 Β· π 290 Β· π¦ 1.1K Β· π 63 - 52% open Β· β±οΈ 20.06.2023):
git clone https://github.com/jettify/pytorch-optimizer
-
PyPi (π₯ 170K / month Β· π¦ 46 Β· β±οΈ 31.10.2021):
pip install torch_optimizer
-
Conda (π₯ 9.7K Β· β±οΈ 16.06.2023):
conda install -c conda-forge torch-optimizer
torchsde (π₯28 Β· β 1.4K) - Differentiable SDE solvers with GPU support and efficient.. Apache-2
-
GitHub (π¨βπ» 8 Β· π 180 Β· π¦ 2.7K Β· π 72 - 27% open Β· β±οΈ 26.09.2023):
git clone https://github.com/google-research/torchsde
-
PyPi (π₯ 1.6M / month Β· π¦ 15 Β· β±οΈ 26.09.2023):
pip install torchsde
-
Conda (π₯ 19K Β· β±οΈ 16.06.2023):
conda install -c conda-forge torchsde
lightning-flash (π₯27 Β· β 1.7K) - Your PyTorch AI Factory - Flash enables you to easily.. Apache-2
-
GitHub (π¨βπ» 87 Β· π 210 Β· π¦ 270 Β· π 520 - 4% open Β· β±οΈ 08.10.2023):
git clone https://github.com/Lightning-AI/lightning-flash
-
PyPi (π₯ 2K / month Β· π¦ 3 Β· β±οΈ 11.05.2022):
pip install lightning-flash
-
Conda (π₯ 17K Β· β±οΈ 04.07.2023):
conda install -c conda-forge lightning-flash
torch-scatter (π₯26 Β· β 1.5K) - PyTorch Extension Library of Optimized Scatter Operations. MIT
-
GitHub (π¨βπ» 29 Β· π 170 Β· π 370 - 8% open Β· β±οΈ 01.02.2024):
git clone https://github.com/rusty1s/pytorch_scatter
-
PyPi (π₯ 42K / month Β· π¦ 84 Β· β±οΈ 06.10.2023):
pip install torch-scatter
-
Conda (π₯ 250K Β· β±οΈ 12.01.2024):
conda install -c conda-forge pytorch_scatter
PyTorch Sparse (π₯25 Β· β 940) - PyTorch Extension Library of Optimized Autograd Sparse.. MIT
Pytorch Toolbelt (π₯23 Β· β 1.5K) - PyTorch extensions for fast R&D prototyping and Kaggle.. MIT
reformer-pytorch (π₯20 Β· β 2K Β· π€) - Reformer, the efficient Transformer, in Pytorch. MIT
Show 19 hidden projects...
- pretrainedmodels (π₯29 Β· β 8.9K Β· π) - Pretrained ConvNets for pytorch: NASNet, ResNeXt,..
BSD-3
- pytorch-summary (π₯28 Β· β 3.9K Β· π) - Model summary in PyTorch similar to
model.summary()
..MIT
- EfficientNet-PyTorch (π₯27 Β· β 7.7K Β· π) - A PyTorch implementation of EfficientNet and..
Apache-2
- Higher (π₯24 Β· β 1.6K Β· π) - higher is a pytorch library allowing users to obtain higher..
Apache-2
- EfficientNets (π₯24 Β· β 1.6K Β· π) - Pretrained EfficientNet, EfficientNet-Lite, MixNet,..
Apache-2
- SRU (π₯23 Β· β 2.1K Β· π) - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755).
MIT
- Torchmeta (π₯23 Β· β 1.9K Β· π) - A collection of extensions and data-loaders for few-shot..
MIT
- AdaBound (π₯21 Β· β 2.9K Β· π) - An optimizer that trains as fast as Adam and as good as SGD.
Apache-2
- Antialiased CNNs (π₯21 Β· β 1.6K Β· π) - pip install antialiased-cnns to improve stability and..
βοΈCC BY-NC-SA 4.0
- pytorchviz (π₯20 Β· β 3K Β· π) - A small package to create visualizations of PyTorch execution graphs.
MIT
- Lambda Networks (π₯20 Β· β 1.5K Β· π) - Implementation of LambdaNetworks, a new approach to..
MIT
- micrograd (π₯19 Β· β 8K Β· π) - A tiny scalar-valued autograd engine and a neural net library..
MIT
- Performer Pytorch (π₯19 Β· β 1K Β· π) - An implementation of Performer, a linear attention-..
MIT
- Poutyne (π₯19 Β· β 560 Β· π€) - A simplified framework and utilities for PyTorch.
βοΈLGPL-3.0
- Torch-Struct (π₯17 Β· β 1.1K Β· π) - Fast, general, and tested differentiable structured..
MIT
- Tensor Sensor (π₯17 Β· β 750 Β· π) - The goal of this library is to generate more helpful..
MIT
- Pywick (π₯15 Β· β 400 Β· π) - High-level batteries-included neural network training library for..
MIT
- Tez (π₯14 Β· β 1.2K Β· π) - Tez is a super-simple and lightweight Trainer for PyTorch. It..
Apache-2
- TorchDrift (π₯14 Β· β 300 Β· π) - Drift Detection for your PyTorch Models.
Apache-2
Libraries for connecting to, operating, and querying databases.
π best-of-python - DB Clients ( β 3.4K) - Collection of database clients for python.
scipy (π₯50 Β· β 12K) - Ecosystem of open-source software for mathematics, science, and engineering. BSD-3
SymPy (π₯46 Β· β 12K) - A computer algebra system written in pure Python. BSD-3
-
GitHub (π¨βπ» 1.3K Β· π 4.2K Β· π₯ 540K Β· π¦ 120K Β· π 14K - 36% open Β· β±οΈ 26.03.2024):
git clone https://github.com/sympy/sympy
-
PyPi (π₯ 21M / month Β· π¦ 5K Β· β±οΈ 27.03.2024):
pip install sympy
-
Conda (π₯ 5.1M Β· β±οΈ 16.06.2023):
conda install -c conda-forge sympy
DeepChem (π₯36 Β· β 5K) - Democratizing Deep-Learning for Drug Discovery, Quantum Chemistry,.. MIT
Datasette (π₯35 Β· β 8.8K) - An open source multi-tool for exploring and publishing data. Apache-2
-
GitHub (π¨βπ» 78 Β· π 610 Β· π₯ 62 Β· π¦ 1.2K Β· π 1.8K - 31% open Β· β±οΈ 21.03.2024):
git clone https://github.com/simonw/datasette
-
PyPi (π₯ 48K / month Β· π¦ 230 Β· β±οΈ 13.03.2024):
pip install datasette
-
Conda (π₯ 31K Β· β±οΈ 03.01.2024):
conda install -c conda-forge datasette
PennyLane (π₯35 Β· β 2.1K) - PennyLane is a cross-platform Python library for differentiable.. Apache-2
-
GitHub (π¨βπ» 160 Β· π 530 Β· π₯ 73 Β· π¦ 800 Β· π 1.2K - 23% open Β· β±οΈ 27.03.2024):
git clone https://github.com/PennyLaneAI/PennyLane
-
PyPi (π₯ 56K / month Β· π¦ 72 Β· β±οΈ 11.03.2024):
pip install pennylane
-
Conda (π₯ 37K Β· β±οΈ 19.03.2024):
conda install -c conda-forge pennylane
agate (π₯34 Β· β 1.2K) - A Python data analysis library that is optimized for humans instead of.. MIT
PyOD (π₯33 Β· β 7.9K) - A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly.. BSD-2
Pythran (π₯33 Β· β 2K) - Ahead of Time compiler for numeric kernels. BSD-3
-
GitHub (π¨βπ» 72 Β· π 190 Β· π¦ 1.9K Β· π 840 - 15% open Β· β±οΈ 19.02.2024):
git clone https://github.com/serge-sans-paille/pythran
-
PyPi (π₯ 220K / month Β· π¦ 22 Β· β±οΈ 07.01.2024):
pip install pythran
-
Conda (π₯ 450K Β· β±οΈ 08.01.2024):
conda install -c conda-forge pythran
PaddleHub (π₯31 Β· β 12K Β· π€) - Awesome pre-trained models toolkit based on PaddlePaddle... Apache-2
pyjanitor (π₯31 Β· β 1.3K) - Clean APIs for data cleaning. Python implementation of R package.. MIT
causalml (π₯30 Β· β 4.7K) - Uplift modeling and causal inference with machine learning.. Apache-2
anomalib (π₯30 Β· β 3K) - An anomaly detection library comprising state-of-the-art algorithms.. Apache-2
hdbscan (π₯30 Β· β 2.7K) - A high performance implementation of HDBSCAN clustering. BSD-3
-
GitHub (π¨βπ» 87 Β· π 480 Β· π¦ 3.3K Β· π 510 - 67% open Β· β±οΈ 20.11.2023):
git clone https://github.com/scikit-learn-contrib/hdbscan
-
PyPi (π₯ 390K / month Β· π¦ 240 Β· β±οΈ 20.11.2023):
pip install hdbscan
-
Conda (π₯ 1.8M Β· β±οΈ 06.10.2023):
conda install -c conda-forge hdbscan
avalanche (π₯30 Β· β 1.6K) - Avalanche: an End-to-End Library for Continual Learning based on.. MIT
kmodes (π₯29 Β· β 1.2K) - Python implementations of the k-modes and k-prototypes clustering.. MIT
PySwarms (π₯28 Β· β 1.2K Β· π€) - A research toolkit for particle swarm optimization in Python. MIT
Prince (π₯28 Β· β 1.2K) - Multivariate exploratory data analysis in Python PCA, CA, MCA, MFA,.. MIT
-
GitHub (π¨βπ» 16 Β· π 180 Β· π¦ 510 Β· π 130 - 3% open Β· β±οΈ 21.12.2023):
git clone https://github.com/MaxHalford/prince
-
PyPi (π₯ 100K / month Β· π¦ 10 Β· β±οΈ 11.10.2023):
pip install prince
-
Conda (π₯ 18K Β· β±οΈ 16.06.2023):
conda install -c conda-forge prince-factor-analysis
pyclustering (π₯28 Β· β 1.1K) - pyclustering is a Python, C++ data mining library. BSD-3
-
GitHub (π¨βπ» 26 Β· π 250 Β· π₯ 500 Β· π¦ 640 Β· π 660 - 10% open Β· β±οΈ 08.02.2024):
git clone https://github.com/annoviko/pyclustering
-
PyPi (π₯ 59K / month Β· π¦ 35 Β· β±οΈ 25.11.2020):
pip install pyclustering
-
Conda (π₯ 61K Β· β±οΈ 16.11.2023):
conda install -c conda-forge pyclustering
adapter-transformers (π₯27 Β· β 2.4K) - A Unified Library for Parameter-Efficient and Modular.. Apache-2
huggingface
TabPy (π₯27 Β· β 1.5K) - Execute Python code on the fly and display results in Tableau visualizations:. MIT
dstack (π₯27 Β· β 1.1K) - An open-source engine that automates AI infrastructure provisioning on.. MPL-2.0
metric-learn (π₯26 Β· β 1.4K) - Metric learning algorithms in Python. MIT
Mars (π₯25 Β· β 2.7K) - Mars is a tensor-based unified framework for large-scale data.. Apache-2
gplearn (π₯25 Β· β 1.5K Β· π€) - Genetic Programming in Python, with a scikit-learn inspired API. BSD-3
MONAILabel (π₯23 Β· β 530) - MONAI Label is an intelligent open source image labeling and.. Apache-2
AstroML (π₯22 Β· β 1K) - Machine learning, statistics, and data mining for astronomy and.. BSD-2
SUOD (π₯22 Β· β 370) - (MLSys 21) An Acceleration System for Large-scare Unsupervised Heterogeneous.. BSD-2
rrcf (π₯21 Β· β 480 Β· π€) - Implementation of the Robust Random Cut Forest algorithm for anomaly.. MIT
benchmark_VAE (π₯20 Β· β 1.7K) - Unifying Variational Autoencoder (VAE) implementations.. Apache-2
pykale (π₯18 Β· β 430) - Knowledge-Aware machine LEarning (KALE): accessible machine learning.. MIT
pymdp (π₯18 Β· β 380) - A Python implementation of active inference for Markov Decision Processes. MIT
NeuralCompression (π₯16 Β· β 460) - A collection of tools for neural compression enthusiasts. MIT
KD-Lib (π₯15 Β· β 570 Β· π€) - A Pytorch Knowledge Distillation library for benchmarking and.. MIT
Show 19 hidden projects...
- cleanlab (π₯32 Β· β 8.2K) - The standard data-centric AI package for data quality and machine..
βοΈAGPL-3.0
- pandas-ai (π₯28 Β· β 11K) - Chat with your database (SQL, CSV, pandas, polars, mongodb,..
βUnlicensed
- alibi-detect (π₯28 Β· β 2.1K) - Algorithms for outlier, adversarial and drift detection.
βοΈIntel
- minisom (π₯28 Β· β 1.4K) - MiniSom is a minimalistic implementation of the Self Organizing..
βοΈCC-BY-3.0
- Cython BLIS (π₯28 Β· β 210) - Fast matrix-multiplication as a self-contained Python library no..
BSD-3
- metricflow (π₯26 Β· β 1.1K) - MetricFlow allows you to define, build, and maintain metrics..
βUnlicensed
- Feature Engine (π₯25 Β· β 1.7K Β· π) - Feature engineering package with sklearn like functionality.
BSD-3
- findspark (π₯24 Β· β 510 Β· π) - Find pyspark to make it importable.
BSD-3
- opyrator (π₯22 Β· β 3K Β· π) - Turns your machine learning code into microservices with web API,..
MIT
- mlens (π₯22 Β· β 820 Β· π) - ML-Ensemble high performance ensemble learning.
MIT
- vecstack (π₯22 Β· β 680 Β· π) - Python package for stacking (machine learning technique).
MIT
- apricot (π₯21 Β· β 490 Β· π) - apricot implements submodular optimization for the purpose of..
MIT
- impyute (π₯21 Β· β 350 Β· π) - Data imputations library to preprocess datasets with missing data.
MIT
- StreamAlert (π₯20 Β· β 2.8K Β· π) - StreamAlert is a serverless, realtime data analysis..
Apache-2
- scikit-rebate (π₯20 Β· β 400 Β· π) - A scikit-learn-compatible Python implementation of..
MIT
- baikal (π₯18 Β· β 590 Β· π) - A graph-based functional API for building complex scikit-learn..
BSD-3
- pandas-ml (π₯18 Β· β 310 Β· π) - pandas, scikit-learn, xgboost and seaborn integration.
BSD-3
- traingenerator (π₯13 Β· β 1.3K Β· π) - A web app to generate template code for machine learning.
MIT
- nylon (π₯12 Β· β 84 Β· π) - An intelligent, flexible grammar of machine learning.
MIT
- Papers With Code: Discover ML papers, code, and evaluation tables.
- Sotabench: Discover & compare open-source ML models.
- Google Dataset Search: Dataset search engine by Google.
- Dataset List: List of the biggest ML datasets from across the web.
- Awesome Public Datasets: A topic-centric list of open datasets.
- Best-of lists: Discover other best-of lists with awesome open-source projects on all kinds of topics.
- best-of-python-dev: A ranked list of awesome python developer tools and libraries.
- best-of-web-python: A ranked list of awesome python libraries for web development.
Contributions are encouraged and always welcome! If you like to add or update projects, choose one of the following ways:
- Open an issue by selecting one of the provided categories from the issue page and fill in the requested information.
- Modify the projects.yaml with your additions or changes, and submit a pull request. This can also be done directly via the Github UI.
If you like to contribute to or share suggestions regarding the project metadata collection or markdown generation, please refer to the best-of-generator repository. If you like to create your own best-of list, we recommend to follow this guide.
For more information on how to add or update projects, please read the contribution guidelines. By participating in this project, you agree to abide by its Code of Conduct.