diff --git a/README.md b/README.md
index c77fa8d7..294f31ef 100644
--- a/README.md
+++ b/README.md
@@ -17,7 +17,7 @@
-This curated list contains 920 awesome open-source projects with a total of 4.7M 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](https://github.com/ml-tooling/best-of-ml-python/issues/new/choose), submit a [pull request](https://github.com/ml-tooling/best-of-ml-python/pulls), or directly edit the [projects.yaml](https://github.com/ml-tooling/best-of-ml-python/edit/main/projects.yaml). Contributions are very welcome!
+This curated list contains 920 awesome open-source projects with a total of 4.9M 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](https://github.com/ml-tooling/best-of-ml-python/issues/new/choose), submit a [pull request](https://github.com/ml-tooling/best-of-ml-python/pulls), or directly edit the [projects.yaml](https://github.com/ml-tooling/best-of-ml-python/edit/main/projects.yaml). Contributions are very welcome!
---
@@ -32,21 +32,21 @@ This curated list contains 920 awesome open-source projects with a total of 4.7M
## Contents
- [Machine Learning Frameworks](#machine-learning-frameworks) _63 projects_
-- [Data Visualization](#data-visualization) _54 projects_
+- [Data Visualization](#data-visualization) _55 projects_
- [Text Data & NLP](#text-data--nlp) _103 projects_
- [Image Data](#image-data) _64 projects_
- [Graph Data](#graph-data) _36 projects_
- [Audio Data](#audio-data) _29 projects_
- [Geospatial Data](#geospatial-data) _22 projects_
- [Financial Data](#financial-data) _25 projects_
-- [Time Series Data](#time-series-data) _30 projects_
+- [Time Series Data](#time-series-data) _29 projects_
- [Medical Data](#medical-data) _19 projects_
-- [Tabular Data](#tabular-data) _5 projects_
+- [Tabular Data](#tabular-data) _6 projects_
- [Optical Character Recognition](#optical-character-recognition) _12 projects_
- [Data Containers & Structures](#data-containers--structures) _1 projects_
- [Data Loading & Extraction](#data-loading--extraction) _1 projects_
- [Web Scraping & Crawling](#web-scraping--crawling) _1 projects_
-- [Data Pipelines & Streaming](#data-pipelines--streaming) _1 projects_
+- [Data Pipelines & Streaming](#data-pipelines--streaming) _2 projects_
- [Distributed Machine Learning](#distributed-machine-learning) _36 projects_
- [Hyperparameter Optimization & AutoML](#hyperparameter-optimization--automl) _52 projects_
- [Reinforcement Learning](#reinforcement-learning) _23 projects_
@@ -54,9 +54,9 @@ This curated list contains 920 awesome open-source projects with a total of 4.7M
- [Privacy Machine Learning](#privacy-machine-learning) _7 projects_
- [Workflow & Experiment Tracking](#workflow--experiment-tracking) _40 projects_
- [Model Serialization & Deployment](#model-serialization--deployment) _20 projects_
-- [Model Interpretability](#model-interpretability) _54 projects_
+- [Model Interpretability](#model-interpretability) _55 projects_
- [Vector Similarity Search (ANN)](#vector-similarity-search-ann) _13 projects_
-- [Probabilistics & Statistics](#probabilistics--statistics) _23 projects_
+- [Probabilistics & Statistics](#probabilistics--statistics) _24 projects_
- [Adversarial Robustness](#adversarial-robustness) _9 projects_
- [GPU & Accelerator Utilities](#gpu--accelerator-utilities) _20 projects_
- [Tensorflow Utilities](#tensorflow-utilities) _16 projects_
@@ -99,681 +99,600 @@ This curated list contains 920 awesome open-source projects with a total of 4.7M
_General-purpose machine learning and deep learning frameworks._
-Tensorflow (π₯55 Β· β 190K) - An Open Source Machine Learning Framework for Everyone. Apache-2

+Tensorflow (π₯56 Β· β 190K) - An Open Source Machine Learning Framework for Everyone. Apache-2

-- [GitHub](https://github.com/tensorflow/tensorflow) (π¨βπ» 4.7K Β· π 74K Β· π¦ 420K Β· π 44K - 12% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/tensorflow/tensorflow) (π¨βπ» 4.9K Β· π 75K Β· π¦ 510K Β· π 48K - 18% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/tensorflow/tensorflow
```
-- [PyPi](https://pypi.org/project/tensorflow) (π₯ 19M / month Β· π¦ 8K Β· β±οΈ 25.10.2024):
+- [PyPi](https://pypi.org/project/tensorflow) (π₯ 22M / month Β· π¦ 8.9K Β· β±οΈ 12.03.2025):
```
pip install tensorflow
```
-- [Conda](https://anaconda.org/conda-forge/tensorflow) (π₯ 5.1M Β· β±οΈ 17.10.2024):
+- [Conda](https://anaconda.org/conda-forge/tensorflow) (π₯ 5.5M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge tensorflow
```
-- [Docker Hub](https://hub.docker.com/r/tensorflow/tensorflow) (π₯ 78M Β· β 2.6K Β· β±οΈ 31.10.2024):
+- [Docker Hub](https://hub.docker.com/r/tensorflow/tensorflow) (π₯ 80M Β· β 2.8K Β· β±οΈ 08.05.2025):
```
docker pull tensorflow/tensorflow
```
-PyTorch (π₯55 Β· β 83K) - Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3

+PyTorch (π₯55 Β· β 90K) - Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3

-- [GitHub](https://github.com/pytorch/pytorch) (π¨βπ» 5.2K Β· π 23K Β· π₯ 63K Β· π¦ 560K Β· π 47K - 32% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/pytorch/pytorch) (π¨βπ» 5.6K Β· π 24K Β· π₯ 86K Β· π¦ 750K Β· π 52K - 31% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/pytorch/pytorch
```
-- [PyPi](https://pypi.org/project/torch) (π₯ 33M / month Β· π¦ 20K Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/torch) (π₯ 49M / month Β· π¦ 24K Β· β±οΈ 23.04.2025):
```
pip install torch
```
-- [Conda](https://anaconda.org/pytorch/pytorch) (π₯ 24M Β· β±οΈ 28.10.2024):
+- [Conda](https://anaconda.org/pytorch/pytorch) (π₯ 27M Β· β±οΈ 25.03.2025):
```
conda install -c pytorch pytorch
```
-scikit-learn (π₯53 Β· β 60K Β· π) - scikit-learn: machine learning in Python. BSD-3

+scikit-learn (π₯53 Β· β 62K) - scikit-learn: machine learning in Python. BSD-3

-- [GitHub](https://github.com/scikit-learn/scikit-learn) (π¨βπ» 3.2K Β· π 25K Β· π₯ 1K Β· π¦ 930K Β· π 12K - 17% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/scikit-learn/scikit-learn) (π¨βπ» 3.3K Β· π 26K Β· π₯ 1.1K Β· π¦ 1.2M Β· π 12K - 17% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/scikit-learn/scikit-learn
```
-- [PyPi](https://pypi.org/project/scikit-learn) (π₯ 79M / month Β· π¦ 25K Β· β±οΈ 11.09.2024):
+- [PyPi](https://pypi.org/project/scikit-learn) (π₯ 96M / month Β· π¦ 30K Β· β±οΈ 10.01.2025):
```
pip install scikit-learn
```
-- [Conda](https://anaconda.org/conda-forge/scikit-learn) (π₯ 32M Β· β±οΈ 11.09.2024):
+- [Conda](https://anaconda.org/conda-forge/scikit-learn) (π₯ 36M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge scikit-learn
```
-Keras (π₯48 Β· β 62K) - Deep Learning for humans. Apache-2

+Keras (π₯47 Β· β 63K) - Deep Learning for humans. Apache-2

-- [GitHub](https://github.com/keras-team/keras) (π¨βπ» 1.3K Β· π 19K Β· π 12K - 2% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/keras-team/keras) (π¨βπ» 1.4K Β· π 20K Β· π 13K - 2% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/keras-team/keras
```
-- [PyPi](https://pypi.org/project/keras) (π₯ 14M / month Β· π¦ 1.6K Β· β±οΈ 03.10.2024):
+- [PyPi](https://pypi.org/project/keras) (π₯ 15M / month Β· π¦ 1.8K Β· β±οΈ 02.04.2025):
```
pip install keras
```
-- [Conda](https://anaconda.org/conda-forge/keras) (π₯ 3.8M Β· β±οΈ 07.10.2024):
+- [Conda](https://anaconda.org/conda-forge/keras) (π₯ 4.1M Β· β±οΈ 30.04.2025):
```
conda install -c conda-forge keras
```
-XGBoost (π₯46 Β· β 26K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
+XGBoost (π₯46 Β· β 27K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
-- [GitHub](https://github.com/dmlc/xgboost) (π¨βπ» 650 Β· π 8.7K Β· π₯ 12K Β· π¦ 110K Β· π 5.4K - 8% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/dmlc/xgboost) (π¨βπ» 660 Β· π 8.8K Β· π₯ 16K Β· π¦ 150K Β· π 5.5K - 8% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/dmlc/xgboost
```
-- [PyPi](https://pypi.org/project/xgboost) (π₯ 28M / month Β· π¦ 2K Β· β±οΈ 23.10.2024):
+- [PyPi](https://pypi.org/project/xgboost) (π₯ 25M / month Β· π¦ 2.3K Β· β±οΈ 15.03.2025):
```
pip install xgboost
```
-- [Conda](https://anaconda.org/conda-forge/xgboost) (π₯ 5.4M Β· β±οΈ 29.10.2024):
+- [Conda](https://anaconda.org/conda-forge/xgboost) (π₯ 6.1M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge xgboost
```
-PySpark (π₯45 Β· β 40K) - Apache Spark Python API. Apache-2

+jax (π₯45 Β· β 32K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
-- [GitHub](https://github.com/apache/spark) (π¨βπ» 3.1K Β· π 28K Β· β±οΈ 31.10.2024):
-
- ```
- git clone https://github.com/apache/spark
- ```
-- [PyPi](https://pypi.org/project/pyspark) (π₯ 30M / month Β· π¦ 1.6K Β· β±οΈ 25.10.2024):
- ```
- pip install pyspark
- ```
-- [Conda](https://anaconda.org/conda-forge/pyspark) (π₯ 3.5M Β· β±οΈ 24.10.2024):
- ```
- conda install -c conda-forge pyspark
- ```
-
-jax (π₯45 Β· β 30K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
-
-- [GitHub](https://github.com/jax-ml/jax) (π¨βπ» 780 Β· π 2.8K Β· π¦ 32K Β· π 5.7K - 25% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/jax-ml/jax) (π¨βπ» 880 Β· π 3K Β· π¦ 43K Β· π 6.2K - 24% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/google/jax
```
-- [PyPi](https://pypi.org/project/jax) (π₯ 4.1M / month Β· π¦ 1.9K Β· β±οΈ 22.10.2024):
+- [PyPi](https://pypi.org/project/jax) (π₯ 7.6M / month Β· π¦ 2.4K Β· β±οΈ 17.04.2025):
```
pip install jax
```
-- [Conda](https://anaconda.org/conda-forge/jaxlib) (π₯ 1.8M Β· β±οΈ 24.10.2024):
+- [Conda](https://anaconda.org/conda-forge/jaxlib) (π₯ 2.6M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge jaxlib
```
-PaddlePaddle (π₯45 Β· β 22K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2

+PaddlePaddle (π₯45 Β· β 23K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2

-- [GitHub](https://github.com/PaddlePaddle/Paddle) (π¨βπ» 1.3K Β· π 5.6K Β· π₯ 15K Β· π¦ 6.2K Β· π 19K - 9% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/PaddlePaddle/Paddle) (π¨βπ» 1.4K Β· π 5.7K Β· π₯ 15K Β· π¦ 8K Β· π 19K - 9% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/PaddlePaddle/Paddle
```
-- [PyPi](https://pypi.org/project/paddlepaddle) (π₯ 310K / month Β· π¦ 180 Β· β±οΈ 13.09.2024):
+- [PyPi](https://pypi.org/project/paddlepaddle) (π₯ 400K / month Β· π¦ 230 Β· β±οΈ 26.03.2025):
```
pip install paddlepaddle
```
-StatsModels (π₯45 Β· β 10K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
+PySpark (π₯44 Β· β 41K) - Apache Spark Python API. Apache-2

-- [GitHub](https://github.com/statsmodels/statsmodels) (π¨βπ» 450 Β· π 2.9K Β· π₯ 35 Β· π¦ 140K Β· π 5.6K - 50% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/apache/spark) (π¨βπ» 3.2K Β· π 29K Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/statsmodels/statsmodels
+ git clone https://github.com/apache/spark
```
-- [PyPi](https://pypi.org/project/statsmodels) (π₯ 16M / month Β· π¦ 4.5K Β· β±οΈ 03.10.2024):
+- [PyPi](https://pypi.org/project/pyspark) (π₯ 44M / month Β· π¦ 1.8K Β· β±οΈ 27.02.2025):
```
- pip install statsmodels
+ pip install pyspark
```
-- [Conda](https://anaconda.org/conda-forge/statsmodels) (π₯ 15M Β· β±οΈ 03.10.2024):
+- [Conda](https://anaconda.org/conda-forge/pyspark) (π₯ 3.8M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge statsmodels
+ conda install -c conda-forge pyspark
```
-pytorch-lightning (π₯43 Β· β 28K Β· π) - Pretrain, finetune ANY AI model of ANY size on.. Apache-2

+pytorch-lightning (π₯43 Β· β 29K Β· π) - Pretrain, finetune ANY AI model of ANY size on.. Apache-2

-- [GitHub](https://github.com/Lightning-AI/pytorch-lightning) (π¨βπ» 980 Β· π 3.4K Β· π₯ 10K Β· π¦ 38K Β· π 7.1K - 11% open Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/Lightning-AI/pytorch-lightning) (π¨βπ» 1K Β· π 3.5K Β· π₯ 12K Β· π¦ 46K Β· π 7.3K - 12% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/Lightning-AI/lightning
```
-- [PyPi](https://pypi.org/project/pytorch-lightning) (π₯ 6.6M / month Β· π¦ 1.4K Β· β±οΈ 07.08.2024):
+- [PyPi](https://pypi.org/project/pytorch-lightning) (π₯ 9.2M / month Β· π¦ 1.7K Β· β±οΈ 25.04.2025):
```
pip install pytorch-lightning
```
-- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (π₯ 1.3M Β· β±οΈ 07.08.2024):
+- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (π₯ 1.5M Β· β±οΈ 28.04.2025):
```
conda install -c conda-forge pytorch-lightning
```
-LightGBM (π₯43 Β· β 17K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
+StatsModels (π₯43 Β· β 11K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
+
+- [GitHub](https://github.com/statsmodels/statsmodels) (π¨βπ» 460 Β· π 3.1K Β· π₯ 35 Β· π¦ 170K Β· π 5.7K - 50% open Β· β±οΈ 06.05.2025):
+
+ ```
+ git clone https://github.com/statsmodels/statsmodels
+ ```
+- [PyPi](https://pypi.org/project/statsmodels) (π₯ 17M / month Β· π¦ 4.5K Β· β±οΈ 03.10.2024):
+ ```
+ pip install statsmodels
+ ```
+- [Conda](https://anaconda.org/conda-forge/statsmodels) (π₯ 19M Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge statsmodels
+ ```
+
+LightGBM (π₯42 Β· β 17K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
-- [GitHub](https://github.com/microsoft/LightGBM) (π¨βπ» 320 Β· π 3.8K Β· π₯ 240K Β· π¦ 39K Β· π 3.4K - 10% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/microsoft/LightGBM) (π¨βπ» 330 Β· π 3.9K Β· π₯ 290K Β· π¦ 51K Β· π 3.6K - 11% open Β· β±οΈ 03.05.2025):
```
git clone https://github.com/microsoft/LightGBM
```
-- [PyPi](https://pypi.org/project/lightgbm) (π₯ 9.3M / month Β· π¦ 1.1K Β· β±οΈ 26.07.2024):
+- [PyPi](https://pypi.org/project/lightgbm) (π₯ 11M / month Β· π¦ 1.2K Β· β±οΈ 15.02.2025):
```
pip install lightgbm
```
-- [Conda](https://anaconda.org/conda-forge/lightgbm) (π₯ 2.8M Β· β±οΈ 10.10.2024):
+- [Conda](https://anaconda.org/conda-forge/lightgbm) (π₯ 3.5M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge lightgbm
```
-Catboost (π₯42 Β· β 8.1K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
+Catboost (π₯42 Β· β 8.4K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
-- [GitHub](https://github.com/catboost/catboost) (π¨βπ» 1.3K Β· π 1.2K Β· π₯ 320K Β· π¦ 15 Β· π 2.3K - 23% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/catboost/catboost) (π¨βπ» 1.3K Β· π 1.2K Β· π₯ 380K Β· π¦ 17 Β· π 2.4K - 25% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/catboost/catboost
```
-- [PyPi](https://pypi.org/project/catboost) (π₯ 3.3M / month Β· π¦ 540 Β· β±οΈ 07.09.2024):
+- [PyPi](https://pypi.org/project/catboost) (π₯ 2.6M / month Β· π¦ 650 Β· β±οΈ 13.04.2025):
```
pip install catboost
```
-- [Conda](https://anaconda.org/conda-forge/catboost) (π₯ 1.7M Β· β±οΈ 07.09.2024):
+- [Conda](https://anaconda.org/conda-forge/catboost) (π₯ 2M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge catboost
```
-Fastai (π₯41 Β· β 26K) - The fastai deep learning library. Apache-2

+Fastai (π₯41 Β· β 27K) - The fastai deep learning library. Apache-2

-- [GitHub](https://github.com/fastai/fastai) (π¨βπ» 670 Β· π 7.6K Β· π¦ 19K Β· π 1.8K - 12% open Β· β±οΈ 19.10.2024):
+- [GitHub](https://github.com/fastai/fastai) (π¨βπ» 670 Β· π 7.6K Β· π¦ 22K Β· π 1.8K - 13% open Β· β±οΈ 19.04.2025):
```
git clone https://github.com/fastai/fastai
```
-- [PyPi](https://pypi.org/project/fastai) (π₯ 470K / month Β· π¦ 310 Β· β±οΈ 19.10.2024):
+- [PyPi](https://pypi.org/project/fastai) (π₯ 530K / month Β· π¦ 330 Β· β±οΈ 18.04.2025):
```
pip install fastai
```
-PyFlink (π₯38 Β· β 24K) - Apache Flink Python API. Apache-2
+PyFlink (π₯40 Β· β 25K) - Apache Flink Python API. Apache-2
-- [GitHub](https://github.com/apache/flink) (π¨βπ» 1.9K Β· π 13K Β· π¦ 21 Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/apache/flink) (π¨βπ» 2K Β· π 13K Β· π¦ 21 Β· β±οΈ 08.05.2025):
```
git clone https://github.com/apache/flink
```
-- [PyPi](https://pypi.org/project/apache-flink) (π₯ 200K / month Β· π¦ 35 Β· β±οΈ 01.08.2024):
+- [PyPi](https://pypi.org/project/apache-flink) (π₯ 7.7M / month Β· π¦ 35 Β· β±οΈ 12.02.2025):
```
pip install apache-flink
```
-Flax (π₯38 Β· β 6.1K) - Flax is a neural network library for JAX that is designed for.. Apache-2

+Flax (π₯37 Β· β 6.5K) - Flax is a neural network library for JAX that is designed for.. Apache-2

-- [GitHub](https://github.com/google/flax) (π¨βπ» 240 Β· π 640 Β· π₯ 55 Β· π¦ 9.8K Β· π 1K - 28% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/google/flax) (π¨βπ» 260 Β· π 690 Β· π₯ 61 Β· π¦ 14K Β· π 1.2K - 33% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/google/flax
```
-- [PyPi](https://pypi.org/project/flax) (π₯ 890K / month Β· π¦ 470 Β· β±οΈ 16.10.2024):
+- [PyPi](https://pypi.org/project/flax) (π₯ 1.6M / month Β· π¦ 610 Β· β±οΈ 23.04.2025):
```
pip install flax
```
-- [Conda](https://anaconda.org/conda-forge/flax) (π₯ 75K Β· β±οΈ 24.10.2024):
+- [Conda](https://anaconda.org/conda-forge/flax) (π₯ 99K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge flax
```
-Jina (π₯37 Β· β 21K Β· π) - Build multimodal AI applications with cloud-native stack. Apache-2
+Ignite (π₯37 Β· β 4.7K) - High-level library to help with training and evaluating neural.. BSD-3

-- [GitHub](https://github.com/jina-ai/serve) (π¨βπ» 180 Β· π 2.2K Β· π 1.9K - 0% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/pytorch/ignite) (π¨βπ» 850 Β· π 650 Β· π¦ 3.8K Β· π 1.4K - 10% open Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/jina-ai/jina
- ```
-- [PyPi](https://pypi.org/project/jina) (π₯ 170K / month Β· π¦ 27 Β· β±οΈ 25.10.2024):
- ```
- pip install jina
+ git clone https://github.com/pytorch/ignite
```
-- [Conda](https://anaconda.org/conda-forge/jina-core) (π₯ 78K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/pytorch-ignite) (π₯ 180K / month Β· π¦ 110 Β· β±οΈ 08.05.2025):
```
- conda install -c conda-forge jina-core
+ pip install pytorch-ignite
```
-- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (π₯ 1.7M Β· β 8 Β· β±οΈ 25.10.2024):
+- [Conda](https://anaconda.org/pytorch/ignite) (π₯ 230K Β· β±οΈ 30.03.2025):
```
- docker pull jinaai/jina
+ conda install -c pytorch ignite
```
-Theano (π₯37 Β· β 9.9K Β· π€) - Theano was a Python library that allows you to define, optimize, and.. BSD-3
+einops (π₯36 Β· β 8.9K) - Flexible and powerful tensor operations for readable and reliable code.. MIT
-- [GitHub](https://github.com/Theano/Theano) (π¨βπ» 390 Β· π 2.5K Β· π¦ 16K Β· π 2.8K - 25% open Β· β±οΈ 15.01.2024):
+- [GitHub](https://github.com/arogozhnikov/einops) (π¨βπ» 33 Β· π 360 Β· π¦ 73K Β· π 200 - 17% open Β· β±οΈ 25.04.2025):
```
- git clone https://github.com/Theano/Theano
+ git clone https://github.com/arogozhnikov/einops
```
-- [PyPi](https://pypi.org/project/theano) (π₯ 87K / month Β· π¦ 170 Β· β±οΈ 27.07.2020):
+- [PyPi](https://pypi.org/project/einops) (π₯ 9.6M / month Β· π¦ 2.6K Β· β±οΈ 09.02.2025):
```
- pip install theano
+ pip install einops
```
-- [Conda](https://anaconda.org/conda-forge/theano) (π₯ 2.5M Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/einops) (π₯ 380K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge theano
+ conda install -c conda-forge einops
```
-einops (π₯36 Β· β 8.5K) - Flexible and powerful tensor operations for readable and reliable code.. MIT
+Jina (π₯35 Β· β 22K) - Build multimodal AI applications with cloud-native stack. Apache-2
-- [GitHub](https://github.com/arogozhnikov/einops) (π¨βπ» 30 Β· π 340 Β· π¦ 49K Β· π 180 - 19% open Β· β±οΈ 13.10.2024):
+- [GitHub](https://github.com/jina-ai/serve) (π¨βπ» 180 Β· π 2.2K Β· π 1.9K - 0% open Β· β±οΈ 24.03.2025):
```
- git clone https://github.com/arogozhnikov/einops
+ git clone https://github.com/jina-ai/jina
```
-- [PyPi](https://pypi.org/project/einops) (π₯ 5.3M / month Β· π¦ 2K Β· β±οΈ 28.04.2024):
+- [PyPi](https://pypi.org/project/jina) (π₯ 76K / month Β· π¦ 29 Β· β±οΈ 24.03.2025):
```
- pip install einops
+ pip install jina
```
-- [Conda](https://anaconda.org/conda-forge/einops) (π₯ 290K Β· β±οΈ 28.04.2024):
+- [Conda](https://anaconda.org/conda-forge/jina-core) (π₯ 94K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge einops
+ conda install -c conda-forge jina-core
+ ```
+- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (π₯ 1.8M Β· β 8 Β· β±οΈ 24.03.2025):
+ ```
+ docker pull jinaai/jina
+ ```
+
+ivy (π₯34 Β· β 14K) - Convert Machine Learning Code Between Frameworks. Apache-2
+
+- [GitHub](https://github.com/ivy-llc/ivy) (π¨βπ» 1.5K Β· π 5.7K Β· π 17K - 5% open Β· β±οΈ 29.04.2025):
+
+ ```
+ git clone https://github.com/unifyai/ivy
+ ```
+- [PyPi](https://pypi.org/project/ivy) (π₯ 24K / month Β· π¦ 16 Β· β±οΈ 21.02.2025):
+ ```
+ pip install ivy
```
-Thinc (π₯36 Β· β 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
+Thinc (π₯34 Β· β 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
-- [GitHub](https://github.com/explosion/thinc) (π¨βπ» 64 Β· π 280 Β· π₯ 390 Β· π¦ 55K Β· π 150 - 12% open Β· β±οΈ 30.09.2024):
+- [GitHub](https://github.com/explosion/thinc) (π¨βπ» 67 Β· π 280 Β· π₯ 1.2K Β· π¦ 67K Β· π 150 - 12% open Β· β±οΈ 07.03.2025):
```
git clone https://github.com/explosion/thinc
```
-- [PyPi](https://pypi.org/project/thinc) (π₯ 12M / month Β· π¦ 140 Β· β±οΈ 01.10.2024):
+- [PyPi](https://pypi.org/project/thinc) (π₯ 18M / month Β· π¦ 160 Β· β±οΈ 04.04.2025):
```
pip install thinc
```
-- [Conda](https://anaconda.org/conda-forge/thinc) (π₯ 3.1M Β· β±οΈ 14.07.2024):
+- [Conda](https://anaconda.org/conda-forge/thinc) (π₯ 3.5M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge thinc
```
-Vowpal Wabbit (π₯35 Β· β 8.5K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
+Vowpal Wabbit (π₯33 Β· β 8.6K Β· π€) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
-- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (π¨βπ» 340 Β· π 1.9K Β· π 1.3K - 10% open Β· β±οΈ 01.08.2024):
+- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (π¨βπ» 340 Β· π 1.9K Β· π¦ 2 Β· π 1.3K - 10% open Β· β±οΈ 01.08.2024):
```
git clone https://github.com/VowpalWabbit/vowpal_wabbit
```
-- [PyPi](https://pypi.org/project/vowpalwabbit) (π₯ 59K / month Β· π¦ 40 Β· β±οΈ 08.08.2024):
+- [PyPi](https://pypi.org/project/vowpalwabbit) (π₯ 26K / month Β· π¦ 40 Β· β±οΈ 08.08.2024):
```
pip install vowpalwabbit
```
-- [Conda](https://anaconda.org/conda-forge/vowpalwabbit) (π₯ 240K Β· β±οΈ 05.09.2024):
+- [Conda](https://anaconda.org/conda-forge/vowpalwabbit) (π₯ 350K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge vowpalwabbit
```
-mlpack (π₯35 Β· β 5.1K) - mlpack: a fast, header-only C++ machine learning library. BSD-3
+mlpack (π₯33 Β· β 5.3K) - mlpack: a fast, header-only C++ machine learning library. BSD-3
-- [GitHub](https://github.com/mlpack/mlpack) (π¨βπ» 320 Β· π 1.6K Β· π 1.6K - 1% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/mlpack/mlpack) (π¨βπ» 330 Β· π 1.7K Β· π 1.6K - 0% open Β· β±οΈ 01.05.2025):
```
git clone https://github.com/mlpack/mlpack
```
-- [PyPi](https://pypi.org/project/mlpack) (π₯ 14K / month Β· π¦ 4 Β· β±οΈ 20.09.2024):
+- [PyPi](https://pypi.org/project/mlpack) (π₯ 6.2K / month Β· π¦ 6 Β· β±οΈ 04.04.2025):
```
pip install mlpack
```
-- [Conda](https://anaconda.org/conda-forge/mlpack) (π₯ 260K Β· β±οΈ 22.09.2024):
+- [Conda](https://anaconda.org/conda-forge/mlpack) (π₯ 360K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge mlpack
```
-Ignite (π₯35 Β· β 4.5K) - High-level library to help with training and evaluating neural.. BSD-3

+Ludwig (π₯32 Β· β 11K Β· π€) - Low-code framework for building custom LLMs, neural networks,.. Apache-2

-- [GitHub](https://github.com/pytorch/ignite) (π¨βπ» 680 Β· π 620 Β· π¦ 3.3K Β· π 1.4K - 10% open Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/ludwig-ai/ludwig) (π¨βπ» 160 Β· π 1.2K Β· π¦ 300 Β· π 1.1K - 4% open Β· β±οΈ 17.10.2024):
```
- git clone https://github.com/pytorch/ignite
- ```
-- [PyPi](https://pypi.org/project/pytorch-ignite) (π₯ 250K / month Β· π¦ 99 Β· β±οΈ 31.10.2024):
- ```
- pip install pytorch-ignite
+ git clone https://github.com/ludwig-ai/ludwig
```
-- [Conda](https://anaconda.org/pytorch/ignite) (π₯ 200K Β· β±οΈ 13.08.2024):
+- [PyPi](https://pypi.org/project/ludwig) (π₯ 2K / month Β· π¦ 6 Β· β±οΈ 30.07.2024):
```
- conda install -c pytorch ignite
+ pip install ludwig
```
-Ludwig (π₯33 Β· β 11K) - Low-code framework for building custom LLMs, neural networks, and.. Apache-2

+skorch (π₯32 Β· β 6K) - A scikit-learn compatible neural network library that wraps.. BSD-3


-- [GitHub](https://github.com/ludwig-ai/ludwig) (π¨βπ» 160 Β· π 1.2K Β· π¦ 280 Β· π 1.4K - 25% open Β· β±οΈ 17.10.2024):
+- [GitHub](https://github.com/skorch-dev/skorch) (π¨βπ» 67 Β· π 390 Β· π¦ 1.7K Β· π 540 - 12% open Β· β±οΈ 24.04.2025):
```
- git clone https://github.com/ludwig-ai/ludwig
+ git clone https://github.com/skorch-dev/skorch
```
-- [PyPi](https://pypi.org/project/ludwig) (π₯ 4.4K / month Β· π¦ 6 Β· β±οΈ 30.07.2024):
+- [PyPi](https://pypi.org/project/skorch) (π₯ 110K / month Β· π¦ 94 Β· β±οΈ 10.01.2025):
```
- pip install ludwig
+ pip install skorch
+ ```
+- [Conda](https://anaconda.org/conda-forge/skorch) (π₯ 800K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge skorch
```
-Haiku (π₯32 Β· β 2.9K) - JAX-based neural network library. Apache-2
+tensorflow-upstream (π₯32 Β· β 690) - TensorFlow ROCm port. Apache-2

-- [GitHub](https://github.com/google-deepmind/dm-haiku) (π¨βπ» 83 Β· π 230 Β· π¦ 2.1K Β· π 250 - 29% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/ROCm/tensorflow-upstream) (π¨βπ» 4.9K Β· π 99 Β· π₯ 29 Β· π 390 - 4% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/deepmind/dm-haiku
- ```
-- [PyPi](https://pypi.org/project/dm-haiku) (π₯ 240K / month Β· π¦ 180 Β· β±οΈ 16.10.2024):
- ```
- pip install dm-haiku
+ git clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream
```
-- [Conda](https://anaconda.org/conda-forge/dm-haiku) (π₯ 24K Β· β±οΈ 23.10.2024):
+- [PyPi](https://pypi.org/project/tensorflow-rocm) (π₯ 11K / month Β· π¦ 9 Β· β±οΈ 10.01.2024):
```
- conda install -c conda-forge dm-haiku
+ pip install tensorflow-rocm
```
Sonnet (π₯31 Β· β 9.8K) - TensorFlow-based neural network library. Apache-2

-- [GitHub](https://github.com/google-deepmind/sonnet) (π¨βπ» 59 Β· π 1.3K Β· π¦ 1.4K Β· π 190 - 16% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/google-deepmind/sonnet) (π¨βπ» 61 Β· π 1.3K Β· π¦ 1.4K Β· π 190 - 16% open Β· β±οΈ 14.02.2025):
```
git clone https://github.com/deepmind/sonnet
```
-- [PyPi](https://pypi.org/project/dm-sonnet) (π₯ 24K / month Β· π¦ 19 Β· β±οΈ 02.01.2024):
+- [PyPi](https://pypi.org/project/dm-sonnet) (π₯ 19K / month Β· π¦ 19 Β· β±οΈ 02.01.2024):
```
pip install dm-sonnet
```
-- [Conda](https://anaconda.org/conda-forge/sonnet) (π₯ 35K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/sonnet) (π₯ 42K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge sonnet
```
-skorch (π₯31 Β· β 5.9K) - A scikit-learn compatible neural network library that wraps.. BSD-3


+Haiku (π₯31 Β· β 3K) - JAX-based neural network library. Apache-2
-- [GitHub](https://github.com/skorch-dev/skorch) (π¨βπ» 62 Β· π 390 Β· π¦ 1.4K Β· π 520 - 11% open Β· β±οΈ 20.09.2024):
+- [GitHub](https://github.com/google-deepmind/dm-haiku) (π¨βπ» 88 Β· π 240 Β· π¦ 2.5K Β· π 250 - 29% open Β· β±οΈ 01.05.2025):
```
- git clone https://github.com/skorch-dev/skorch
- ```
-- [PyPi](https://pypi.org/project/skorch) (π₯ 150K / month Β· π¦ 85 Β· β±οΈ 27.05.2024):
- ```
- pip install skorch
- ```
-- [Conda](https://anaconda.org/conda-forge/skorch) (π₯ 790K Β· β±οΈ 30.05.2024):
- ```
- conda install -c conda-forge skorch
+ git clone https://github.com/deepmind/dm-haiku
```
-
-dyNET (π₯31 Β· β 3.4K Β· π€) - DyNet: The Dynamic Neural Network Toolkit. Apache-2
-
-- [GitHub](https://github.com/clab/dynet) (π¨βπ» 160 Β· π 700 Β· π₯ 17K Β· π¦ 260 Β· π 950 - 29% open Β· β±οΈ 08.11.2023):
-
+- [PyPi](https://pypi.org/project/dm-haiku) (π₯ 220K / month Β· π¦ 190 Β· β±οΈ 22.04.2025):
```
- git clone https://github.com/clab/dynet
+ pip install dm-haiku
```
-- [PyPi](https://pypi.org/project/dyNET) (π₯ 300K / month Β· π¦ 18 Β· β±οΈ 21.10.2020):
+- [Conda](https://anaconda.org/conda-forge/dm-haiku) (π₯ 33K Β· β±οΈ 23.04.2025):
```
- pip install dyNET
+ conda install -c conda-forge dm-haiku
```
-Determined (π₯31 Β· β 3K) - Determined is an open-source machine learning platform.. Apache-2


+Determined (π₯29 Β· β 3.1K) - Determined is an open-source machine learning platform.. Apache-2


-- [GitHub](https://github.com/determined-ai/determined) (π¨βπ» 120 Β· π 350 Β· π₯ 12K Β· π 460 - 23% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/determined-ai/determined) (π¨βπ» 120 Β· π 360 Β· π₯ 13K Β· π 450 - 22% open Β· β±οΈ 20.03.2025):
```
git clone https://github.com/determined-ai/determined
```
-- [PyPi](https://pypi.org/project/determined) (π₯ 56K / month Β· π¦ 4 Β· β±οΈ 30.10.2024):
+- [PyPi](https://pypi.org/project/determined) (π₯ 35K / month Β· π¦ 4 Β· β±οΈ 19.03.2025):
```
pip install determined
```
-tensorflow-upstream (π₯31 Β· β 680) - TensorFlow ROCm port. Apache-2

+NuPIC (π₯28 Β· β 6.3K) - Numenta Platform for Intelligent Computing is an implementation of.. MIT
-- [GitHub](https://github.com/ROCm/tensorflow-upstream) (π¨βπ» 4.7K Β· π 94 Β· π₯ 25 Β· π 380 - 24% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/numenta/nupic-legacy) (π¨βπ» 120 Β· π 1.6K Β· π₯ 21 Β· π¦ 21 Β· π 1.8K - 25% open Β· β±οΈ 03.12.2024):
```
- git clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream
+ git clone https://github.com/numenta/nupic
```
-- [PyPi](https://pypi.org/project/tensorflow-rocm) (π₯ 6.5K / month Β· π¦ 9 Β· β±οΈ 10.01.2024):
+- [PyPi](https://pypi.org/project/nupic) (π₯ 2.2K / month Β· β±οΈ 01.09.2016):
```
- pip install tensorflow-rocm
+ pip install nupic
```
-Geomstats (π₯30 Β· β 1.3K) - Computations and statistics on manifolds with geometric structures. MIT
+Geomstats (π₯28 Β· β 1.3K) - Computations and statistics on manifolds with geometric structures. MIT
-- [GitHub](https://github.com/geomstats/geomstats) (π¨βπ» 93 Β· π 240 Β· π¦ 120 Β· π 560 - 37% open Β· β±οΈ 08.10.2024):
+- [GitHub](https://github.com/geomstats/geomstats) (π¨βπ» 95 Β· π 250 Β· π¦ 140 Β· π 570 - 36% open Β· β±οΈ 28.02.2025):
```
git clone https://github.com/geomstats/geomstats
```
-- [PyPi](https://pypi.org/project/geomstats) (π₯ 4.7K / month Β· π¦ 12 Β· β±οΈ 09.09.2024):
+- [PyPi](https://pypi.org/project/geomstats) (π₯ 5.6K / month Β· π¦ 12 Β· β±οΈ 09.09.2024):
```
pip install geomstats
```
-- [Conda](https://anaconda.org/conda-forge/geomstats) (π₯ 4K Β· β±οΈ 10.09.2024):
+- [Conda](https://anaconda.org/conda-forge/geomstats) (π₯ 6.4K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge geomstats
```
-Neural Network Libraries (π₯29 Β· β 2.7K) - Neural Network Libraries. Apache-2
-
-- [GitHub](https://github.com/sony/nnabla) (π¨βπ» 76 Β· π 330 Β· π₯ 980 Β· π 95 - 36% open Β· β±οΈ 24.09.2024):
-
- ```
- git clone https://github.com/sony/nnabla
- ```
-- [PyPi](https://pypi.org/project/nnabla) (π₯ 15K / month Β· π¦ 44 Β· β±οΈ 29.05.2024):
- ```
- pip install nnabla
- ```
-
-ktrain (π₯29 Β· β 1.2K) - ktrain is a Python library that makes deep learning and AI more.. Apache-2

-
-- [GitHub](https://github.com/amaiya/ktrain) (π¨βπ» 17 Β· π 270 Β· π¦ 560 Β· π 500 - 0% open Β· β±οΈ 09.07.2024):
-
- ```
- git clone https://github.com/amaiya/ktrain
- ```
-- [PyPi](https://pypi.org/project/ktrain) (π₯ 14K / month Β· π¦ 4 Β· β±οΈ 19.06.2024):
- ```
- pip install ktrain
- ```
-
-EvaDB (π₯27 Β· β 2.6K Β· π€) - Database system for AI-powered apps. Apache-2

+pyRiemann (π₯27 Β· β 680) - Machine learning for multivariate data through the Riemannian.. BSD-3

-- [GitHub](https://github.com/georgia-tech-db/evadb) (π¨βπ» 73 Β· π 260 Β· π₯ 420K Β· π¦ 150 Β· π 300 - 25% open Β· β±οΈ 03.12.2023):
-
- ```
- git clone https://github.com/georgia-tech-db/eva
- ```
-- [PyPi](https://pypi.org/project/evadb) (π₯ 3.6K / month Β· β±οΈ 19.11.2023):
- ```
- pip install evadb
- ```
-
-pyRiemann (π₯27 Β· β 640) - Machine learning for multivariate data through the Riemannian.. BSD-3

-
-- [GitHub](https://github.com/pyRiemann/pyRiemann) (π¨βπ» 35 Β· π 160 Β· π¦ 400 Β· π 110 - 4% open Β· β±οΈ 22.10.2024):
+- [GitHub](https://github.com/pyRiemann/pyRiemann) (π¨βπ» 37 Β· π 170 Β· π¦ 460 Β· π 110 - 2% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/pyRiemann/pyRiemann
```
-- [PyPi](https://pypi.org/project/pyriemann) (π₯ 39K / month Β· π¦ 28 Β· β±οΈ 03.10.2024):
+- [PyPi](https://pypi.org/project/pyriemann) (π₯ 52K / month Β· π¦ 28 Β· β±οΈ 12.02.2025):
```
pip install pyriemann
```
-- [Conda](https://anaconda.org/conda-forge/pyriemann) (π₯ 8.4K Β· β±οΈ 04.10.2024):
+- [Conda](https://anaconda.org/conda-forge/pyriemann) (π₯ 12K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge pyriemann
```
-Towhee (π₯26 Β· β 3.2K) - Towhee is a framework that is dedicated to making neural data.. Apache-2
+Neural Network Libraries (π₯26 Β· β 2.7K) - Neural Network Libraries. Apache-2
-- [GitHub](https://github.com/towhee-io/towhee) (π¨βπ» 38 Β· π 250 Β· π₯ 2.7K Β· π 660 - 0% open Β· β±οΈ 18.10.2024):
+- [GitHub](https://github.com/sony/nnabla) (π¨βπ» 76 Β· π 330 Β· π₯ 1K Β· π 95 - 36% open Β· β±οΈ 15.11.2024):
```
- git clone https://github.com/towhee-io/towhee
+ git clone https://github.com/sony/nnabla
```
-- [PyPi](https://pypi.org/project/towhee) (π₯ 16K / month Β· β±οΈ 04.12.2023):
+- [PyPi](https://pypi.org/project/nnabla) (π₯ 7.7K / month Β· π¦ 44 Β· β±οΈ 29.05.2024):
```
- pip install towhee
+ pip install nnabla
```
-SHOGUN (π₯26 Β· β 3K Β· π€) - Unified and efficient Machine Learning. BSD-3
+ktrain (π₯26 Β· β 1.3K Β· π€) - ktrain is a Python library that makes deep learning and AI.. Apache-2

-- [GitHub](https://github.com/shogun-toolbox/shogun) (π¨βπ» 250 Β· π 1K Β· π 1.5K - 27% open Β· β±οΈ 19.12.2023):
+- [GitHub](https://github.com/amaiya/ktrain) (π¨βπ» 17 Β· π 270 Β· π¦ 570 Β· π 500 - 0% open Β· β±οΈ 09.07.2024):
```
- git clone https://github.com/shogun-toolbox/shogun
- ```
-- [Conda](https://anaconda.org/conda-forge/shogun) (π₯ 150K Β· β±οΈ 16.06.2023):
- ```
- conda install -c conda-forge shogun
+ git clone https://github.com/amaiya/ktrain
```
-- [Docker Hub](https://hub.docker.com/r/shogun/shogun) (π₯ 1.5K Β· β 1 Β· β±οΈ 31.01.2019):
+- [PyPi](https://pypi.org/project/ktrain) (π₯ 7.9K / month Β· π¦ 4 Β· β±οΈ 19.06.2024):
```
- docker pull shogun/shogun
+ pip install ktrain
```
-Neural Tangents (π₯24 Β· β 2.3K Β· π€) - Fast and Easy Infinite Neural Networks in Python. Apache-2
+Towhee (π₯24 Β· β 3.4K Β· π€) - Towhee is a framework that is dedicated to making neural data.. Apache-2
-- [GitHub](https://github.com/google/neural-tangents) (π¨βπ» 29 Β· π 240 Β· π₯ 500 Β· π¦ 120 Β· π 160 - 38% open Β· β±οΈ 01.03.2024):
+- [GitHub](https://github.com/towhee-io/towhee) (π¨βπ» 38 Β· π 260 Β· π₯ 2.7K Β· π 670 - 0% open Β· β±οΈ 18.10.2024):
```
- git clone https://github.com/google/neural-tangents
+ git clone https://github.com/towhee-io/towhee
```
-- [PyPi](https://pypi.org/project/neural-tangents) (π₯ 3.4K / month Β· π¦ 1 Β· β±οΈ 11.12.2023):
+- [PyPi](https://pypi.org/project/towhee) (π₯ 10K / month Β· β±οΈ 04.12.2023):
```
- pip install neural-tangents
+ pip install towhee
```
fklearn (π₯24 Β· β 1.5K) - fklearn: Functional Machine Learning. Apache-2
-- [GitHub](https://github.com/nubank/fklearn) (π¨βπ» 56 Β· π 160 Β· π¦ 15 Β· π 65 - 61% open Β· β±οΈ 14.08.2024):
+- [GitHub](https://github.com/nubank/fklearn) (π¨βπ» 56 Β· π 170 Β· π¦ 16 Β· π 64 - 60% open Β· β±οΈ 23.04.2025):
```
git clone https://github.com/nubank/fklearn
```
-- [PyPi](https://pypi.org/project/fklearn) (π₯ 4.2K / month Β· β±οΈ 14.08.2024):
+- [PyPi](https://pypi.org/project/fklearn) (π₯ 2.1K / month Β· β±οΈ 26.02.2025):
```
pip install fklearn
```
-Runhouse (π₯23 Β· β 970) - Dispatch and distribute your ML training to serverless clusters in.. Apache-2
+Runhouse (π₯23 Β· β 1K) - Distribute and run AI workloads magically in Python, like PyTorch for.. Apache-2
-- [GitHub](https://github.com/run-house/runhouse) (π¨βπ» 15 Β· π 35 Β· π₯ 53 Β· π 51 - 17% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/run-house/runhouse) (π¨βπ» 16 Β· π 36 Β· π₯ 69 Β· π 51 - 17% open Β· β±οΈ 03.04.2025):
```
git clone https://github.com/run-house/runhouse
```
-- [PyPi](https://pypi.org/project/runhouse) (π₯ 6.9K / month Β· π¦ 1 Β· β±οΈ 18.09.2024):
+- [PyPi](https://pypi.org/project/runhouse) (π₯ 22K / month Β· π¦ 1 Β· β±οΈ 10.03.2025):
```
pip install runhouse
```
-ThunderSVM (π₯22 Β· β 1.6K) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
-
-- [GitHub](https://github.com/Xtra-Computing/thundersvm) (π¨βπ» 37 Β· π 220 Β· π₯ 2.9K Β· π 230 - 35% open Β· β±οΈ 01.04.2024):
-
- ```
- git clone https://github.com/Xtra-Computing/thundersvm
- ```
-- [PyPi](https://pypi.org/project/thundersvm) (π₯ 1.4K / month Β· β±οΈ 13.03.2020):
- ```
- pip install thundersvm
- ```
-
-Objax (π₯22 Β· β 770 Β· π€) - Objax is a machine learning framework that provides an Object.. Apache-2

+NeoML (π₯20 Β· β 780) - Machine learning framework for both deep learning and traditional.. Apache-2
-- [GitHub](https://github.com/google/objax) (π¨βπ» 26 Β· π 78 Β· π¦ 60 Β· π 110 - 45% open Β· β±οΈ 27.01.2024):
-
- ```
- git clone https://github.com/google/objax
- ```
-- [PyPi](https://pypi.org/project/objax) (π₯ 1.4K / month Β· π¦ 4 Β· β±οΈ 06.11.2023):
- ```
- pip install objax
- ```
-
-NeoML (π₯22 Β· β 770) - Machine learning framework for both deep learning and traditional.. Apache-2
-
-- [GitHub](https://github.com/neoml-lib/neoml) (π¨βπ» 40 Β· π 130 Β· π¦ 2 Β· π 91 - 40% open Β· β±οΈ 30.09.2024):
+- [GitHub](https://github.com/neoml-lib/neoml) (π¨βπ» 40 Β· π 130 Β· π¦ 2 Β· π 91 - 40% open Β· β±οΈ 03.05.2025):
```
git clone https://github.com/neoml-lib/neoml
```
-- [PyPi](https://pypi.org/project/neoml) (π₯ 3.2K / month Β· β±οΈ 26.12.2023):
+- [PyPi](https://pypi.org/project/neoml) (π₯ 1.5K / month Β· β±οΈ 26.12.2023):
```
pip install neoml
```
-Torchbearer (π₯22 Β· β 640 Β· π€) - torchbearer: A model fitting library for PyTorch. MIT

-
-- [GitHub](https://github.com/pytorchbearer/torchbearer) (π¨βπ» 14 Β· π 68 Β· π¦ 92 Β· π 250 - 4% open Β· β±οΈ 04.12.2023):
-
- ```
- git clone https://github.com/pytorchbearer/torchbearer
- ```
-- [PyPi](https://pypi.org/project/torchbearer) (π₯ 1.5K / month Β· π¦ 4 Β· β±οΈ 01.12.2023):
- ```
- pip install torchbearer
- ```
-
-chefboost (π₯22 Β· β 460) - A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
+chefboost (π₯20 Β· β 480) - A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
-- [GitHub](https://github.com/serengil/chefboost) (π¨βπ» 7 Β· π 100 Β· π¦ 61 Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/serengil/chefboost) (π¨βπ» 7 Β· π 100 Β· π¦ 71 Β· β±οΈ 31.03.2025):
```
git clone https://github.com/serengil/chefboost
```
-- [PyPi](https://pypi.org/project/chefboost) (π₯ 5.7K / month Β· β±οΈ 30.10.2024):
+- [PyPi](https://pypi.org/project/chefboost) (π₯ 6.8K / month Β· β±οΈ 30.10.2024):
```
pip install chefboost
```
-mace (π₯21 Β· β 4.9K Β· π€) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
-
-- [GitHub](https://github.com/XiaoMi/mace) (π¨βπ» 69 Β· π 820 Β· π₯ 1.5K Β· π 680 - 8% open Β· β±οΈ 11.03.2024):
-
- ```
- git clone https://github.com/XiaoMi/mace
- ```
-
-ThunderGBM (π₯18 Β· β 690 Β· π€) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
+ThunderGBM (π₯18 Β· β 700) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
-- [GitHub](https://github.com/Xtra-Computing/thundergbm) (π¨βπ» 12 Β· π 87 Β· π¦ 4 Β· π 81 - 48% open Β· β±οΈ 29.01.2024):
+- [GitHub](https://github.com/Xtra-Computing/thundergbm) (π¨βπ» 12 Β· π 87 Β· π¦ 4 Β· π 81 - 48% open Β· β±οΈ 19.03.2025):
```
git clone https://github.com/Xtra-Computing/thundergbm
```
-- [PyPi](https://pypi.org/project/thundergbm) (π₯ 1.1K / month Β· β±οΈ 19.09.2022):
+- [PyPi](https://pypi.org/project/thundergbm) (π₯ 420 / month Β· β±οΈ 19.09.2022):
```
pip install thundergbm
```
-Show 17 hidden projects...
+Show 24 hidden projects...
- dlib (π₯40 Β· β 14K) - A toolkit for making real world machine learning and data analysis.. βοΈBSL-1.0
-- MXNet (π₯38 Β· β 21K Β· π) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. Apache-2

-- ivy (π₯36 Β· β 14K) - Convert Machine Learning Code Between Frameworks. βοΈIntel-ACPI
-- Chainer (π₯34 Β· β 5.9K Β· π) - A flexible framework of neural networks for deep learning. MIT
-- MindsDB (π₯33 Β· β 27K) - The platform for building AI from enterprise data. βοΈMulanPSL-1.0

+- MXNet (π₯39 Β· β 21K Β· π) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. Apache-2

+- Theano (π₯38 Β· β 9.9K Β· π) - Theano was a Python library that allows you to define, optimize, and.. BSD-3
+- Chainer (π₯34 Β· β 5.9K Β· π) - A flexible framework of neural networks for deep learning. MIT
+- MindsDB (π₯33 Β· β 28K) - AIs query engine - Platform for building AI that can learn and.. βοΈICU

+- tensorpack (π₯33 Β· β 6.3K Β· π) - A Neural Net Training Interface on TensorFlow, with.. Apache-2

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

- TFlearn (π₯31 Β· β 9.6K Β· π) - Deep learning library featuring a higher-level API for TensorFlow. MIT

-- CNTK (π₯30 Β· β 18K Β· π) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit. MIT
-- Lasagne (π₯28 Β· β 3.8K Β· π) - Lightweight library to build and train neural networks in Theano. MIT
-- NuPIC (π₯27 Β· β 6.3K Β· π) - Numenta Platform for Intelligent Computing is an implementation.. βοΈAGPL-3.0
+- dyNET (π₯31 Β· β 3.4K Β· π) - DyNet: The Dynamic Neural Network Toolkit. Apache-2
+- CNTK (π₯29 Β· β 18K Β· π) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit. MIT
+- Lasagne (π₯28 Β· β 3.9K Β· π) - Lightweight library to build and train neural networks in Theano. MIT
+- SHOGUN (π₯27 Β· β 3K Β· π) - Unified and efficient Machine Learning. BSD-3
+- EvaDB (π₯27 Β· β 2.7K Β· π) - Database system for AI-powered apps. Apache-2

- xLearn (π₯25 Β· β 3.1K Β· π) - High performance, easy-to-use, and scalable machine learning (ML).. Apache-2
- neon (π₯24 Β· β 3.9K Β· π) - Intel Nervana reference deep learning framework committed to best.. Apache-2
- NeuPy (π₯24 Β· β 740 Β· π) - NeuPy is a Tensorflow based python library for prototyping and building.. MIT
-- elegy (π₯20 Β· β 470 Β· π) - A High Level API for Deep Learning in JAX. MIT


-- StarSpace (π₯16 Β· β 3.9K Β· π) - Learning embeddings for classification, retrieval and ranking. MIT
-- nanodl (π₯16 Β· β 270) - A Jax-based library for designing and training transformer models from.. MIT

+- ThunderSVM (π₯22 Β· β 1.6K Β· π) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
+- Torchbearer (π₯22 Β· β 640 Β· π) - torchbearer: A model fitting library for PyTorch. MIT

+- mace (π₯21 Β· β 5K Β· π) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
+- Neural Tangents (π₯21 Β· β 2.3K Β· π) - Fast and Easy Infinite Neural Networks in Python. Apache-2
+- Objax (π₯19 Β· β 770 Β· π) - Objax is a machine learning framework that provides an Object.. Apache-2

+- elegy (π₯19 Β· β 480 Β· π) - A High Level API for Deep Learning in JAX. MIT


+- StarSpace (π₯16 Β· β 4K Β· π) - Learning embeddings for classification, retrieval and ranking. MIT
+- nanodl (π₯14 Β· β 290 Β· π€) - A Jax-based library for building transformers, includes.. MIT

@@ -783,651 +702,633 @@ _General-purpose machine learning and deep learning frameworks._
_General-purpose and task-specific data visualization libraries._
-Matplotlib (π₯48 Β· β 20K) - matplotlib: plotting with Python. βUnlicensed
+Matplotlib (π₯49 Β· β 21K) - matplotlib: plotting with Python. βUnlicensed
-- [GitHub](https://github.com/matplotlib/matplotlib) (π¨βπ» 1.7K Β· π 7.6K Β· π¦ 1.4M Β· π 11K - 14% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/matplotlib/matplotlib) (π¨βπ» 1.8K Β· π 7.8K Β· π¦ 1.7M Β· π 11K - 14% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/matplotlib/matplotlib
```
-- [PyPi](https://pypi.org/project/matplotlib) (π₯ 77M / month Β· π¦ 50K Β· β±οΈ 13.08.2024):
+- [PyPi](https://pypi.org/project/matplotlib) (π₯ 83M / month Β· π¦ 56K Β· β±οΈ 27.02.2025):
```
pip install matplotlib
```
-- [Conda](https://anaconda.org/conda-forge/matplotlib) (π₯ 27M Β· β±οΈ 12.09.2024):
+- [Conda](https://anaconda.org/conda-forge/matplotlib) (π₯ 30M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge matplotlib
```
-Bokeh (π₯45 Β· β 19K) - Interactive Data Visualization in the browser, from Python. BSD-3
+dash (π₯46 Β· β 22K) - Data Apps & Dashboards for Python. No JavaScript Required. MIT
-- [GitHub](https://github.com/bokeh/bokeh) (π¨βπ» 700 Β· π 4.2K Β· π¦ 94K Β· π 7.8K - 9% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/plotly/dash) (π¨βπ» 180 Β· π 2.1K Β· π₯ 88 Β· π¦ 85K Β· π 2K - 27% open Β· β±οΈ 06.05.2025):
```
- git clone https://github.com/bokeh/bokeh
+ git clone https://github.com/plotly/dash
```
-- [PyPi](https://pypi.org/project/bokeh) (π₯ 4.1M / month Β· π¦ 1.8K Β· β±οΈ 30.10.2024):
+- [PyPi](https://pypi.org/project/dash) (π₯ 5.4M / month Β· π¦ 1.6K Β· β±οΈ 24.04.2025):
```
- pip install bokeh
+ pip install dash
```
-- [Conda](https://anaconda.org/conda-forge/bokeh) (π₯ 15M Β· β±οΈ 14.10.2024):
+- [Conda](https://anaconda.org/conda-forge/dash) (π₯ 1.8M Β· β±οΈ 27.04.2025):
```
- conda install -c conda-forge bokeh
+ conda install -c conda-forge dash
```
-Plotly (π₯45 Β· β 16K) - The interactive graphing library for Python This project now includes.. MIT
+Plotly (π₯46 Β· β 17K) - The interactive graphing library for Python. MIT
-- [GitHub](https://github.com/plotly/plotly.py) (π¨βπ» 280 Β· π 2.5K Β· π¦ 320K Β· π 3K - 17% open Β· β±οΈ 24.10.2024):
+- [GitHub](https://github.com/plotly/plotly.py) (π¨βπ» 280 Β· π 2.6K Β· π₯ 190 Β· π¦ 420K Β· π 3.2K - 20% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/plotly/plotly.py
```
-- [PyPi](https://pypi.org/project/plotly) (π₯ 20M / month Β· π¦ 6.3K Β· β±οΈ 12.09.2024):
+- [PyPi](https://pypi.org/project/plotly) (π₯ 23M / month Β· π¦ 8.1K Β· β±οΈ 02.05.2025):
```
pip install plotly
```
-- [Conda](https://anaconda.org/conda-forge/plotly) (π₯ 7.3M Β· β±οΈ 12.09.2024):
+- [Conda](https://anaconda.org/conda-forge/plotly) (π₯ 9.4M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge plotly
```
-- [npm](https://www.npmjs.com/package/plotlywidget) (π₯ 5.9K / month Β· π¦ 9 Β· β±οΈ 12.01.2021):
+- [npm](https://www.npmjs.com/package/plotlywidget) (π₯ 54K / month Β· π¦ 9 Β· β±οΈ 12.01.2021):
```
npm install plotlywidget
```
-dash (π₯43 Β· β 21K) - Data Apps & Dashboards for Python. No JavaScript Required. MIT
+Bokeh (π₯45 Β· β 20K) - Interactive Data Visualization in the browser, from Python. BSD-3
-- [GitHub](https://github.com/plotly/dash) (π¨βπ» 170 Β· π 2.1K Β· π₯ 85 Β· π¦ 71K Β· π 1.8K - 26% open Β· β±οΈ 23.10.2024):
+- [GitHub](https://github.com/bokeh/bokeh) (π¨βπ» 710 Β· π 4.2K Β· π¦ 100K Β· π 8K - 10% open Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/plotly/dash
+ git clone https://github.com/bokeh/bokeh
```
-- [PyPi](https://pypi.org/project/dash) (π₯ 3.6M / month Β· π¦ 1.3K Β· β±οΈ 12.09.2024):
+- [PyPi](https://pypi.org/project/bokeh) (π₯ 3.4M / month Β· π¦ 1.9K Β· β±οΈ 28.03.2025):
```
- pip install dash
+ pip install bokeh
```
-- [Conda](https://anaconda.org/conda-forge/dash) (π₯ 1.5M Β· β±οΈ 14.09.2024):
+- [Conda](https://anaconda.org/conda-forge/bokeh) (π₯ 16M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge dash
+ conda install -c conda-forge bokeh
```
Seaborn (π₯42 Β· β 13K) - Statistical data visualization in Python. BSD-3
-- [GitHub](https://github.com/mwaskom/seaborn) (π¨βπ» 210 Β· π 1.9K Β· π₯ 450 Β· π¦ 490K Β· π 2.6K - 6% open Β· β±οΈ 22.07.2024):
+- [GitHub](https://github.com/mwaskom/seaborn) (π¨βπ» 220 Β· π 1.9K Β· π₯ 470 Β· π¦ 650K Β· π 2.6K - 6% open Β· β±οΈ 26.01.2025):
```
git clone https://github.com/mwaskom/seaborn
```
-- [PyPi](https://pypi.org/project/seaborn) (π₯ 18M / month Β· π¦ 11K Β· β±οΈ 25.01.2024):
+- [PyPi](https://pypi.org/project/seaborn) (π₯ 24M / month Β· π¦ 11K Β· β±οΈ 25.01.2024):
```
pip install seaborn
```
-- [Conda](https://anaconda.org/conda-forge/seaborn) (π₯ 11M Β· β±οΈ 30.04.2024):
+- [Conda](https://anaconda.org/conda-forge/seaborn) (π₯ 13M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge seaborn
```
-Altair (π₯42 Β· β 9.3K) - Declarative statistical visualization library for Python. BSD-3
+Altair (π₯41 Β· β 9.8K) - Declarative visualization library for Python. BSD-3
-- [GitHub](https://github.com/vega/altair) (π¨βπ» 170 Β· π 790 Β· π₯ 200 Β· π¦ 170K Β· π 2K - 9% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/vega/altair) (π¨βπ» 180 Β· π 800 Β· π₯ 230 Β· π¦ 230K Β· π 2.1K - 6% open Β· β±οΈ 22.04.2025):
```
git clone https://github.com/altair-viz/altair
```
-- [PyPi](https://pypi.org/project/altair) (π₯ 22M / month Β· π¦ 870 Β· β±οΈ 27.08.2024):
+- [PyPi](https://pypi.org/project/altair) (π₯ 28M / month Β· π¦ 920 Β· β±οΈ 23.11.2024):
```
pip install altair
```
-- [Conda](https://anaconda.org/conda-forge/altair) (π₯ 2.5M Β· β±οΈ 02.10.2024):
+- [Conda](https://anaconda.org/conda-forge/altair) (π₯ 2.7M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge altair
```
-HoloViews (π₯38 Β· β 2.7K) - With Holoviews, your data visualizes itself. BSD-3

+FiftyOne (π₯39 Β· β 9.5K) - Visualize, create, and debug image and video datasets.. Apache-2



-- [GitHub](https://github.com/holoviz/holoviews) (π¨βπ» 140 Β· π 400 Β· π¦ 13K Β· π 3.3K - 32% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/voxel51/fiftyone) (π¨βπ» 150 Β· π 620 Β· π¦ 950 Β· π 1.7K - 34% open Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/holoviz/holoviews
- ```
-- [PyPi](https://pypi.org/project/holoviews) (π₯ 560K / month Β· π¦ 400 Β· β±οΈ 23.10.2024):
- ```
- pip install holoviews
- ```
-- [Conda](https://anaconda.org/conda-forge/holoviews) (π₯ 1.8M Β· β±οΈ 07.07.2024):
- ```
- conda install -c conda-forge holoviews
+ git clone https://github.com/voxel51/fiftyone
```
-- [npm](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (π₯ 270 / month Β· π¦ 5 Β· β±οΈ 01.08.2024):
+- [PyPi](https://pypi.org/project/fiftyone) (π₯ 120K / month Β· π¦ 27 Β· β±οΈ 08.05.2025):
```
- npm install @pyviz/jupyterlab_pyviz
+ pip install fiftyone
```
-pyecharts (π₯37 Β· β 15K) - Python Echarts Plotting Library. MIT

+PyVista (π₯39 Β· β 3.1K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT

-- [GitHub](https://github.com/pyecharts/pyecharts) (π¨βπ» 44 Β· π 2.8K Β· π₯ 70 Β· π¦ 4.6K Β· π 1.9K - 0% open Β· β±οΈ 20.06.2024):
+- [GitHub](https://github.com/pyvista/pyvista) (π¨βπ» 180 Β· π 560 Β· π₯ 890 Β· π¦ 4.7K Β· π 1.9K - 36% open Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/pyecharts/pyecharts
+ git clone https://github.com/pyvista/pyvista
```
-- [PyPi](https://pypi.org/project/pyecharts) (π₯ 160K / month Β· π¦ 210 Β· β±οΈ 20.06.2024):
+- [PyPi](https://pypi.org/project/pyvista) (π₯ 590K / month Β· π¦ 690 Β· β±οΈ 19.04.2025):
```
- pip install pyecharts
+ pip install pyvista
+ ```
+- [Conda](https://anaconda.org/conda-forge/pyvista) (π₯ 680K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge pyvista
```
-pandas-profiling (π₯37 Β· β 13K) - 1 Line of code data quality profiling & exploratory.. MIT


+pandas-profiling (π₯38 Β· β 13K) - 1 Line of code data quality profiling & exploratory.. MIT


-- [GitHub](https://github.com/ydataai/ydata-profiling) (π¨βπ» 130 Β· π 1.7K Β· π₯ 200 Β· π¦ 4.5K Β· π 810 - 28% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/ydataai/ydata-profiling) (π¨βπ» 140 Β· π 1.7K Β· π₯ 320 Β· π¦ 6.4K Β· π 840 - 30% open Β· β±οΈ 26.03.2025):
```
git clone https://github.com/ydataai/pandas-profiling
```
-- [PyPi](https://pypi.org/project/pandas-profiling) (π₯ 330K / month Β· π¦ 180 Β· β±οΈ 03.02.2023):
+- [PyPi](https://pypi.org/project/pandas-profiling) (π₯ 360K / month Β· π¦ 180 Β· β±οΈ 03.02.2023):
```
pip install pandas-profiling
```
-- [Conda](https://anaconda.org/conda-forge/pandas-profiling) (π₯ 470K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/pandas-profiling) (π₯ 510K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge pandas-profiling
```
-PyQtGraph (π₯37 Β· β 3.9K) - Fast data visualization and GUI tools for scientific / engineering.. MIT
-
-- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (π¨βπ» 290 Β· π 1.1K Β· π¦ 11K Β· π 1.3K - 32% open Β· β±οΈ 31.10.2024):
-
- ```
- git clone https://github.com/pyqtgraph/pyqtgraph
- ```
-- [PyPi](https://pypi.org/project/pyqtgraph) (π₯ 350K / month Β· π¦ 1K Β· β±οΈ 29.04.2024):
- ```
- pip install pyqtgraph
- ```
-- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (π₯ 610K Β· β±οΈ 02.05.2024):
- ```
- conda install -c conda-forge pyqtgraph
- ```
-
-PyVista (π₯37 Β· β 2.7K Β· π) - 3D plotting and mesh analysis through a streamlined interface.. MIT

+HoloViews (π₯38 Β· β 2.8K) - With Holoviews, your data visualizes itself. BSD-3

-- [GitHub](https://github.com/pyvista/pyvista) (π¨βπ» 160 Β· π 490 Β· π₯ 840 Β· π¦ 3.6K Β· π 1.7K - 34% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/holoviz/holoviews) (π¨βπ» 150 Β· π 410 Β· π¦ 16K Β· π 3.4K - 32% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/pyvista/pyvista
- ```
-- [PyPi](https://pypi.org/project/pyvista) (π₯ 350K / month Β· π¦ 530 Β· β±οΈ 20.07.2024):
- ```
- pip install pyvista
+ git clone https://github.com/holoviz/holoviews
```
-- [Conda](https://anaconda.org/conda-forge/pyvista) (π₯ 570K Β· β±οΈ 20.07.2024):
+- [PyPi](https://pypi.org/project/holoviews) (π₯ 490K / month Β· π¦ 430 Β· β±οΈ 31.03.2025):
```
- conda install -c conda-forge pyvista
+ pip install holoviews
```
-
-FiftyOne (π₯36 Β· β 8.8K) - Visualize, create, and debug image and video datasets.. Apache-2



-
-- [GitHub](https://github.com/voxel51/fiftyone) (π¨βπ» 140 Β· π 550 Β· π¦ 710 Β· π 1.6K - 31% open Β· β±οΈ 30.10.2024):
-
+- [Conda](https://anaconda.org/conda-forge/holoviews) (π₯ 2.1M Β· β±οΈ 22.04.2025):
```
- git clone https://github.com/voxel51/fiftyone
+ conda install -c conda-forge holoviews
```
-- [PyPi](https://pypi.org/project/fiftyone) (π₯ 120K / month Β· π¦ 22 Β· β±οΈ 14.10.2024):
+- [npm](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (π₯ 230 / month Β· π¦ 5 Β· β±οΈ 14.01.2025):
```
- pip install fiftyone
+ npm install @pyviz/jupyterlab_pyviz
```
-cartopy (π₯36 Β· β 1.4K) - Cartopy - a cartographic python library with matplotlib support. BSD-3
+pyecharts (π₯37 Β· β 15K) - Python Echarts Plotting Library. MIT

-- [GitHub](https://github.com/SciTools/cartopy) (π¨βπ» 130 Β· π 360 Β· π¦ 5.9K Β· π 1.3K - 24% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/pyecharts/pyecharts) (π¨βπ» 45 Β· π 2.9K Β· π₯ 73 Β· π¦ 5.3K Β· π 1.9K - 0% open Β· β±οΈ 26.01.2025):
```
- git clone https://github.com/SciTools/cartopy
- ```
-- [PyPi](https://pypi.org/project/cartopy) (π₯ 400K / month Β· π¦ 720 Β· β±οΈ 08.10.2024):
- ```
- pip install cartopy
+ git clone https://github.com/pyecharts/pyecharts
```
-- [Conda](https://anaconda.org/conda-forge/cartopy) (π₯ 4.2M Β· β±οΈ 07.10.2024):
+- [PyPi](https://pypi.org/project/pyecharts) (π₯ 210K / month Β· π¦ 220 Β· β±οΈ 24.01.2025):
```
- conda install -c conda-forge cartopy
+ pip install pyecharts
```
-UMAP (π₯35 Β· β 7.4K) - Uniform Manifold Approximation and Projection. BSD-3
+PyQtGraph (π₯37 Β· β 4.1K) - Fast data visualization and GUI tools for scientific / engineering.. MIT
-- [GitHub](https://github.com/lmcinnes/umap) (π¨βπ» 140 Β· π 810 Β· π¦ 1 Β· π 820 - 58% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (π¨βπ» 300 Β· π 1.1K Β· π¦ 12K Β· π 1.3K - 32% open Β· β±οΈ 08.04.2025):
```
- git clone https://github.com/lmcinnes/umap
+ git clone https://github.com/pyqtgraph/pyqtgraph
```
-- [PyPi](https://pypi.org/project/umap-learn) (π₯ 1.7M / month Β· π¦ 1.1K Β· β±οΈ 28.10.2024):
+- [PyPi](https://pypi.org/project/pyqtgraph) (π₯ 380K / month Β· π¦ 1K Β· β±οΈ 29.04.2024):
```
- pip install umap-learn
+ pip install pyqtgraph
```
-- [Conda](https://anaconda.org/conda-forge/umap-learn) (π₯ 2.7M Β· β±οΈ 29.10.2024):
+- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (π₯ 690K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge umap-learn
+ conda install -c conda-forge pyqtgraph
```
-plotnine (π₯35 Β· β 4K) - A Grammar of Graphics for Python. MIT
+plotnine (π₯36 Β· β 4.2K) - A Grammar of Graphics for Python. MIT
-- [GitHub](https://github.com/has2k1/plotnine) (π¨βπ» 110 Β· π 220 Β· π¦ 9.1K Β· π 680 - 12% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/has2k1/plotnine) (π¨βπ» 110 Β· π 230 Β· π¦ 12K Β· π 720 - 10% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/has2k1/plotnine
```
-- [PyPi](https://pypi.org/project/plotnine) (π₯ 2.8M / month Β· π¦ 320 Β· β±οΈ 28.10.2024):
+- [PyPi](https://pypi.org/project/plotnine) (π₯ 2.4M / month Β· π¦ 370 Β· β±οΈ 23.04.2025):
```
pip install plotnine
```
-- [Conda](https://anaconda.org/conda-forge/plotnine) (π₯ 410K Β· β±οΈ 29.10.2024):
+- [Conda](https://anaconda.org/conda-forge/plotnine) (π₯ 460K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge plotnine
```
-Graphviz (π₯35 Β· β 1.6K) - Simple Python interface for Graphviz. MIT
+Graphviz (π₯36 Β· β 1.7K Β· π€) - Simple Python interface for Graphviz. MIT
-- [GitHub](https://github.com/xflr6/graphviz) (π¨βπ» 23 Β· π 210 Β· π¦ 75K Β· π 180 - 7% open Β· β±οΈ 13.05.2024):
+- [GitHub](https://github.com/xflr6/graphviz) (π¨βπ» 23 Β· π 210 Β· π¦ 89K Β· π 190 - 6% open Β· β±οΈ 13.05.2024):
```
git clone https://github.com/xflr6/graphviz
```
-- [PyPi](https://pypi.org/project/graphviz) (π₯ 15M / month Β· π¦ 2.6K Β· β±οΈ 21.03.2024):
+- [PyPi](https://pypi.org/project/graphviz) (π₯ 21M / month Β· π¦ 2.9K Β· β±οΈ 21.03.2024):
```
pip install graphviz
```
-- [Conda](https://anaconda.org/anaconda/python-graphviz) (π₯ 50K Β· β±οΈ 08.04.2024):
+- [Conda](https://anaconda.org/anaconda/python-graphviz) (π₯ 54K Β· β±οΈ 22.04.2025):
```
conda install -c anaconda python-graphviz
```
-VisPy (π₯34 Β· β 3.3K) - High-performance interactive 2D/3D data visualization library. BSD-3

+VisPy (π₯35 Β· β 3.4K) - High-performance interactive 2D/3D data visualization library. BSD-3

-- [GitHub](https://github.com/vispy/vispy) (π¨βπ» 200 Β· π 620 Β· π¦ 1.7K Β· π 1.5K - 24% open Β· β±οΈ 07.10.2024):
+- [GitHub](https://github.com/vispy/vispy) (π¨βπ» 200 Β· π 620 Β· π¦ 2K Β· π 1.5K - 25% open Β· β±οΈ 28.04.2025):
```
git clone https://github.com/vispy/vispy
```
-- [PyPi](https://pypi.org/project/vispy) (π₯ 290K / month Β· π¦ 170 Β· β±οΈ 17.06.2024):
+- [PyPi](https://pypi.org/project/vispy) (π₯ 160K / month Β· π¦ 200 Β· β±οΈ 22.04.2025):
```
pip install vispy
```
-- [Conda](https://anaconda.org/conda-forge/vispy) (π₯ 630K Β· β±οΈ 04.09.2024):
+- [Conda](https://anaconda.org/conda-forge/vispy) (π₯ 800K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge vispy
```
-- [npm](https://www.npmjs.com/package/vispy) (π₯ 9 / month Β· π¦ 3 Β· β±οΈ 15.03.2020):
+- [npm](https://www.npmjs.com/package/vispy) (π₯ 19 / month Β· π¦ 3 Β· β±οΈ 15.03.2020):
```
npm install vispy
```
-datashader (π₯34 Β· β 3.3K) - Quickly and accurately render even the largest data. BSD-3
-
-- [GitHub](https://github.com/holoviz/datashader) (π¨βπ» 56 Β· π 360 Β· π¦ 5K Β· π 580 - 23% open Β· β±οΈ 29.10.2024):
-
- ```
- git clone https://github.com/holoviz/datashader
- ```
-- [PyPi](https://pypi.org/project/datashader) (π₯ 140K / month Β· π¦ 200 Β· β±οΈ 04.07.2024):
- ```
- pip install datashader
- ```
-- [Conda](https://anaconda.org/conda-forge/datashader) (π₯ 1.2M Β· β±οΈ 08.07.2024):
- ```
- conda install -c conda-forge datashader
- ```
-
-Perspective (π₯33 Β· β 8.4K) - A data visualization and analytics component, especially.. Apache-2

+Perspective (π₯34 Β· β 9.1K) - A data visualization and analytics component, especially.. Apache-2

-- [GitHub](https://github.com/finos/perspective) (π¨βπ» 98 Β· π 1.2K Β· π₯ 5.6K Β· π¦ 150 Β· π 820 - 12% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/finos/perspective) (π¨βπ» 100 Β· π 1.2K Β· π₯ 11K Β· π¦ 180 Β· π 880 - 12% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/finos/perspective
```
-- [PyPi](https://pypi.org/project/perspective-python) (π₯ 22K / month Β· π¦ 26 Β· β±οΈ 22.10.2024):
+- [PyPi](https://pypi.org/project/perspective-python) (π₯ 21K / month Β· π¦ 30 Β· β±οΈ 01.05.2025):
```
pip install perspective-python
```
-- [Conda](https://anaconda.org/conda-forge/perspective) (π₯ 1.3M Β· β±οΈ 21.09.2024):
+- [Conda](https://anaconda.org/conda-forge/perspective) (π₯ 2M Β· β±οΈ 07.05.2025):
```
conda install -c conda-forge perspective
```
-- [npm](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (π₯ 3.8K / month Β· π¦ 6 Β· β±οΈ 22.10.2024):
+- [npm](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (π₯ 500 / month Β· π¦ 6 Β· β±οΈ 01.05.2025):
```
npm install @finos/perspective-jupyterlab
```
-wordcloud (π₯32 Β· β 10K) - A little word cloud generator in Python. MIT
+datashader (π₯34 Β· β 3.4K) - Quickly and accurately render even the largest data. BSD-3
-- [GitHub](https://github.com/amueller/word_cloud) (π¨βπ» 72 Β· π 2.3K Β· π¦ 21 Β· π 550 - 23% open Β· β±οΈ 15.09.2024):
+- [GitHub](https://github.com/holoviz/datashader) (π¨βπ» 62 Β· π 370 Β· π¦ 6K Β· π 600 - 23% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/amueller/word_cloud
+ git clone https://github.com/holoviz/datashader
```
-- [PyPi](https://pypi.org/project/wordcloud) (π₯ 1.6M / month Β· π¦ 530 Β· β±οΈ 09.12.2023):
+- [PyPi](https://pypi.org/project/datashader) (π₯ 190K / month Β· π¦ 250 Β· β±οΈ 08.05.2025):
```
- pip install wordcloud
+ pip install datashader
```
-- [Conda](https://anaconda.org/conda-forge/wordcloud) (π₯ 550K Β· β±οΈ 16.09.2024):
+- [Conda](https://anaconda.org/conda-forge/datashader) (π₯ 1.4M Β· β±οΈ 08.05.2025):
```
- conda install -c conda-forge wordcloud
+ conda install -c conda-forge datashader
```
-lets-plot (π₯32 Β· β 1.6K) - Multiplatform plotting library based on the Grammar of Graphics. MIT
+cartopy (π₯34 Β· β 1.5K) - Cartopy - a cartographic python library with matplotlib support. BSD-3
-- [GitHub](https://github.com/JetBrains/lets-plot) (π¨βπ» 21 Β· π 51 Β· π₯ 1.3K Β· π¦ 130 Β· π 620 - 24% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/SciTools/cartopy) (π¨βπ» 130 Β· π 380 Β· π¦ 7.4K Β· π 1.3K - 24% open Β· β±οΈ 02.05.2025):
```
- git clone https://github.com/JetBrains/lets-plot
+ git clone https://github.com/SciTools/cartopy
```
-- [PyPi](https://pypi.org/project/lets-plot) (π₯ 64K / month Β· π¦ 13 Β· β±οΈ 25.10.2024):
+- [PyPi](https://pypi.org/project/cartopy) (π₯ 530K / month Β· π¦ 720 Β· β±οΈ 08.10.2024):
```
- pip install lets-plot
+ pip install cartopy
+ ```
+- [Conda](https://anaconda.org/conda-forge/cartopy) (π₯ 4.8M Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge cartopy
```
-hvPlot (π₯32 Β· β 1.1K) - A high-level plotting API for pandas, dask, xarray, and networkx built.. BSD-3
+UMAP (π₯33 Β· β 7.8K) - Uniform Manifold Approximation and Projection. BSD-3
-- [GitHub](https://github.com/holoviz/hvplot) (π¨βπ» 50 Β· π 110 Β· π¦ 6K Β· π 820 - 44% open Β· β±οΈ 16.10.2024):
+- [GitHub](https://github.com/lmcinnes/umap) (π¨βπ» 140 Β· π 820 Β· π¦ 1 Β· π 850 - 59% open Β· β±οΈ 02.05.2025):
```
- git clone https://github.com/holoviz/hvplot
+ git clone https://github.com/lmcinnes/umap
```
-- [PyPi](https://pypi.org/project/hvplot) (π₯ 220K / month Β· π¦ 200 Β· β±οΈ 16.10.2024):
+- [PyPi](https://pypi.org/project/umap-learn) (π₯ 1.5M / month Β· π¦ 1.1K Β· β±οΈ 28.10.2024):
```
- pip install hvplot
+ pip install umap-learn
```
-- [Conda](https://anaconda.org/conda-forge/hvplot) (π₯ 660K Β· β±οΈ 17.10.2024):
+- [Conda](https://anaconda.org/conda-forge/umap-learn) (π₯ 3M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge hvplot
+ conda install -c conda-forge umap-learn
```
-D-Tale (π₯31 Β· β 4.8K) - Visualizer for pandas data structures. βοΈLGPL-2.1


+lets-plot (π₯33 Β· β 1.7K) - Multiplatform plotting library based on the Grammar of Graphics. MIT
-- [GitHub](https://github.com/man-group/dtale) (π¨βπ» 30 Β· π 400 Β· π¦ 1.2K Β· π 590 - 10% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/JetBrains/lets-plot) (π¨βπ» 21 Β· π 53 Β· π₯ 3.2K Β· π¦ 180 Β· π 690 - 23% open Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/man-group/dtale
+ git clone https://github.com/JetBrains/lets-plot
```
-- [PyPi](https://pypi.org/project/dtale) (π₯ 130K / month Β· π¦ 48 Β· β±οΈ 25.10.2024):
+- [PyPi](https://pypi.org/project/lets-plot) (π₯ 49K / month Β· π¦ 15 Β· β±οΈ 28.03.2025):
```
- pip install dtale
+ pip install lets-plot
+ ```
+
+wordcloud (π₯32 Β· β 10K) - A little word cloud generator in Python. MIT
+
+- [GitHub](https://github.com/amueller/word_cloud) (π¨βπ» 73 Β· π 2.3K Β· π¦ 21 Β· π 560 - 24% open Β· β±οΈ 12.04.2025):
+
```
-- [Conda](https://anaconda.org/conda-forge/dtale) (π₯ 350K Β· β±οΈ 25.10.2024):
+ git clone https://github.com/amueller/word_cloud
```
- conda install -c conda-forge dtale
+- [PyPi](https://pypi.org/project/wordcloud) (π₯ 1.8M / month Β· π¦ 550 Β· β±οΈ 10.11.2024):
+ ```
+ pip install wordcloud
+ ```
+- [Conda](https://anaconda.org/conda-forge/wordcloud) (π₯ 660K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge wordcloud
```
-mpld3 (π₯30 Β· β 2.4K) - An interactive data visualization tool which brings matplotlib graphics to.. BSD-3
+hvPlot (π₯32 Β· β 1.2K) - A high-level plotting API for pandas, dask, xarray, and networkx built.. BSD-3
-- [GitHub](https://github.com/mpld3/mpld3) (π¨βπ» 53 Β· π 360 Β· π¦ 6.6K Β· π 360 - 59% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/holoviz/hvplot) (π¨βπ» 51 Β· π 110 Β· π¦ 7K Β· π 880 - 43% open Β· β±οΈ 05.05.2025):
+
+ ```
+ git clone https://github.com/holoviz/hvplot
+ ```
+- [PyPi](https://pypi.org/project/hvplot) (π₯ 200K / month Β· π¦ 240 Β· β±οΈ 30.04.2025):
+ ```
+ pip install hvplot
+ ```
+- [Conda](https://anaconda.org/conda-forge/hvplot) (π₯ 760K Β· β±οΈ 01.05.2025):
+ ```
+ conda install -c conda-forge hvplot
+ ```
+
+mpld3 (π₯31 Β· β 2.4K Β· π€) - An interactive data visualization tool which brings matplotlib.. BSD-3
+
+- [GitHub](https://github.com/mpld3/mpld3) (π¨βπ» 53 Β· π 360 Β· π¦ 7.4K Β· π 370 - 59% open Β· β±οΈ 30.10.2024):
```
git clone https://github.com/mpld3/mpld3
```
-- [PyPi](https://pypi.org/project/mpld3) (π₯ 340K / month Β· π¦ 150 Β· β±οΈ 23.12.2023):
+- [PyPi](https://pypi.org/project/mpld3) (π₯ 310K / month Β· π¦ 150 Β· β±οΈ 23.12.2023):
```
pip install mpld3
```
-- [Conda](https://anaconda.org/conda-forge/mpld3) (π₯ 210K Β· β±οΈ 23.12.2023):
+- [Conda](https://anaconda.org/conda-forge/mpld3) (π₯ 230K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge mpld3
```
-- [npm](https://www.npmjs.com/package/mpld3) (π₯ 850 / month Β· π¦ 9 Β· β±οΈ 23.12.2023):
+- [npm](https://www.npmjs.com/package/mpld3) (π₯ 1K / month Β· π¦ 9 Β· β±οΈ 23.12.2023):
```
npm install mpld3
```
-bqplot (π₯29 Β· β 3.6K) - Plotting library for IPython/Jupyter notebooks. Apache-2

+D-Tale (π₯30 Β· β 4.9K) - Visualizer for pandas data structures. βοΈLGPL-2.1


+
+- [GitHub](https://github.com/man-group/dtale) (π¨βπ» 30 Β· π 420 Β· π¦ 1.5K Β· π 600 - 10% open Β· β±οΈ 20.03.2025):
+
+ ```
+ git clone https://github.com/man-group/dtale
+ ```
+- [PyPi](https://pypi.org/project/dtale) (π₯ 170K / month Β· π¦ 53 Β· β±οΈ 20.03.2025):
+ ```
+ pip install dtale
+ ```
+- [Conda](https://anaconda.org/conda-forge/dtale) (π₯ 420K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge dtale
+ ```
+
+bqplot (π₯30 Β· β 3.7K Β· π€) - Plotting library for IPython/Jupyter notebooks. Apache-2

-- [GitHub](https://github.com/bqplot/bqplot) (π¨βπ» 65 Β· π 460 Β· π¦ 59 Β· π 630 - 41% open Β· β±οΈ 22.10.2024):
+- [GitHub](https://github.com/bqplot/bqplot) (π¨βπ» 65 Β· π 470 Β· π¦ 61 Β· π 640 - 42% open Β· β±οΈ 22.10.2024):
```
git clone https://github.com/bqplot/bqplot
```
-- [PyPi](https://pypi.org/project/bqplot) (π₯ 190K / month Β· π¦ 99 Β· β±οΈ 25.03.2024):
+- [PyPi](https://pypi.org/project/bqplot) (π₯ 200K / month Β· π¦ 110 Β· β±οΈ 24.12.2024):
```
pip install bqplot
```
-- [Conda](https://anaconda.org/conda-forge/bqplot) (π₯ 1.4M Β· β±οΈ 19.02.2024):
+- [Conda](https://anaconda.org/conda-forge/bqplot) (π₯ 1.6M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge bqplot
```
-- [npm](https://www.npmjs.com/package/bqplot) (π₯ 2.6K / month Β· π¦ 21 Β· β±οΈ 25.03.2024):
+- [npm](https://www.npmjs.com/package/bqplot) (π₯ 1.9K / month Β· π¦ 21 Β· β±οΈ 24.12.2024):
```
npm install bqplot
```
-openTSNE (π₯28 Β· β 1.5K) - Extensible, parallel implementations of t-SNE. BSD-3
+HyperTools (π₯27 Β· β 1.8K Β· π) - A Python toolbox for gaining geometric insights into high-.. MIT
-- [GitHub](https://github.com/pavlin-policar/openTSNE) (π¨βπ» 13 Β· π 160 Β· π¦ 900 Β· π 140 - 3% open Β· β±οΈ 24.10.2024):
+- [GitHub](https://github.com/ContextLab/hypertools) (π¨βπ» 23 Β· π 160 Β· π₯ 71 Β· π¦ 500 Β· π 200 - 34% open Β· β±οΈ 24.04.2025):
```
- git clone https://github.com/pavlin-policar/openTSNE
- ```
-- [PyPi](https://pypi.org/project/opentsne) (π₯ 39K / month Β· π¦ 47 Β· β±οΈ 13.08.2024):
- ```
- pip install opentsne
+ git clone https://github.com/ContextLab/hypertools
```
-- [Conda](https://anaconda.org/conda-forge/opentsne) (π₯ 330K Β· β±οΈ 13.09.2024):
+- [PyPi](https://pypi.org/project/hypertools) (π₯ 610 / month Β· π¦ 2 Β· β±οΈ 12.02.2022):
```
- conda install -c conda-forge opentsne
+ pip install hypertools
```
-Chartify (π₯27 Β· β 3.5K) - Python library that makes it easy for data scientists to create.. Apache-2
+AutoViz (π₯27 Β· β 1.8K Β· π€) - Automatically Visualize any dataset, any size with a single line.. Apache-2
-- [GitHub](https://github.com/spotify/chartify) (π¨βπ» 27 Β· π 320 Β· π¦ 80 Β· π 83 - 61% open Β· β±οΈ 16.10.2024):
+- [GitHub](https://github.com/AutoViML/AutoViz) (π¨βπ» 17 Β· π 200 Β· π¦ 860 Β· π 98 - 2% open Β· β±οΈ 10.06.2024):
```
- git clone https://github.com/spotify/chartify
+ git clone https://github.com/AutoViML/AutoViz
```
-- [PyPi](https://pypi.org/project/chartify) (π₯ 4.1K / month Β· π¦ 9 Β· β±οΈ 16.10.2024):
+- [PyPi](https://pypi.org/project/autoviz) (π₯ 17K / month Β· π¦ 11 Β· β±οΈ 10.06.2024):
```
- pip install chartify
+ pip install autoviz
```
-- [Conda](https://anaconda.org/conda-forge/chartify) (π₯ 34K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/autoviz) (π₯ 84K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge chartify
+ conda install -c conda-forge autoviz
```
-Sweetviz (π₯27 Β· β 2.9K Β· π€) - Visualize and compare datasets, target values and associations, with.. MIT
+openTSNE (π₯27 Β· β 1.5K Β· π€) - Extensible, parallel implementations of t-SNE. BSD-3
-- [GitHub](https://github.com/fbdesignpro/sweetviz) (π¨βπ» 11 Β· π 280 Β· π¦ 2.6K Β· π 140 - 31% open Β· β±οΈ 29.11.2023):
+- [GitHub](https://github.com/pavlin-policar/openTSNE) (π¨βπ» 13 Β· π 170 Β· π¦ 1.1K Β· π 140 - 7% open Β· β±οΈ 24.10.2024):
```
- git clone https://github.com/fbdesignpro/sweetviz
+ git clone https://github.com/pavlin-policar/openTSNE
```
-- [PyPi](https://pypi.org/project/sweetviz) (π₯ 73K / month Β· π¦ 30 Β· β±οΈ 29.11.2023):
+- [PyPi](https://pypi.org/project/opentsne) (π₯ 42K / month Β· π¦ 47 Β· β±οΈ 13.08.2024):
```
- pip install sweetviz
+ pip install opentsne
```
-- [Conda](https://anaconda.org/conda-forge/sweetviz) (π₯ 35K Β· β±οΈ 04.12.2023):
+- [Conda](https://anaconda.org/conda-forge/opentsne) (π₯ 430K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge sweetviz
+ conda install -c conda-forge opentsne
```
-HyperTools (π₯26 Β· β 1.8K Β· π€) - A Python toolbox for gaining geometric insights into high-.. MIT
+Plotly-Resampler (π₯27 Β· β 1.1K) - Visualize large time series data with plotly.py. MIT
-- [GitHub](https://github.com/ContextLab/hypertools) (π¨βπ» 22 Β· π 160 Β· π₯ 52 Β· π¦ 490 Β· π 200 - 34% open Β· β±οΈ 19.03.2024):
+- [GitHub](https://github.com/predict-idlab/plotly-resampler) (π¨βπ» 14 Β· π 72 Β· π¦ 1.9K Β· π 180 - 32% open Β· β±οΈ 07.04.2025):
```
- git clone https://github.com/ContextLab/hypertools
+ git clone https://github.com/predict-idlab/plotly-resampler
```
-- [PyPi](https://pypi.org/project/hypertools) (π₯ 2.2K / month Β· π¦ 2 Β· β±οΈ 12.02.2022):
+- [PyPi](https://pypi.org/project/plotly-resampler) (π₯ 480K / month Β· π¦ 31 Β· β±οΈ 07.04.2025):
```
- pip install hypertools
+ pip install plotly-resampler
+ ```
+- [Conda](https://anaconda.org/conda-forge/plotly-resampler) (π₯ 110K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge plotly-resampler
```
-AutoViz (π₯26 Β· β 1.7K) - Automatically Visualize any dataset, any size with a single line of.. Apache-2
+Chartify (π₯25 Β· β 3.6K Β· π€) - Python library that makes it easy for data scientists to create.. Apache-2
-- [GitHub](https://github.com/AutoViML/AutoViz) (π¨βπ» 17 Β· π 200 Β· π¦ 780 Β· π 94 - 3% open Β· β±οΈ 10.06.2024):
+- [GitHub](https://github.com/spotify/chartify) (π¨βπ» 27 Β· π 320 Β· π¦ 82 Β· π 83 - 61% open Β· β±οΈ 16.10.2024):
```
- git clone https://github.com/AutoViML/AutoViz
+ git clone https://github.com/spotify/chartify
```
-- [PyPi](https://pypi.org/project/autoviz) (π₯ 43K / month Β· π¦ 11 Β· β±οΈ 10.06.2024):
+- [PyPi](https://pypi.org/project/chartify) (π₯ 1.7K / month Β· π¦ 9 Β· β±οΈ 16.10.2024):
```
- pip install autoviz
+ pip install chartify
```
-- [Conda](https://anaconda.org/conda-forge/autoviz) (π₯ 67K Β· β±οΈ 26.04.2024):
+- [Conda](https://anaconda.org/conda-forge/chartify) (π₯ 37K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge autoviz
+ conda install -c conda-forge chartify
```
-data-validation (π₯26 Β· β 760) - Library for exploring and validating machine learning.. Apache-2


+data-validation (π₯25 Β· β 770) - Library for exploring and validating machine learning.. Apache-2


-- [GitHub](https://github.com/tensorflow/data-validation) (π¨βπ» 27 Β· π 170 Β· π₯ 880 Β· π 180 - 20% open Β· β±οΈ 23.10.2024):
+- [GitHub](https://github.com/tensorflow/data-validation) (π¨βπ» 27 Β· π 180 Β· π₯ 980 Β· π 190 - 20% open Β· β±οΈ 01.05.2025):
```
git clone https://github.com/tensorflow/data-validation
```
-- [PyPi](https://pypi.org/project/tensorflow-data-validation) (π₯ 170K / month Β· π¦ 31 Β· β±οΈ 15.10.2024):
+- [PyPi](https://pypi.org/project/tensorflow-data-validation) (π₯ 130K / month Β· π¦ 31 Β· β±οΈ 15.10.2024):
```
pip install tensorflow-data-validation
```
-Plotly-Resampler (π₯25 Β· β 1K) - Visualize large time series data with plotly.py. MIT
+python-ternary (π₯25 Β· β 760 Β· π€) - Ternary plotting library for python with matplotlib. MIT
-- [GitHub](https://github.com/predict-idlab/plotly-resampler) (π¨βπ» 13 Β· π 67 Β· π¦ 1.5K Β· π 170 - 30% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/marcharper/python-ternary) (π¨βπ» 28 Β· π 160 Β· π₯ 36 Β· π¦ 220 Β· π 140 - 24% open Β· β±οΈ 12.06.2024):
```
- git clone https://github.com/predict-idlab/plotly-resampler
+ git clone https://github.com/marcharper/python-ternary
```
-- [PyPi](https://pypi.org/project/plotly-resampler) (π₯ 370K / month Β· π¦ 24 Β· β±οΈ 27.03.2024):
+- [PyPi](https://pypi.org/project/python-ternary) (π₯ 17K / month Β· π¦ 32 Β· β±οΈ 17.02.2021):
```
- pip install plotly-resampler
+ pip install python-ternary
```
-- [Conda](https://anaconda.org/conda-forge/plotly-resampler) (π₯ 73K Β· β±οΈ 29.03.2024):
+- [Conda](https://anaconda.org/conda-forge/python-ternary) (π₯ 100K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge plotly-resampler
+ conda install -c conda-forge python-ternary
```
-python-ternary (π₯24 Β· β 730) - Ternary plotting library for python with matplotlib. MIT
+PyWaffle (π₯22 Β· β 600 Β· π€) - Make Waffle Charts in Python. MIT
-- [GitHub](https://github.com/marcharper/python-ternary) (π¨βπ» 28 Β· π 160 Β· π₯ 32 Β· π¦ 190 Β· π 140 - 24% open Β· β±οΈ 12.06.2024):
+- [GitHub](https://github.com/gyli/PyWaffle) (π¨βπ» 6 Β· π 110 Β· π¦ 520 Β· π 22 - 27% open Β· β±οΈ 16.06.2024):
```
- git clone https://github.com/marcharper/python-ternary
+ git clone https://github.com/gyli/PyWaffle
```
-- [PyPi](https://pypi.org/project/python-ternary) (π₯ 21K / month Β· π¦ 32 Β· β±οΈ 17.02.2021):
+- [PyPi](https://pypi.org/project/pywaffle) (π₯ 15K / month Β· π¦ 6 Β· β±οΈ 16.06.2024):
```
- pip install python-ternary
+ pip install pywaffle
```
-- [Conda](https://anaconda.org/conda-forge/python-ternary) (π₯ 91K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/pywaffle) (π₯ 16K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge python-ternary
+ conda install -c conda-forge pywaffle
```
-vega (π₯24 Β· β 370) - IPython/Jupyter notebook module for Vega and Vega-Lite. BSD-3

+vega (π₯22 Β· β 380) - IPython/Jupyter notebook module for Vega and Vega-Lite. BSD-3

-- [GitHub](https://github.com/vega/ipyvega) (π¨βπ» 15 Β· π 65 Β· π¦ 4 Β· π 110 - 14% open Β· β±οΈ 01.10.2024):
+- [GitHub](https://github.com/vega/ipyvega) (π¨βπ» 15 Β· π 65 Β· π¦ 4 Β· π 110 - 14% open Β· β±οΈ 01.01.2025):
```
git clone https://github.com/vega/ipyvega
```
-- [PyPi](https://pypi.org/project/vega) (π₯ 11K / month Β· π¦ 17 Β· β±οΈ 25.09.2024):
+- [PyPi](https://pypi.org/project/vega) (π₯ 18K / month Β· π¦ 17 Β· β±οΈ 25.09.2024):
```
pip install vega
```
-- [Conda](https://anaconda.org/conda-forge/vega) (π₯ 660K Β· β±οΈ 25.09.2024):
+- [Conda](https://anaconda.org/conda-forge/vega) (π₯ 730K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge vega
```
-ivis (π₯24 Β· β 330) - Dimensionality reduction in very large datasets using Siamese.. Apache-2

+Popmon (π₯21 Β· β 500) - Monitor the stability of a Pandas or Spark dataframe. MIT


-- [GitHub](https://github.com/beringresearch/ivis) (π¨βπ» 10 Β· π 43 Β· π¦ 36 Β· π 60 - 5% open Β· β±οΈ 29.09.2024):
+- [GitHub](https://github.com/ing-bank/popmon) (π¨βπ» 19 Β· π 36 Β· π₯ 260 Β· π¦ 22 Β· π 57 - 28% open Β· β±οΈ 24.01.2025):
```
- git clone https://github.com/beringresearch/ivis
+ git clone https://github.com/ing-bank/popmon
```
-- [PyPi](https://pypi.org/project/ivis) (π₯ 2.5K / month Β· π¦ 2 Β· β±οΈ 13.06.2024):
+- [PyPi](https://pypi.org/project/popmon) (π₯ 9.8K / month Β· π¦ 4 Β· β±οΈ 24.01.2025):
```
- pip install ivis
+ pip install popmon
```
-Multicore-TSNE (π₯23 Β· β 1.9K Β· π€) - Parallel t-SNE implementation with Python and Torch.. BSD-3

+vegafusion (π₯20 Β· β 350) - Serverside scaling for Vega and Altair visualizations. BSD-3
-- [GitHub](https://github.com/DmitryUlyanov/Multicore-TSNE) (π¨βπ» 18 Β· π 230 Β· π¦ 470 Β· π 69 - 65% open Β· β±οΈ 06.02.2024):
+- [GitHub](https://github.com/vega/vegafusion) (π¨βπ» 6 Β· π 20 Β· π₯ 13K Β· π 140 - 36% open Β· β±οΈ 23.02.2025):
```
- git clone https://github.com/DmitryUlyanov/Multicore-TSNE
- ```
-- [PyPi](https://pypi.org/project/MulticoreTSNE) (π₯ 1.9K / month Β· π¦ 22 Β· β±οΈ 09.01.2019):
- ```
- pip install MulticoreTSNE
- ```
-- [Conda](https://anaconda.org/conda-forge/multicore-tsne) (π₯ 53K Β· β±οΈ 11.10.2023):
+ git clone https://github.com/vegafusion/vegafusion
```
- conda install -c conda-forge multicore-tsne
+- [PyPi](https://pypi.org/project/vegafusion-jupyter) (π₯ 2.3K / month Β· π¦ 2 Β· β±οΈ 09.05.2024):
```
-
-PyWaffle (π₯22 Β· β 580) - Make Waffle Charts in Python. MIT
-
-- [GitHub](https://github.com/gyli/PyWaffle) (π¨βπ» 6 Β· π 100 Β· π¦ 410 Β· π 22 - 27% open Β· β±οΈ 16.06.2024):
-
- ```
- git clone https://github.com/gyli/PyWaffle
+ pip install vegafusion-jupyter
```
-- [PyPi](https://pypi.org/project/pywaffle) (π₯ 9.8K / month Β· π¦ 6 Β· β±οΈ 16.06.2024):
+- [Conda](https://anaconda.org/conda-forge/vegafusion-python-embed) (π₯ 430K Β· β±οΈ 22.04.2025):
```
- pip install pywaffle
+ conda install -c conda-forge vegafusion-python-embed
```
-- [Conda](https://anaconda.org/conda-forge/pywaffle) (π₯ 14K Β· β±οΈ 16.06.2023):
+- [npm](https://www.npmjs.com/package/vegafusion-jupyter) (π₯ 120 / month Β· π¦ 3 Β· β±οΈ 09.05.2024):
```
- conda install -c conda-forge pywaffle
+ npm install vegafusion-jupyter
```
-animatplot (π₯21 Β· β 410) - A python package for animating plots build on matplotlib. MIT
+animatplot (π₯19 Β· β 420 Β· π€) - A python package for animating plots build on matplotlib. MIT
-- [GitHub](https://github.com/t-makaro/animatplot) (π¨βπ» 7 Β· π 38 Β· π¦ 60 Β· π 37 - 45% open Β· β±οΈ 29.08.2024):
+- [GitHub](https://github.com/t-makaro/animatplot) (π¨βπ» 6 Β· π 38 Β· π¦ 76 Β· π 37 - 45% open Β· β±οΈ 29.08.2024):
```
git clone https://github.com/t-makaro/animatplot
```
-- [PyPi](https://pypi.org/project/animatplot) (π₯ 2.6K / month Β· π¦ 4 Β· β±οΈ 29.08.2024):
+- [PyPi](https://pypi.org/project/animatplot) (π₯ 330 / month Β· π¦ 4 Β· β±οΈ 29.08.2024):
```
pip install animatplot
```
-- [Conda](https://anaconda.org/conda-forge/animatplot) (π₯ 15K Β· β±οΈ 01.09.2024):
+- [Conda](https://anaconda.org/conda-forge/animatplot) (π₯ 17K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge animatplot
```
-vegafusion (π₯20 Β· β 320) - Serverside scaling for Vega and Altair visualizations. BSD-3
+ivis (π₯19 Β· β 330 Β· π€) - Dimensionality reduction in very large datasets using Siamese.. Apache-2

-- [GitHub](https://github.com/vega/vegafusion) (π¨βπ» 4 Β· π 18 Β· π₯ 7.7K Β· π 140 - 36% open Β· β±οΈ 14.08.2024):
+- [GitHub](https://github.com/beringresearch/ivis) (π¨βπ» 10 Β· π 43 Β· π¦ 38 Β· π 60 - 5% open Β· β±οΈ 29.09.2024):
```
- git clone https://github.com/vegafusion/vegafusion
- ```
-- [PyPi](https://pypi.org/project/vegafusion-jupyter) (π₯ 4.1K / month Β· π¦ 2 Β· β±οΈ 09.05.2024):
- ```
- pip install vegafusion-jupyter
- ```
-- [Conda](https://anaconda.org/conda-forge/vegafusion-python-embed) (π₯ 260K Β· β±οΈ 31.10.2024):
- ```
- conda install -c conda-forge vegafusion-python-embed
+ git clone https://github.com/beringresearch/ivis
```
-- [npm](https://www.npmjs.com/package/vegafusion-jupyter) (π₯ 180 / month Β· π¦ 3 Β· β±οΈ 09.05.2024):
+- [PyPi](https://pypi.org/project/ivis) (π₯ 1.4K / month Β· π¦ 2 Β· β±οΈ 13.06.2024):
```
- npm install vegafusion-jupyter
+ pip install ivis
```
-Show 15 hidden projects...
+Show 17 hidden projects...
-- missingno (π₯29 Β· β 3.9K Β· π) - Missing data visualization module for Python. MIT
-- Cufflinks (π₯29 Β· β 3K Β· π) - Productivity Tools for Plotly + Pandas. MIT

-- Facets Overview (π₯28 Β· β 7.4K Β· π) - Visualizations for machine learning datasets. Apache-2

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

-- HiPlot (π₯25 Β· β 2.7K Β· π) - HiPlot makes understanding high dimensional data easy. MIT
-- PandasGUI (π₯23 Β· β 3.2K Β· π€) - A GUI for Pandas DataFrames. βοΈMIT-0

-- Pandas-Bokeh (π₯23 Β· β 880 Β· π) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT

-- pivottablejs (π₯22 Β· β 690 Β· π) - Dragndrop Pivot Tables and Charts for Jupyter/IPython.. MIT

-- PDPbox (π₯21 Β· β 840 Β· π) - python partial dependence plot toolbox. MIT
-- joypy (π₯21 Β· β 560 Β· π) - Joyplots in Python with matplotlib & pandas. MIT
-- Popmon (π₯21 Β· β 500 Β· π) - Monitor the stability of a Pandas or Spark dataframe. MIT


-- pdvega (π₯17 Β· β 340 Β· π) - Interactive plotting for Pandas using Vega-Lite. MIT
+- missingno (π₯30 Β· β 4.1K Β· π) - Missing data visualization module for Python. MIT
+- Cufflinks (π₯28 Β· β 3.1K Β· π) - Productivity Tools for Plotly + Pandas. MIT

+- pythreejs (π₯28 Β· β 970 Β· π) - A Jupyter - Three.js bridge. BSD-3

+- Facets Overview (π₯27 Β· β 7.4K Β· π) - Visualizations for machine learning datasets. Apache-2

+- Sweetviz (π₯27 Β· β 3K Β· π) - Visualize and compare datasets, target values and associations, with.. MIT
+- HiPlot (π₯25 Β· β 2.8K Β· π) - HiPlot makes understanding high dimensional data easy. MIT
+- PandasGUI (π₯24 Β· β 3.2K Β· π) - A GUI for Pandas DataFrames. βοΈMIT-0

+- Multicore-TSNE (π₯24 Β· β 1.9K Β· π) - Parallel t-SNE implementation with Python and Torch.. BSD-3

+- ridgeplot (π₯24 Β· β 230) - Beautiful ridgeline plots in Python. MIT
+- Pandas-Bokeh (π₯22 Β· β 880 Β· π) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT

+- pivottablejs (π₯22 Β· β 700 Β· π) - Dragndrop Pivot Tables and Charts for Jupyter/IPython.. MIT

+- joypy (π₯22 Β· β 590 Β· π) - Joyplots in Python with matplotlib & pandas. MIT
+- PDPbox (π₯21 Β· β 850 Β· π) - python partial dependence plot toolbox. 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 (π₯13 Β· β 32 Β· π) - nptsne is a numpy compatible python binary package that offers a.. Apache-2
+- nptsne (π₯13 Β· β 33 Β· π) - nptsne is a numpy compatible python binary package that offers a.. Apache-2
@@ -1437,756 +1338,712 @@ _General-purpose and task-specific data visualization libraries._
_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 (π₯52 Β· β 130K) - Transformers: State-of-the-art Machine Learning for.. Apache-2


+transformers (π₯54 Β· β 140K) - Transformers: State-of-the-art Machine Learning for.. Apache-2


-- [GitHub](https://github.com/huggingface/transformers) (π¨βπ» 2.9K Β· π 27K Β· π¦ 230K Β· π 17K - 8% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/huggingface/transformers) (π¨βπ» 3.2K Β· π 29K Β· π¦ 360K Β· π 18K - 9% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/huggingface/transformers
```
-- [PyPi](https://pypi.org/project/transformers) (π₯ 45M / month Β· π¦ 6.6K Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/transformers) (π₯ 63M / month Β· π¦ 8.5K Β· β±οΈ 14.04.2025):
```
pip install transformers
```
-- [Conda](https://anaconda.org/conda-forge/transformers) (π₯ 2.2M Β· β±οΈ 29.10.2024):
+- [Conda](https://anaconda.org/conda-forge/transformers) (π₯ 2.8M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge transformers
```
-spaCy (π₯45 Β· β 30K) - Industrial-strength Natural Language Processing (NLP) in Python. MIT
-
-- [GitHub](https://github.com/explosion/spaCy) (π¨βπ» 760 Β· π 4.4K Β· π₯ 400 Β· π¦ 100K Β· π 5.7K - 2% open Β· β±οΈ 23.10.2024):
-
- ```
- git clone https://github.com/explosion/spaCy
- ```
-- [PyPi](https://pypi.org/project/spacy) (π₯ 14M / month Β· π¦ 2.7K Β· β±οΈ 01.10.2024):
- ```
- pip install spacy
- ```
-- [Conda](https://anaconda.org/conda-forge/spacy) (π₯ 4.4M Β· β±οΈ 22.09.2024):
- ```
- conda install -c conda-forge spacy
- ```
-
nltk (π₯45 Β· β 14K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
-- [GitHub](https://github.com/nltk/nltk) (π¨βπ» 460 Β· π 2.9K Β· π¦ 320K Β· π 1.8K - 15% open Β· β±οΈ 25.09.2024):
+- [GitHub](https://github.com/nltk/nltk) (π¨βπ» 470 Β· π 2.9K Β· π¦ 390K Β· π 1.9K - 14% open Β· β±οΈ 02.05.2025):
```
git clone https://github.com/nltk/nltk
```
-- [PyPi](https://pypi.org/project/nltk) (π₯ 22M / month Β· π¦ 4.7K Β· β±οΈ 18.08.2024):
+- [PyPi](https://pypi.org/project/nltk) (π₯ 33M / month Β· π¦ 4.7K Β· β±οΈ 18.08.2024):
```
pip install nltk
```
-- [Conda](https://anaconda.org/conda-forge/nltk) (π₯ 2.8M Β· β±οΈ 18.08.2024):
+- [Conda](https://anaconda.org/conda-forge/nltk) (π₯ 3.2M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge nltk
```
-litellm (π₯43 Β· β 13K Β· π) - Python SDK, Proxy Server (LLM Gateway) to call 100+.. MIT
o
t
h
e
r
s
+litellm (π₯44 Β· β 22K Β· π) - Python SDK, Proxy Server (LLM Gateway) to call 100+.. MIT
o
t
h
e
r
s
-- [GitHub](https://github.com/BerriAI/litellm) (π¨βπ» 350 Β· π 1.6K Β· π₯ 350 Β· π¦ 4.2K Β· π 3.6K - 19% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/BerriAI/litellm) (π¨βπ» 510 Β· π 2.8K Β· π₯ 670 Β· π¦ 12K Β· π 5.6K - 25% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/BerriAI/litellm
```
-- [PyPi](https://pypi.org/project/litellm) (π₯ 3.1M / month Β· π¦ 480 Β· β±οΈ 30.10.2024):
+- [PyPi](https://pypi.org/project/litellm) (π₯ 8M / month Β· π¦ 1.1K Β· β±οΈ 07.05.2025):
```
pip install litellm
```
-sentence-transformers (π₯41 Β· β 15K) - State-of-the-Art Text Embeddings. Apache-2

+spaCy (π₯43 Β· β 32K) - Industrial-strength Natural Language Processing (NLP) in Python. MIT
-- [GitHub](https://github.com/UKPLab/sentence-transformers) (π¨βπ» 190 Β· π 2.5K Β· π¦ 53K Β· π 2.2K - 53% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/explosion/spaCy) (π¨βπ» 760 Β· π 4.5K Β· π₯ 2.4K Β· π¦ 130K Β· π 5.7K - 3% open Β· β±οΈ 11.04.2025):
```
- git clone https://github.com/UKPLab/sentence-transformers
+ git clone https://github.com/explosion/spaCy
```
-- [PyPi](https://pypi.org/project/sentence-transformers) (π₯ 6M / month Β· π¦ 1.7K Β· β±οΈ 21.10.2024):
+- [PyPi](https://pypi.org/project/spacy) (π₯ 19M / month Β· π¦ 3.1K Β· β±οΈ 01.04.2025):
```
- pip install sentence-transformers
+ pip install spacy
```
-- [Conda](https://anaconda.org/conda-forge/sentence-transformers) (π₯ 430K Β· β±οΈ 21.10.2024):
+- [Conda](https://anaconda.org/conda-forge/spacy) (π₯ 5.8M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge sentence-transformers
+ conda install -c conda-forge spacy
```
-Tokenizers (π₯40 Β· β 9K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
+sentence-transformers (π₯43 Β· β 17K) - State-of-the-Art Text Embeddings. Apache-2

-- [GitHub](https://github.com/huggingface/tokenizers) (π¨βπ» 99 Β· π 790 Β· π₯ 66 Β· π¦ 110K Β· π 1K - 5% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/UKPLab/sentence-transformers) (π¨βπ» 220 Β· π 2.6K Β· π¦ 100K Β· π 2.4K - 52% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/huggingface/tokenizers
+ git clone https://github.com/UKPLab/sentence-transformers
```
-- [PyPi](https://pypi.org/project/tokenizers) (π₯ 32M / month Β· π¦ 1K Β· β±οΈ 10.10.2024):
+- [PyPi](https://pypi.org/project/sentence-transformers) (π₯ 9.1M / month Β· π¦ 2.4K Β· β±οΈ 15.04.2025):
```
- pip install tokenizers
+ pip install sentence-transformers
```
-- [Conda](https://anaconda.org/conda-forge/tokenizers) (π₯ 2.2M Β· β±οΈ 10.10.2024):
+- [Conda](https://anaconda.org/conda-forge/sentence-transformers) (π₯ 690K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge tokenizers
+ conda install -c conda-forge sentence-transformers
```
-gensim (π₯39 Β· β 16K) - Topic Modelling for Humans. βοΈLGPL-2.1
+flair (π₯40 Β· β 14K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT

-- [GitHub](https://github.com/piskvorky/gensim) (π¨βπ» 460 Β· π 4.4K Β· π₯ 4.9K Β· π¦ 66K Β· π 1.8K - 20% open Β· β±οΈ 10.08.2024):
+- [GitHub](https://github.com/flairNLP/flair) (π¨βπ» 280 Β· π 2.1K Β· π¦ 4K Β· π 2.4K - 3% open Β· β±οΈ 27.04.2025):
```
- git clone https://github.com/RaRe-Technologies/gensim
+ git clone https://github.com/flairNLP/flair
```
-- [PyPi](https://pypi.org/project/gensim) (π₯ 4.4M / month Β· π¦ 1.4K Β· β±οΈ 19.07.2024):
+- [PyPi](https://pypi.org/project/flair) (π₯ 94K / month Β· π¦ 150 Β· β±οΈ 05.02.2025):
```
- pip install gensim
+ pip install flair
```
-- [Conda](https://anaconda.org/conda-forge/gensim) (π₯ 1.4M Β· β±οΈ 03.09.2024):
+- [Conda](https://anaconda.org/conda-forge/python-flair) (π₯ 42K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge gensim
+ conda install -c conda-forge python-flair
```
-Rasa (π₯38 Β· β 19K Β· π€) - Open source machine learning framework to automate text- and.. Apache-2

+Rasa (π₯39 Β· β 20K) - Open source machine learning framework to automate text- and voice-.. Apache-2

-- [GitHub](https://github.com/RasaHQ/rasa) (π¨βπ» 600 Β· π 4.6K Β· π¦ 4.5K Β· π 6.8K - 1% open Β· β±οΈ 21.03.2024):
+- [GitHub](https://github.com/RasaHQ/rasa) (π¨βπ» 590 Β· π 4.8K Β· π¦ 5.2K Β· π 6.8K - 2% open Β· β±οΈ 14.01.2025):
```
git clone https://github.com/RasaHQ/rasa
```
-- [PyPi](https://pypi.org/project/rasa) (π₯ 180K / month Β· π¦ 60 Β· β±οΈ 18.04.2024):
+- [PyPi](https://pypi.org/project/rasa) (π₯ 180K / month Β· π¦ 60 Β· β±οΈ 14.01.2025):
```
pip install rasa
```
-flair (π₯38 Β· β 14K) - A very simple framework for state-of-the-art Natural Language Processing.. MIT

+Tokenizers (π₯39 Β· β 9.7K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
-- [GitHub](https://github.com/flairNLP/flair) (π¨βπ» 270 Β· π 2.1K Β· π¦ 3.6K Β· π 2.3K - 4% open Β· β±οΈ 11.10.2024):
+- [GitHub](https://github.com/huggingface/tokenizers) (π¨βπ» 110 Β· π 870 Β· π₯ 74 Β· π¦ 170K Β· π 1.1K - 7% open Β· β±οΈ 18.03.2025):
```
- git clone https://github.com/flairNLP/flair
+ git clone https://github.com/huggingface/tokenizers
```
-- [PyPi](https://pypi.org/project/flair) (π₯ 110K / month Β· π¦ 140 Β· β±οΈ 25.07.2024):
+- [PyPi](https://pypi.org/project/tokenizers) (π₯ 53M / month Β· π¦ 1.3K Β· β±οΈ 13.03.2025):
```
- pip install flair
+ pip install tokenizers
```
-- [Conda](https://anaconda.org/conda-forge/python-flair) (π₯ 33K Β· β±οΈ 05.01.2024):
+- [Conda](https://anaconda.org/conda-forge/tokenizers) (π₯ 2.9M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge python-flair
+ conda install -c conda-forge tokenizers
```
-sentencepiece (π₯37 Β· β 10K Β· π) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
+haystack (π₯38 Β· β 21K) - AI orchestration framework to build customizable, production-ready.. Apache-2
-- [GitHub](https://github.com/google/sentencepiece) (π¨βπ» 89 Β· π 1.2K Β· π₯ 45K Β· π¦ 81K Β· π 750 - 4% open Β· β±οΈ 18.08.2024):
+- [GitHub](https://github.com/deepset-ai/haystack) (π¨βπ» 290 Β· π 2.1K Β· π¦ 1.1K Β· π 3.9K - 3% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/google/sentencepiece
- ```
-- [PyPi](https://pypi.org/project/sentencepiece) (π₯ 24M / month Β· π¦ 1.7K Β· β±οΈ 19.02.2024):
- ```
- pip install sentencepiece
+ git clone https://github.com/deepset-ai/haystack
```
-- [Conda](https://anaconda.org/conda-forge/sentencepiece) (π₯ 1.1M Β· β±οΈ 22.10.2024):
+- [PyPi](https://pypi.org/project/haystack) (π₯ 6.4K / month Β· π¦ 5 Β· β±οΈ 15.12.2021):
```
- conda install -c conda-forge sentencepiece
+ pip install haystack
```
-fairseq (π₯36 Β· β 30K) - Facebook AI Research Sequence-to-Sequence Toolkit written in Python. MIT

+gensim (π₯38 Β· β 16K) - Topic Modelling for Humans. βοΈLGPL-2.1
-- [GitHub](https://github.com/facebookresearch/fairseq) (π¨βπ» 430 Β· π 6.4K Β· π₯ 360 Β· π¦ 3.7K Β· π 4.3K - 29% open Β· β±οΈ 18.10.2024):
+- [GitHub](https://github.com/piskvorky/gensim) (π¨βπ» 460 Β· π 4.4K Β· π₯ 6K Β· π¦ 75K Β· π 1.9K - 21% open Β· β±οΈ 14.02.2025):
```
- git clone https://github.com/facebookresearch/fairseq
+ git clone https://github.com/RaRe-Technologies/gensim
```
-- [PyPi](https://pypi.org/project/fairseq) (π₯ 140K / month Β· π¦ 120 Β· β±οΈ 27.06.2022):
+- [PyPi](https://pypi.org/project/gensim) (π₯ 4.7M / month Β· π¦ 1.4K Β· β±οΈ 19.07.2024):
```
- pip install fairseq
+ pip install gensim
```
-- [Conda](https://anaconda.org/conda-forge/fairseq) (π₯ 99K Β· β±οΈ 31.10.2024):
+- [Conda](https://anaconda.org/conda-forge/gensim) (π₯ 1.6M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge fairseq
+ conda install -c conda-forge gensim
```
-NeMo (π₯36 Β· β 12K) - A scalable generative AI framework built for researchers and.. Apache-2

+ChatterBot (π₯38 Β· β 14K) - ChatterBot is a machine learning, conversational dialog engine for.. BSD-3
-- [GitHub](https://github.com/NVIDIA/NeMo) (π¨βπ» 360 Β· π 2.5K Β· π₯ 290K Β· π¦ 21 Β· π 2.4K - 7% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/gunthercox/ChatterBot) (π¨βπ» 110 Β· π 4.5K Β· π¦ 6.3K Β· π 1.7K - 8% open Β· β±οΈ 27.04.2025):
```
- git clone https://github.com/NVIDIA/NeMo
+ git clone https://github.com/gunthercox/ChatterBot
```
-- [PyPi](https://pypi.org/project/nemo-toolkit) (π₯ 100K / month Β· π¦ 13 Β· β±οΈ 15.08.2024):
+- [PyPi](https://pypi.org/project/chatterbot) (π₯ 31K / month Β· π¦ 18 Β· β±οΈ 05.04.2025):
```
- pip install nemo-toolkit
+ pip install chatterbot
```
-TextBlob (π₯36 Β· β 9.1K) - Simple, Pythonic, text processing--Sentiment analysis, part-of-speech.. MIT
+NeMo (π₯38 Β· β 14K) - A scalable generative AI framework built for researchers and.. Apache-2

-- [GitHub](https://github.com/sloria/TextBlob) (π¨βπ» 37 Β· π 1.1K Β· π₯ 120 Β· π¦ 44K Β· π 280 - 39% open Β· β±οΈ 07.08.2024):
+- [GitHub](https://github.com/NVIDIA/NeMo) (π¨βπ» 420 Β· π 2.8K Β· π₯ 360K Β· π¦ 21 Β· π 2.7K - 6% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/sloria/TextBlob
- ```
-- [PyPi](https://pypi.org/project/textblob) (π₯ 1.3M / month Β· π¦ 390 Β· β±οΈ 15.02.2024):
- ```
- pip install textblob
+ git clone https://github.com/NVIDIA/NeMo
```
-- [Conda](https://anaconda.org/conda-forge/textblob) (π₯ 270K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/nemo-toolkit) (π₯ 240K / month Β· π¦ 14 Β· β±οΈ 21.04.2025):
```
- conda install -c conda-forge textblob
+ pip install nemo-toolkit
```
-spark-nlp (π₯36 Β· β 3.9K Β· π) - State of the Art Natural Language Processing. Apache-2

+sentencepiece (π₯38 Β· β 11K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
-- [GitHub](https://github.com/JohnSnowLabs/spark-nlp) (π¨βπ» 110 Β· π 710 Β· π¦ 510 Β· π 890 - 3% open Β· β±οΈ 24.10.2024):
+- [GitHub](https://github.com/google/sentencepiece) (π¨βπ» 92 Β· π 1.2K Β· π₯ 56K Β· π¦ 110K Β· π 780 - 6% open Β· β±οΈ 26.02.2025):
```
- git clone https://github.com/JohnSnowLabs/spark-nlp
+ git clone https://github.com/google/sentencepiece
```
-- [PyPi](https://pypi.org/project/spark-nlp) (π₯ 3.6M / month Β· π¦ 37 Β· β±οΈ 24.10.2024):
+- [PyPi](https://pypi.org/project/sentencepiece) (π₯ 28M / month Β· π¦ 1.7K Β· β±οΈ 19.02.2024):
```
- pip install spark-nlp
+ pip install sentencepiece
+ ```
+- [Conda](https://anaconda.org/conda-forge/sentencepiece) (π₯ 1.5M Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge sentencepiece
```
-fastText (π₯35 Β· β 26K Β· π€) - Library for fast text representation and classification. MIT
+TextBlob (π₯38 Β· β 9.3K) - Simple, Pythonic, text processing--Sentiment analysis, part-of-speech.. MIT
-- [GitHub](https://github.com/facebookresearch/fastText) (π¨βπ» 68 Β· π 4.7K Β· π¦ 6.8K Β· π 1.2K - 47% open Β· β±οΈ 13.03.2024):
+- [GitHub](https://github.com/sloria/TextBlob) (π¨βπ» 37 Β· π 1.2K Β· π₯ 130 Β· π¦ 56K Β· π 310 - 32% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/facebookresearch/fastText
+ git clone https://github.com/sloria/TextBlob
```
-- [PyPi](https://pypi.org/project/fasttext) (π₯ 1.6M / month Β· π¦ 250 Β· β±οΈ 12.06.2024):
+- [PyPi](https://pypi.org/project/textblob) (π₯ 1.2M / month Β· π¦ 400 Β· β±οΈ 13.01.2025):
```
- pip install fasttext
+ pip install textblob
```
-- [Conda](https://anaconda.org/conda-forge/fasttext) (π₯ 110K Β· β±οΈ 19.05.2024):
+- [Conda](https://anaconda.org/conda-forge/textblob) (π₯ 280K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge fasttext
+ conda install -c conda-forge textblob
```
-haystack (π₯35 Β· β 17K) - AI orchestration framework to build customizable, production-ready.. Apache-2
+fairseq (π₯37 Β· β 31K Β· π€) - Facebook AI Research Sequence-to-Sequence Toolkit written in.. MIT

-- [GitHub](https://github.com/deepset-ai/haystack) (π¨βπ» 270 Β· π 1.9K Β· π¦ 600 Β· π 3.6K - 2% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/facebookresearch/fairseq) (π¨βπ» 430 Β· π 6.5K Β· π₯ 400 Β· π¦ 4.2K Β· π 4.4K - 30% open Β· β±οΈ 18.10.2024):
```
- git clone https://github.com/deepset-ai/haystack
+ git clone https://github.com/facebookresearch/fairseq
```
-- [PyPi](https://pypi.org/project/haystack) (π₯ 6.8K / month Β· π¦ 5 Β· β±οΈ 15.12.2021):
+- [PyPi](https://pypi.org/project/fairseq) (π₯ 91K / month Β· π¦ 120 Β· β±οΈ 27.06.2022):
```
- pip install haystack
+ pip install fairseq
+ ```
+- [Conda](https://anaconda.org/conda-forge/fairseq) (π₯ 140K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge fairseq
```
-stanza (π₯34 Β· β 7.3K) - Stanford NLP Python library for tokenization, sentence segmentation,.. Apache-2
+spark-nlp (π₯36 Β· β 4K) - State of the Art Natural Language Processing. Apache-2

-- [GitHub](https://github.com/stanfordnlp/stanza) (π¨βπ» 68 Β· π 890 Β· π¦ 3.2K Β· π 900 - 10% open Β· β±οΈ 12.09.2024):
+- [GitHub](https://github.com/JohnSnowLabs/spark-nlp) (π¨βπ» 110 Β· π 720 Β· π¦ 590 Β· π 910 - 2% open Β· β±οΈ 28.04.2025):
```
- git clone https://github.com/stanfordnlp/stanza
- ```
-- [PyPi](https://pypi.org/project/stanza) (π₯ 250K / month Β· π¦ 180 Β· β±οΈ 12.09.2024):
- ```
- pip install stanza
+ git clone https://github.com/JohnSnowLabs/spark-nlp
```
-- [Conda](https://anaconda.org/stanfordnlp/stanza) (π₯ 8.1K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/spark-nlp) (π₯ 4.2M / month Β· π¦ 37 Β· β±οΈ 28.04.2025):
```
- conda install -c stanfordnlp stanza
+ pip install spark-nlp
```
-rubrix (π₯34 Β· β 3.9K) - Argilla is a collaboration tool for AI engineers and domain experts.. Apache-2
+TensorFlow Text (π₯36 Β· β 1.3K) - Making text a first-class citizen in TensorFlow. Apache-2

-- [GitHub](https://github.com/argilla-io/argilla) (π¨βπ» 100 Β· π 370 Β· π¦ 2.8K Β· π 2.2K - 5% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/tensorflow/text) (π¨βπ» 180 Β· π 350 Β· π¦ 9.3K Β· π 370 - 52% open Β· β±οΈ 24.03.2025):
```
- git clone https://github.com/recognai/rubrix
+ git clone https://github.com/tensorflow/text
```
-- [PyPi](https://pypi.org/project/rubrix) (π₯ 3.4K / month Β· β±οΈ 24.10.2022):
+- [PyPi](https://pypi.org/project/tensorflow-text) (π₯ 6.6M / month Β· π¦ 230 Β· β±οΈ 04.04.2025):
```
- pip install rubrix
+ pip install tensorflow-text
```
-- [Conda](https://anaconda.org/conda-forge/rubrix) (π₯ 38K Β· β±οΈ 16.06.2023):
+
+qdrant (π₯34 Β· β 23K) - Qdrant - High-performance, massive-scale Vector Database and Vector.. Apache-2
+
+- [GitHub](https://github.com/qdrant/qdrant) (π¨βπ» 130 Β· π 1.6K Β· π₯ 390K Β· π¦ 120 Β· π 1.5K - 23% open Β· β±οΈ 25.04.2025):
+
```
- conda install -c conda-forge rubrix
+ git clone https://github.com/qdrant/qdrant
```
-ftfy (π₯34 Β· β 3.8K Β· π) - Fixes mojibake and other glitches in Unicode text, after the fact. Apache-2
+stanza (π₯33 Β· β 7.5K) - Stanford NLP Python library for tokenization, sentence segmentation,.. Apache-2
-- [GitHub](https://github.com/rspeer/python-ftfy) (π¨βπ» 20 Β· π 120 Β· π₯ 20 Β· π¦ 24K Β· π 140 - 5% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/stanfordnlp/stanza) (π¨βπ» 68 Β· π 900 Β· π¦ 3.8K Β· π 920 - 10% open Β· β±οΈ 24.12.2024):
```
- git clone https://github.com/rspeer/python-ftfy
+ git clone https://github.com/stanfordnlp/stanza
```
-- [PyPi](https://pypi.org/project/ftfy) (π₯ 5.4M / month Β· π¦ 570 Β· β±οΈ 26.10.2024):
+- [PyPi](https://pypi.org/project/stanza) (π₯ 360K / month Β· π¦ 200 Β· β±οΈ 24.12.2024):
```
- pip install ftfy
+ pip install stanza
```
-- [Conda](https://anaconda.org/conda-forge/ftfy) (π₯ 300K Β· β±οΈ 26.10.2024):
+- [Conda](https://anaconda.org/stanfordnlp/stanza) (π₯ 8.7K Β· β±οΈ 25.03.2025):
```
- conda install -c conda-forge ftfy
+ conda install -c stanfordnlp stanza
```
-TensorFlow Text (π₯34 Β· β 1.2K) - Making text a first-class citizen in TensorFlow. Apache-2

+OpenNMT (π₯33 Β· β 6.9K Β· π€) - Open Source Neural Machine Translation and (Large) Language.. MIT

-- [GitHub](https://github.com/tensorflow/text) (π¨βπ» 130 Β· π 340 Β· π¦ 7.5K Β· π 360 - 52% open Β· β±οΈ 05.09.2024):
+- [GitHub](https://github.com/OpenNMT/OpenNMT-py) (π¨βπ» 190 Β· π 2.3K Β· π¦ 330 Β· π 1.5K - 2% open Β· β±οΈ 27.06.2024):
```
- git clone https://github.com/tensorflow/text
- ```
-- [PyPi](https://pypi.org/project/tensorflow-text) (π₯ 8.1M / month Β· π¦ 220 Β· β±οΈ 28.10.2024):
- ```
- pip install tensorflow-text
+ git clone https://github.com/OpenNMT/OpenNMT-py
```
-
-qdrant (π₯33 Β· β 20K) - Qdrant - High-performance, massive-scale Vector Database and Vector.. Apache-2
-
-- [GitHub](https://github.com/qdrant/qdrant) (π¨βπ» 120 Β· π 1.4K Β· π₯ 240K Β· π¦ 120 Β· π 1.3K - 23% open Β· β±οΈ 11.10.2024):
-
+- [PyPi](https://pypi.org/project/OpenNMT-py) (π₯ 15K / month Β· π¦ 23 Β· β±οΈ 18.03.2024):
```
- git clone https://github.com/qdrant/qdrant
+ pip install OpenNMT-py
```
jellyfish (π₯33 Β· β 2.1K) - a python library for doing approximate and phonetic matching of strings. MIT
-- [GitHub](https://github.com/jamesturk/jellyfish) (π¨βπ» 33 Β· π 160 Β· π¦ 11K Β· π 140 - 5% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/jamesturk/jellyfish) (π¨βπ» 34 Β· π 160 Β· π¦ 14K Β· π 140 - 3% open Β· β±οΈ 31.03.2025):
```
git clone https://github.com/jamesturk/jellyfish
```
-- [PyPi](https://pypi.org/project/jellyfish) (π₯ 6M / month Β· π¦ 270 Β· β±οΈ 28.07.2024):
+- [PyPi](https://pypi.org/project/jellyfish) (π₯ 7.5M / month Β· π¦ 300 Β· β±οΈ 31.03.2025):
```
pip install jellyfish
```
-- [Conda](https://anaconda.org/conda-forge/jellyfish) (π₯ 1.1M Β· β±οΈ 06.09.2024):
+- [Conda](https://anaconda.org/conda-forge/jellyfish) (π₯ 1.4M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge jellyfish
```
-ParlAI (π₯32 Β· β 10K Β· π€) - A framework for training and evaluating AI models on a variety of.. MIT

+snowballstemmer (π₯33 Β· β 790) - Snowball compiler and stemming algorithms. BSD-3
-- [GitHub](https://github.com/facebookresearch/ParlAI) (π¨βπ» 220 Β· π 2.1K Β· π¦ 260 Β· π 1.5K - 3% open Β· β±οΈ 03.11.2023):
+- [GitHub](https://github.com/snowballstem/snowball) (π¨βπ» 35 Β· π 180 Β· π¦ 10 Β· π 110 - 18% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/facebookresearch/ParlAI
+ git clone https://github.com/snowballstem/snowball
```
-- [PyPi](https://pypi.org/project/parlai) (π₯ 4.2K / month Β· π¦ 5 Β· β±οΈ 20.09.2022):
+- [PyPi](https://pypi.org/project/snowballstemmer) (π₯ 20M / month Β· π¦ 550 Β· β±οΈ 08.05.2025):
```
- pip install parlai
+ pip install snowballstemmer
+ ```
+- [Conda](https://anaconda.org/conda-forge/snowballstemmer) (π₯ 9.7M Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge snowballstemmer
```
-OpenNMT (π₯32 Β· β 6.8K) - Open Source Neural Machine Translation and (Large) Language Models.. MIT

+Opik (π₯32 Β· β 7.3K) - Debug, evaluate, and monitor your LLM applications, RAG systems, and.. Apache-2
-- [GitHub](https://github.com/OpenNMT/OpenNMT-py) (π¨βπ» 190 Β· π 2.2K Β· π¦ 300 Β· π 1.5K - 1% open Β· β±οΈ 27.06.2024):
+- [GitHub](https://github.com/comet-ml/opik) (π¨βπ» 50 Β· π 510 Β· π₯ 12 Β· π¦ 6 Β· π 280 - 27% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/OpenNMT/OpenNMT-py
+ git clone https://github.com/comet-ml/opik
```
-- [PyPi](https://pypi.org/project/OpenNMT-py) (π₯ 11K / month Β· π¦ 23 Β· β±οΈ 18.03.2024):
+- [PyPi](https://pypi.org/project/opik) (π₯ 250K / month Β· π¦ 10 Β· β±οΈ 07.05.2025):
```
- pip install OpenNMT-py
+ pip install opik
```
-Dedupe (π₯32 Β· β 4.1K) - A python library for accurate and scalable fuzzy matching, record.. MIT
+ftfy (π₯32 Β· β 3.9K Β· π€) - Fixes mojibake and other glitches in Unicode text, after the fact. Apache-2
-- [GitHub](https://github.com/dedupeio/dedupe) (π¨βπ» 72 Β· π 550 Β· π¦ 340 Β· π 820 - 8% open Β· β±οΈ 15.08.2024):
+- [GitHub](https://github.com/rspeer/python-ftfy) (π¨βπ» 22 Β· π 120 Β· π₯ 73 Β· π¦ 30K Β· π 150 - 6% open Β· β±οΈ 30.10.2024):
```
- git clone https://github.com/dedupeio/dedupe
+ git clone https://github.com/rspeer/python-ftfy
```
-- [PyPi](https://pypi.org/project/dedupe) (π₯ 160K / month Β· π¦ 19 Β· β±οΈ 15.08.2024):
+- [PyPi](https://pypi.org/project/ftfy) (π₯ 6.3M / month Β· π¦ 570 Β· β±οΈ 26.10.2024):
```
- pip install dedupe
+ pip install ftfy
```
-- [Conda](https://anaconda.org/conda-forge/dedupe) (π₯ 79K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/ftfy) (π₯ 330K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge dedupe
+ conda install -c conda-forge ftfy
```
torchtext (π₯32 Β· β 3.5K) - Models, data loaders and abstractions for language processing,.. BSD-3

-- [GitHub](https://github.com/pytorch/text) (π¨βπ» 160 Β· π 810 Β· π 850 - 38% open Β· β±οΈ 14.08.2024):
+- [GitHub](https://github.com/pytorch/text) (π¨βπ» 160 Β· π 810 Β· π 850 - 39% open Β· β±οΈ 24.02.2025):
```
git clone https://github.com/pytorch/text
```
-- [PyPi](https://pypi.org/project/torchtext) (π₯ 1.5M / month Β· π¦ 280 Β· β±οΈ 24.04.2024):
+- [PyPi](https://pypi.org/project/torchtext) (π₯ 710K / month Β· π¦ 280 Β· β±οΈ 24.04.2024):
```
pip install torchtext
```
-DeepPavlov (π₯31 Β· β 6.7K) - An open source library for deep learning end-to-end dialog.. Apache-2

+DeepPavlov (π₯31 Β· β 6.9K) - An open source library for deep learning end-to-end dialog.. Apache-2

-- [GitHub](https://github.com/deeppavlov/DeepPavlov) (π¨βπ» 77 Β· π 1.1K Β· π¦ 420 Β· π 640 - 3% open Β· β±οΈ 12.08.2024):
+- [GitHub](https://github.com/deeppavlov/DeepPavlov) (π¨βπ» 78 Β· π 1.2K Β· π¦ 430 Β· π 640 - 4% open Β· β±οΈ 26.11.2024):
```
git clone https://github.com/deepmipt/DeepPavlov
```
-- [PyPi](https://pypi.org/project/deeppavlov) (π₯ 15K / month Β· π¦ 4 Β· β±οΈ 12.08.2024):
+- [PyPi](https://pypi.org/project/deeppavlov) (π₯ 16K / month Β· π¦ 4 Β· β±οΈ 12.08.2024):
```
pip install deeppavlov
```
-TextDistance (π₯30 Β· β 3.4K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
+rubrix (π₯31 Β· β 4.5K) - Argilla is a collaboration tool for AI engineers and domain experts.. Apache-2
-- [GitHub](https://github.com/life4/textdistance) (π¨βπ» 17 Β· π 250 Β· π₯ 1K Β· π¦ 7.3K Β· β±οΈ 09.09.2024):
+- [GitHub](https://github.com/argilla-io/argilla) (π¨βπ» 110 Β· π 430 Β· π¦ 3K Β· π 2.2K - 2% open Β· β±οΈ 10.03.2025):
```
- git clone https://github.com/life4/textdistance
+ git clone https://github.com/recognai/rubrix
```
-- [PyPi](https://pypi.org/project/textdistance) (π₯ 830K / month Β· π¦ 99 Β· β±οΈ 16.07.2024):
+- [PyPi](https://pypi.org/project/rubrix) (π₯ 3.7K / month Β· β±οΈ 24.10.2022):
```
- pip install textdistance
+ pip install rubrix
```
-- [Conda](https://anaconda.org/conda-forge/textdistance) (π₯ 650K Β· β±οΈ 17.07.2024):
+- [Conda](https://anaconda.org/conda-forge/rubrix) (π₯ 45K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge textdistance
+ conda install -c conda-forge rubrix
```
-SciSpacy (π₯30 Β· β 1.7K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
+Dedupe (π₯30 Β· β 4.3K) - A python library for accurate and scalable fuzzy matching, record.. MIT
-- [GitHub](https://github.com/allenai/scispacy) (π¨βπ» 36 Β· π 230 Β· π¦ 980 Β· π 320 - 9% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/dedupeio/dedupe) (π¨βπ» 72 Β· π 550 Β· π¦ 360 Β· π 820 - 9% open Β· β±οΈ 01.11.2024):
```
- git clone https://github.com/allenai/scispacy
+ git clone https://github.com/dedupeio/dedupe
```
-- [PyPi](https://pypi.org/project/scispacy) (π₯ 24K / month Β· π¦ 34 Β· β±οΈ 27.10.2024):
+- [PyPi](https://pypi.org/project/dedupe) (π₯ 81K / month Β· π¦ 19 Β· β±οΈ 15.08.2024):
```
- pip install scispacy
+ pip install dedupe
+ ```
+- [Conda](https://anaconda.org/conda-forge/dedupe) (π₯ 110K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge dedupe
```
-snowballstemmer (π₯30 Β· β 760) - Snowball compiler and stemming algorithms. BSD-3
+Sumy (π₯30 Β· β 3.6K Β· π€) - Module for automatic summarization of text documents and HTML pages. Apache-2
-- [GitHub](https://github.com/snowballstem/snowball) (π¨βπ» 34 Β· π 170 Β· π¦ 10 Β· π 92 - 29% open Β· β±οΈ 16.10.2024):
+- [GitHub](https://github.com/miso-belica/sumy) (π¨βπ» 32 Β· π 530 Β· π¦ 4K Β· π 120 - 18% open Β· β±οΈ 16.05.2024):
```
- git clone https://github.com/snowballstem/snowball
+ git clone https://github.com/miso-belica/sumy
```
-- [PyPi](https://pypi.org/project/snowballstemmer) (π₯ 20M / month Β· π¦ 450 Β· β±οΈ 16.11.2021):
+- [PyPi](https://pypi.org/project/sumy) (π₯ 84K / month Β· π¦ 31 Β· β±οΈ 23.10.2022):
```
- pip install snowballstemmer
+ pip install sumy
```
-- [Conda](https://anaconda.org/conda-forge/snowballstemmer) (π₯ 8.8M Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/sumy) (π₯ 12K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge snowballstemmer
+ conda install -c conda-forge sumy
```
-CLTK (π₯29 Β· β 840) - The Classical Language Toolkit. MIT
+spacy-transformers (π₯29 Β· β 1.4K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT
spacy
-- [GitHub](https://github.com/cltk/cltk) (π¨βπ» 120 Β· π 330 Β· π₯ 100 Β· π¦ 280 Β· π 570 - 6% open Β· β±οΈ 12.05.2024):
+- [GitHub](https://github.com/explosion/spacy-transformers) (π¨βπ» 23 Β· π 170 Β· π₯ 170 Β· π¦ 2.2K Β· β±οΈ 06.02.2025):
```
- git clone https://github.com/cltk/cltk
+ git clone https://github.com/explosion/spacy-transformers
```
-- [PyPi](https://pypi.org/project/cltk) (π₯ 15K / month Β· π¦ 15 Β· β±οΈ 12.05.2024):
+- [PyPi](https://pypi.org/project/spacy-transformers) (π₯ 220K / month Β· π¦ 98 Β· β±οΈ 06.02.2025):
```
- pip install cltk
+ pip install spacy-transformers
+ ```
+- [Conda](https://anaconda.org/conda-forge/spacy-transformers) (π₯ 120K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge spacy-transformers
```
-Ciphey (π₯28 Β· β 18K Β· π€) - Automatically decrypt encryptions without knowing the key or cipher,.. MIT
+TextDistance (π₯28 Β· β 3.5K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
-- [GitHub](https://github.com/Ciphey/Ciphey) (π¨βπ» 48 Β· π 1.2K Β· π 340 - 22% open Β· β±οΈ 12.10.2023):
+- [GitHub](https://github.com/life4/textdistance) (π¨βπ» 18 Β· π 250 Β· π₯ 1.1K Β· π¦ 8.5K Β· β±οΈ 18.04.2025):
```
- git clone https://github.com/Ciphey/Ciphey
+ git clone https://github.com/life4/textdistance
```
-- [PyPi](https://pypi.org/project/ciphey) (π₯ 210K / month Β· β±οΈ 06.06.2021):
+- [PyPi](https://pypi.org/project/textdistance) (π₯ 1M / month Β· π¦ 99 Β· β±οΈ 16.07.2024):
```
- pip install ciphey
+ pip install textdistance
```
-- [Docker Hub](https://hub.docker.com/r/remnux/ciphey) (π₯ 26K Β· β 17 Β· β±οΈ 14.10.2023):
+- [Conda](https://anaconda.org/conda-forge/textdistance) (π₯ 810K Β· β±οΈ 22.04.2025):
```
- docker pull remnux/ciphey
+ conda install -c conda-forge textdistance
```
-Sumy (π₯28 Β· β 3.5K) - Module for automatic summarization of text documents and HTML pages. Apache-2
+SciSpacy (π₯28 Β· β 1.8K) - A full spaCy pipeline and models for scientific/biomedical documents. Apache-2
-- [GitHub](https://github.com/miso-belica/sumy) (π¨βπ» 32 Β· π 530 Β· π¦ 3.2K Β· π 120 - 18% open Β· β±οΈ 16.05.2024):
+- [GitHub](https://github.com/allenai/scispacy) (π¨βπ» 37 Β· π 230 Β· π¦ 1.2K Β· π 320 - 10% open Β· β±οΈ 23.11.2024):
```
- git clone https://github.com/miso-belica/sumy
- ```
-- [PyPi](https://pypi.org/project/sumy) (π₯ 390K / month Β· π¦ 31 Β· β±οΈ 23.10.2022):
- ```
- pip install sumy
+ git clone https://github.com/allenai/scispacy
```
-- [Conda](https://anaconda.org/conda-forge/sumy) (π₯ 9.7K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/scispacy) (π₯ 41K / month Β· π¦ 34 Β· β±οΈ 27.10.2024):
```
- conda install -c conda-forge sumy
+ pip install scispacy
```
-spacy-transformers (π₯28 Β· β 1.3K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT
spacy
+CLTK (π₯28 Β· β 850) - The Classical Language Toolkit. MIT
-- [GitHub](https://github.com/explosion/spacy-transformers) (π¨βπ» 22 Β· π 160 Β· π¦ 1.9K Β· β±οΈ 05.06.2024):
+- [GitHub](https://github.com/cltk/cltk) (π¨βπ» 120 Β· π 330 Β· π₯ 130 Β· π¦ 300 Β· π 580 - 6% open Β· β±οΈ 04.05.2025):
```
- git clone https://github.com/explosion/spacy-transformers
+ git clone https://github.com/cltk/cltk
```
-- [PyPi](https://pypi.org/project/spacy-transformers) (π₯ 280K / month Β· π¦ 87 Β· β±οΈ 25.04.2024):
+- [PyPi](https://pypi.org/project/cltk) (π₯ 5.8K / month Β· π¦ 17 Β· β±οΈ 04.05.2025):
```
- pip install spacy-transformers
+ pip install cltk
+ ```
+
+PyTextRank (π₯27 Β· β 2.2K Β· π€) - Python implementation of TextRank algorithms (textgraphs) for.. MIT
+
+- [GitHub](https://github.com/DerwenAI/pytextrank) (π¨βπ» 19 Β· π 340 Β· π¦ 840 Β· π 100 - 12% open Β· β±οΈ 21.05.2024):
+
```
-- [Conda](https://anaconda.org/conda-forge/spacy-transformers) (π₯ 69K Β· β±οΈ 19.12.2023):
+ git clone https://github.com/DerwenAI/pytextrank
```
- conda install -c conda-forge spacy-transformers
+- [PyPi](https://pypi.org/project/pytextrank) (π₯ 72K / month Β· π¦ 19 Β· β±οΈ 21.02.2024):
+ ```
+ pip install pytextrank
```
-english-words (π₯27 Β· β 11K) - A text file containing 479k English words for all your.. Unlicense
+english-words (π₯26 Β· β 11K) - A text file containing 479k English words for all your.. Unlicense
-- [GitHub](https://github.com/dwyl/english-words) (π¨βπ» 32 Β· π 1.8K Β· π¦ 2 Β· π 150 - 75% open Β· β±οΈ 16.06.2024):
+- [GitHub](https://github.com/dwyl/english-words) (π¨βπ» 34 Β· π 1.9K Β· π¦ 2 Β· π 160 - 74% open Β· β±οΈ 06.01.2025):
```
git clone https://github.com/dwyl/english-words
```
-- [PyPi](https://pypi.org/project/english-words) (π₯ 210K / month Β· π¦ 14 Β· β±οΈ 24.05.2023):
+- [PyPi](https://pypi.org/project/english-words) (π₯ 60K / month Β· π¦ 14 Β· β±οΈ 24.05.2023):
```
pip install english-words
```
-DeepKE (π₯27 Β· β 3.5K) - [EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and.. MIT

+DeepKE (π₯26 Β· β 3.9K) - [EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and.. MIT

-- [GitHub](https://github.com/zjunlp/DeepKE) (π¨βπ» 31 Β· π 680 Β· π¦ 24 Β· π 570 - 1% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/zjunlp/DeepKE) (π¨βπ» 32 Β· π 710 Β· π¦ 24 Β· π 610 - 1% open Β· β±οΈ 22.04.2025):
```
git clone https://github.com/zjunlp/deepke
```
-- [PyPi](https://pypi.org/project/deepke) (π₯ 5.2K / month Β· β±οΈ 21.09.2023):
+- [PyPi](https://pypi.org/project/deepke) (π₯ 1.7K / month Β· β±οΈ 21.09.2023):
```
pip install deepke
```
-scattertext (π₯26 Β· β 2.2K) - Beautiful visualizations of how language differs among document.. Apache-2
+scattertext (π₯25 Β· β 2.3K) - Beautiful visualizations of how language differs among document.. Apache-2
-- [GitHub](https://github.com/JasonKessler/scattertext) (π¨βπ» 14 Β· π 290 Β· π¦ 640 Β· π 100 - 21% open Β· β±οΈ 23.09.2024):
+- [GitHub](https://github.com/JasonKessler/scattertext) (π¨βπ» 14 Β· π 290 Β· π¦ 660 Β· π 100 - 22% open Β· β±οΈ 29.04.2025):
```
git clone https://github.com/JasonKessler/scattertext
```
-- [PyPi](https://pypi.org/project/scattertext) (π₯ 20K / month Β· π¦ 5 Β· β±οΈ 23.09.2024):
+- [PyPi](https://pypi.org/project/scattertext) (π₯ 10K / month Β· π¦ 5 Β· β±οΈ 23.09.2024):
```
pip install scattertext
```
-- [Conda](https://anaconda.org/conda-forge/scattertext) (π₯ 100K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/scattertext) (π₯ 110K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge scattertext
```
-PyTextRank (π₯26 Β· β 2.1K) - Python implementation of TextRank algorithms (textgraphs) for phrase.. MIT
+sense2vec (π₯24 Β· β 1.6K) - Contextually-keyed word vectors. MIT
-- [GitHub](https://github.com/DerwenAI/pytextrank) (π¨βπ» 19 Β· π 340 Β· π¦ 730 Β· π 100 - 12% open Β· β±οΈ 21.05.2024):
+- [GitHub](https://github.com/explosion/sense2vec) (π¨βπ» 20 Β· π 240 Β· π₯ 72K Β· π¦ 470 Β· π 120 - 20% open Β· β±οΈ 23.04.2025):
```
- git clone https://github.com/DerwenAI/pytextrank
+ git clone https://github.com/explosion/sense2vec
```
-- [PyPi](https://pypi.org/project/pytextrank) (π₯ 63K / month Β· π¦ 19 Β· β±οΈ 21.02.2024):
+- [PyPi](https://pypi.org/project/sense2vec) (π₯ 2.1K / month Β· π¦ 13 Β· β±οΈ 19.04.2021):
```
- pip install pytextrank
+ pip install sense2vec
```
-
-Opik (π₯25 Β· β 1.9K) - Open-source end-to-end LLM Development Platform. Apache-2
-
-- [GitHub](https://github.com/comet-ml/opik) (π¨βπ» 26 Β· π 110 Β· π 39 - 33% open Β· β±οΈ 31.10.2024):
-
- ```
- git clone https://github.com/comet-ml/opik
+- [Conda](https://anaconda.org/conda-forge/sense2vec) (π₯ 60K Β· β±οΈ 22.04.2025):
```
-- [PyPi](https://pypi.org/project/opik) (π₯ 6.3K / month Β· β±οΈ 30.10.2024):
- ```
- pip install opik
+ conda install -c conda-forge sense2vec
```
-T5 (π₯24 Β· β 6.2K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2

+detoxify (π₯24 Β· β 1K) - Trained models & code to predict toxic comments on all 3 Jigsaw Toxic.. Apache-2
-- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (π¨βπ» 59 Β· π 750 Β· π 450 - 23% open Β· β±οΈ 28.06.2024):
+- [GitHub](https://github.com/unitaryai/detoxify) (π¨βπ» 14 Β· π 120 Β· π₯ 1.1M Β· π¦ 890 Β· π 67 - 55% open Β· β±οΈ 07.03.2025):
```
- git clone https://github.com/google-research/text-to-text-transfer-transformer
+ git clone https://github.com/unitaryai/detoxify
```
-- [PyPi](https://pypi.org/project/t5) (π₯ 45K / month Β· π¦ 2 Β· β±οΈ 18.10.2021):
+- [PyPi](https://pypi.org/project/detoxify) (π₯ 84K / month Β· π¦ 30 Β· β±οΈ 01.02.2024):
```
- pip install t5
+ pip install detoxify
```
-promptsource (π₯24 Β· β 2.7K Β· π€) - Toolkit for creating, sharing and using natural language.. Apache-2
+T5 (π₯23 Β· β 6.3K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2

-- [GitHub](https://github.com/bigscience-workshop/promptsource) (π¨βπ» 65 Β· π 340 Β· π¦ 110 Β· π 190 - 22% open Β· β±οΈ 23.10.2023):
+- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (π¨βπ» 61 Β· π 760 Β· π 450 - 23% open Β· β±οΈ 28.04.2025):
```
- git clone https://github.com/bigscience-workshop/promptsource
+ git clone https://github.com/google-research/text-to-text-transfer-transformer
```
-- [PyPi](https://pypi.org/project/promptsource) (π₯ 410 / month Β· π¦ 4 Β· β±οΈ 18.04.2022):
+- [PyPi](https://pypi.org/project/t5) (π₯ 44K / month Β· π¦ 2 Β· β±οΈ 18.10.2021):
```
- pip install promptsource
+ pip install t5
```
-detoxify (π₯23 Β· β 950) - Trained models & code to predict toxic comments on all 3 Jigsaw.. Apache-2
+Sockeye (π₯22 Β· β 1.2K Β· π€) - Sequence-to-sequence framework with a focus on Neural.. Apache-2

-- [GitHub](https://github.com/unitaryai/detoxify) (π¨βπ» 12 Β· π 120 Β· π₯ 720K Β· π¦ 710 Β· π 67 - 56% open Β· β±οΈ 19.09.2024):
+- [GitHub](https://github.com/awslabs/sockeye) (π¨βπ» 60 Β· π 320 Β· π₯ 21 Β· π 310 - 3% open Β· β±οΈ 24.10.2024):
```
- git clone https://github.com/unitaryai/detoxify
+ git clone https://github.com/awslabs/sockeye
```
-- [PyPi](https://pypi.org/project/detoxify) (π₯ 55K / month Β· π¦ 30 Β· β±οΈ 01.02.2024):
+- [PyPi](https://pypi.org/project/sockeye) (π₯ 2.6K / month Β· β±οΈ 03.03.2023):
```
- pip install detoxify
+ pip install sockeye
```
-finetune (π₯23 Β· β 700) - Scikit-learn style model finetuning for NLP. MPL-2.0


+finetune (π₯22 Β· β 710) - Scikit-learn style model finetuning for NLP. MPL-2.0


-- [GitHub](https://github.com/IndicoDataSolutions/finetune) (π¨βπ» 23 Β· π 80 Β· π¦ 13 Β· π 140 - 15% open Β· β±οΈ 23.07.2024):
+- [GitHub](https://github.com/IndicoDataSolutions/finetune) (π¨βπ» 24 Β· π 78 Β· π¦ 15 Β· π 140 - 15% open Β· β±οΈ 31.03.2025):
```
git clone https://github.com/IndicoDataSolutions/finetune
```
-- [PyPi](https://pypi.org/project/finetune) (π₯ 2K / month Β· π¦ 2 Β· β±οΈ 29.09.2023):
+- [PyPi](https://pypi.org/project/finetune) (π₯ 670 / month Β· π¦ 2 Β· β±οΈ 29.09.2023):
```
pip install finetune
```
-happy-transformer (π₯23 Β· β 520 Β· π€) - Happy Transformer makes it easy to fine-tune and.. Apache-2
huggingface
+happy-transformer (π₯22 Β· β 530) - Happy Transformer makes it easy to fine-tune and.. Apache-2
huggingface
-- [GitHub](https://github.com/EricFillion/happy-transformer) (π¨βπ» 14 Β· π 66 Β· π¦ 290 Β· π 130 - 15% open Β· β±οΈ 19.03.2024):
+- [GitHub](https://github.com/EricFillion/happy-transformer) (π¨βπ» 14 Β· π 68 Β· π¦ 320 Β· π 130 - 16% open Β· β±οΈ 22.03.2025):
```
git clone https://github.com/EricFillion/happy-transformer
```
-- [PyPi](https://pypi.org/project/happytransformer) (π₯ 4.1K / month Β· π¦ 5 Β· β±οΈ 05.08.2023):
+- [PyPi](https://pypi.org/project/happytransformer) (π₯ 2.9K / month Β· π¦ 5 Β· β±οΈ 05.08.2023):
```
pip install happytransformer
```
-fast-bert (π₯22 Β· β 1.9K) - Super easy library for BERT based NLP models. Apache-2
+fast-bert (π₯21 Β· β 1.9K Β· π€) - Super easy library for BERT based NLP models. Apache-2
- [GitHub](https://github.com/utterworks/fast-bert) (π¨βπ» 37 Β· π 340 Β· π 260 - 63% open Β· β±οΈ 19.08.2024):
```
git clone https://github.com/utterworks/fast-bert
```
-- [PyPi](https://pypi.org/project/fast-bert) (π₯ 7.5K / month Β· β±οΈ 19.08.2024):
+- [PyPi](https://pypi.org/project/fast-bert) (π₯ 2.6K / month Β· β±οΈ 19.08.2024):
```
pip install fast-bert
```
-Sockeye (π₯22 Β· β 1.2K) - Sequence-to-sequence framework with a focus on Neural Machine.. Apache-2

+UForm (π₯21 Β· β 1.1K) - Pocket-Sized Multimodal AI for content understanding and.. Apache-2

-- [GitHub](https://github.com/awslabs/sockeye) (π¨βπ» 60 Β· π 320 Β· π₯ 21 Β· π 310 - 3% open Β· β±οΈ 24.10.2024):
+- [GitHub](https://github.com/unum-cloud/uform) (π¨βπ» 19 Β· π 66 Β· π₯ 600 Β· π¦ 34 Β· π 35 - 37% open Β· β±οΈ 03.01.2025):
```
- git clone https://github.com/awslabs/sockeye
+ git clone https://github.com/unum-cloud/uform
```
-- [PyPi](https://pypi.org/project/sockeye) (π₯ 5.1K / month Β· β±οΈ 03.03.2023):
+- [PyPi](https://pypi.org/project/uform) (π₯ 1.1K / month Β· π¦ 2 Β· β±οΈ 03.01.2025):
```
- pip install sockeye
+ pip install uform
```
-small-text (π₯22 Β· β 560) - Active Learning for Text Classification in Python. MIT


+small-text (π₯21 Β· β 610) - Active Learning for Text Classification in Python. MIT


-- [GitHub](https://github.com/webis-de/small-text) (π¨βπ» 7 Β· π 61 Β· π¦ 32 Β· π 58 - 24% open Β· β±οΈ 18.08.2024):
+- [GitHub](https://github.com/webis-de/small-text) (π¨βπ» 9 Β· π 70 Β· π¦ 34 Β· π 66 - 27% open Β· β±οΈ 06.04.2025):
```
git clone https://github.com/webis-de/small-text
```
-- [PyPi](https://pypi.org/project/small-text) (π₯ 2K / month Β· β±οΈ 18.08.2024):
+- [PyPi](https://pypi.org/project/small-text) (π₯ 1.2K / month Β· β±οΈ 06.04.2025):
```
pip install small-text
```
-- [Conda](https://anaconda.org/conda-forge/small-text) (π₯ 10K Β· β±οΈ 18.08.2024):
+- [Conda](https://anaconda.org/conda-forge/small-text) (π₯ 15K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge small-text
```
-UForm (π₯20 Β· β 1K) - Pocket-Sized Multimodal AI for content understanding and generation.. Apache-2

-
-- [GitHub](https://github.com/unum-cloud/uform) (π¨βπ» 18 Β· π 62 Β· π₯ 440 Β· π¦ 6 Β· π 30 - 30% open Β· β±οΈ 01.10.2024):
-
- ```
- git clone https://github.com/unum-cloud/uform
- ```
-- [PyPi](https://pypi.org/project/uform) (π₯ 2.4K / month Β· π¦ 2 Β· β±οΈ 01.10.2024):
- ```
- pip install uform
- ```
-
-textaugment (π₯18 Β· β 400 Β· π€) - TextAugment: Text Augmentation Library. MIT
-
-- [GitHub](https://github.com/dsfsi/textaugment) (π¨βπ» 8 Β· π 60 Β· π₯ 110 Β· π¦ 130 Β· π 29 - 37% open Β· β±οΈ 17.11.2023):
-
- ```
- git clone https://github.com/dsfsi/textaugment
- ```
-- [PyPi](https://pypi.org/project/textaugment) (π₯ 5.1K / month Β· π¦ 4 Β· β±οΈ 16.11.2023):
- ```
- pip install textaugment
- ```
-
-OpenNRE (π₯16 Β· β 4.3K Β· π€) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
-
-- [GitHub](https://github.com/thunlp/OpenNRE) (π¨βπ» 13 Β· π 1.1K Β· π 370 - 4% open Β· β±οΈ 10.01.2024):
-
- ```
- git clone https://github.com/thunlp/OpenNRE
- ```
-
VizSeq (π₯16 Β· β 440) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT
-- [GitHub](https://github.com/facebookresearch/vizseq) (π¨βπ» 4 Β· π 61 Β· π¦ 12 Β· π 16 - 43% open Β· β±οΈ 28.09.2024):
+- [GitHub](https://github.com/facebookresearch/vizseq) (π¨βπ» 4 Β· π 61 Β· π¦ 13 Β· π 16 - 43% open Β· β±οΈ 07.03.2025):
```
git clone https://github.com/facebookresearch/vizseq
```
-- [PyPi](https://pypi.org/project/vizseq) (π₯ 530 / month Β· β±οΈ 07.08.2020):
+- [PyPi](https://pypi.org/project/vizseq) (π₯ 280 / month Β· β±οΈ 07.08.2020):
```
pip install vizseq
```
-Show 52 hidden projects...
-
-- AllenNLP (π₯36 Β· β 12K Β· π) - An open-source NLP research library, built on PyTorch. Apache-2

-- ChatterBot (π₯35 Β· β 14K Β· π) - ChatterBot is a machine learning, conversational dialog engine.. BSD-3
-- fuzzywuzzy (π₯31 Β· β 9.2K Β· π) - Fuzzy String Matching in Python. βοΈGPL-2.0
-- nlpaug (π₯29 Β· β 4.4K Β· π) - Data augmentation for NLP. MIT
-- fastNLP (π₯29 Β· β 3.1K Β· π) - fastNLP: A Modularized and Extensible NLP Framework. Currently.. Apache-2
-- GluonNLP (π₯29 Β· β 2.6K Β· π) - Toolkit that enables easy text preprocessing, datasets.. Apache-2

-- langid (π₯28 Β· β 2.3K Β· π) - Stand-alone language identification system. BSD-3
-- underthesea (π₯28 Β· β 1.4K) - Underthesea - Vietnamese NLP Toolkit. βοΈGPL-3.0
-- vaderSentiment (π₯27 Β· β 4.4K Β· π) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. MIT
-- textacy (π₯27 Β· β 2.2K Β· π) - NLP, before and after spaCy. βUnlicensed
-- FARM (π₯27 Β· β 1.7K Β· π) - Fast & easy transfer learning for NLP. Harvesting language.. Apache-2

-- pySBD (π₯27 Β· β 800 Β· π) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence.. MIT
-- flashtext (π₯26 Β· β 5.6K Β· π) - Extract Keywords from sentence or Replace keywords in sentences. MIT
-- Snips NLU (π₯26 Β· β 3.9K Β· π) - Snips Python library to extract meaning from text. Apache-2
-- MatchZoo (π₯26 Β· β 3.8K Β· π) - Facilitating the design, comparison and sharing of deep.. Apache-2

+Show 56 hidden projects...
+
+- AllenNLP (π₯37 Β· β 12K Β· π) - An open-source NLP research library, built on PyTorch. Apache-2

+- fastText (π₯35 Β· β 26K Β· π) - Library for fast text representation and classification. MIT
+- ParlAI (π₯32 Β· β 11K Β· π) - A framework for training and evaluating AI models on a variety of.. MIT

+- fuzzywuzzy (π₯32 Β· β 9.3K Β· π) - Fuzzy String Matching in Python. βοΈGPL-2.0
+- nlpaug (π₯30 Β· β 4.6K Β· π) - Data augmentation for NLP. MIT
+- langid (π₯29 Β· β 2.4K Β· π) - Stand-alone language identification system. BSD-3
+- Ciphey (π₯28 Β· β 19K Β· π) - Automatically decrypt encryptions without knowing the key or cipher,.. MIT
+- vaderSentiment (π₯28 Β· β 4.7K Β· π) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. MIT
+- fastNLP (π₯28 Β· β 3.1K Β· π) - fastNLP: A Modularized and Extensible NLP Framework. Currently.. Apache-2
+- GluonNLP (π₯28 Β· β 2.6K Β· π) - Toolkit that enables easy text preprocessing, datasets.. Apache-2

+- textacy (π₯28 Β· β 2.2K Β· π) - NLP, before and after spaCy. βUnlicensed
+- flashtext (π₯27 Β· β 5.6K Β· π) - Extract Keywords from sentence or Replace keywords in sentences. MIT
+- underthesea (π₯27 Β· β 1.5K) - Underthesea - Vietnamese NLP Toolkit. βοΈGPL-3.0
+- pySBD (π₯27 Β· β 850 Β· π) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence.. MIT
+- neuralcoref (π₯26 Β· β 2.9K Β· π) - Fast Coreference Resolution in spaCy with Neural Networks. MIT
- polyglot (π₯26 Β· β 2.3K Β· π) - Multilingual text (NLP) processing toolkit. βοΈGPL-3.0
- PyText (π₯25 Β· β 6.3K Β· π) - A natural language modeling framework based on PyTorch. BSD-3

-- neuralcoref (π₯25 Β· β 2.9K Β· π) - Fast Coreference Resolution in spaCy with Neural Networks. MIT
-- Kashgari (π₯25 Β· β 2.4K Β· π) - Kashgari is a production-level NLP Transfer learning.. Apache-2

+- Snips NLU (π₯25 Β· β 3.9K Β· π) - Snips Python library to extract meaning from text. Apache-2
- pytorch-nlp (π₯25 Β· β 2.2K Β· π) - Basic Utilities for PyTorch Natural Language Processing.. BSD-3

- textgenrnn (π₯24 Β· β 4.9K Β· π) - Easily train your own text-generating neural network of any.. MIT

-- OpenPrompt (π₯24 Β· β 4.3K Β· π) - An Open-Source Framework for Prompt-Learning. Apache-2
-- sense2vec (π₯24 Β· β 1.6K Β· π) - Contextually-keyed word vectors. MIT
-- whoosh (π₯24 Β· β 580 Β· π) - Pure-Python full-text search library. βοΈBSD-1-Clause
-- Texar (π₯23 Β· β 2.4K Β· π) - Toolkit for Machine Learning, Natural Language Processing, and.. Apache-2

-- jiant (π₯23 Β· β 1.6K Β· π) - jiant is an nlp toolkit. MIT
-- YouTokenToMe (π₯23 Β· β 960 Β· π) - Unsupervised text tokenizer focused on computational efficiency. MIT
+- OpenPrompt (π₯24 Β· β 4.6K Β· π) - An Open-Source Framework for Prompt-Learning. Apache-2
+- MatchZoo (π₯24 Β· β 3.9K Β· π) - Facilitating the design, comparison and sharing of deep.. Apache-2

+- promptsource (π₯24 Β· β 2.8K Β· π) - Toolkit for creating, sharing and using natural language.. Apache-2
+- Kashgari (π₯24 Β· β 2.4K Β· π) - Kashgari is a production-level NLP Transfer learning.. Apache-2

+- FARM (π₯24 Β· β 1.8K Β· π) - Fast & easy transfer learning for NLP. Harvesting language.. Apache-2

+- YouTokenToMe (π₯24 Β· β 970 Β· π) - Unsupervised text tokenizer focused on computational efficiency. MIT
+- whoosh (π₯24 Β· β 620 Β· π) - Pure-Python full-text search library. βοΈBSD-1-Clause
+- jiant (π₯23 Β· β 1.7K Β· π) - jiant is an nlp toolkit. MIT
- gpt-2-simple (π₯22 Β· β 3.4K Β· π) - Python package to easily retrain OpenAIs GPT-2 text-.. MIT

- NLP Architect (π₯22 Β· β 2.9K Β· π) - A model library for exploring state-of-the-art deep.. Apache-2
- Texthero (π₯22 Β· β 2.9K Β· π) - Text preprocessing, representation and visualization from zero to.. MIT
-- anaGo (π₯22 Β· β 1.5K Β· π) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,.. MIT

+- Texar (π₯22 Β· β 2.4K Β· π) - Toolkit for Machine Learning, Natural Language Processing, and.. Apache-2

- stop-words (π₯22 Β· β 160 Β· π) - Get list of common stop words in various languages in Python. BSD-3
-- textpipe (π₯21 Β· β 300 Β· π) - Textpipe: clean and extract metadata from text. MIT
-- numerizer (π₯21 Β· β 220) - A Python module to convert natural language numerics into ints and.. MIT
-- DeepMatcher (π₯20 Β· β 5.1K Β· π) - Python package for performing Entity and Text Matching using.. BSD-3
-- lightseq (π₯20 Β· β 3.2K Β· π) - LightSeq: A High Performance Library for Sequence Processing.. Apache-2
-- DELTA (π₯20 Β· β 1.6K Β· π) - DELTA is a deep learning based natural language and speech.. Apache-2

-- pyfasttext (π₯20 Β· β 230 Β· π) - Yet another Python binding for fastText. βοΈGPL-3.0
-- nboost (π₯19 Β· β 680 Β· π) - NBoost is a scalable, search-api-boosting platform for deploying.. Apache-2
-- fastT5 (π₯19 Β· β 560 Β· π) - boost inference speed of T5 models by 5x & reduce the model size.. 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

+- DeepMatcher (π₯20 Β· β 5.2K Β· π) - Python package for performing Entity and Text Matching using.. BSD-3
+- lightseq (π₯20 Β· β 3.3K Β· π) - LightSeq: A High Performance Library for Sequence Processing.. Apache-2
+- textpipe (π₯20 Β· β 300 Β· π) - Textpipe: clean and extract metadata from text. MIT
- Camphr (π₯19 Β· β 340 Β· π) - Camphr - NLP libary for creating pipeline components. Apache-2
spacy
+- numerizer (π₯19 Β· β 230 Β· π€) - A Python module to convert natural language numerics into ints and.. MIT
+- pyfasttext (π₯19 Β· β 230 Β· π) - Yet another Python binding for fastText. βοΈGPL-3.0
- NeuroNER (π₯18 Β· β 1.7K Β· π) - Named-entity recognition using neural networks. Easy-to-use and.. MIT
+- nboost (π₯18 Β· β 680 Β· π) - NBoost is a scalable, search-api-boosting platform for deploying.. Apache-2
+- fastT5 (π₯18 Β· β 580 Β· π) - boost inference speed of T5 models by 5x & reduce the model size.. Apache-2
+- textaugment (π₯18 Β· β 420 Β· π) - TextAugment: Text Augmentation Library. MIT
- skift (π₯17 Β· β 240 Β· π) - scikit-learn wrappers for Python fastText. MIT

+- OpenNRE (π₯16 Β· β 4.4K Β· π) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
- TextBox (π₯16 Β· β 1.1K Β· π) - TextBox 2.0 is a text generation library with pre-trained language.. MIT
-- Translate (π₯16 Β· β 820 Β· π) - Translate - a PyTorch Language Library. BSD-3

-- Headliner (π₯16 Β· β 230 Β· π) - Easy training and deployment of seq2seq models. MIT
+- Translate (π₯16 Β· β 830 Β· π) - Translate - a PyTorch Language Library. BSD-3

- BLINK (π₯15 Β· β 1.2K Β· π) - Entity Linker solution. MIT
- ONNX-T5 (π₯15 Β· β 250 Β· π) - Summarization, translation, sentiment-analysis, text-generation.. Apache-2
- NeuralQA (π₯15 Β· β 230 Β· π) - NeuralQA: A Usable Library for Question Answering on Large Datasets.. MIT
+- Headliner (π₯15 Β· β 230 Β· π) - Easy training and deployment of seq2seq models. MIT
- TransferNLP (π₯14 Β· β 290 Β· π) - NLP library designed for reproducible experimentation.. MIT

-- textvec (π₯14 Β· β 190 Β· π€) - Text vectorization tool to outperform TFIDF for classification.. MIT

-- spacy-dbpedia-spotlight (π₯12 Β· β 100 Β· π) - A spaCy wrapper for DBpedia Spotlight. MIT
spacy
+- textvec (π₯13 Β· β 190 Β· π) - Text vectorization tool to outperform TFIDF for classification.. MIT

+- spacy-dbpedia-spotlight (π₯13 Β· β 110 Β· π) - A spaCy wrapper for DBpedia Spotlight. MIT
spacy
@@ -2196,169 +2053,141 @@ _Libraries for processing, cleaning, manipulating, and analyzing text data as we
_Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification._
-Pillow (π₯48 Β· β 12K) - Python Imaging Library (Fork). βοΈPIL
+Pillow (π₯48 Β· β 13K) - Python Imaging Library (Fork). βοΈPIL
-- [GitHub](https://github.com/python-pillow/Pillow) (π¨βπ» 480 Β· π 2.2K Β· π¦ 1.9M Β· π 3.2K - 3% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/python-pillow/Pillow) (π¨βπ» 480 Β· π 2.3K Β· π¦ 2.3M Β· π 3.3K - 3% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/python-pillow/Pillow
```
-- [PyPi](https://pypi.org/project/Pillow) (π₯ 120M / month Β· π¦ 8.9K Β· β±οΈ 15.10.2024):
+- [PyPi](https://pypi.org/project/Pillow) (π₯ 140M / month Β· π¦ 14K Β· β±οΈ 12.04.2025):
```
pip install Pillow
```
-- [Conda](https://anaconda.org/conda-forge/pillow) (π₯ 46M Β· β±οΈ 18.10.2024):
+- [Conda](https://anaconda.org/conda-forge/pillow) (π₯ 54M Β· β±οΈ 07.05.2025):
```
conda install -c conda-forge pillow
```
-PyTorch Image Models (π₯42 Β· β 32K) - The largest collection of PyTorch image encoders /.. Apache-2

+torchvision (π₯42 Β· β 17K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3

-- [GitHub](https://github.com/huggingface/pytorch-image-models) (π¨βπ» 150 Β· π 4.7K Β· π₯ 7.2M Β· π¦ 39K Β· π 920 - 5% open Β· β±οΈ 24.10.2024):
+- [GitHub](https://github.com/pytorch/vision) (π¨βπ» 640 Β· π 7K Β· π₯ 41K Β· π¦ 21 Β· π 3.7K - 29% open Β· β±οΈ 23.04.2025):
```
- git clone https://github.com/rwightman/pytorch-image-models
+ git clone https://github.com/pytorch/vision
```
-- [PyPi](https://pypi.org/project/timm) (π₯ 5.7M / month Β· π¦ 950 Β· β±οΈ 16.10.2024):
+- [PyPi](https://pypi.org/project/torchvision) (π₯ 17M / month Β· π¦ 7K Β· β±οΈ 23.04.2025):
```
- pip install timm
+ pip install torchvision
```
-- [Conda](https://anaconda.org/conda-forge/timm) (π₯ 260K Β· β±οΈ 17.10.2024):
+- [Conda](https://anaconda.org/conda-forge/torchvision) (π₯ 2.6M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge timm
+ conda install -c conda-forge torchvision
```
-torchvision (π₯42 Β· β 16K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3

+PyTorch Image Models (π₯41 Β· β 34K) - The largest collection of PyTorch image encoders /.. Apache-2

-- [GitHub](https://github.com/pytorch/vision) (π¨βπ» 610 Β· π 6.9K Β· π₯ 39K Β· π¦ 21 Β· π 3.5K - 29% open Β· β±οΈ 23.10.2024):
+- [GitHub](https://github.com/huggingface/pytorch-image-models) (π¨βπ» 170 Β· π 4.9K Β· π₯ 7.7M Β· π¦ 56K Β· π 970 - 5% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/pytorch/vision
+ git clone https://github.com/rwightman/pytorch-image-models
```
-- [PyPi](https://pypi.org/project/torchvision) (π₯ 14M / month Β· π¦ 5.8K Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/timm) (π₯ 7.4M / month Β· π¦ 1.1K Β· β±οΈ 23.02.2025):
```
- pip install torchvision
+ pip install timm
```
-- [Conda](https://anaconda.org/conda-forge/torchvision) (π₯ 1.7M Β· β±οΈ 14.10.2024):
+- [Conda](https://anaconda.org/conda-forge/timm) (π₯ 380K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge torchvision
+ conda install -c conda-forge timm
```
-Albumentations (π₯40 Β· β 14K) - Fast and flexible image augmentation library. Paper about.. MIT

+Albumentations (π₯41 Β· β 15K) - Fast and flexible image augmentation library. Paper about.. MIT

-- [GitHub](https://github.com/albumentations-team/albumentations) (π¨βπ» 150 Β· π 1.6K Β· π¦ 28K Β· π 1.2K - 23% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/albumentations-team/albumentations) (π¨βπ» 170 Β· π 1.7K Β· π¦ 37K Β· π 1.2K - 18% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/albumentations-team/albumentations
```
-- [PyPi](https://pypi.org/project/albumentations) (π₯ 4.6M / month Β· π¦ 600 Β· β±οΈ 24.10.2024):
+- [PyPi](https://pypi.org/project/albumentations) (π₯ 6.4M / month Β· π¦ 700 Β· β±οΈ 29.04.2025):
```
pip install albumentations
```
-- [Conda](https://anaconda.org/conda-forge/albumentations) (π₯ 200K Β· β±οΈ 22.09.2024):
+- [Conda](https://anaconda.org/conda-forge/albumentations) (π₯ 280K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge albumentations
```
-deepface (π₯39 Β· β 14K) - A Lightweight Face Recognition and Facial Attribute Analysis (Age,.. MIT
-
-- [GitHub](https://github.com/serengil/deepface) (π¨βπ» 71 Β· π 2.2K Β· π¦ 4.3K Β· π 1.1K - 0% open Β· β±οΈ 28.10.2024):
-
- ```
- git clone https://github.com/serengil/deepface
- ```
-- [PyPi](https://pypi.org/project/deepface) (π₯ 180K / month Β· π¦ 44 Β· β±οΈ 17.08.2024):
- ```
- pip install deepface
- ```
-
-MoviePy (π₯38 Β· β 13K) - Video editing with Python. MIT
+MoviePy (π₯40 Β· β 13K) - Video editing with Python. MIT
-- [GitHub](https://github.com/Zulko/moviepy) (π¨βπ» 160 Β· π 1.6K Β· π¦ 48K Β· π 1.5K - 31% open Β· β±οΈ 27.05.2024):
+- [GitHub](https://github.com/Zulko/moviepy) (π¨βπ» 180 Β· π 1.7K Β· π¦ 62K Β· π 2K - 23% open Β· β±οΈ 06.02.2025):
```
git clone https://github.com/Zulko/moviepy
```
-- [PyPi](https://pypi.org/project/moviepy) (π₯ 1.4M / month Β· π¦ 940 Β· β±οΈ 15.12.2021):
+- [PyPi](https://pypi.org/project/moviepy) (π₯ 3.1M / month Β· π¦ 1K Β· β±οΈ 10.01.2025):
```
pip install moviepy
```
-- [Conda](https://anaconda.org/conda-forge/moviepy) (π₯ 270K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/moviepy) (π₯ 300K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge moviepy
```
-Kornia (π₯38 Β· β 9.9K) - Geometric Computer Vision Library for Spatial AI. Apache-2

+deepface (π₯39 Β· β 19K) - A Lightweight Face Recognition and Facial Attribute Analysis (Age,.. MIT
-- [GitHub](https://github.com/kornia/kornia) (π¨βπ» 270 Β· π 960 Β· π₯ 1.5K Β· π¦ 12K Β· π 950 - 30% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/serengil/deepface) (π¨βπ» 88 Β· π 2.6K Β· π¦ 7.4K Β· π 1.2K - 0% open Β· β±οΈ 02.05.2025):
```
- git clone https://github.com/kornia/kornia
- ```
-- [PyPi](https://pypi.org/project/kornia) (π₯ 1.9M / month Β· π¦ 260 Β· β±οΈ 28.06.2024):
- ```
- pip install kornia
+ git clone https://github.com/serengil/deepface
```
-- [Conda](https://anaconda.org/conda-forge/kornia) (π₯ 150K Β· β±οΈ 28.06.2024):
+- [PyPi](https://pypi.org/project/deepface) (π₯ 630K / month Β· π¦ 44 Β· β±οΈ 17.08.2024):
```
- conda install -c conda-forge kornia
+ pip install deepface
```
-imageio (π₯38 Β· β 1.5K) - Python library for reading and writing image data. BSD-2
+InsightFace (π₯38 Β· β 25K) - State-of-the-art 2D and 3D Face Analysis Project. MIT

-- [GitHub](https://github.com/imageio/imageio) (π¨βπ» 120 Β· π 290 Β· π₯ 1.4K Β· π¦ 150K Β· π 610 - 16% open Β· β±οΈ 14.10.2024):
+- [GitHub](https://github.com/deepinsight/insightface) (π¨βπ» 66 Β· π 5.5K Β· π₯ 7.8M Β· π¦ 4.2K Β· π 2.6K - 45% open Β· β±οΈ 23.04.2025):
```
- git clone https://github.com/imageio/imageio
- ```
-- [PyPi](https://pypi.org/project/imageio) (π₯ 32M / month Β· π¦ 2.4K Β· β±οΈ 14.10.2024):
- ```
- pip install imageio
+ git clone https://github.com/deepinsight/insightface
```
-- [Conda](https://anaconda.org/conda-forge/imageio) (π₯ 7.1M Β· β±οΈ 17.10.2024):
+- [PyPi](https://pypi.org/project/insightface) (π₯ 250K / month Β· π¦ 30 Β· β±οΈ 17.12.2022):
```
- conda install -c conda-forge imageio
+ pip install insightface
```
-MMDetection (π₯37 Β· β 29K Β· π€) - OpenMMLab Detection Toolbox and Benchmark. Apache-2

+Kornia (π₯37 Β· β 10K) - Geometric Computer Vision Library for Spatial AI. Apache-2

-- [GitHub](https://github.com/open-mmlab/mmdetection) (π¨βπ» 480 Β· π 9.4K Β· π¦ 3.1K Β· π 8.5K - 21% open Β· β±οΈ 05.02.2024):
+- [GitHub](https://github.com/kornia/kornia) (π¨βπ» 290 Β· π 990 Β· π₯ 1.9K Β· π¦ 16K Β· π 970 - 30% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/open-mmlab/mmdetection
- ```
-- [PyPi](https://pypi.org/project/mmdet) (π₯ 190K / month Β· π¦ 82 Β· β±οΈ 05.01.2024):
- ```
- pip install mmdet
+ git clone https://github.com/kornia/kornia
```
-
-InsightFace (π₯37 Β· β 23K) - State-of-the-art 2D and 3D Face Analysis Project. MIT

-
-- [GitHub](https://github.com/deepinsight/insightface) (π¨βπ» 61 Β· π 5.4K Β· π₯ 5.2M Β· π¦ 2.9K Β· π 2.5K - 45% open Β· β±οΈ 11.10.2024):
-
+- [PyPi](https://pypi.org/project/kornia) (π₯ 2.6M / month Β· π¦ 310 Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/deepinsight/insightface
+ pip install kornia
```
-- [PyPi](https://pypi.org/project/insightface) (π₯ 260K / month Β· π¦ 30 Β· β±οΈ 17.12.2022):
+- [Conda](https://anaconda.org/conda-forge/kornia) (π₯ 220K Β· β±οΈ 22.04.2025):
```
- pip install insightface
+ conda install -c conda-forge kornia
```
-opencv-python (π₯36 Β· β 4.5K) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
+opencv-python (π₯35 Β· β 4.8K) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
-- [GitHub](https://github.com/opencv/opencv-python) (π¨βπ» 49 Β· π 840 Β· π¦ 460K Β· π 820 - 16% open Β· β±οΈ 24.07.2024):
+- [GitHub](https://github.com/opencv/opencv-python) (π¨βπ» 53 Β· π 890 Β· π¦ 570K Β· π 860 - 17% open Β· β±οΈ 16.01.2025):
```
git clone https://github.com/opencv/opencv-python
```
-- [PyPi](https://pypi.org/project/opencv-python) (π₯ 15M / month Β· π¦ 10K Β· β±οΈ 17.06.2024):
+- [PyPi](https://pypi.org/project/opencv-python) (π₯ 17M / month Β· π¦ 13K Β· β±οΈ 16.01.2025):
```
pip install opencv-python
```
-detectron2 (π₯34 Β· β 30K) - Detectron2 is a platform for object detection, segmentation.. Apache-2

+detectron2 (π₯34 Β· β 32K) - Detectron2 is a platform for object detection, segmentation.. Apache-2

-- [GitHub](https://github.com/facebookresearch/detectron2) (π¨βπ» 270 Β· π 7.4K Β· π¦ 2.1K Β· π 3.6K - 14% open Β· β±οΈ 14.10.2024):
+- [GitHub](https://github.com/facebookresearch/detectron2) (π¨βπ» 280 Β· π 7.5K Β· π¦ 2.4K Β· π 3.6K - 14% open Β· β±οΈ 24.04.2025):
```
git clone https://github.com/facebookresearch/detectron2
@@ -2367,393 +2196,403 @@ _Libraries for image & video processing, manipulation, and augmentation as well
```
pip install detectron2
```
-- [Conda](https://anaconda.org/conda-forge/detectron2) (π₯ 450K Β· β±οΈ 26.08.2024):
+- [Conda](https://anaconda.org/conda-forge/detectron2) (π₯ 670K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge detectron2
```
-Wand (π₯34 Β· β 1.4K) - The ctypes-based simple ImageMagick binding for Python. MIT
+imageio (π₯34 Β· β 1.6K Β· π) - Python library for reading and writing image data. BSD-2
-- [GitHub](https://github.com/emcconville/wand) (π¨βπ» 110 Β· π 200 Β· π₯ 51K Β· π¦ 20K Β· π 430 - 6% open Β· β±οΈ 01.10.2024):
+- [GitHub](https://github.com/imageio/imageio) (π¨βπ» 120 Β· π 310 Β· π₯ 1.6K Β· π 610 - 16% open Β· β±οΈ 21.02.2025):
```
- git clone https://github.com/emcconville/wand
+ git clone https://github.com/imageio/imageio
```
-- [PyPi](https://pypi.org/project/wand) (π₯ 940K / month Β· π¦ 260 Β· β±οΈ 03.11.2023):
+- [PyPi](https://pypi.org/project/imageio) (π₯ 26M / month Β· π¦ 2.6K Β· β±οΈ 20.01.2025):
```
- pip install wand
+ pip install imageio
```
-- [Conda](https://anaconda.org/conda-forge/wand) (π₯ 81K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/imageio) (π₯ 7.8M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge wand
+ conda install -c conda-forge imageio
```
-PaddleSeg (π₯33 Β· β 8.7K) - Easy-to-use image segmentation library with awesome pre-.. Apache-2

+Wand (π₯33 Β· β 1.4K) - The ctypes-based simple ImageMagick binding for Python. MIT
-- [GitHub](https://github.com/PaddlePaddle/PaddleSeg) (π¨βπ» 130 Β· π 1.7K Β· π¦ 1.3K Β· π 2.2K - 10% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/emcconville/wand) (π¨βπ» 110 Β· π 200 Β· π₯ 52K Β· π¦ 21K Β· π 430 - 6% open Β· β±οΈ 01.04.2025):
```
- git clone https://github.com/PaddlePaddle/PaddleSeg
- ```
-- [PyPi](https://pypi.org/project/paddleseg) (π₯ 1.5K / month Β· π¦ 7 Β· β±οΈ 30.11.2022):
- ```
- pip install paddleseg
+ git clone https://github.com/emcconville/wand
```
-
-vit-pytorch (π₯32 Β· β 20K) - Implementation of Vision Transformer, a simple way to achieve.. MIT

-
-- [GitHub](https://github.com/lucidrains/vit-pytorch) (π¨βπ» 21 Β· π 3K Β· π¦ 550 Β· π 280 - 48% open Β· β±οΈ 31.10.2024):
-
+- [PyPi](https://pypi.org/project/wand) (π₯ 1.1M / month Β· π¦ 260 Β· β±οΈ 03.11.2023):
```
- git clone https://github.com/lucidrains/vit-pytorch
+ pip install wand
```
-- [PyPi](https://pypi.org/project/vit-pytorch) (π₯ 31K / month Β· π¦ 15 Β· β±οΈ 31.10.2024):
+- [Conda](https://anaconda.org/conda-forge/wand) (π₯ 140K Β· β±οΈ 22.04.2025):
```
- pip install vit-pytorch
+ conda install -c conda-forge wand
```
-lightly (π₯32 Β· β 3.2K) - A python library for self-supervised learning on images. MIT

+PaddleSeg (π₯32 Β· β 9K) - Easy-to-use image segmentation library with awesome pre-.. Apache-2

-- [GitHub](https://github.com/lightly-ai/lightly) (π¨βπ» 57 Β· π 280 Β· π¦ 330 Β· π 580 - 12% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/PaddlePaddle/PaddleSeg) (π¨βπ» 130 Β· π 1.7K Β· π¦ 1.4K Β· π 2.2K - 0% open Β· β±οΈ 25.12.2024):
```
- git clone https://github.com/lightly-ai/lightly
+ git clone https://github.com/PaddlePaddle/PaddleSeg
```
-- [PyPi](https://pypi.org/project/lightly) (π₯ 35K / month Β· π¦ 14 Β· β±οΈ 24.09.2024):
+- [PyPi](https://pypi.org/project/paddleseg) (π₯ 1.7K / month Β· π¦ 7 Β· β±οΈ 30.11.2022):
```
- pip install lightly
+ pip install paddleseg
```
-imageai (π₯31 Β· β 8.6K Β· π€) - A python library built to empower developers to build applications.. MIT
+ImageHash (π₯32 Β· β 3.6K) - A Python Perceptual Image Hashing Module. BSD-2
-- [GitHub](https://github.com/OlafenwaMoses/ImageAI) (π¨βπ» 19 Β· π 2.2K Β· π₯ 940K Β· π¦ 1.7K Β· π 760 - 41% open Β· β±οΈ 20.02.2024):
+- [GitHub](https://github.com/JohannesBuchner/imagehash) (π¨βπ» 28 Β· π 340 Β· π¦ 17K Β· π 150 - 15% open Β· β±οΈ 17.04.2025):
```
- git clone https://github.com/OlafenwaMoses/ImageAI
+ git clone https://github.com/JohannesBuchner/imagehash
```
-- [PyPi](https://pypi.org/project/imageai) (π₯ 9.5K / month Β· π¦ 19 Β· β±οΈ 02.01.2023):
+- [PyPi](https://pypi.org/project/ImageHash) (π₯ 1.8M / month Β· π¦ 270 Β· β±οΈ 01.02.2025):
```
- pip install imageai
+ pip install ImageHash
```
-- [Conda](https://anaconda.org/conda-forge/imageai) (π₯ 8.1K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/imagehash) (π₯ 450K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge imageai
+ conda install -c conda-forge imagehash
```
-ImageHash (π₯31 Β· β 3.2K) - A Python Perceptual Image Hashing Module. BSD-2
+lightly (π₯31 Β· β 3.4K) - A python library for self-supervised learning on images. MIT

-- [GitHub](https://github.com/JohannesBuchner/imagehash) (π¨βπ» 27 Β· π 330 Β· π¦ 15K Β· π 140 - 13% open Β· β±οΈ 09.10.2024):
+- [GitHub](https://github.com/lightly-ai/lightly) (π¨βπ» 65 Β· π 290 Β· π¦ 440 Β· π 600 - 12% open Β· β±οΈ 02.05.2025):
```
- git clone https://github.com/JohannesBuchner/imagehash
- ```
-- [PyPi](https://pypi.org/project/ImageHash) (π₯ 1.5M / month Β· π¦ 240 Β· β±οΈ 28.09.2022):
- ```
- pip install ImageHash
+ git clone https://github.com/lightly-ai/lightly
```
-- [Conda](https://anaconda.org/conda-forge/imagehash) (π₯ 400K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/lightly) (π₯ 58K / month Β· π¦ 20 Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge imagehash
+ pip install lightly
```
-CellProfiler (π₯30 Β· β 910) - An open-source application for biological image analysis. BSD-3
+vit-pytorch (π₯30 Β· β 23K) - Implementation of Vision Transformer, a simple way to achieve.. MIT

-- [GitHub](https://github.com/CellProfiler/CellProfiler) (π¨βπ» 140 Β· π 380 Β· π₯ 8K Β· π¦ 24 Β· π 3.3K - 9% open Β· β±οΈ 24.09.2024):
+- [GitHub](https://github.com/lucidrains/vit-pytorch) (π¨βπ» 23 Β· π 3.3K Β· π¦ 640 Β· π 280 - 49% open Β· β±οΈ 05.03.2025):
```
- git clone https://github.com/CellProfiler/CellProfiler
+ git clone https://github.com/lucidrains/vit-pytorch
```
-- [PyPi](https://pypi.org/project/cellprofiler) (π₯ 3.3K / month Β· π¦ 2 Β· β±οΈ 16.09.2024):
+- [PyPi](https://pypi.org/project/vit-pytorch) (π₯ 26K / month Β· π¦ 17 Β· β±οΈ 05.03.2025):
```
- pip install cellprofiler
+ pip install vit-pytorch
```
-PaddleDetection (π₯29 Β· β 13K) - Object Detection toolkit based on PaddlePaddle. It.. Apache-2

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

-- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (π¨βπ» 180 Β· π 2.9K Β· π 5.4K - 22% open Β· β±οΈ 18.10.2024):
+- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (π¨βπ» 190 Β· π 2.9K Β· π 5.6K - 17% open Β· β±οΈ 16.04.2025):
```
git clone https://github.com/PaddlePaddle/PaddleDetection
```
-- [PyPi](https://pypi.org/project/paddledet) (π₯ 680 / month Β· π¦ 2 Β· β±οΈ 19.09.2022):
+- [PyPi](https://pypi.org/project/paddledet) (π₯ 1.2K / month Β· π¦ 2 Β· β±οΈ 19.09.2022):
```
pip install paddledet
```
-sahi (π₯29 Β· β 4.1K) - Framework agnostic sliced/tiled inference + interactive ui + error analysis.. MIT
+sahi (π₯30 Β· β 4.5K) - Framework agnostic sliced/tiled inference + interactive ui + error analysis.. MIT
-- [GitHub](https://github.com/obss/sahi) (π¨βπ» 48 Β· π 570 Β· π₯ 28K Β· π¦ 1.4K Β· β±οΈ 27.08.2024):
+- [GitHub](https://github.com/obss/sahi) (π¨βπ» 54 Β· π 640 Β· π₯ 36K Β· π¦ 1.8K Β· β±οΈ 05.05.2025):
```
git clone https://github.com/obss/sahi
```
-- [PyPi](https://pypi.org/project/sahi) (π₯ 130K / month Β· π¦ 26 Β· β±οΈ 10.07.2024):
+- [PyPi](https://pypi.org/project/sahi) (π₯ 140K / month Β· π¦ 35 Β· β±οΈ 05.05.2025):
```
pip install sahi
```
-- [Conda](https://anaconda.org/conda-forge/sahi) (π₯ 77K Β· β±οΈ 24.07.2024):
+- [Conda](https://anaconda.org/conda-forge/sahi) (π₯ 98K Β· β±οΈ 05.05.2025):
```
conda install -c conda-forge sahi
```
-doctr (π₯29 Β· β 3.8K) - docTR (Document Text Recognition) - a seamless, high-.. Apache-2


+doctr (π₯29 Β· β 4.6K) - docTR (Document Text Recognition) - a seamless, high-.. Apache-2


-- [GitHub](https://github.com/mindee/doctr) (π¨βπ» 53 Β· π 430 Β· π₯ 4.1M Β· π 370 - 7% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/mindee/doctr) (π¨βπ» 62 Β· π 490 Β· π₯ 5.3M Β· π 410 - 6% open Β· β±οΈ 29.04.2025):
```
git clone https://github.com/mindee/doctr
```
-- [PyPi](https://pypi.org/project/python-doctr) (π₯ 47K / month Β· π¦ 12 Β· β±οΈ 21.10.2024):
+- [PyPi](https://pypi.org/project/python-doctr) (π₯ 100K / month Β· π¦ 14 Β· β±οΈ 30.01.2025):
```
pip install python-doctr
```
-vidgear (π₯29 Β· β 3.4K) - A High-performance cross-platform Video Processing Python framework.. Apache-2
+Face Alignment (π₯28 Β· β 7.3K Β· π€) - 2D and 3D Face alignment library build using pytorch. BSD-3

-- [GitHub](https://github.com/abhiTronix/vidgear) (π¨βπ» 14 Β· π 250 Β· π₯ 1.8K Β· π¦ 630 Β· π 300 - 3% open Β· β±οΈ 22.06.2024):
+- [GitHub](https://github.com/1adrianb/face-alignment) (π¨βπ» 26 Β· π 1.4K Β· π¦ 21 Β· π 320 - 24% open Β· β±οΈ 30.08.2024):
```
- git clone https://github.com/abhiTronix/vidgear
+ git clone https://github.com/1adrianb/face-alignment
```
-- [PyPi](https://pypi.org/project/vidgear) (π₯ 21K / month Β· π¦ 15 Β· β±οΈ 22.06.2024):
+- [PyPi](https://pypi.org/project/face-alignment) (π₯ 66K / month Β· π¦ 10 Β· β±οΈ 17.08.2023):
```
- pip install vidgear
+ pip install face-alignment
```
-mtcnn (π₯29 Β· β 2.2K) - MTCNN face detection implementation for TensorFlow, as a PIP package. MIT

+vidgear (π₯28 Β· β 3.5K Β· π€) - A High-performance cross-platform Video Processing Python.. Apache-2
-- [GitHub](https://github.com/ipazc/mtcnn) (π¨βπ» 16 Β· π 530 Β· π₯ 4 Β· π¦ 6.3K Β· π 130 - 37% open Β· β±οΈ 08.10.2024):
+- [GitHub](https://github.com/abhiTronix/vidgear) (π¨βπ» 14 Β· π 260 Β· π₯ 2.3K Β· π¦ 720 Β· π 300 - 2% open Β· β±οΈ 22.06.2024):
```
- git clone https://github.com/ipazc/mtcnn
- ```
-- [PyPi](https://pypi.org/project/mtcnn) (π₯ 120K / month Β· π¦ 73 Β· β±οΈ 08.10.2024):
- ```
- pip install mtcnn
+ git clone https://github.com/abhiTronix/vidgear
```
-- [Conda](https://anaconda.org/conda-forge/mtcnn) (π₯ 13K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/vidgear) (π₯ 22K / month Β· π¦ 15 Β· β±οΈ 22.06.2024):
```
- conda install -c conda-forge mtcnn
+ pip install vidgear
```
-facenet-pytorch (π₯28 Β· β 4.5K) - Pretrained Pytorch face detection (MTCNN) and facial.. MIT

+Norfair (π₯28 Β· β 2.5K Β· π) - Lightweight Python library for adding real-time multi-object.. BSD-3
-- [GitHub](https://github.com/timesler/facenet-pytorch) (π¨βπ» 18 Β· π 940 Β· π₯ 1.4M Β· π¦ 2.3K Β· π 180 - 41% open Β· β±οΈ 02.08.2024):
+- [GitHub](https://github.com/tryolabs/norfair) (π¨βπ» 31 Β· π 260 Β· π₯ 350 Β· π¦ 310 Β· π 180 - 16% open Β· β±οΈ 30.04.2025):
```
- git clone https://github.com/timesler/facenet-pytorch
+ git clone https://github.com/tryolabs/norfair
```
-- [PyPi](https://pypi.org/project/facenet-pytorch) (π₯ 70K / month Β· π¦ 51 Β· β±οΈ 29.04.2024):
+- [PyPi](https://pypi.org/project/norfair) (π₯ 29K / month Β· π¦ 9 Β· β±οΈ 30.04.2025):
```
- pip install facenet-pytorch
+ pip install norfair
```
-mahotas (π₯28 Β· β 840) - Computer Vision in Python. MIT
+mtcnn (π₯28 Β· β 2.4K Β· π€) - MTCNN face detection implementation for TensorFlow, as a PIP.. MIT

-- [GitHub](https://github.com/luispedro/mahotas) (π¨βπ» 35 Β· π 150 Β· π¦ 1.4K Β· π 91 - 23% open Β· β±οΈ 17.07.2024):
+- [GitHub](https://github.com/ipazc/mtcnn) (π¨βπ» 16 Β· π 530 Β· π₯ 52 Β· π¦ 8.5K Β· π 130 - 37% open Β· β±οΈ 08.10.2024):
```
- git clone https://github.com/luispedro/mahotas
+ git clone https://github.com/ipazc/mtcnn
```
-- [PyPi](https://pypi.org/project/mahotas) (π₯ 29K / month Β· π¦ 63 Β· β±οΈ 17.07.2024):
+- [PyPi](https://pypi.org/project/mtcnn) (π₯ 170K / month Β· π¦ 73 Β· β±οΈ 08.10.2024):
```
- pip install mahotas
+ pip install mtcnn
```
-- [Conda](https://anaconda.org/conda-forge/mahotas) (π₯ 510K Β· β±οΈ 18.07.2024):
+- [Conda](https://anaconda.org/conda-forge/mtcnn) (π₯ 15K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge mahotas
+ conda install -c conda-forge mtcnn
```
-Face Alignment (π₯27 Β· β 7.1K) - 2D and 3D Face alignment library build using pytorch. BSD-3

+pyvips (π₯28 Β· β 700 Β· π) - python binding for libvips using cffi. MIT
-- [GitHub](https://github.com/1adrianb/face-alignment) (π¨βπ» 26 Β· π 1.3K Β· π¦ 21 Β· π 320 - 24% open Β· β±οΈ 30.08.2024):
+- [GitHub](https://github.com/libvips/pyvips) (π¨βπ» 16 Β· π 49 Β· π¦ 1K Β· π 460 - 41% open Β· β±οΈ 28.04.2025):
```
- git clone https://github.com/1adrianb/face-alignment
+ git clone https://github.com/libvips/pyvips
```
-- [PyPi](https://pypi.org/project/face-alignment) (π₯ 56K / month Β· π¦ 10 Β· β±οΈ 17.08.2023):
+- [PyPi](https://pypi.org/project/pyvips) (π₯ 100K / month Β· π¦ 94 Β· β±οΈ 28.04.2025):
```
- pip install face-alignment
+ pip install pyvips
+ ```
+- [Conda](https://anaconda.org/conda-forge/pyvips) (π₯ 220K Β· β±οΈ 29.04.2025):
+ ```
+ conda install -c conda-forge pyvips
```
-pyvips (π₯27 Β· β 640) - python binding for libvips using cffi. MIT
+facenet-pytorch (π₯27 Β· β 4.8K Β· π€) - Pretrained Pytorch face detection (MTCNN) and facial.. MIT

-- [GitHub](https://github.com/libvips/pyvips) (π¨βπ» 16 Β· π 49 Β· π¦ 820 Β· π 450 - 42% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/timesler/facenet-pytorch) (π¨βπ» 18 Β· π 940 Β· π₯ 1.7M Β· π¦ 3.4K Β· π 190 - 41% open Β· β±οΈ 02.08.2024):
```
- git clone https://github.com/libvips/pyvips
+ git clone https://github.com/timesler/facenet-pytorch
```
-- [PyPi](https://pypi.org/project/pyvips) (π₯ 66K / month Β· π¦ 77 Β· β±οΈ 28.04.2024):
+- [PyPi](https://pypi.org/project/facenet-pytorch) (π₯ 140K / month Β· π¦ 51 Β· β±οΈ 29.04.2024):
```
- pip install pyvips
+ pip install facenet-pytorch
+ ```
+
+CellProfiler (π₯27 Β· β 980) - An open-source application for biological image analysis. BSD-3
+
+- [GitHub](https://github.com/CellProfiler/CellProfiler) (π¨βπ» 150 Β· π 390 Β· π₯ 8.7K Β· π¦ 28 Β· π 3.3K - 9% open Β· β±οΈ 22.04.2025):
+
+ ```
+ git clone https://github.com/CellProfiler/CellProfiler
```
-- [Conda](https://anaconda.org/conda-forge/pyvips) (π₯ 140K Β· β±οΈ 06.09.2024):
+- [PyPi](https://pypi.org/project/cellprofiler) (π₯ 1.2K / month Β· π¦ 2 Β· β±οΈ 16.09.2024):
```
- conda install -c conda-forge pyvips
+ pip install cellprofiler
```
-tensorflow-graphics (π₯26 Β· β 2.7K Β· π) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2

+mahotas (π₯27 Β· β 870) - Computer Vision in Python. MIT
-- [GitHub](https://github.com/tensorflow/graphics) (π¨βπ» 39 Β· π 360 Β· π 240 - 60% open Β· β±οΈ 01.08.2024):
+- [GitHub](https://github.com/luispedro/mahotas) (π¨βπ» 35 Β· π 150 Β· π¦ 1.5K Β· π 92 - 22% open Β· β±οΈ 25.02.2025):
```
- git clone https://github.com/tensorflow/graphics
+ git clone https://github.com/luispedro/mahotas
```
-- [PyPi](https://pypi.org/project/tensorflow-graphics) (π₯ 67K / month Β· π¦ 11 Β· β±οΈ 03.12.2021):
+- [PyPi](https://pypi.org/project/mahotas) (π₯ 21K / month Β· π¦ 63 Β· β±οΈ 17.07.2024):
```
- pip install tensorflow-graphics
+ pip install mahotas
+ ```
+- [Conda](https://anaconda.org/conda-forge/mahotas) (π₯ 620K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge mahotas
```
-Norfair (π₯26 Β· β 2.4K) - Lightweight Python library for adding real-time multi-object tracking.. BSD-3
+Image Deduplicator (π₯26 Β· β 5.4K Β· π) - Finding duplicate images made easy!. Apache-2

-- [GitHub](https://github.com/tryolabs/norfair) (π¨βπ» 31 Β· π 240 Β· π₯ 340 Β· π¦ 230 Β· π 170 - 14% open Β· β±οΈ 27.07.2024):
+- [GitHub](https://github.com/idealo/imagededup) (π¨βπ» 17 Β· π 460 Β· π¦ 190 Β· π 130 - 33% open Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/tryolabs/norfair
+ git clone https://github.com/idealo/imagededup
```
-- [PyPi](https://pypi.org/project/norfair) (π₯ 22K / month Β· π¦ 9 Β· β±οΈ 30.05.2022):
+- [PyPi](https://pypi.org/project/imagededup) (π₯ 30K / month Β· π¦ 5 Β· β±οΈ 28.04.2023):
```
- pip install norfair
+ pip install imagededup
```
-MMF (π₯25 Β· β 5.5K) - A modular framework for vision & language multimodal research from.. BSD-3

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

-- [GitHub](https://github.com/facebookresearch/mmf) (π¨βπ» 120 Β· π 920 Β· π¦ 21 Β· π 690 - 21% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/facebookresearch/mmf) (π¨βπ» 120 Β· π 920 Β· π¦ 22 Β· π 690 - 21% open Β· β±οΈ 24.04.2025):
```
git clone https://github.com/facebookresearch/mmf
```
-- [PyPi](https://pypi.org/project/mmf) (π₯ 1.9K / month Β· π¦ 1 Β· β±οΈ 12.06.2020):
+- [PyPi](https://pypi.org/project/mmf) (π₯ 760 / month Β· π¦ 1 Β· β±οΈ 12.06.2020):
```
pip install mmf
```
-pytorchvideo (π₯25 Β· β 3.3K) - A deep learning library for video understanding research. Apache-2

+pytorchvideo (π₯25 Β· β 3.4K) - A deep learning library for video understanding research. Apache-2

-- [GitHub](https://github.com/facebookresearch/pytorchvideo) (π¨βπ» 56 Β· π 410 Β· π 210 - 50% open Β· β±οΈ 13.08.2024):
+- [GitHub](https://github.com/facebookresearch/pytorchvideo) (π¨βπ» 58 Β· π 410 Β· π 210 - 50% open Β· β±οΈ 25.01.2025):
```
git clone https://github.com/facebookresearch/pytorchvideo
```
-- [PyPi](https://pypi.org/project/pytorchvideo) (π₯ 20K / month Β· π¦ 24 Β· β±οΈ 20.01.2022):
+- [PyPi](https://pypi.org/project/pytorchvideo) (π₯ 59K / month Β· π¦ 24 Β· β±οΈ 20.01.2022):
```
pip install pytorchvideo
```
-ffcv (π₯25 Β· β 2.9K) - FFCV: Fast Forward Computer Vision (and other ML workloads!). Apache-2
+tensorflow-graphics (π₯25 Β· β 2.8K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2

-- [GitHub](https://github.com/libffcv/ffcv) (π¨βπ» 31 Β· π 180 Β· π¦ 54 Β· π 290 - 38% open Β· β±οΈ 06.05.2024):
+- [GitHub](https://github.com/tensorflow/graphics) (π¨βπ» 39 Β· π 370 Β· π 240 - 60% open Β· β±οΈ 03.02.2025):
```
- git clone https://github.com/libffcv/ffcv
+ git clone https://github.com/tensorflow/graphics
```
-- [PyPi](https://pypi.org/project/ffcv) (π₯ 1.1K / month Β· π¦ 1 Β· β±οΈ 28.01.2022):
+- [PyPi](https://pypi.org/project/tensorflow-graphics) (π₯ 36K / month Β· π¦ 11 Β· β±οΈ 03.12.2021):
```
- pip install ffcv
+ pip install tensorflow-graphics
```
-segmentation_models (π₯24 Β· β 4.7K) - Segmentation models with pretrained backbones. Keras.. MIT

+segmentation_models (π₯24 Β· β 4.8K Β· π€) - Segmentation models with pretrained backbones. Keras.. MIT

- [GitHub](https://github.com/qubvel/segmentation_models) (π¨βπ» 15 Β· π 1K Β· π 540 - 50% open Β· β±οΈ 21.08.2024):
```
git clone https://github.com/qubvel/segmentation_models
```
-- [PyPi](https://pypi.org/project/segmentation_models) (π₯ 28K / month Β· π¦ 28 Β· β±οΈ 10.01.2020):
+- [PyPi](https://pypi.org/project/segmentation_models) (π₯ 27K / month Β· π¦ 28 Β· β±οΈ 10.01.2020):
```
pip install segmentation_models
```
-vissl (π₯23 Β· β 3.3K Β· π€) - VISSL is FAIRs library of extensible, modular and scalable.. MIT

+ffcv (π₯23 Β· β 2.9K Β· π€) - FFCV: Fast Forward Computer Vision (and other ML workloads!). Apache-2
-- [GitHub](https://github.com/facebookresearch/vissl) (π¨βπ» 38 Β· π 330 Β· π¦ 53 Β· π 190 - 43% open Β· β±οΈ 03.03.2024):
+- [GitHub](https://github.com/libffcv/ffcv) (π¨βπ» 31 Β· π 180 Β· π¦ 69 Β· π 290 - 38% open Β· β±οΈ 06.05.2024):
```
- git clone https://github.com/facebookresearch/vissl
+ git clone https://github.com/libffcv/ffcv
```
-- [PyPi](https://pypi.org/project/vissl) (π₯ 270 / month Β· π¦ 1 Β· β±οΈ 02.11.2021):
+- [PyPi](https://pypi.org/project/ffcv) (π₯ 850 / month Β· π¦ 1 Β· β±οΈ 28.01.2022):
```
- pip install vissl
+ pip install ffcv
```
-kubric (π₯23 Β· β 2.3K) - A data generation pipeline for creating semi-realistic synthetic.. Apache-2
+kubric (π₯23 Β· β 2.5K) - A data generation pipeline for creating semi-realistic synthetic.. Apache-2
-- [GitHub](https://github.com/google-research/kubric) (π¨βπ» 30 Β· π 220 Β· π¦ 7 Β· π 190 - 33% open Β· β±οΈ 07.10.2024):
+- [GitHub](https://github.com/google-research/kubric) (π¨βπ» 32 Β· π 240 Β· π¦ 7 Β· π 190 - 33% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/google-research/kubric
```
-- [PyPi](https://pypi.org/project/kubric-nightly) (π₯ 60K / month Β· β±οΈ 27.12.2023):
+- [PyPi](https://pypi.org/project/kubric-nightly) (π₯ 21K / month Β· β±οΈ 27.12.2023):
```
pip install kubric-nightly
```
-icevision (π₯22 Β· β 850) - An Agnostic Computer Vision Framework - Pluggable to any Training.. Apache-2
+icevision (π₯22 Β· β 860 Β· π€) - An Agnostic Computer Vision Framework - Pluggable to any.. Apache-2
- [GitHub](https://github.com/airctic/icevision) (π¨βπ» 41 Β· π 130 Β· π 570 - 10% open Β· β±οΈ 31.10.2024):
```
git clone https://github.com/airctic/icevision
```
-- [PyPi](https://pypi.org/project/icevision) (π₯ 5.6K / month Β· π¦ 6 Β· β±οΈ 10.02.2022):
+- [PyPi](https://pypi.org/project/icevision) (π₯ 4.3K / month Β· π¦ 6 Β· β±οΈ 10.02.2022):
```
pip install icevision
```
-DEβ«ΆTR (π₯21 Β· β 14K Β· π€) - End-to-End Object Detection with Transformers. Apache-2

+PySlowFast (π₯21 Β· β 6.9K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2

-- [GitHub](https://github.com/facebookresearch/detr) (π¨βπ» 27 Β· π 2.4K Β· π¦ 21 Β· π 540 - 47% open Β· β±οΈ 12.03.2024):
+- [GitHub](https://github.com/facebookresearch/SlowFast) (π¨βπ» 34 Β· π 1.2K Β· π¦ 23 Β· π 710 - 58% open Β· β±οΈ 26.11.2024):
```
- git clone https://github.com/facebookresearch/detr
+ git clone https://github.com/facebookresearch/SlowFast
+ ```
+- [PyPi](https://pypi.org/project/pyslowfast) (π₯ 41 / month Β· β±οΈ 15.01.2020):
+ ```
+ pip install pyslowfast
```
-PySlowFast (π₯21 Β· β 6.6K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2

+Image Super-Resolution (π₯21 Β· β 4.7K) - Super-scale your images and run experiments with.. Apache-2

-- [GitHub](https://github.com/facebookresearch/SlowFast) (π¨βπ» 33 Β· π 1.2K Β· π¦ 20 Β· π 700 - 58% open Β· β±οΈ 13.08.2024):
+- [GitHub](https://github.com/idealo/image-super-resolution) (π¨βπ» 11 Β· π 750 Β· π 220 - 48% open Β· β±οΈ 18.12.2024):
```
- git clone https://github.com/facebookresearch/SlowFast
+ git clone https://github.com/idealo/image-super-resolution
```
-- [PyPi](https://pypi.org/project/pyslowfast) (π₯ 110 / month Β· β±οΈ 15.01.2020):
+- [PyPi](https://pypi.org/project/ISR) (π₯ 6.8K / month Β· π¦ 5 Β· β±οΈ 08.01.2020):
```
- pip install pyslowfast
+ pip install ISR
+ ```
+- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (π₯ 280 Β· β 1 Β· β±οΈ 01.04.2019):
+ ```
+ docker pull idealo/image-super-resolution-gpu
```
-scenic (π₯18 Β· β 3.3K) - Scenic: A Jax Library for Computer Vision Research and Beyond. Apache-2

+scenic (π₯17 Β· β 3.5K) - Scenic: A Jax Library for Computer Vision Research and Beyond. Apache-2

-- [GitHub](https://github.com/google-research/scenic) (π¨βπ» 88 Β· π 430 Β· π 270 - 55% open Β· β±οΈ 19.10.2024):
+- [GitHub](https://github.com/google-research/scenic) (π¨βπ» 94 Β· π 450 Β· π 270 - 56% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/google-research/scenic
```
-Show 24 hidden projects...
+Show 26 hidden projects...
-- scikit-image (π₯42 Β· β 6.1K Β· π) - Image processing in Python. βUnlicensed
-- imgaug (π₯36 Β· β 14K Β· π) - Image augmentation for machine learning experiments. MIT
-- glfw (π₯36 Β· β 13K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input. βοΈZlib
-- Face Recognition (π₯35 Β· β 53K Β· π) - The worlds simplest facial recognition api for Python.. MIT

-- PyTorch3D (π₯33 Β· β 8.8K) - PyTorch3D is FAIRs library of reusable components for.. βUnlicensed

-- imutils (π₯31 Β· β 4.5K Β· π) - A series of convenience functions to make basic image processing.. MIT
-- GluonCV (π₯29 Β· β 5.8K Β· π) - Gluon CV Toolkit. Apache-2

-- layout-parser (π₯28 Β· β 4.9K Β· π) - A Unified Toolkit for Deep Learning Based Document Image.. Apache-2
-- Pillow-SIMD (π₯27 Β· β 2.2K) - The friendly PIL fork. βοΈPIL
+- scikit-image (π₯42 Β· β 6.2K) - Image processing in Python. βUnlicensed
+- MMDetection (π₯37 Β· β 31K Β· π) - OpenMMLab Detection Toolbox and Benchmark. Apache-2

+- glfw (π₯37 Β· β 14K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input. βοΈZlib
+- Face Recognition (π₯36 Β· β 55K Β· π) - The worlds simplest facial recognition api for Python.. MIT

+- imgaug (π₯36 Β· β 15K Β· π) - Image augmentation for machine learning experiments. MIT
+- PyTorch3D (π₯32 Β· β 9.2K) - PyTorch3D is FAIRs library of reusable components for.. βUnlicensed

+- imageai (π₯31 Β· β 8.8K Β· π) - A python library built to empower developers to build applications.. MIT
+- imutils (π₯31 Β· β 4.6K Β· π) - A series of convenience functions to make basic image processing.. MIT
+- GluonCV (π₯29 Β· β 5.9K Β· π) - Gluon CV Toolkit. Apache-2

+- layout-parser (π₯28 Β· β 5.2K Β· π) - A Unified Toolkit for Deep Learning Based Document Image.. Apache-2
+- Augmentor (π₯27 Β· β 5.1K Β· π) - Image augmentation library in Python for machine learning. MIT
- chainercv (π₯27 Β· β 1.5K Β· π) - ChainerCV: a Library for Deep Learning in Computer Vision. MIT
-- Augmentor (π₯26 Β· β 5.1K Β· π) - Image augmentation library in Python for machine learning. MIT
-- Image Deduplicator (π₯24 Β· β 5.1K Β· π) - Finding duplicate images made easy!. Apache-2

+- Pillow-SIMD (π₯25 Β· β 2.2K Β· π€) - The friendly PIL fork. βοΈPIL
- deep-daze (π₯23 Β· β 4.4K Β· π) - Simple command line tool for text to image generation using.. MIT
-- Luminoth (π₯23 Β· β 2.4K Β· π) - Deep Learning toolkit for Computer Vision. BSD-3

-- Classy Vision (π₯22 Β· β 1.6K Β· π) - An end-to-end PyTorch framework for image and video.. MIT

-- Image Super-Resolution (π₯21 Β· β 4.6K Β· π) - Super-scale your images and run experiments with.. Apache-2

-- image-match (π₯20 Β· β 2.9K Β· π) - Quickly search over billions of images. Apache-2
-- pycls (π₯20 Β· β 2.1K Β· π) - Codebase for Image Classification Research, written in PyTorch. MIT

+- vissl (π₯23 Β· β 3.3K Β· π) - VISSL is FAIRs library of extensible, modular and scalable.. MIT

+- Classy Vision (π₯23 Β· β 1.6K Β· π) - An end-to-end PyTorch framework for image and video.. MIT

+- Luminoth (π₯22 Β· β 2.4K Β· π) - Deep Learning toolkit for Computer Vision. BSD-3

+- detecto (π₯22 Β· β 620 Β· π) - Build fully-functioning computer vision models with PyTorch. MIT

+- DEβ«ΆTR (π₯21 Β· β 14K Β· π) - End-to-End Object Detection with Transformers. Apache-2

+- solt (π₯21 Β· β 260) - Streaming over lightweight data transformations. MIT
+- image-match (π₯20 Β· β 3K Β· π) - Quickly search over billions of images. Apache-2
- nude.py (π₯20 Β· β 930 Β· π) - Nudity detection with Python. MIT
-- detecto (π₯20 Β· β 610 Β· π) - Build fully-functioning computer vision models with PyTorch. MIT

-- Caer (π₯18 Β· β 770 Β· π) - A lightweight Computer Vision library. Scale your models, not boilerplate. MIT
-- solt (π₯18 Β· β 260) - Streaming over lightweight data transformations. MIT
-- Torch Points 3D (π₯17 Β· β 220 Β· π) - Pytorch framework for doing deep learning on point.. BSD-3

-- HugsVision (π₯16 Β· β 190 Β· π) - HugsVision is a easy to use huggingface wrapper for state-of-.. MIT
huggingface
+- pycls (π₯18 Β· β 2.2K Β· π) - Codebase for Image Classification Research, written in PyTorch. MIT

+- Caer (π₯17 Β· β 790 Β· π) - A lightweight Computer Vision library. Scale your models, not boilerplate. MIT
+- Torch Points 3D (π₯17 Β· β 240 Β· π) - Pytorch framework for doing deep learning on point.. BSD-3

+- HugsVision (π₯15 Β· β 200 Β· π) - HugsVision is a easy to use huggingface wrapper for state-of-.. MIT
huggingface
@@ -2763,258 +2602,174 @@ _Libraries for image & video processing, manipulation, and augmentation as well
_Libraries for graph processing, clustering, embedding, and machine learning tasks._
-networkx (π₯44 Β· β 15K) - Network Analysis in Python. BSD-3
+networkx (π₯44 Β· β 16K) - Network Analysis in Python. BSD-3
-- [GitHub](https://github.com/networkx/networkx) (π¨βπ» 750 Β· π 3.2K Β· π₯ 76 Β· π¦ 310K Β· π 3.4K - 10% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/networkx/networkx) (π¨βπ» 780 Β· π 3.3K Β· π₯ 110 Β· π¦ 400K Β· π 3.4K - 10% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/networkx/networkx
```
-- [PyPi](https://pypi.org/project/networkx) (π₯ 76M / month Β· π¦ 9.6K Β· β±οΈ 21.10.2024):
+- [PyPi](https://pypi.org/project/networkx) (π₯ 90M / month Β· π¦ 9.6K Β· β±οΈ 21.10.2024):
```
pip install networkx
```
-- [Conda](https://anaconda.org/conda-forge/networkx) (π₯ 18M Β· β±οΈ 30.10.2024):
+- [Conda](https://anaconda.org/conda-forge/networkx) (π₯ 22M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge networkx
```
-PyTorch Geometric (π₯40 Β· β 21K) - Graph Neural Network Library for PyTorch. MIT

+PyTorch Geometric (π₯40 Β· β 22K) - Graph Neural Network Library for PyTorch. MIT

-- [GitHub](https://github.com/pyg-team/pytorch_geometric) (π¨βπ» 520 Β· π 3.6K Β· π¦ 6.8K Β· π 3.7K - 28% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/pyg-team/pytorch_geometric) (π¨βπ» 540 Β· π 3.8K Β· π¦ 9.2K Β· π 3.9K - 30% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/pyg-team/pytorch_geometric
```
-- [PyPi](https://pypi.org/project/torch-geometric) (π₯ 370K / month Β· π¦ 360 Β· β±οΈ 26.09.2024):
+- [PyPi](https://pypi.org/project/torch-geometric) (π₯ 660K / month Β· π¦ 360 Β· β±οΈ 26.09.2024):
```
pip install torch-geometric
```
-- [Conda](https://anaconda.org/conda-forge/pytorch_geometric) (π₯ 100K Β· β±οΈ 26.09.2024):
+- [Conda](https://anaconda.org/conda-forge/pytorch_geometric) (π₯ 150K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge pytorch_geometric
```
-dgl (π₯38 Β· β 14K) - Python package built to ease deep learning on graph, on top of existing DL.. Apache-2
+dgl (π₯35 Β· β 14K) - Python package built to ease deep learning on graph, on top of existing DL.. Apache-2
-- [GitHub](https://github.com/dmlc/dgl) (π¨βπ» 300 Β· π 3K Β· π¦ 310 Β· π 2.9K - 18% open Β· β±οΈ 18.10.2024):
+- [GitHub](https://github.com/dmlc/dgl) (π¨βπ» 300 Β· π 3K Β· π¦ 3.9K Β· π 2.9K - 18% open Β· β±οΈ 11.02.2025):
```
git clone https://github.com/dmlc/dgl
```
-- [PyPi](https://pypi.org/project/dgl) (π₯ 200K / month Β· π¦ 150 Β· β±οΈ 13.05.2024):
+- [PyPi](https://pypi.org/project/dgl) (π₯ 100K / month Β· π¦ 150 Β· β±οΈ 13.05.2024):
```
pip install dgl
```
-pygraphistry (π₯32 Β· β 2.2K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3

+PyKEEN (π₯31 Β· β 1.8K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
-- [GitHub](https://github.com/graphistry/pygraphistry) (π¨βπ» 46 Β· π 200 Β· π¦ 120 Β· π 340 - 51% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/pykeen/pykeen) (π¨βπ» 43 Β· π 200 Β· π₯ 240 Β· π¦ 320 Β· π 590 - 20% open Β· β±οΈ 24.04.2025):
```
- git clone https://github.com/graphistry/pygraphistry
+ git clone https://github.com/pykeen/pykeen
```
-- [PyPi](https://pypi.org/project/graphistry) (π₯ 16K / month Β· π¦ 6 Β· β±οΈ 20.10.2024):
+- [PyPi](https://pypi.org/project/pykeen) (π₯ 11K / month Β· π¦ 21 Β· β±οΈ 24.04.2025):
```
- pip install graphistry
+ pip install pykeen
```
-PyKEEN (π₯32 Β· β 1.7K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
+pygraphistry (π₯29 Β· β 2.2K) - PyGraphistry is a Python library to quickly load, shape,.. BSD-3

-- [GitHub](https://github.com/pykeen/pykeen) (π¨βπ» 41 Β· π 190 Β· π₯ 220 Β· π¦ 250 Β· π 570 - 19% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/graphistry/pygraphistry) (π¨βπ» 46 Β· π 220 Β· π¦ 150 Β· π 360 - 53% open Β· β±οΈ 22.04.2025):
```
- git clone https://github.com/pykeen/pykeen
+ git clone https://github.com/graphistry/pygraphistry
```
-- [PyPi](https://pypi.org/project/pykeen) (π₯ 11K / month Β· π¦ 19 Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/graphistry) (π₯ 22K / month Β· π¦ 6 Β· β±οΈ 22.04.2025):
```
- pip install pykeen
+ pip install graphistry
```
-Spektral (π₯28 Β· β 2.4K Β· π€) - Graph Neural Networks with Keras and Tensorflow 2. MIT

+pytorch_geometric_temporal (π₯28 Β· β 2.8K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT

-- [GitHub](https://github.com/danielegrattarola/spektral) (π¨βπ» 27 Β· π 340 Β· π¦ 340 Β· π 280 - 24% open Β· β±οΈ 21.01.2024):
+- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (π¨βπ» 37 Β· π 390 Β· π 200 - 20% open Β· β±οΈ 24.03.2025):
```
- git clone https://github.com/danielegrattarola/spektral
+ git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
```
-- [PyPi](https://pypi.org/project/spektral) (π₯ 11K / month Β· π¦ 7 Β· β±οΈ 21.01.2024):
+- [PyPi](https://pypi.org/project/torch-geometric-temporal) (π₯ 5.8K / month Β· π¦ 7 Β· β±οΈ 28.03.2025):
```
- pip install spektral
+ pip install torch-geometric-temporal
```
-ogb (π₯28 Β· β 1.9K Β· π€) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
+ogb (π₯28 Β· β 2K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
-- [GitHub](https://github.com/snap-stanford/ogb) (π¨βπ» 32 Β· π 400 Β· π¦ 2K Β· π 300 - 8% open Β· β±οΈ 01.02.2024):
+- [GitHub](https://github.com/snap-stanford/ogb) (π¨βπ» 32 Β· π 400 Β· π¦ 2.5K Β· π 310 - 11% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/snap-stanford/ogb
```
-- [PyPi](https://pypi.org/project/ogb) (π₯ 55K / month Β· π¦ 22 Β· β±οΈ 02.11.2022):
+- [PyPi](https://pypi.org/project/ogb) (π₯ 33K / month Β· π¦ 73 Β· β±οΈ 07.04.2023):
```
pip install ogb
```
-- [Conda](https://anaconda.org/conda-forge/ogb) (π₯ 40K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/ogb) (π₯ 52K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge ogb
```
-AmpliGraph (π₯26 Β· β 2.2K Β· π€) - Python library for Representation Learning on Knowledge.. Apache-2

-
-- [GitHub](https://github.com/Accenture/AmpliGraph) (π¨βπ» 21 Β· π 250 Β· π¦ 56 Β· π 240 - 17% open Β· β±οΈ 28.02.2024):
-
- ```
- git clone https://github.com/Accenture/AmpliGraph
- ```
-- [PyPi](https://pypi.org/project/ampligraph) (π₯ 3.4K / month Β· π¦ 2 Β· β±οΈ 26.02.2024):
- ```
- pip install ampligraph
- ```
-
-pytorch_geometric_temporal (π₯25 Β· β 2.7K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT

-
-- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (π¨βπ» 34 Β· π 370 Β· π 200 - 20% open Β· β±οΈ 14.10.2024):
-
- ```
- git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
- ```
-- [PyPi](https://pypi.org/project/torch-geometric-temporal) (π₯ 3K / month Β· π¦ 7 Β· β±οΈ 04.09.2022):
- ```
- pip install torch-geometric-temporal
- ```
-
-Node2Vec (π₯25 Β· β 1.2K) - Implementation of the node2vec algorithm. MIT
+Node2Vec (π₯25 Β· β 1.3K Β· π€) - Implementation of the node2vec algorithm. MIT
-- [GitHub](https://github.com/eliorc/node2vec) (π¨βπ» 16 Β· π 240 Β· π¦ 710 Β· π 93 - 5% open Β· β±οΈ 02.08.2024):
+- [GitHub](https://github.com/eliorc/node2vec) (π¨βπ» 16 Β· π 250 Β· π¦ 900 Β· π 97 - 5% open Β· β±οΈ 02.08.2024):
```
git clone https://github.com/eliorc/node2vec
```
-- [PyPi](https://pypi.org/project/node2vec) (π₯ 18K / month Β· π¦ 31 Β· β±οΈ 02.08.2024):
+- [PyPi](https://pypi.org/project/node2vec) (π₯ 25K / month Β· π¦ 31 Β· β±οΈ 02.08.2024):
```
pip install node2vec
```
-- [Conda](https://anaconda.org/conda-forge/node2vec) (π₯ 31K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/node2vec) (π₯ 35K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge node2vec
```
-PyTorch-BigGraph (π₯24 Β· β 3.4K Β· π€) - Generate embeddings from large-scale graph-structured.. BSD-3

-
-- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (π¨βπ» 32 Β· π 450 Β· π₯ 210 Β· π 200 - 32% open Β· β±οΈ 03.03.2024):
-
- ```
- git clone https://github.com/facebookresearch/PyTorch-BigGraph
- ```
-- [PyPi](https://pypi.org/project/torchbiggraph) (π₯ 440K / month Β· π¦ 2 Β· β±οΈ 14.10.2019):
- ```
- pip install torchbiggraph
- ```
-
-torch-cluster (π₯22 Β· β 820) - PyTorch Extension Library of Optimized Graph Cluster.. MIT

+torch-cluster (π₯25 Β· β 870) - PyTorch Extension Library of Optimized Graph Cluster.. MIT

-- [GitHub](https://github.com/rusty1s/pytorch_cluster) (π¨βπ» 35 Β· π 140 Β· π 180 - 21% open Β· β±οΈ 10.09.2024):
+- [GitHub](https://github.com/rusty1s/pytorch_cluster) (π¨βπ» 39 Β· π 150 Β· π 180 - 17% open Β· β±οΈ 20.04.2025):
```
git clone https://github.com/rusty1s/pytorch_cluster
```
-- [PyPi](https://pypi.org/project/torch-cluster) (π₯ 18K / month Β· π¦ 62 Β· β±οΈ 12.10.2023):
+- [PyPi](https://pypi.org/project/torch-cluster) (π₯ 19K / month Β· π¦ 62 Β· β±οΈ 12.10.2023):
```
pip install torch-cluster
```
-- [Conda](https://anaconda.org/conda-forge/pytorch_cluster) (π₯ 210K Β· β±οΈ 28.08.2024):
+- [Conda](https://anaconda.org/conda-forge/pytorch_cluster) (π₯ 360K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge pytorch_cluster
```
-deepsnap (π₯20 Β· β 550 Β· π€) - Python library assists deep learning on graphs. MIT
-
-- [GitHub](https://github.com/snap-stanford/deepsnap) (π¨βπ» 18 Β· π 57 Β· π₯ 13 Β· π¦ 110 Β· π 50 - 50% open Β· β±οΈ 11.11.2023):
-
- ```
- git clone https://github.com/snap-stanford/deepsnap
- ```
-- [PyPi](https://pypi.org/project/deepsnap) (π₯ 910 / month Β· π¦ 2 Β· β±οΈ 05.09.2021):
- ```
- pip install deepsnap
- ```
-
-Sematch (π₯18 Β· β 430 Β· π€) - semantic similarity framework for knowledge graph. Apache-2
-
-- [GitHub](https://github.com/gsi-upm/sematch) (π¨βπ» 10 Β· π 110 Β· π¦ 48 Β· π 34 - 44% open Β· β±οΈ 07.11.2023):
-
- ```
- git clone https://github.com/gsi-upm/sematch
- ```
-- [PyPi](https://pypi.org/project/sematch) (π₯ 310 / month Β· β±οΈ 17.04.2017):
- ```
- pip install sematch
- ```
-
-kglib (π₯17 Β· β 550 Β· π€) - TypeDB-ML is the Machine Learning integrations library for TypeDB. Apache-2
-
-- [GitHub](https://github.com/typedb/typedb-ml) (π¨βπ» 13 Β· π 98 Β· π₯ 240 Β· π 63 - 19% open Β· β±οΈ 18.11.2023):
-
- ```
- git clone https://github.com/vaticle/kglib
- ```
-- [PyPi](https://pypi.org/project/grakn-kglib) (π₯ 490 / month Β· β±οΈ 19.08.2020):
- ```
- pip install grakn-kglib
- ```
-
-AutoGL (π₯16 Β· β 1.1K Β· π€) - An autoML framework & toolkit for machine learning on graphs. Apache-2

-
-- [GitHub](https://github.com/THUMNLab/AutoGL) (π¨βπ» 16 Β· π 120 Β· π 39 - 35% open Β· β±οΈ 05.02.2024):
-
- ```
- git clone https://github.com/THUMNLab/AutoGL
- ```
-- [PyPi](https://pypi.org/project/auto-graph-learning) (β±οΈ 23.12.2020):
- ```
- pip install auto-graph-learning
- ```
-
-OpenNE (π₯14 Β· β 1.7K Β· π€) - An Open-Source Package for Network Embedding (NE). MIT

-
-- [GitHub](https://github.com/thunlp/OpenNE) (π¨βπ» 12 Β· π 490 Β· π 110 - 9% open Β· β±οΈ 10.01.2024):
-
- ```
- git clone https://github.com/thunlp/OpenNE
- ```
-
-GraphVite (π₯14 Β· β 1.2K) - GraphVite: A General and High-performance Graph Embedding System. Apache-2
+GraphVite (π₯15 Β· β 1.3K Β· π€) - GraphVite: A General and High-performance Graph Embedding.. Apache-2
-- [GitHub](https://github.com/DeepGraphLearning/graphvite) (π¨βπ» 1 Β· π 150 Β· π 110 - 46% open Β· β±οΈ 14.06.2024):
+- [GitHub](https://github.com/DeepGraphLearning/graphvite) (π¨βπ» 1 Β· π 150 Β· π 110 - 47% open Β· β±οΈ 14.06.2024):
```
git clone https://github.com/DeepGraphLearning/graphvite
```
-- [Conda](https://anaconda.org/milagraph/graphvite) (π₯ 4.9K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/milagraph/graphvite) (π₯ 5.1K Β· β±οΈ 25.03.2025):
```
conda install -c milagraph graphvite
```
-Show 18 hidden projects...
+Show 26 hidden projects...
-- igraph (π₯35 Β· β 1.3K) - Python interface for igraph. βοΈGPL-2.0
-- StellarGraph (π₯28 Β· β 2.9K Β· π) - StellarGraph - Machine Learning on Graphs. Apache-2

-- pygal (π₯28 Β· β 2.6K) - PYthon svg GrAph plotting Library. βοΈLGPL-3.0
+- igraph (π₯32 Β· β 1.4K) - Python interface for igraph. βοΈGPL-2.0
+- Spektral (π₯28 Β· β 2.4K Β· π) - Graph Neural Networks with Keras and Tensorflow 2. MIT

+- StellarGraph (π₯27 Β· β 3K Β· π) - StellarGraph - Machine Learning on Graphs. Apache-2

+- pygal (π₯27 Β· β 2.7K Β· π€) - PYthon svg GrAph plotting Library. βοΈLGPL-3.0
- Paddle Graph Learning (π₯26 Β· β 1.6K Β· π) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2

-- Karate Club (π₯24 Β· β 2.2K) - Karate Club: An API Oriented Open-source Python Framework for.. βοΈGPL-3.0
-- graph-nets (π₯22 Β· β 5.4K Β· π) - Build Graph Nets in Tensorflow. Apache-2

+- AmpliGraph (π₯25 Β· β 2.2K Β· π) - Python library for Representation Learning on Knowledge.. Apache-2

+- Karate Club (π₯24 Β· β 2.2K Β· π€) - Karate Club: An API Oriented Open-source Python Framework.. βοΈGPL-3.0
+- PyTorch-BigGraph (π₯23 Β· β 3.4K Β· π) - Generate embeddings from large-scale graph-structured.. BSD-3

+- jraph (π₯23 Β· β 1.4K Β· π) - A Graph Neural Network Library in Jax. Apache-2

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

-- jraph (π₯22 Β· β 1.4K Β· π) - A Graph Neural Network Library in Jax. Apache-2

-- pyRDF2Vec (π₯21 Β· β 250 Β· π) - Python Implementation and Extension of RDF2Vec. MIT
+- graph-nets (π₯21 Β· β 5.4K Β· π) - Build Graph Nets in Tensorflow. Apache-2

+- pyRDF2Vec (π₯21 Β· β 260 Β· π) - Python Implementation and Extension of RDF2Vec. MIT
- DeepWalk (π₯20 Β· β 2.7K Β· π) - DeepWalk - Deep Learning for Graphs. βοΈGPL-3.0
-- DIG (π₯20 Β· β 1.9K Β· π€) - A library for graph deep learning research. βοΈGPL-3.0
-- GraphGym (π₯19 Β· β 1.7K Β· π) - Platform for designing and evaluating Graph Neural Networks (GNN). MIT
-- DeepGraph (π₯19 Β· β 280 Β· π€) - Analyze Data with Pandas-based Networks. Documentation:. BSD-3

+- DIG (π₯20 Β· β 2K Β· π) - A library for graph deep learning research. βοΈGPL-3.0
+- GraphGym (π₯20 Β· β 1.8K Β· π) - Platform for designing and evaluating Graph Neural Networks (GNN). MIT
+- deepsnap (π₯20 Β· β 560 Β· π) - Python library assists deep learning on graphs. MIT
+- Sematch (π₯18 Β· β 440 Β· π) - semantic similarity framework for knowledge graph. Apache-2
+- DeepGraph (π₯18 Β· β 290) - Analyze Data with Pandas-based Networks. Documentation:. BSD-3

+- kglib (π₯17 Β· β 550 Β· π) - TypeDB-ML is the Machine Learning integrations library for TypeDB. Apache-2
- Euler (π₯16 Β· β 2.9K Β· π) - A distributed graph deep learning framework. Apache-2

-- GraphSAGE (π₯15 Β· β 3.4K Β· π) - Representation learning on large graphs using stochastic.. MIT

-- ptgnn (π₯15 Β· β 370 Β· π) - A PyTorch Graph Neural Network Library. MIT

-- GraphEmbedding (π₯14 Β· β 3.7K Β· π) - Implementation and experiments of graph embedding.. MIT

-- OpenKE (π₯13 Β· β 3.8K Β· π€) - An Open-Source Package for Knowledge Embedding (KE). βUnlicensed
+- AutoGL (π₯16 Β· β 1.1K Β· π) - An autoML framework & toolkit for machine learning on graphs. Apache-2

+- ptgnn (π₯15 Β· β 380 Β· π) - A PyTorch Graph Neural Network Library. MIT

+- GraphEmbedding (π₯14 Β· β 3.8K Β· π) - Implementation and experiments of graph embedding.. MIT

+- GraphSAGE (π₯14 Β· β 3.5K Β· π) - Representation learning on large graphs using stochastic.. MIT

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

+- OpenKE (π₯13 Β· β 3.9K Β· π) - An Open-Source Package for Knowledge Embedding (KE). βUnlicensed
@@ -3024,252 +2779,237 @@ _Libraries for graph processing, clustering, embedding, and machine learning tas
_Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks._
-speechbrain (π₯41 Β· β 8.8K) - A PyTorch-based Speech Toolkit. Apache-2

+speechbrain (π₯39 Β· β 9.8K) - A PyTorch-based Speech Toolkit. Apache-2

-- [GitHub](https://github.com/speechbrain/speechbrain) (π¨βπ» 250 Β· π 1.4K Β· π¦ 2.4K Β· π 1.1K - 11% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/speechbrain/speechbrain) (π¨βπ» 260 Β· π 1.5K Β· π¦ 3.4K Β· π 1.2K - 12% open Β· β±οΈ 26.04.2025):
```
git clone https://github.com/speechbrain/speechbrain
```
-- [PyPi](https://pypi.org/project/speechbrain) (π₯ 3.5M / month Β· π¦ 67 Β· β±οΈ 30.10.2024):
+- [PyPi](https://pypi.org/project/speechbrain) (π₯ 1.2M / month Β· π¦ 79 Β· β±οΈ 07.04.2025):
```
pip install speechbrain
```
-espnet (π₯38 Β· β 8.4K) - End-to-End Speech Processing Toolkit. Apache-2
+espnet (π₯38 Β· β 9.1K) - End-to-End Speech Processing Toolkit. Apache-2
-- [GitHub](https://github.com/espnet/espnet) (π¨βπ» 460 Β· π 2.2K Β· π₯ 82 Β· π¦ 380 Β· π 2.4K - 14% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/espnet/espnet) (π¨βπ» 490 Β· π 2.2K Β· π₯ 84 Β· π¦ 440 Β· π 2.5K - 14% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/espnet/espnet
```
-- [PyPi](https://pypi.org/project/espnet) (π₯ 41K / month Β· π¦ 12 Β· β±οΈ 06.02.2024):
+- [PyPi](https://pypi.org/project/espnet) (π₯ 24K / month Β· π¦ 12 Β· β±οΈ 04.12.2024):
```
pip install espnet
```
-Coqui TTS (π₯35 Β· β 35K Β· π€) - - a deep learning toolkit for Text-to-Speech, battle-.. MPL-2.0


+SpeechRecognition (π₯35 Β· β 8.7K) - Speech recognition module for Python, supporting several.. BSD-3
-- [GitHub](https://github.com/coqui-ai/TTS) (π¨βπ» 170 Β· π 4.2K Β· π₯ 3.6M Β· π¦ 1.8K Β· π 1.1K - 7% open Β· β±οΈ 10.02.2024):
+- [GitHub](https://github.com/Uberi/speech_recognition) (π¨βπ» 54 Β· π 2.4K Β· π¦ 21 Β· π 660 - 48% open Β· β±οΈ 06.05.2025):
```
- git clone https://github.com/coqui-ai/TTS
+ git clone https://github.com/Uberi/speech_recognition
```
-- [PyPi](https://pypi.org/project/tts) (π₯ 130K / month Β· π¦ 53 Β· β±οΈ 12.12.2023):
+- [PyPi](https://pypi.org/project/SpeechRecognition) (π₯ 1.4M / month Β· π¦ 680 Β· β±οΈ 23.03.2025):
```
- pip install tts
+ pip install SpeechRecognition
```
-- [Conda](https://anaconda.org/conda-forge/tts) (π₯ 18K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/speechrecognition) (π₯ 250K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge tts
+ conda install -c conda-forge speechrecognition
```
-SpeechRecognition (π₯35 Β· β 8.4K) - Speech recognition module for Python, supporting several.. BSD-3
+librosa (π₯35 Β· β 7.6K) - Python library for audio and music analysis. ISC
-- [GitHub](https://github.com/Uberi/speech_recognition) (π¨βπ» 51 Β· π 2.4K Β· π¦ 21 Β· π 660 - 50% open Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/librosa/librosa) (π¨βπ» 120 Β· π 980 Β· π 1.2K - 5% open Β· β±οΈ 11.03.2025):
```
- git clone https://github.com/Uberi/speech_recognition
+ git clone https://github.com/librosa/librosa
```
-- [PyPi](https://pypi.org/project/SpeechRecognition) (π₯ 1M / month Β· π¦ 580 Β· β±οΈ 20.10.2024):
+- [PyPi](https://pypi.org/project/librosa) (π₯ 3.6M / month Β· π¦ 1.6K Β· β±οΈ 11.03.2025):
```
- pip install SpeechRecognition
+ pip install librosa
```
-- [Conda](https://anaconda.org/conda-forge/speechrecognition) (π₯ 210K Β· β±οΈ 06.05.2024):
+- [Conda](https://anaconda.org/conda-forge/librosa) (π₯ 890K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge speechrecognition
+ conda install -c conda-forge librosa
```
-torchaudio (π₯35 Β· β 2.5K) - Data manipulation and transformation for audio signal.. BSD-2

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

-- [GitHub](https://github.com/pytorch/audio) (π¨βπ» 230 Β· π 650 Β· π 980 - 26% open Β· β±οΈ 23.10.2024):
+- [GitHub](https://github.com/pytorch/audio) (π¨βπ» 230 Β· π 690 Β· π 1K - 27% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/pytorch/audio
```
-- [PyPi](https://pypi.org/project/torchaudio) (π₯ 6.3M / month Β· π¦ 1.4K Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/torchaudio) (π₯ 13M / month Β· π¦ 1.9K Β· β±οΈ 23.04.2025):
```
pip install torchaudio
```
-librosa (π₯33 Β· β 7.1K) - Python library for audio and music analysis. ISC
+spleeter (π₯33 Β· β 27K) - Deezer source separation library including pretrained models. MIT

-- [GitHub](https://github.com/librosa/librosa) (π¨βπ» 120 Β· π 960 Β· π 1.2K - 4% open Β· β±οΈ 08.10.2024):
+- [GitHub](https://github.com/deezer/spleeter) (π¨βπ» 22 Β· π 2.9K Β· π₯ 4M Β· π¦ 1K Β· π 820 - 31% open Β· β±οΈ 02.04.2025):
```
- git clone https://github.com/librosa/librosa
+ git clone https://github.com/deezer/spleeter
```
-- [PyPi](https://pypi.org/project/librosa) (π₯ 2.9M / month Β· π¦ 1.4K Β· β±οΈ 14.05.2024):
+- [PyPi](https://pypi.org/project/spleeter) (π₯ 35K / month Β· π¦ 18 Β· β±οΈ 03.04.2025):
```
- pip install librosa
+ pip install spleeter
```
-- [Conda](https://anaconda.org/conda-forge/librosa) (π₯ 820K Β· β±οΈ 15.05.2024):
+- [Conda](https://anaconda.org/conda-forge/spleeter) (π₯ 110K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge librosa
+ conda install -c conda-forge spleeter
```
-Magenta (π₯32 Β· β 19K) - Magenta: Music and Art Generation with Machine Intelligence. Apache-2

+Magenta (π₯33 Β· β 19K) - Magenta: Music and Art Generation with Machine Intelligence. Apache-2

-- [GitHub](https://github.com/magenta/magenta) (π¨βπ» 160 Β· π 3.7K Β· π¦ 540 Β· π 1K - 41% open Β· β±οΈ 01.08.2024):
+- [GitHub](https://github.com/magenta/magenta) (π¨βπ» 160 Β· π 3.7K Β· π¦ 580 Β· π 1K - 41% open Β· β±οΈ 17.01.2025):
```
git clone https://github.com/magenta/magenta
```
-- [PyPi](https://pypi.org/project/magenta) (π₯ 7.8K / month Β· π¦ 5 Β· β±οΈ 01.08.2022):
+- [PyPi](https://pypi.org/project/magenta) (π₯ 8.6K / month Β· π¦ 5 Β· β±οΈ 01.08.2022):
```
pip install magenta
```
-spleeter (π₯31 Β· β 26K) - Deezer source separation library including pretrained models. MIT

+python-soundfile (π₯32 Β· β 760 Β· π) - SoundFile is an audio library based on libsndfile, CFFI,.. BSD-3
-- [GitHub](https://github.com/deezer/spleeter) (π¨βπ» 21 Β· π 2.8K Β· π₯ 3.5M Β· π¦ 820 Β· π 800 - 29% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/bastibe/python-soundfile) (π¨βπ» 38 Β· π 110 Β· π₯ 21K Β· π¦ 63K Β· π 260 - 46% open Β· β±οΈ 28.04.2025):
```
- git clone https://github.com/deezer/spleeter
- ```
-- [PyPi](https://pypi.org/project/spleeter) (π₯ 23K / month Β· π¦ 12 Β· β±οΈ 10.06.2022):
- ```
- pip install spleeter
- ```
-- [Conda](https://anaconda.org/conda-forge/spleeter) (π₯ 95K Β· β±οΈ 16.06.2023):
- ```
- conda install -c conda-forge spleeter
+ git clone https://github.com/bastibe/python-soundfile
```
-
-audiomentations (π₯31 Β· β 1.9K) - A Python library for audio data augmentation. Inspired by.. MIT
-
-- [GitHub](https://github.com/iver56/audiomentations) (π¨βπ» 29 Β· π 190 Β· π¦ 590 Β· π 180 - 25% open Β· β±οΈ 07.10.2024):
-
+- [PyPi](https://pypi.org/project/soundfile) (π₯ 5.7M / month Β· π¦ 1.1K Β· β±οΈ 25.01.2025):
```
- git clone https://github.com/iver56/audiomentations
+ pip install soundfile
```
-- [PyPi](https://pypi.org/project/audiomentations) (π₯ 50K / month Β· π¦ 18 Β· β±οΈ 03.09.2024):
+- [Conda](https://anaconda.org/anaconda/pysoundfile):
```
- pip install audiomentations
+ conda install -c anaconda pysoundfile
```
-Porcupine (π₯30 Β· β 3.8K) - On-device wake word detection powered by deep learning. Apache-2
+Porcupine (π₯31 Β· β 4.1K) - On-device wake word detection powered by deep learning. Apache-2
-- [GitHub](https://github.com/Picovoice/porcupine) (π¨βπ» 39 Β· π 500 Β· π¦ 34 Β· π 560 - 0% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/Picovoice/porcupine) (π¨βπ» 42 Β· π 520 Β· π¦ 48 Β· π 570 - 0% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/Picovoice/Porcupine
```
-- [PyPi](https://pypi.org/project/pvporcupine) (π₯ 12K / month Β· π¦ 35 Β· β±οΈ 27.08.2024):
+- [PyPi](https://pypi.org/project/pvporcupine) (π₯ 21K / month Β· π¦ 38 Β· β±οΈ 05.02.2025):
```
pip install pvporcupine
```
-audioread (π₯30 Β· β 490 Β· π€) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio.. MIT
+audiomentations (π₯31 Β· β 2K) - A Python library for audio data augmentation. Useful for making.. MIT
-- [GitHub](https://github.com/beetbox/audioread) (π¨βπ» 25 Β· π 110 Β· π¦ 25K Β· π 94 - 39% open Β· β±οΈ 15.12.2023):
+- [GitHub](https://github.com/iver56/audiomentations) (π¨βπ» 33 Β· π 200 Β· π¦ 770 Β· π 200 - 26% open Β· β±οΈ 05.05.2025):
```
- git clone https://github.com/beetbox/audioread
- ```
-- [PyPi](https://pypi.org/project/audioread) (π₯ 2.1M / month Β· π¦ 140 Β· β±οΈ 27.09.2023):
- ```
- pip install audioread
+ git clone https://github.com/iver56/audiomentations
```
-- [Conda](https://anaconda.org/conda-forge/audioread) (π₯ 890K Β· β±οΈ 03.09.2024):
+- [PyPi](https://pypi.org/project/audiomentations) (π₯ 70K / month Β· π¦ 28 Β· β±οΈ 05.05.2025):
```
- conda install -c conda-forge audioread
+ pip install audiomentations
```
-python-soundfile (π₯29 Β· β 710) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3
+tinytag (π₯29 Β· β 750) - Python library for reading audio file metadata. MIT
-- [GitHub](https://github.com/bastibe/python-soundfile) (π¨βπ» 34 Β· π 110 Β· π₯ 20K Β· π¦ 44K Β· π 260 - 46% open Β· β±οΈ 27.07.2024):
+- [GitHub](https://github.com/tinytag/tinytag) (π¨βπ» 27 Β· π 100 Β· π¦ 1.2K Β· π 120 - 3% open Β· β±οΈ 05.05.2025):
```
- git clone https://github.com/bastibe/python-soundfile
- ```
-- [PyPi](https://pypi.org/project/soundfile) (π₯ 4.2M / month Β· π¦ 780 Β· β±οΈ 15.02.2023):
- ```
- pip install soundfile
+ git clone https://github.com/devsnd/tinytag
```
-- [Conda](https://anaconda.org/anaconda/pysoundfile):
+- [PyPi](https://pypi.org/project/tinytag) (π₯ 64K / month Β· π¦ 120 Β· β±οΈ 23.04.2025):
```
- conda install -c anaconda pysoundfile
+ pip install tinytag
```
-pyAudioAnalysis (π₯28 Β· β 5.9K Β· π€) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
+pyAudioAnalysis (π₯28 Β· β 6K) - Python Audio Analysis Library: Feature Extraction,.. Apache-2
-- [GitHub](https://github.com/tyiannak/pyAudioAnalysis) (π¨βπ» 28 Β· π 1.2K Β· π¦ 520 Β· π 320 - 62% open Β· β±οΈ 22.10.2023):
+- [GitHub](https://github.com/tyiannak/pyAudioAnalysis) (π¨βπ» 28 Β· π 1.2K Β· π¦ 620 Β· π 320 - 62% open Β· β±οΈ 28.03.2025):
```
git clone https://github.com/tyiannak/pyAudioAnalysis
```
-- [PyPi](https://pypi.org/project/pyAudioAnalysis) (π₯ 14K / month Β· π¦ 12 Β· β±οΈ 07.02.2022):
+- [PyPi](https://pypi.org/project/pyAudioAnalysis) (π₯ 17K / month Β· π¦ 12 Β· β±οΈ 07.02.2022):
```
pip install pyAudioAnalysis
```
-tinytag (π₯28 Β· β 700) - Python library for reading audio file metadata. MIT
+Madmom (π₯27 Β· β 1.4K Β· π€) - Python audio and music signal processing library. BSD-3
-- [GitHub](https://github.com/tinytag/tinytag) (π¨βπ» 27 Β· π 100 Β· π¦ 1.1K Β· π 130 - 11% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/CPJKU/madmom) (π¨βπ» 24 Β· π 220 Β· π¦ 490 Β· π 280 - 24% open Β· β±οΈ 25.08.2024):
```
- git clone https://github.com/devsnd/tinytag
+ git clone https://github.com/CPJKU/madmom
```
-- [PyPi](https://pypi.org/project/tinytag) (π₯ 26K / month Β· π¦ 110 Β· β±οΈ 26.10.2023):
+- [PyPi](https://pypi.org/project/madmom) (π₯ 3.3K / month Β· π¦ 27 Β· β±οΈ 14.11.2018):
```
- pip install tinytag
+ pip install madmom
```
-Madmom (π₯27 Β· β 1.3K) - Python audio and music signal processing library. BSD-3
+DDSP (π₯25 Β· β 3K Β· π€) - DDSP: Differentiable Digital Signal Processing. Apache-2

-- [GitHub](https://github.com/CPJKU/madmom) (π¨βπ» 24 Β· π 200 Β· π¦ 440 Β· π 280 - 24% open Β· β±οΈ 25.08.2024):
+- [GitHub](https://github.com/magenta/ddsp) (π¨βπ» 32 Β· π 340 Β· π¦ 64 Β· π 170 - 28% open Β· β±οΈ 23.09.2024):
```
- git clone https://github.com/CPJKU/madmom
+ git clone https://github.com/magenta/ddsp
```
-- [PyPi](https://pypi.org/project/madmom) (π₯ 2.6K / month Β· π¦ 27 Β· β±οΈ 14.11.2018):
+- [PyPi](https://pypi.org/project/ddsp) (π₯ 4.3K / month Β· π¦ 1 Β· β±οΈ 25.05.2022):
```
- pip install madmom
+ pip install ddsp
+ ```
+- [Conda](https://anaconda.org/conda-forge/ddsp) (π₯ 22K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge ddsp
```
-DDSP (π₯24 Β· β 2.9K) - DDSP: Differentiable Digital Signal Processing. Apache-2

+DeepSpeech (π₯23 Β· β 26K) - DeepSpeech is an open source embedded (offline, on-device).. MPL-2.0

-- [GitHub](https://github.com/magenta/ddsp) (π¨βπ» 32 Β· π 320 Β· π¦ 60 Β· π 170 - 28% open Β· β±οΈ 23.09.2024):
+- [GitHub](https://github.com/mozilla/DeepSpeech) (π¨βπ» 140 Β· π 4K):
```
- git clone https://github.com/magenta/ddsp
+ git clone https://github.com/mozilla/DeepSpeech
```
-- [PyPi](https://pypi.org/project/ddsp) (π₯ 6K / month Β· π¦ 1 Β· β±οΈ 25.05.2022):
+- [PyPi](https://pypi.org/project/deepspeech) (π₯ 13K / month Β· π¦ 24 Β· β±οΈ 19.12.2020):
```
- pip install ddsp
+ pip install deepspeech
```
-- [Conda](https://anaconda.org/conda-forge/ddsp) (π₯ 19K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/deepspeech) (π₯ 3.8K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge ddsp
+ conda install -c conda-forge deepspeech
```
-nnAudio (π₯22 Β· β 1K Β· π€) - Audio processing by using pytorch 1D convolution network. MIT
+Julius (π₯23 Β· β 440) - Fast PyTorch based DSP for audio and 1D signals. MIT

-- [GitHub](https://github.com/KinWaiCheuk/nnAudio) (π¨βπ» 15 Β· π 89 Β· π¦ 230 Β· π 63 - 28% open Β· β±οΈ 13.02.2024):
+- [GitHub](https://github.com/adefossez/julius) (π¨βπ» 3 Β· π 25 Β· π¦ 2.8K Β· π 12 - 16% open Β· β±οΈ 17.02.2025):
```
- git clone https://github.com/KinWaiCheuk/nnAudio
+ git clone https://github.com/adefossez/julius
```
-- [PyPi](https://pypi.org/project/nnAudio) (π₯ 13K / month Β· π¦ 4 Β· β±οΈ 13.02.2024):
+- [PyPi](https://pypi.org/project/julius) (π₯ 470K / month Β· π¦ 44 Β· β±οΈ 20.09.2022):
```
- pip install nnAudio
+ pip install julius
```
-Show 12 hidden projects...
+Show 13 hidden projects...
-- DeepSpeech (π₯35 Β· β 25K Β· π) - DeepSpeech is an open source embedded (offline, on-.. MPL-2.0

-- Pydub (π₯34 Β· β 8.9K Β· π) - Manipulate audio with a simple and easy high level interface. MIT
-- aubio (π₯28 Β· β 3.3K Β· π€) - a library for audio and music analysis. βοΈGPL-3.0
-- Essentia (π₯28 Β· β 2.8K) - C++ library for audio and music analysis, description and.. βοΈAGPL-3.0
-- TTS (π₯26 Β· β 9.4K Β· π) - Deep learning for Text to Speech (Discussion forum:.. MPL-2.0
-- python_speech_features (π₯24 Β· β 2.4K Β· π) - This library provides common speech features for ASR.. MIT
-- Dejavu (π₯23 Β· β 6.4K Β· π) - Audio fingerprinting and recognition in Python. MIT
-- kapre (π₯22 Β· β 920 Β· π) - kapre: Keras Audio Preprocessors. MIT

-- TimeSide (π₯22 Β· β 370) - scalable audio processing framework and server written in Python. βοΈAGPL-3.0
-- Julius (π₯21 Β· β 420 Β· π) - Fast PyTorch based DSP for audio and 1D signals. MIT

+- Coqui TTS (π₯36 Β· β 40K Β· π) - - a deep learning toolkit for Text-to-Speech, battle-.. MPL-2.0


+- Pydub (π₯36 Β· β 9.3K Β· π) - Manipulate audio with a simple and easy high level interface. MIT
+- audioread (π₯30 Β· β 510 Β· π) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio.. MIT
+- Essentia (π₯29 Β· β 3.1K) - C++ library for audio and music analysis, description and.. βοΈAGPL-3.0
+- aubio (π₯28 Β· β 3.4K Β· π) - a library for audio and music analysis. βοΈGPL-3.0
+- TTS (π₯26 Β· β 9.8K Β· π) - Deep learning for Text to Speech (Discussion forum:.. MPL-2.0
+- python_speech_features (π₯25 Β· β 2.4K Β· π) - This library provides common speech features for ASR.. MIT
+- Dejavu (π₯23 Β· β 6.5K Β· π) - Audio fingerprinting and recognition in Python. MIT
+- nnAudio (π₯22 Β· β 1.1K Β· π) - Audio processing by using pytorch 1D convolution network. MIT
+- kapre (π₯22 Β· β 930 Β· π) - kapre: Keras Audio Preprocessors. MIT

+- TimeSide (π₯21 Β· β 380 Β· π€) - scalable audio processing framework and server written in.. βοΈAGPL-3.0
- Muda (π₯18 Β· β 230 Β· π) - A library for augmenting annotated audio data. ISC
-- textlesslib (π₯10 Β· β 530 Β· π) - Library for Textless Spoken Language Processing. MIT

+- textlesslib (π₯10 Β· β 540 Β· π) - Library for Textless Spoken Language Processing. MIT

@@ -3279,248 +3019,244 @@ _Libraries for audio analysis, manipulation, transformation, and extraction, as
_Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding._
-pydeck (π₯43 Β· β 12K) - WebGL2 powered visualization framework. MIT

+pydeck (π₯43 Β· β 13K) - WebGL2 powered visualization framework. MIT

-- [GitHub](https://github.com/visgl/deck.gl) (π¨βπ» 270 Β· π 2.1K Β· π¦ 8.2K Β· π 3.1K - 11% open Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/visgl/deck.gl) (π¨βπ» 290 Β· π 2.1K Β· π¦ 9K Β· π 3.2K - 13% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/visgl/deck.gl
```
-- [PyPi](https://pypi.org/project/pydeck) (π₯ 5.6M / month Β· π¦ 120 Β· β±οΈ 10.05.2024):
+- [PyPi](https://pypi.org/project/pydeck) (π₯ 8.7M / month Β· π¦ 160 Β· β±οΈ 21.03.2025):
```
pip install pydeck
```
-- [Conda](https://anaconda.org/conda-forge/pydeck) (π₯ 630K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/pydeck) (π₯ 750K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge pydeck
```
-- [npm](https://www.npmjs.com/package/deck.gl) (π₯ 610K / month Β· π¦ 300 Β· β±οΈ 24.10.2024):
+- [npm](https://www.npmjs.com/package/deck.gl) (π₯ 560K / month Β· π¦ 340 Β· β±οΈ 18.04.2025):
```
npm install deck.gl
```
-Shapely (π₯40 Β· β 3.9K) - Manipulation and analysis of geometric objects. BSD-3
+Shapely (π₯41 Β· β 4.1K) - Manipulation and analysis of geometric objects. BSD-3
-- [GitHub](https://github.com/shapely/shapely) (π¨βπ» 160 Β· π 560 Β· π₯ 3.7K Β· π¦ 83K Β· π 1.2K - 23% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/shapely/shapely) (π¨βπ» 170 Β· π 580 Β· π₯ 3.8K Β· π¦ 110K Β· π 1.3K - 19% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/shapely/shapely
```
-- [PyPi](https://pypi.org/project/shapely) (π₯ 33M / month Β· π¦ 2.9K Β· β±οΈ 19.08.2024):
+- [PyPi](https://pypi.org/project/shapely) (π₯ 46M / month Β· π¦ 3.9K Β· β±οΈ 03.04.2025):
```
pip install shapely
```
-- [Conda](https://anaconda.org/conda-forge/shapely) (π₯ 11M Β· β±οΈ 25.09.2024):
+- [Conda](https://anaconda.org/conda-forge/shapely) (π₯ 12M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge shapely
```
-folium (π₯39 Β· β 6.9K) - Python Data. Leaflet.js Maps. MIT
+folium (π₯39 Β· β 7.1K) - Python Data. Leaflet.js Maps. MIT
-- [GitHub](https://github.com/python-visualization/folium) (π¨βπ» 170 Β· π 2.2K Β· π¦ 45K Β· π 1.1K - 7% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/python-visualization/folium) (π¨βπ» 170 Β· π 2.2K Β· π¦ 60K Β· π 1.2K - 8% open Β· β±οΈ 22.04.2025):
```
git clone https://github.com/python-visualization/folium
```
-- [PyPi](https://pypi.org/project/folium) (π₯ 1.5M / month Β· π¦ 770 Β· β±οΈ 22.10.2024):
+- [PyPi](https://pypi.org/project/folium) (π₯ 2.2M / month Β· π¦ 860 Β· β±οΈ 27.02.2025):
```
pip install folium
```
-- [Conda](https://anaconda.org/conda-forge/folium) (π₯ 3.2M Β· β±οΈ 23.10.2024):
+- [Conda](https://anaconda.org/conda-forge/folium) (π₯ 3.7M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge folium
```
-GeoPandas (π₯39 Β· β 4.5K) - Python tools for geographic data. BSD-3

+GeoPandas (π₯38 Β· β 4.7K) - Python tools for geographic data. BSD-3

-- [GitHub](https://github.com/geopandas/geopandas) (π¨βπ» 230 Β· π 930 Β· π₯ 2.7K Β· π¦ 43K Β· π 1.7K - 26% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/geopandas/geopandas) (π¨βπ» 240 Β· π 950 Β· π₯ 3K Β· π¦ 55K Β· π 1.7K - 25% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/geopandas/geopandas
```
-- [PyPi](https://pypi.org/project/geopandas) (π₯ 7.5M / month Β· π¦ 2.8K Β· β±οΈ 02.07.2024):
+- [PyPi](https://pypi.org/project/geopandas) (π₯ 7.7M / month Β· π¦ 2.8K Β· β±οΈ 02.07.2024):
```
pip install geopandas
```
-- [Conda](https://anaconda.org/conda-forge/geopandas) (π₯ 4.1M Β· β±οΈ 21.09.2024):
+- [Conda](https://anaconda.org/conda-forge/geopandas) (π₯ 4.6M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge geopandas
```
-Rasterio (π₯38 Β· β 2.3K) - Rasterio reads and writes geospatial raster datasets. BSD-3
+Rasterio (π₯37 Β· β 2.4K) - Rasterio reads and writes geospatial raster datasets. BSD-3
-- [GitHub](https://github.com/rasterio/rasterio) (π¨βπ» 160 Β· π 530 Β· π₯ 970 Β· π¦ 14K Β· π 1.8K - 7% open Β· β±οΈ 22.10.2024):
+- [GitHub](https://github.com/rasterio/rasterio) (π¨βπ» 170 Β· π 540 Β· π₯ 1K Β· π¦ 17K Β· π 1.9K - 8% open Β· β±οΈ 14.04.2025):
```
git clone https://github.com/rasterio/rasterio
```
-- [PyPi](https://pypi.org/project/rasterio) (π₯ 3.6M / month Β· π¦ 1.5K Β· β±οΈ 30.10.2024):
+- [PyPi](https://pypi.org/project/rasterio) (π₯ 2.3M / month Β· π¦ 1.5K Β· β±οΈ 02.12.2024):
```
pip install rasterio
```
-- [Conda](https://anaconda.org/conda-forge/rasterio) (π₯ 3.7M Β· β±οΈ 30.10.2024):
+- [Conda](https://anaconda.org/conda-forge/rasterio) (π₯ 4.6M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge rasterio
```
-ArcGIS API (π₯37 Β· β 1.9K) - Documentation and samples for ArcGIS API for Python. Apache-2
-
-- [GitHub](https://github.com/Esri/arcgis-python-api) (π¨βπ» 94 Β· π 1.1K Β· π₯ 13K Β· π¦ 840 Β· π 770 - 8% open Β· β±οΈ 17.10.2024):
-
- ```
- git clone https://github.com/Esri/arcgis-python-api
- ```
-- [PyPi](https://pypi.org/project/arcgis) (π₯ 83K / month Β· π¦ 40 Β· β±οΈ 01.10.2024):
- ```
- pip install arcgis
- ```
-- [Docker Hub](https://hub.docker.com/r/esridocker/arcgis-api-python-notebook):
- ```
- docker pull esridocker/arcgis-api-python-notebook
- ```
-
-Fiona (π₯37 Β· β 1.2K) - Fiona reads and writes geographic data files. BSD-3
+pyproj (π₯37 Β· β 1.1K) - Python interface to PROJ (cartographic projections and coordinate.. MIT
-- [GitHub](https://github.com/Toblerity/Fiona) (π¨βπ» 76 Β· π 200 Β· π¦ 23K Β· π 810 - 3% open Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/pyproj4/pyproj) (π¨βπ» 71 Β· π 220 Β· π¦ 44K Β· π 630 - 5% open Β· β±οΈ 05.05.2025):
```
- git clone https://github.com/Toblerity/Fiona
+ git clone https://github.com/pyproj4/pyproj
```
-- [PyPi](https://pypi.org/project/fiona) (π₯ 5.2M / month Β· π¦ 300 Β· β±οΈ 16.09.2024):
+- [PyPi](https://pypi.org/project/pyproj) (π₯ 11M / month Β· π¦ 1.9K Β· β±οΈ 16.02.2025):
```
- pip install fiona
+ pip install pyproj
```
-- [Conda](https://anaconda.org/conda-forge/fiona) (π₯ 6.1M Β· β±οΈ 18.09.2024):
+- [Conda](https://anaconda.org/conda-forge/pyproj) (π₯ 10M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge fiona
+ conda install -c conda-forge pyproj
```
-pyproj (π₯36 Β· β 1.1K) - Python interface to PROJ (cartographic projections and coordinate.. MIT
+ArcGIS API (π₯36 Β· β 2K) - Documentation and samples for ArcGIS API for Python. Apache-2
-- [GitHub](https://github.com/pyproj4/pyproj) (π¨βπ» 68 Β· π 210 Β· π¦ 35K Β· π 620 - 5% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/Esri/arcgis-python-api) (π¨βπ» 97 Β· π 1.1K Β· π₯ 15K Β· π¦ 950 Β· π 840 - 9% open Β· β±οΈ 01.05.2025):
```
- git clone https://github.com/pyproj4/pyproj
+ git clone https://github.com/Esri/arcgis-python-api
```
-- [PyPi](https://pypi.org/project/pyproj) (π₯ 9.6M / month Β· π¦ 1.7K Β· β±οΈ 01.10.2024):
+- [PyPi](https://pypi.org/project/arcgis) (π₯ 110K / month Β· π¦ 41 Β· β±οΈ 17.04.2025):
```
- pip install pyproj
+ pip install arcgis
```
-- [Conda](https://anaconda.org/conda-forge/pyproj) (π₯ 8.9M Β· β±οΈ 01.10.2024):
+- [Docker Hub](https://hub.docker.com/r/esridocker/arcgis-api-python-notebook):
```
- conda install -c conda-forge pyproj
+ docker pull esridocker/arcgis-api-python-notebook
```
-geopy (π₯33 Β· β 4.5K Β· π€) - Geocoding library for Python. MIT
+Fiona (π₯34 Β· β 1.2K) - Fiona reads and writes geographic data files. BSD-3
-- [GitHub](https://github.com/geopy/geopy) (π¨βπ» 130 Β· π 640 Β· π₯ 91 Β· π 290 - 13% open Β· β±οΈ 23.11.2023):
+- [GitHub](https://github.com/Toblerity/Fiona) (π¨βπ» 78 Β· π 210 Β· π¦ 26K Β· π 810 - 4% open Β· β±οΈ 20.02.2025):
```
- git clone https://github.com/geopy/geopy
+ git clone https://github.com/Toblerity/Fiona
```
-- [PyPi](https://pypi.org/project/geopy) (π₯ 5.5M / month Β· π¦ 900 Β· β±οΈ 23.11.2023):
+- [PyPi](https://pypi.org/project/fiona) (π₯ 4.3M / month Β· π¦ 380 Β· β±οΈ 16.09.2024):
```
- pip install geopy
+ pip install fiona
```
-- [Conda](https://anaconda.org/conda-forge/geopy) (π₯ 1.5M Β· β±οΈ 28.02.2024):
+- [Conda](https://anaconda.org/conda-forge/fiona) (π₯ 6.8M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge geopy
+ conda install -c conda-forge fiona
```
ipyleaflet (π₯32 Β· β 1.5K) - A Jupyter - Leaflet.js bridge. MIT

-- [GitHub](https://github.com/jupyter-widgets/ipyleaflet) (π¨βπ» 90 Β· π 360 Β· π¦ 12K Β· π 650 - 44% open Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/jupyter-widgets/ipyleaflet) (π¨βπ» 92 Β· π 360 Β· π¦ 17K Β· π 660 - 45% open Β· β±οΈ 05.12.2024):
```
git clone https://github.com/jupyter-widgets/ipyleaflet
```
-- [PyPi](https://pypi.org/project/ipyleaflet) (π₯ 200K / month Β· π¦ 280 Β· β±οΈ 22.07.2024):
+- [PyPi](https://pypi.org/project/ipyleaflet) (π₯ 230K / month Β· π¦ 280 Β· β±οΈ 22.07.2024):
```
pip install ipyleaflet
```
-- [Conda](https://anaconda.org/conda-forge/ipyleaflet) (π₯ 1.3M Β· β±οΈ 22.07.2024):
+- [Conda](https://anaconda.org/conda-forge/ipyleaflet) (π₯ 1.4M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge ipyleaflet
```
-- [npm](https://www.npmjs.com/package/jupyter-leaflet) (π₯ 7.5K / month Β· π¦ 9 Β· β±οΈ 22.07.2024):
+- [npm](https://www.npmjs.com/package/jupyter-leaflet) (π₯ 3.9K / month Β· π¦ 9 Β· β±οΈ 22.07.2024):
```
npm install jupyter-leaflet
```
-PySAL (π₯30 Β· β 1.3K) - PySAL: Python Spatial Analysis Library Meta-Package. BSD-3
+geojson (π₯31 Β· β 960) - Python bindings and utilities for GeoJSON. BSD-3
-- [GitHub](https://github.com/pysal/pysal) (π¨βπ» 79 Β· π 300 Β· π¦ 1.7K Β· π 650 - 2% open Β· β±οΈ 07.10.2024):
+- [GitHub](https://github.com/jazzband/geojson) (π¨βπ» 58 Β· π 120 Β· π¦ 20K Β· π 100 - 25% open Β· β±οΈ 21.12.2024):
```
- git clone https://github.com/pysal/pysal
+ git clone https://github.com/jazzband/geojson
```
-- [PyPi](https://pypi.org/project/pysal) (π₯ 41K / month Β· π¦ 49 Β· β±οΈ 30.07.2024):
+- [PyPi](https://pypi.org/project/geojson) (π₯ 2.8M / month Β· π¦ 720 Β· β±οΈ 21.12.2024):
```
- pip install pysal
+ pip install geojson
```
-- [Conda](https://anaconda.org/conda-forge/pysal) (π₯ 580K Β· β±οΈ 30.07.2024):
+- [Conda](https://anaconda.org/conda-forge/geojson) (π₯ 960K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge pysal
+ conda install -c conda-forge geojson
```
-geojson (π₯30 Β· β 920) - Python bindings and utilities for GeoJSON. BSD-3
+PySAL (π₯30 Β· β 1.4K) - PySAL: Python Spatial Analysis Library Meta-Package. BSD-3
-- [GitHub](https://github.com/jazzband/geojson) (π¨βπ» 58 Β· π 120 Β· π¦ 19K Β· π 99 - 24% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/pysal/pysal) (π¨βπ» 79 Β· π 300 Β· π¦ 1.8K Β· π 660 - 3% open Β· β±οΈ 06.02.2025):
```
- git clone https://github.com/jazzband/geojson
+ git clone https://github.com/pysal/pysal
```
-- [PyPi](https://pypi.org/project/geojson) (π₯ 2.9M / month Β· π¦ 700 Β· β±οΈ 05.11.2023):
+- [PyPi](https://pypi.org/project/pysal) (π₯ 28K / month Β· π¦ 59 Β· β±οΈ 06.02.2025):
```
- pip install geojson
+ pip install pysal
```
-- [Conda](https://anaconda.org/conda-forge/geojson) (π₯ 870K Β· β±οΈ 06.11.2023):
+- [Conda](https://anaconda.org/conda-forge/pysal) (π₯ 620K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge geojson
+ conda install -c conda-forge pysal
```
-GeoViews (π₯29 Β· β 600) - Simple, concise geographical visualization in Python. BSD-3
+GeoViews (π₯28 Β· β 610) - Simple, concise geographical visualization in Python. BSD-3
-- [GitHub](https://github.com/holoviz/geoviews) (π¨βπ» 32 Β· π 77 Β· π¦ 1.2K Β· π 350 - 31% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/holoviz/geoviews) (π¨βπ» 33 Β· π 77 Β· π¦ 1.3K Β· π 350 - 31% open Β· β±οΈ 30.04.2025):
```
git clone https://github.com/holoviz/geoviews
```
-- [PyPi](https://pypi.org/project/geoviews) (π₯ 22K / month Β· π¦ 59 Β· β±οΈ 16.09.2024):
+- [PyPi](https://pypi.org/project/geoviews) (π₯ 17K / month Β· π¦ 63 Β· β±οΈ 17.12.2024):
```
pip install geoviews
```
-- [Conda](https://anaconda.org/conda-forge/geoviews) (π₯ 250K Β· β±οΈ 17.09.2024):
+- [Conda](https://anaconda.org/conda-forge/geoviews) (π₯ 300K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge geoviews
```
-pymap3d (π₯23 Β· β 390 Β· π€) - pure-Python (Numpy optional) 3D coordinate conversions for geospace.. BSD-2
+Mapbox GL (π₯24 Β· β 680) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook. MIT

+
+- [GitHub](https://github.com/mapbox/mapboxgl-jupyter) (π¨βπ» 23 Β· π 140 Β· π¦ 240 Β· π 110 - 38% open Β· β±οΈ 06.02.2025):
+
+ ```
+ git clone https://github.com/mapbox/mapboxgl-jupyter
+ ```
+- [PyPi](https://pypi.org/project/mapboxgl) (π₯ 11K / month Β· π¦ 12 Β· β±οΈ 02.06.2019):
+ ```
+ pip install mapboxgl
+ ```
+
+pymap3d (π₯24 Β· β 410) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef.. BSD-2
-- [GitHub](https://github.com/geospace-code/pymap3d) (π¨βπ» 18 Β· π 87 Β· π¦ 450 Β· π 58 - 15% open Β· β±οΈ 11.02.2024):
+- [GitHub](https://github.com/geospace-code/pymap3d) (π¨βπ» 19 Β· π 87 Β· π¦ 510 Β· π 60 - 15% open Β· β±οΈ 08.01.2025):
```
git clone https://github.com/geospace-code/pymap3d
```
-- [PyPi](https://pypi.org/project/pymap3d) (π₯ 220K / month Β· π¦ 44 Β· β±οΈ 11.02.2024):
+- [PyPi](https://pypi.org/project/pymap3d) (π₯ 320K / month Β· π¦ 44 Β· β±οΈ 11.02.2024):
```
pip install pymap3d
```
-- [Conda](https://anaconda.org/conda-forge/pymap3d) (π₯ 84K Β· β±οΈ 11.02.2024):
+- [Conda](https://anaconda.org/conda-forge/pymap3d) (π₯ 100K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge pymap3d
```
Show 8 hidden projects...
-- Geocoder (π₯32 Β· β 1.6K Β· π) - Python Geocoder. MIT
-- Satpy (π₯32 Β· β 1.1K) - Python package for earth-observing satellite data processing. βοΈGPL-3.0
-- Sentinelsat (π₯27 Β· β 980 Β· π€) - Search and download Copernicus Sentinel satellite images. βοΈGPL-3.0
-- EarthPy (π₯26 Β· β 510 Β· π) - A package built to support working with spatial data using open.. BSD-3
-- prettymaps (π₯24 Β· β 11K) - A small set of Python functions to draw pretty maps from.. βοΈAGPL-3.0
-- Mapbox GL (π₯24 Β· β 660 Β· π) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook. MIT

-- gmaps (π₯22 Β· β 760 Β· π) - Google maps for Jupyter notebooks. BSD-3

-- geoplotlib (π₯20 Β· β 1K Β· π) - python toolbox for visualizing geographical data and making maps. MIT
+- Satpy (π₯34 Β· β 1.1K) - Python package for earth-observing satellite data processing. βοΈGPL-3.0
+- geopy (π₯33 Β· β 4.6K Β· π) - Geocoding library for Python. MIT
+- Geocoder (π₯33 Β· β 1.6K Β· π) - Python Geocoder. MIT
+- Sentinelsat (π₯27 Β· β 1K Β· π) - Search and download Copernicus Sentinel satellite images. βοΈGPL-3.0
+- EarthPy (π₯27 Β· β 520 Β· π) - A package built to support working with spatial data using open.. BSD-3
+- prettymaps (π₯26 Β· β 12K) - Draw pretty maps from OpenStreetMap data! Built with osmnx.. βοΈAGPL-3.0
+- gmaps (π₯23 Β· β 760 Β· π) - Google maps for Jupyter notebooks. BSD-3

+- geoplotlib (π₯22 Β· β 1K Β· π) - python toolbox for visualizing geographical data and making maps. MIT
@@ -3530,171 +3266,152 @@ _Libraries to load, process, analyze, and write geographic data as well as libra
_Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data._
-yfinance (π₯41 Β· β 14K) - Download market data from Yahoo! Finances API. Apache-2
+yfinance (π₯42 Β· β 17K) - Download market data from Yahoo! Finances API. Apache-2
-- [GitHub](https://github.com/ranaroussi/yfinance) (π¨βπ» 130 Β· π 2.4K Β· π¦ 50K Β· π 1.4K - 13% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/ranaroussi/yfinance) (π¨βπ» 130 Β· π 2.6K Β· π¦ 76K Β· π 1.6K - 11% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/ranaroussi/yfinance
```
-- [PyPi](https://pypi.org/project/yfinance) (π₯ 2.6M / month Β· π¦ 670 Β· β±οΈ 25.10.2024):
+- [PyPi](https://pypi.org/project/yfinance) (π₯ 3.2M / month Β· π¦ 960 Β· β±οΈ 07.05.2025):
```
pip install yfinance
```
-- [Conda](https://anaconda.org/ranaroussi/yfinance) (π₯ 97K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/ranaroussi/yfinance) (π₯ 98K Β· β±οΈ 25.03.2025):
```
conda install -c ranaroussi yfinance
```
-bt (π₯31 Β· β 2.3K) - bt - flexible backtesting for Python. MIT
-
-- [GitHub](https://github.com/pmorissette/bt) (π¨βπ» 34 Β· π 430 Β· π¦ 1.6K Β· π 340 - 22% open Β· β±οΈ 01.10.2024):
-
- ```
- git clone https://github.com/pmorissette/bt
- ```
-- [PyPi](https://pypi.org/project/bt) (π₯ 13K / month Β· π¦ 10 Β· β±οΈ 06.08.2024):
- ```
- pip install bt
- ```
-- [Conda](https://anaconda.org/conda-forge/bt) (π₯ 49K Β· β±οΈ 21.09.2024):
- ```
- conda install -c conda-forge bt
- ```
-
-Qlib (π₯30 Β· β 15K) - Qlib is an AI-oriented quantitative investment platform that aims to.. MIT

+Qlib (π₯31 Β· β 19K) - Qlib is an AI-oriented quantitative investment platform that aims to.. MIT

-- [GitHub](https://github.com/microsoft/qlib) (π¨βπ» 130 Β· π 2.6K Β· π₯ 730 Β· π¦ 21 Β· π 930 - 25% open Β· β±οΈ 12.09.2024):
+- [GitHub](https://github.com/microsoft/qlib) (π¨βπ» 140 Β· π 3.1K Β· π₯ 800 Β· π¦ 21 Β· π 970 - 25% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/microsoft/qlib
```
-- [PyPi](https://pypi.org/project/pyqlib) (π₯ 7.2K / month Β· π¦ 1 Β· β±οΈ 24.05.2024):
+- [PyPi](https://pypi.org/project/pyqlib) (π₯ 8.9K / month Β· π¦ 1 Β· β±οΈ 23.12.2024):
```
pip install pyqlib
```
-ta (π₯29 Β· β 4.3K Β· π€) - Technical Analysis Library using Pandas and Numpy. MIT
+bt (π₯31 Β· β 2.5K) - bt - flexible backtesting for Python. MIT
-- [GitHub](https://github.com/bukosabino/ta) (π¨βπ» 34 Β· π 900 Β· π¦ 4.3K Β· π 240 - 57% open Β· β±οΈ 02.11.2023):
+- [GitHub](https://github.com/pmorissette/bt) (π¨βπ» 34 Β· π 440 Β· π¦ 1.7K Β· π 350 - 23% open Β· β±οΈ 08.04.2025):
```
- git clone https://github.com/bukosabino/ta
- ```
-- [PyPi](https://pypi.org/project/ta) (π₯ 150K / month Β· π¦ 110 Β· β±οΈ 02.11.2023):
- ```
- pip install ta
- ```
-- [Conda](https://anaconda.org/conda-forge/ta) (π₯ 30K Β· β±οΈ 02.11.2023):
- ```
- conda install -c conda-forge ta
- ```
-
-Alpha Vantage (π₯28 Β· β 4.3K) - A python wrapper for Alpha Vantage API for financial data. MIT
-
-- [GitHub](https://github.com/RomelTorres/alpha_vantage) (π¨βπ» 44 Β· π 740 Β· π 290 - 0% open Β· β±οΈ 18.07.2024):
-
- ```
- git clone https://github.com/RomelTorres/alpha_vantage
+ git clone https://github.com/pmorissette/bt
```
-- [PyPi](https://pypi.org/project/alpha_vantage) (π₯ 48K / month Β· π¦ 35 Β· β±οΈ 18.07.2024):
+- [PyPi](https://pypi.org/project/bt) (π₯ 11K / month Β· π¦ 15 Β· β±οΈ 12.04.2025):
```
- pip install alpha_vantage
+ pip install bt
```
-- [Conda](https://anaconda.org/conda-forge/alpha_vantage) (π₯ 7.7K Β· β±οΈ 09.08.2024):
+- [Conda](https://anaconda.org/conda-forge/bt) (π₯ 83K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge alpha_vantage
+ conda install -c conda-forge bt
```
-ffn (π₯28 Β· β 2K) - ffn - a financial function library for Python. MIT
+ffn (π₯29 Β· β 2.3K) - ffn - a financial function library for Python. MIT
-- [GitHub](https://github.com/pmorissette/ffn) (π¨βπ» 35 Β· π 290 Β· π¦ 500 Β· π 130 - 17% open Β· β±οΈ 01.10.2024):
+- [GitHub](https://github.com/pmorissette/ffn) (π¨βπ» 36 Β· π 320 Β· π¦ 560 Β· π 130 - 17% open Β· β±οΈ 01.04.2025):
```
git clone https://github.com/pmorissette/ffn
```
-- [PyPi](https://pypi.org/project/ffn) (π₯ 17K / month Β· π¦ 18 Β· β±οΈ 05.08.2024):
+- [PyPi](https://pypi.org/project/ffn) (π₯ 25K / month Β· π¦ 22 Β· β±οΈ 11.02.2025):
```
pip install ffn
```
-- [Conda](https://anaconda.org/conda-forge/ffn) (π₯ 13K Β· β±οΈ 06.08.2024):
+- [Conda](https://anaconda.org/conda-forge/ffn) (π₯ 19K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge ffn
```
-IB-insync (π₯27 Β· β 2.8K Β· π€) - Python sync/async framework for Interactive Brokers API. BSD-2
+TensorTrade (π₯27 Β· β 5.1K Β· π€) - An open source reinforcement learning framework for.. Apache-2
-- [GitHub](https://github.com/erdewit/ib_insync) (π¨βπ» 36 Β· π 760 Β· π 590 - 3% open Β· β±οΈ 14.03.2024):
+- [GitHub](https://github.com/tensortrade-org/tensortrade) (π¨βπ» 61 Β· π 1.1K Β· π¦ 69 Β· π 260 - 20% open Β· β±οΈ 09.06.2024):
```
- git clone https://github.com/erdewit/ib_insync
+ git clone https://github.com/tensortrade-org/tensortrade
```
-- [PyPi](https://pypi.org/project/ib_insync) (π₯ 44K / month Β· π¦ 44 Β· β±οΈ 21.11.2022):
+- [PyPi](https://pypi.org/project/tensortrade) (π₯ 1.6K / month Β· π¦ 1 Β· β±οΈ 10.05.2021):
```
- pip install ib_insync
+ pip install tensortrade
```
-- [Conda](https://anaconda.org/conda-forge/ib-insync) (π₯ 48K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/tensortrade) (π₯ 4.8K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge ib-insync
+ conda install -c conda-forge tensortrade
```
-TensorTrade (π₯26 Β· β 4.5K) - An open source reinforcement learning framework for training,.. Apache-2
+Alpha Vantage (π₯26 Β· β 4.5K) - A python wrapper for Alpha Vantage API for financial data. MIT
-- [GitHub](https://github.com/tensortrade-org/tensortrade) (π¨βπ» 61 Β· π 1K Β· π¦ 65 Β· π 260 - 20% open Β· β±οΈ 09.06.2024):
+- [GitHub](https://github.com/RomelTorres/alpha_vantage) (π¨βπ» 44 Β· π 750 Β· π 290 - 0% open Β· β±οΈ 01.05.2025):
```
- git clone https://github.com/tensortrade-org/tensortrade
+ git clone https://github.com/RomelTorres/alpha_vantage
```
-- [PyPi](https://pypi.org/project/tensortrade) (π₯ 1.9K / month Β· π¦ 1 Β· β±οΈ 10.05.2021):
+- [PyPi](https://pypi.org/project/alpha_vantage) (π₯ 56K / month Β· π¦ 35 Β· β±οΈ 18.07.2024):
```
- pip install tensortrade
+ pip install alpha_vantage
```
-- [Conda](https://anaconda.org/conda-forge/tensortrade) (π₯ 4.1K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/alpha_vantage) (π₯ 9K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge tensortrade
+ conda install -c conda-forge alpha_vantage
```
-stockstats (π₯25 Β· β 1.3K Β· π€) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
+stockstats (π₯26 Β· β 1.4K) - Supply a wrapper ``StockDataFrame`` based on the.. BSD-3
-- [GitHub](https://github.com/jealous/stockstats) (π¨βπ» 10 Β· π 300 Β· π¦ 1.1K Β· π 130 - 12% open Β· β±οΈ 05.01.2024):
+- [GitHub](https://github.com/jealous/stockstats) (π¨βπ» 10 Β· π 300 Β· π¦ 1.2K Β· π 130 - 11% open Β· β±οΈ 02.02.2025):
```
git clone https://github.com/jealous/stockstats
```
-- [PyPi](https://pypi.org/project/stockstats) (π₯ 9.4K / month Β· π¦ 11 Β· β±οΈ 30.07.2023):
+- [PyPi](https://pypi.org/project/stockstats) (π₯ 14K / month Β· π¦ 12 Β· β±οΈ 02.02.2025):
```
pip install stockstats
```
-finmarketpy (π₯23 Β· β 3.4K) - Python library for backtesting trading strategies & analyzing.. Apache-2
+finmarketpy (π₯25 Β· β 3.6K) - Python library for backtesting trading strategies & analyzing.. Apache-2
-- [GitHub](https://github.com/cuemacro/finmarketpy) (π¨βπ» 14 Β· π 490 Β· π₯ 56 Β· π¦ 16 Β· π 28 - 85% open Β· β±οΈ 19.05.2024):
+- [GitHub](https://github.com/cuemacro/finmarketpy) (π¨βπ» 19 Β· π 510 Β· π₯ 57 Β· π¦ 16 Β· π 35 - 88% open Β· β±οΈ 10.03.2025):
```
git clone https://github.com/cuemacro/finmarketpy
```
-- [PyPi](https://pypi.org/project/finmarketpy) (π₯ 1.5K / month Β· β±οΈ 19.05.2024):
+- [PyPi](https://pypi.org/project/finmarketpy) (π₯ 600 / month Β· β±οΈ 10.03.2025):
```
pip install finmarketpy
```
-Show 15 hidden projects...
+tf-quant-finance (π₯22 Β· β 4.9K) - High-performance TensorFlow library for quantitative.. Apache-2

+
+- [GitHub](https://github.com/google/tf-quant-finance) (π¨βπ» 48 Β· π 600 Β· π 63 - 55% open Β· β±οΈ 21.03.2025):
+
+ ```
+ git clone https://github.com/google/tf-quant-finance
+ ```
+- [PyPi](https://pypi.org/project/tf-quant-finance) (π₯ 590 / month Β· π¦ 3 Β· β±οΈ 19.08.2022):
+ ```
+ pip install tf-quant-finance
+ ```
+
+Show 16 hidden projects...
-- zipline (π₯32 Β· β 18K Β· π) - Zipline, a Pythonic Algorithmic Trading Library. Apache-2
-- arch (π₯32 Β· β 1.3K) - ARCH models in Python. βUnlicensed
-- pyfolio (π₯30 Β· β 5.7K Β· π) - Portfolio and risk analytics in Python. Apache-2
-- backtrader (π₯29 Β· β 15K Β· π) - Python Backtesting library for trading strategies. βοΈGPL-3.0
-- Alphalens (π₯27 Β· β 3.3K Β· π) - Performance analysis of predictive (alpha) stock factors. Apache-2
-- Enigma Catalyst (π₯27 Β· β 2.5K Β· π) - An Algorithmic Trading Library for Crypto-Assets in.. Apache-2
-- empyrical (π₯27 Β· β 1.3K Β· π) - Common financial risk and performance metrics. Used by.. Apache-2
-- PyAlgoTrade (π₯24 Β· β 4.4K Β· π) - Python Algorithmic Trading Library. Apache-2
-- FinTA (π₯24 Β· β 2.1K Β· π) - Common financial technical indicators implemented in Pandas. βοΈLGPL-3.0
-- Backtesting.py (π₯23 Β· β 5.5K Β· π) - Backtest trading strategies in Python. βοΈAGPL-3.0
-- FinQuant (π₯23 Β· β 1.4K Β· π) - A program for financial portfolio management, analysis and.. MIT
-- Crypto Signals (π₯22 Β· β 4.9K Β· π) - Github.com/CryptoSignal - Trading & Technical Analysis Bot -.. MIT
-- tf-quant-finance (π₯22 Β· β 4.5K Β· π) - High-performance TensorFlow library for quantitative.. Apache-2

+- zipline (π₯33 Β· β 18K Β· π) - Zipline, a Pythonic Algorithmic Trading Library. Apache-2
+- pyfolio (π₯32 Β· β 5.9K Β· π) - Portfolio and risk analytics in Python. Apache-2
+- ta (π₯31 Β· β 4.6K Β· π) - Technical Analysis Library using Pandas and Numpy. MIT
+- arch (π₯30 Β· β 1.4K Β· π) - ARCH models in Python. βUnlicensed
+- backtrader (π₯29 Β· β 17K Β· π) - Python Backtesting library for trading strategies. βοΈGPL-3.0
+- Backtesting.py (π₯28 Β· β 6.4K) - Backtest trading strategies in Python. βοΈAGPL-3.0
+- Alphalens (π₯28 Β· β 3.7K Β· π) - Performance analysis of predictive (alpha) stock factors. Apache-2
+- IB-insync (π₯28 Β· β 3K Β· π) - Python sync/async framework for Interactive Brokers API. BSD-2
+- empyrical (π₯28 Β· β 1.4K Β· π) - Common financial risk and performance metrics. Used by.. Apache-2
+- Enigma Catalyst (π₯26 Β· β 2.5K Β· π) - An Algorithmic Trading Library for Crypto-Assets in.. Apache-2
+- PyAlgoTrade (π₯24 Β· β 4.5K Β· π) - Python Algorithmic Trading Library. Apache-2
+- FinTA (π₯24 Β· β 2.2K Β· π) - Common financial technical indicators implemented in Pandas. βοΈLGPL-3.0
+- Crypto Signals (π₯22 Β· β 5.2K Β· π) - Github.com/CryptoSignal - Trading & Technical Analysis Bot -.. MIT
+- FinQuant (π₯22 Β· β 1.5K Β· π) - A program for financial portfolio management, analysis and.. MIT
- surpriver (π₯12 Β· β 1.8K Β· π) - Find big moving stocks before they move using machine.. βοΈGPL-3.0
-- pyrtfolio (π₯9 Β· β 150 Β· π) - Python package to generate stock portfolios. βοΈGPL-3.0
+- pyrtfolio (π₯10 Β· β 150 Β· π) - Python package to generate stock portfolios. βοΈGPL-3.0
@@ -3704,303 +3421,317 @@ _Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, te
_Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data._
-sktime (π₯39 Β· β 7.9K) - A unified framework for machine learning with time series. BSD-3

+sktime (π₯41 Β· β 8.4K) - A unified framework for machine learning with time series. BSD-3

-- [GitHub](https://github.com/sktime/sktime) (π¨βπ» 410 Β· π 1.4K Β· π₯ 100 Β· π¦ 3.4K Β· π 2.6K - 37% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/sktime/sktime) (π¨βπ» 460 Β· π 1.5K Β· π₯ 110 Β· π¦ 4.4K Β· π 2.9K - 38% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/alan-turing-institute/sktime
```
-- [PyPi](https://pypi.org/project/sktime) (π₯ 780K / month Β· π¦ 130 Β· β±οΈ 19.10.2024):
+- [PyPi](https://pypi.org/project/sktime) (π₯ 990K / month Β· π¦ 140 Β· β±οΈ 12.04.2025):
```
pip install sktime
```
-- [Conda](https://anaconda.org/conda-forge/sktime-all-extras) (π₯ 1M Β· β±οΈ 25.10.2024):
+- [Conda](https://anaconda.org/conda-forge/sktime-all-extras) (π₯ 1.1M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge sktime-all-extras
```
-Prophet (π₯35 Β· β 18K) - Tool for producing high quality forecasts for time series data that has.. MIT
+StatsForecast (π₯34 Β· β 4.3K) - Lightning fast forecasting with statistical and econometric.. Apache-2
-- [GitHub](https://github.com/facebook/prophet) (π¨βπ» 180 Β· π 4.5K Β· π₯ 2.8K Β· π¦ 21 Β· π 2.2K - 19% open Β· β±οΈ 20.10.2024):
+- [GitHub](https://github.com/Nixtla/statsforecast) (π¨βπ» 51 Β· π 310 Β· π¦ 1.7K Β· π 360 - 29% open Β· β±οΈ 29.04.2025):
```
- git clone https://github.com/facebook/prophet
+ git clone https://github.com/Nixtla/statsforecast
```
-- [PyPi](https://pypi.org/project/fbprophet) (π₯ 210K / month Β· π¦ 91 Β· β±οΈ 05.09.2020):
+- [PyPi](https://pypi.org/project/statsforecast) (π₯ 920K / month Β· π¦ 68 Β· β±οΈ 18.02.2025):
```
- pip install fbprophet
+ pip install statsforecast
```
-- [Conda](https://anaconda.org/conda-forge/prophet) (π₯ 1.3M Β· β±οΈ 04.10.2024):
+- [Conda](https://anaconda.org/conda-forge/statsforecast) (π₯ 180K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge prophet
+ conda install -c conda-forge statsforecast
```
-StatsForecast (π₯34 Β· β 3.9K) - Lightning fast forecasting with statistical and econometric.. Apache-2
+Prophet (π₯33 Β· β 19K Β· π€) - Tool for producing high quality forecasts for time series data that.. MIT
-- [GitHub](https://github.com/Nixtla/statsforecast) (π¨βπ» 46 Β· π 280 Β· π¦ 1.2K Β· π 340 - 29% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/facebook/prophet) (π¨βπ» 180 Β· π 4.5K Β· π₯ 3K Β· π¦ 21 Β· π 2.2K - 20% open Β· β±οΈ 20.10.2024):
```
- git clone https://github.com/Nixtla/statsforecast
+ git clone https://github.com/facebook/prophet
```
-- [PyPi](https://pypi.org/project/statsforecast) (π₯ 730K / month Β· π¦ 57 Β· β±οΈ 19.09.2024):
+- [PyPi](https://pypi.org/project/fbprophet) (π₯ 230K / month Β· π¦ 91 Β· β±οΈ 05.09.2020):
```
- pip install statsforecast
+ pip install fbprophet
```
-- [Conda](https://anaconda.org/conda-forge/statsforecast) (π₯ 100K Β· β±οΈ 23.09.2024):
+- [Conda](https://anaconda.org/conda-forge/prophet) (π₯ 1.4M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge statsforecast
+ conda install -c conda-forge prophet
```
-pytorch-forecasting (π₯32 Β· β 4K) - Time series forecasting with PyTorch. MIT
+Darts (π₯33 Β· β 8.6K) - A python library for user-friendly forecasting and anomaly detection.. Apache-2
-- [GitHub](https://github.com/sktime/pytorch-forecasting) (π¨βπ» 55 Β· π 620 Β· π¦ 440 Β· π 780 - 60% open Β· β±οΈ 26.10.2024):
+- [GitHub](https://github.com/unit8co/darts) (π¨βπ» 130 Β· π 920 Β· π 1.7K - 14% open Β· β±οΈ 02.05.2025):
```
- git clone https://github.com/jdb78/pytorch-forecasting
+ git clone https://github.com/unit8co/darts
```
-- [PyPi](https://pypi.org/project/pytorch-forecasting) (π₯ 52K / month Β· π¦ 22 Β· β±οΈ 09.09.2024):
+- [PyPi](https://pypi.org/project/u8darts) (π₯ 72K / month Β· π¦ 10 Β· β±οΈ 18.04.2025):
```
- pip install pytorch-forecasting
+ pip install u8darts
```
-- [Conda](https://anaconda.org/conda-forge/pytorch-forecasting) (π₯ 66K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/u8darts-all) (π₯ 78K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge pytorch-forecasting
+ conda install -c conda-forge u8darts-all
+ ```
+- [Docker Hub](https://hub.docker.com/r/unit8/darts) (π₯ 1.5K Β· β±οΈ 18.04.2025):
+ ```
+ docker pull unit8/darts
```
-STUMPY (π₯32 Β· β 3.7K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
+pytorch-forecasting (π₯32 Β· β 4.3K) - Time series forecasting with PyTorch. MIT
-- [GitHub](https://github.com/TDAmeritrade/stumpy) (π¨βπ» 41 Β· π 320 Β· π¦ 920 Β· π 520 - 12% open Β· β±οΈ 14.10.2024):
+- [GitHub](https://github.com/sktime/pytorch-forecasting) (π¨βπ» 67 Β· π 670 Β· π¦ 590 Β· π 840 - 60% open Β· β±οΈ 30.04.2025):
```
- git clone https://github.com/TDAmeritrade/stumpy
+ git clone https://github.com/jdb78/pytorch-forecasting
```
-- [PyPi](https://pypi.org/project/stumpy) (π₯ 250K / month Β· π¦ 30 Β· β±οΈ 09.07.2024):
+- [PyPi](https://pypi.org/project/pytorch-forecasting) (π₯ 130K / month Β· π¦ 22 Β· β±οΈ 06.02.2025):
```
- pip install stumpy
+ pip install pytorch-forecasting
```
-- [Conda](https://anaconda.org/conda-forge/stumpy) (π₯ 1M Β· β±οΈ 09.07.2024):
+- [Conda](https://anaconda.org/conda-forge/pytorch-forecasting) (π₯ 77K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge stumpy
+ conda install -c conda-forge pytorch-forecasting
```
-NeuralForecast (π₯32 Β· β 3.1K) - Scalable and user friendly neural forecasting algorithms. Apache-2
+NeuralForecast (π₯32 Β· β 3.5K) - Scalable and user friendly neural forecasting algorithms. Apache-2
-- [GitHub](https://github.com/Nixtla/neuralforecast) (π¨βπ» 48 Β· π 350 Β· π¦ 240 Β· π 560 - 20% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/Nixtla/neuralforecast) (π¨βπ» 49 Β· π 400 Β· π¦ 360 Β· π 610 - 17% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/Nixtla/neuralforecast
```
-- [PyPi](https://pypi.org/project/neuralforecast) (π₯ 67K / month Β· π¦ 17 Β· β±οΈ 20.09.2024):
+- [PyPi](https://pypi.org/project/neuralforecast) (π₯ 84K / month Β· π¦ 26 Β· β±οΈ 28.02.2025):
```
pip install neuralforecast
```
-- [Conda](https://anaconda.org/conda-forge/neuralforecast) (π₯ 24K Β· β±οΈ 20.09.2024):
+- [Conda](https://anaconda.org/conda-forge/neuralforecast) (π₯ 37K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge neuralforecast
```
-tsfresh (π₯31 Β· β 8.4K) - Automatic extraction of relevant features from time series:. MIT

+pmdarima (π₯32 Β· β 1.6K) - A statistical library designed to fill the void in Pythons time series.. MIT
-- [GitHub](https://github.com/blue-yonder/tsfresh) (π¨βπ» 97 Β· π 1.2K Β· π¦ 21 Β· π 540 - 12% open Β· β±οΈ 03.08.2024):
+- [GitHub](https://github.com/alkaline-ml/pmdarima) (π¨βπ» 23 Β· π 240 Β· π¦ 12K Β· π 340 - 19% open Β· β±οΈ 07.11.2024):
```
- git clone https://github.com/blue-yonder/tsfresh
+ git clone https://github.com/alkaline-ml/pmdarima
```
-- [PyPi](https://pypi.org/project/tsfresh) (π₯ 220K / month Β· π¦ 93 Β· β±οΈ 03.08.2024):
+- [PyPi](https://pypi.org/project/pmdarima) (π₯ 2.5M / month Β· π¦ 150 Β· β±οΈ 23.10.2023):
```
- pip install tsfresh
+ pip install pmdarima
```
-- [Conda](https://anaconda.org/conda-forge/tsfresh) (π₯ 1.4M Β· β±οΈ 04.08.2024):
+- [Conda](https://anaconda.org/conda-forge/pmdarima) (π₯ 1.3M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge tsfresh
+ conda install -c conda-forge pmdarima
```
-Darts (π₯31 Β· β 8K) - A python library for user-friendly forecasting and anomaly detection on.. Apache-2
+skforecast (π₯32 Β· β 1.3K) - Time series forecasting with machine learning models. BSD-3

-- [GitHub](https://github.com/unit8co/darts) (π¨βπ» 120 Β· π 870 Β· π 1.6K - 15% open Β· β±οΈ 27.10.2024):
+- [GitHub](https://github.com/skforecast/skforecast) (π¨βπ» 20 Β· π 160 Β· π¦ 470 Β· π 200 - 14% open Β· β±οΈ 01.05.2025):
```
- git clone https://github.com/unit8co/darts
+ git clone https://github.com/JoaquinAmatRodrigo/skforecast
```
-- [PyPi](https://pypi.org/project/u8darts) (π₯ 62K / month Β· π¦ 10 Β· β±οΈ 13.10.2024):
+- [PyPi](https://pypi.org/project/skforecast) (π₯ 81K / month Β· π¦ 18 Β· β±οΈ 01.05.2025):
```
- pip install u8darts
+ pip install skforecast
+ ```
+
+tsfresh (π₯31 Β· β 8.7K) - Automatic extraction of relevant features from time series:. MIT

+
+- [GitHub](https://github.com/blue-yonder/tsfresh) (π¨βπ» 99 Β· π 1.2K Β· π¦ 21 Β· π 550 - 12% open Β· β±οΈ 16.02.2025):
+
```
-- [Conda](https://anaconda.org/conda-forge/u8darts-all) (π₯ 61K Β· β±οΈ 13.10.2024):
+ git clone https://github.com/blue-yonder/tsfresh
```
- conda install -c conda-forge u8darts-all
+- [PyPi](https://pypi.org/project/tsfresh) (π₯ 250K / month Β· π¦ 100 Β· β±οΈ 16.02.2025):
```
-- [Docker Hub](https://hub.docker.com/r/unit8/darts) (π₯ 800 Β· β±οΈ 17.04.2024):
+ pip install tsfresh
```
- docker pull unit8/darts
+- [Conda](https://anaconda.org/conda-forge/tsfresh) (π₯ 1.4M Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge tsfresh
```
-pmdarima (π₯31 Β· β 1.6K) - A statistical library designed to fill the void in Pythons time series.. MIT
+STUMPY (π₯31 Β· β 3.9K) - STUMPY is a powerful and scalable Python library for modern time series.. BSD-3
-- [GitHub](https://github.com/alkaline-ml/pmdarima) (π¨βπ» 23 Β· π 230 Β· π¦ 9.6K Β· π 340 - 18% open Β· β±οΈ 24.09.2024):
+- [GitHub](https://github.com/TDAmeritrade/stumpy) (π¨βπ» 40 Β· π 330 Β· π¦ 1.2K Β· π 530 - 13% open Β· β±οΈ 08.04.2025):
```
- git clone https://github.com/alkaline-ml/pmdarima
+ git clone https://github.com/TDAmeritrade/stumpy
```
-- [PyPi](https://pypi.org/project/pmdarima) (π₯ 2.4M / month Β· π¦ 150 Β· β±οΈ 23.10.2023):
+- [PyPi](https://pypi.org/project/stumpy) (π₯ 300K / month Β· π¦ 30 Β· β±οΈ 09.07.2024):
```
- pip install pmdarima
+ pip install stumpy
```
-- [Conda](https://anaconda.org/conda-forge/pmdarima) (π₯ 1.2M Β· β±οΈ 14.07.2024):
+- [Conda](https://anaconda.org/conda-forge/stumpy) (π₯ 1.1M Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge pmdarima
+ conda install -c conda-forge stumpy
```
-tslearn (π₯30 Β· β 2.9K) - The machine learning toolkit for time series analysis in Python. BSD-2

+tslearn (π₯31 Β· β 3K Β· π€) - The machine learning toolkit for time series analysis in Python. BSD-2

-- [GitHub](https://github.com/tslearn-team/tslearn) (π¨βπ» 43 Β· π 340 Β· π¦ 1.5K Β· π 330 - 40% open Β· β±οΈ 01.07.2024):
+- [GitHub](https://github.com/tslearn-team/tslearn) (π¨βπ» 43 Β· π 340 Β· π¦ 1.8K Β· π 340 - 41% open Β· β±οΈ 01.07.2024):
```
git clone https://github.com/tslearn-team/tslearn
```
-- [PyPi](https://pypi.org/project/tslearn) (π₯ 390K / month Β· π¦ 79 Β· β±οΈ 12.12.2023):
+- [PyPi](https://pypi.org/project/tslearn) (π₯ 360K / month Β· π¦ 79 Β· β±οΈ 12.12.2023):
```
pip install tslearn
```
-- [Conda](https://anaconda.org/conda-forge/tslearn) (π₯ 1.4M Β· β±οΈ 26.07.2024):
+- [Conda](https://anaconda.org/conda-forge/tslearn) (π₯ 1.6M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge tslearn
```
-GluonTS (π₯29 Β· β 4.6K) - Probabilistic time series modeling in Python. Apache-2

+GluonTS (π₯30 Β· β 4.9K) - Probabilistic time series modeling in Python. Apache-2

-- [GitHub](https://github.com/awslabs/gluonts) (π¨βπ» 120 Β· π 750 Β· π 960 - 34% open Β· β±οΈ 17.10.2024):
+- [GitHub](https://github.com/awslabs/gluonts) (π¨βπ» 120 Β· π 780 Β· π 970 - 34% open Β· β±οΈ 08.04.2025):
```
git clone https://github.com/awslabs/gluon-ts
```
-- [PyPi](https://pypi.org/project/gluonts) (π₯ 660K / month Β· π¦ 33 Β· β±οΈ 21.10.2024):
+- [PyPi](https://pypi.org/project/gluonts) (π₯ 820K / month Β· π¦ 36 Β· β±οΈ 08.04.2025):
```
pip install gluonts
```
-- [Conda](https://anaconda.org/anaconda/gluonts) (π₯ 990 Β· β±οΈ 22.12.2023):
+- [Conda](https://anaconda.org/anaconda/gluonts) (π₯ 1.9K Β· β±οΈ 22.04.2025):
```
conda install -c anaconda gluonts
```
-NeuralProphet (π₯29 Β· β 3.9K) - NeuralProphet: A simple forecasting package. MIT

+Streamz (π₯29 Β· β 1.3K) - Real-time stream processing for python. BSD-3
-- [GitHub](https://github.com/ourownstory/neural_prophet) (π¨βπ» 56 Β· π 470 Β· π 560 - 10% open Β· β±οΈ 13.09.2024):
+- [GitHub](https://github.com/python-streamz/streamz) (π¨βπ» 49 Β· π 150 Β· π¦ 550 Β· π 270 - 44% open Β· β±οΈ 22.11.2024):
```
- git clone https://github.com/ourownstory/neural_prophet
+ git clone https://github.com/python-streamz/streamz
```
-- [PyPi](https://pypi.org/project/neuralprophet) (π₯ 100K / month Β· π¦ 8 Β· β±οΈ 26.06.2024):
+- [PyPi](https://pypi.org/project/streamz) (π₯ 27K / month Β· π¦ 57 Β· β±οΈ 27.07.2022):
```
- pip install neuralprophet
+ pip install streamz
+ ```
+- [Conda](https://anaconda.org/conda-forge/streamz) (π₯ 2.1M Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge streamz
```
-skforecast (π₯29 Β· β 1.1K) - Time series forecasting with machine learning models. BSD-3

+pyts (π₯27 Β· β 1.8K) - A Python package for time series classification. BSD-3
-- [GitHub](https://github.com/skforecast/skforecast) (π¨βπ» 14 Β· π 130 Β· π¦ 340 Β· π 170 - 13% open Β· β±οΈ 13.08.2024):
+- [GitHub](https://github.com/johannfaouzi/pyts) (π¨βπ» 15 Β· π 170 Β· π¦ 850 Β· π 87 - 58% open Β· β±οΈ 27.04.2025):
```
- git clone https://github.com/JoaquinAmatRodrigo/skforecast
+ git clone https://github.com/johannfaouzi/pyts
```
-- [PyPi](https://pypi.org/project/skforecast) (π₯ 86K / month Β· π¦ 15 Β· β±οΈ 01.08.2024):
+- [PyPi](https://pypi.org/project/pyts) (π₯ 110K / month Β· π¦ 45 Β· β±οΈ 18.06.2023):
```
- pip install skforecast
+ pip install pyts
+ ```
+- [Conda](https://anaconda.org/conda-forge/pyts) (π₯ 32K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge pyts
```
-TSFEL (π₯24 Β· β 930) - An intuitive library to extract features from time series. BSD-3
+NeuralProphet (π₯26 Β· β 4.1K Β· π€) - NeuralProphet: A simple forecasting package. MIT

-- [GitHub](https://github.com/fraunhoferportugal/tsfel) (π¨βπ» 20 Β· π 140 Β· π¦ 160 Β· π 78 - 8% open Β· β±οΈ 17.10.2024):
+- [GitHub](https://github.com/ourownstory/neural_prophet) (π¨βπ» 55 Β· π 490 Β· π 560 - 11% open Β· β±οΈ 13.09.2024):
```
- git clone https://github.com/fraunhoferportugal/tsfel
+ git clone https://github.com/ourownstory/neural_prophet
```
-- [PyPi](https://pypi.org/project/tsfel) (π₯ 14K / month Β· π¦ 7 Β· β±οΈ 12.09.2024):
+- [PyPi](https://pypi.org/project/neuralprophet) (π₯ 85K / month Β· π¦ 8 Β· β±οΈ 26.06.2024):
```
- pip install tsfel
+ pip install neuralprophet
```
-uber/orbit (π₯23 Β· β 1.9K) - A Python package for Bayesian forecasting with object-oriented.. Apache-2
+greykite (π₯22 Β· β 1.8K) - A flexible, intuitive and fast forecasting library. BSD-2
-- [GitHub](https://github.com/uber/orbit) (π¨βπ» 20 Β· π 140 Β· π¦ 64 Β· π 400 - 12% open Β· β±οΈ 10.07.2024):
+- [GitHub](https://github.com/linkedin/greykite) (π¨βπ» 10 Β· π 110 Β· π₯ 36 Β· π¦ 44 Β· π 110 - 10% open Β· β±οΈ 20.02.2025):
```
- git clone https://github.com/uber/orbit
- ```
-- [PyPi](https://pypi.org/project/orbit-ml) (π₯ 18K / month Β· π¦ 1 Β· β±οΈ 01.04.2024):
- ```
- pip install orbit-ml
+ git clone https://github.com/linkedin/greykite
```
-- [Conda](https://anaconda.org/conda-forge/orbit-ml) (π₯ 16K Β· β±οΈ 01.04.2024):
+- [PyPi](https://pypi.org/project/greykite) (π₯ 9.1K / month Β· β±οΈ 20.02.2025):
```
- conda install -c conda-forge orbit-ml
+ pip install greykite
```
-pydlm (π₯22 Β· β 480) - A python library for Bayesian time series modeling. BSD-3
+TSFEL (π₯21 Β· β 1K Β· π€) - An intuitive library to extract features from time series. BSD-3
-- [GitHub](https://github.com/wwrechard/pydlm) (π¨βπ» 7 Β· π 98 Β· π¦ 37 Β· π 56 - 73% open Β· β±οΈ 07.09.2024):
+- [GitHub](https://github.com/fraunhoferportugal/tsfel) (π¨βπ» 20 Β· π 140 Β· π¦ 200 Β· π 82 - 12% open Β· β±οΈ 17.10.2024):
```
- git clone https://github.com/wwrechard/pydlm
+ git clone https://github.com/fraunhoferportugal/tsfel
```
-- [PyPi](https://pypi.org/project/pydlm) (π₯ 26K / month Β· π¦ 2 Β· β±οΈ 13.08.2024):
+- [PyPi](https://pypi.org/project/tsfel) (π₯ 6.6K / month Β· π¦ 7 Β· β±οΈ 12.09.2024):
```
- pip install pydlm
+ pip install tsfel
```
-tsflex (π₯21 Β· β 400) - Flexible time series feature extraction & processing. MIT
+tsflex (π₯20 Β· β 420 Β· π€) - Flexible time series feature extraction & processing. MIT
-- [GitHub](https://github.com/predict-idlab/tsflex) (π¨βπ» 6 Β· π 26 Β· π¦ 17 Β· π 56 - 58% open Β· β±οΈ 06.09.2024):
+- [GitHub](https://github.com/predict-idlab/tsflex) (π¨βπ» 6 Β· π 26 Β· π¦ 22 Β· π 56 - 58% open Β· β±οΈ 06.09.2024):
```
git clone https://github.com/predict-idlab/tsflex
```
-- [PyPi](https://pypi.org/project/tsflex) (π₯ 2K / month Β· π¦ 2 Β· β±οΈ 06.09.2024):
+- [PyPi](https://pypi.org/project/tsflex) (π₯ 2.5K / month Β· π¦ 2 Β· β±οΈ 06.09.2024):
```
pip install tsflex
```
-- [Conda](https://anaconda.org/conda-forge/tsflex) (π₯ 27K Β· β±οΈ 08.04.2024):
+- [Conda](https://anaconda.org/conda-forge/tsflex) (π₯ 32K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge tsflex
```
-greykite (π₯20 Β· β 1.8K Β· π€) - A flexible, intuitive and fast forecasting library. BSD-2
+pydlm (π₯19 Β· β 480 Β· π€) - A python library for Bayesian time series modeling. BSD-3
-- [GitHub](https://github.com/linkedin/greykite) (π¨βπ» 10 Β· π 100 Β· π₯ 36 Β· π¦ 34 Β· π 110 - 27% open Β· β±οΈ 16.01.2024):
+- [GitHub](https://github.com/wwrechard/pydlm) (π¨βπ» 7 Β· π 98 Β· π¦ 40 Β· π 51 - 70% open Β· β±οΈ 07.09.2024):
```
- git clone https://github.com/linkedin/greykite
+ git clone https://github.com/wwrechard/pydlm
```
-- [PyPi](https://pypi.org/project/greykite) (π₯ 7.8K / month Β· β±οΈ 12.01.2024):
+- [PyPi](https://pypi.org/project/pydlm) (π₯ 58K / month Β· π¦ 2 Β· β±οΈ 13.08.2024):
```
- pip install greykite
+ pip install pydlm
```
-Auto TS (π₯20 Β· β 730) - Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost.. Apache-2
+Auto TS (π₯18 Β· β 750 Β· π€) - Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost.. Apache-2
-- [GitHub](https://github.com/AutoViML/Auto_TS) (π¨βπ» 13 Β· π 110 Β· π 89 - 2% open Β· β±οΈ 05.05.2024):
+- [GitHub](https://github.com/AutoViML/Auto_TS) (π¨βπ» 13 Β· π 120 Β· π 90 - 2% open Β· β±οΈ 05.05.2024):
```
git clone https://github.com/AutoViML/Auto_TS
```
-- [PyPi](https://pypi.org/project/auto-ts) (π₯ 20K / month Β· β±οΈ 05.05.2024):
+- [PyPi](https://pypi.org/project/auto-ts) (π₯ 3.1K / month Β· β±οΈ 05.05.2024):
```
pip install auto-ts
```
-Show 11 hidden projects...
+Show 9 hidden projects...
-- Streamz (π₯27 Β· β 1.2K Β· π) - Real-time stream processing for python. BSD-3
-- pyts (π₯26 Β· β 1.8K Β· π) - A Python package for time series classification. BSD-3
- PyFlux (π₯25 Β· β 2.1K Β· π) - Open source time series library for Python. BSD-3
+- ADTK (π₯23 Β· β 1.2K Β· π) - A Python toolkit for rule-based/unsupervised anomaly detection in.. MPL-2.0
- luminol (π₯22 Β· β 1.2K Β· π) - Anomaly Detection and Correlation library. Apache-2
-- tick (π₯22 Β· β 490 Β· π) - Module for statistical learning, with a particular emphasis on time-.. BSD-3
-- ADTK (π₯21 Β· β 1.1K Β· π) - A Python toolkit for rule-based/unsupervised anomaly detection in.. MPL-2.0
-- seglearn (π₯21 Β· β 570 Β· π) - Python module for machine learning time series:. BSD-3
-- matrixprofile-ts (π₯19 Β· β 730 Β· π) - A Python library for detecting patterns and anomalies.. Apache-2
-- atspy (π₯16 Β· β 510 Β· π) - AtsPy: Automated Time Series Models in Python (by @firmai). MIT
+- seglearn (π₯21 Β· β 580 Β· π) - Python module for machine learning time series:. BSD-3
+- tick (π₯21 Β· β 500 Β· π) - Module for statistical learning, with a particular emphasis on time-.. BSD-3
+- matrixprofile-ts (π₯19 Β· β 740 Β· π) - A Python library for detecting patterns and anomalies.. Apache-2
+- atspy (π₯14 Β· β 520 Β· π) - AtsPy: Automated Time Series Models in Python (by @firmai). MIT
- tsaug (π₯14 Β· β 350 Β· π) - A Python package for time series augmentation. Apache-2
-- tslumen (π₯8 Β· β 67 Β· π) - A library for Time Series EDA (exploratory data analysis). Apache-2
+- tslumen (π₯8 Β· β 69 Β· π) - A library for Time Series EDA (exploratory data analysis). Apache-2
@@ -4010,154 +3741,154 @@ _Libraries for forecasting, anomaly detection, feature extraction, and machine l
_Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats._
-MNE (π₯39 Β· β 2.7K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
+MNE (π₯39 Β· β 2.9K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3
-- [GitHub](https://github.com/mne-tools/mne-python) (π¨βπ» 380 Β· π 1.3K Β· π¦ 4.6K Β· π 4.9K - 10% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/mne-tools/mne-python) (π¨βπ» 390 Β· π 1.3K Β· π¦ 5.7K Β· π 5K - 11% open Β· β±οΈ 05.05.2025):
```
git clone https://github.com/mne-tools/mne-python
```
-- [PyPi](https://pypi.org/project/mne) (π₯ 160K / month Β· π¦ 390 Β· β±οΈ 19.08.2024):
+- [PyPi](https://pypi.org/project/mne) (π₯ 160K / month Β· π¦ 420 Β· β±οΈ 18.12.2024):
```
pip install mne
```
-- [Conda](https://anaconda.org/conda-forge/mne) (π₯ 440K Β· β±οΈ 19.08.2024):
+- [Conda](https://anaconda.org/conda-forge/mne) (π₯ 530K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge mne
```
-MONAI (π₯36 Β· β 5.8K) - AI Toolkit for Healthcare Imaging. Apache-2

+Nilearn (π₯38 Β· β 1.3K) - Machine learning for NeuroImaging in Python. BSD-3

-- [GitHub](https://github.com/Project-MONAI/MONAI) (π¨βπ» 210 Β· π 1.1K Β· π¦ 3K Β· π 3.1K - 11% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/nilearn/nilearn) (π¨βπ» 260 Β· π 600 Β· π₯ 300 Β· π¦ 4.2K Β· π 2.4K - 12% open Β· β±οΈ 06.05.2025):
```
- git clone https://github.com/Project-MONAI/MONAI
+ git clone https://github.com/nilearn/nilearn
```
-- [PyPi](https://pypi.org/project/monai) (π₯ 160K / month Β· π¦ 120 Β· β±οΈ 16.10.2024):
+- [PyPi](https://pypi.org/project/nilearn) (π₯ 170K / month Β· π¦ 310 Β· β±οΈ 23.12.2024):
```
- pip install monai
+ pip install nilearn
```
-- [Conda](https://anaconda.org/conda-forge/monai):
+- [Conda](https://anaconda.org/conda-forge/nilearn) (π₯ 330K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge monai
+ conda install -c conda-forge nilearn
```
-Nilearn (π₯36 Β· β 1.2K) - Machine learning for NeuroImaging in Python. BSD-3

+MONAI (π₯36 Β· β 6.4K) - AI Toolkit for Healthcare Imaging. Apache-2

-- [GitHub](https://github.com/nilearn/nilearn) (π¨βπ» 250 Β· π 600 Β· π₯ 240 Β· π¦ 3.5K Β· π 2.1K - 13% open Β· β±οΈ 25.10.2024):
+- [GitHub](https://github.com/Project-MONAI/MONAI) (π¨βπ» 220 Β· π 1.2K Β· π¦ 4.1K Β· π 3.2K - 13% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/nilearn/nilearn
+ git clone https://github.com/Project-MONAI/MONAI
```
-- [PyPi](https://pypi.org/project/nilearn) (π₯ 65K / month Β· π¦ 300 Β· β±οΈ 09.04.2024):
+- [PyPi](https://pypi.org/project/monai) (π₯ 290K / month Β· π¦ 140 Β· β±οΈ 10.12.2024):
```
- pip install nilearn
+ pip install monai
```
-- [Conda](https://anaconda.org/conda-forge/nilearn) (π₯ 300K Β· β±οΈ 09.04.2024):
+- [Conda](https://anaconda.org/conda-forge/monai) (π₯ 48K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge nilearn
+ conda install -c conda-forge monai
```
-NiBabel (π₯36 Β· β 650) - Python package to access a cacophony of neuro-imaging file formats. MIT
+NIPYPE (π₯35 Β· β 780) - Workflows and interfaces for neuroimaging packages. Apache-2
-- [GitHub](https://github.com/nipy/nibabel) (π¨βπ» 100 Β· π 260 Β· π¦ 22K Β· π 540 - 23% open Β· β±οΈ 23.10.2024):
+- [GitHub](https://github.com/nipy/nipype) (π¨βπ» 260 Β· π 530 Β· π¦ 6.7K Β· π 1.4K - 30% open Β· β±οΈ 28.04.2025):
```
- git clone https://github.com/nipy/nibabel
+ git clone https://github.com/nipy/nipype
```
-- [PyPi](https://pypi.org/project/nibabel) (π₯ 1.2M / month Β· π¦ 1.2K Β· β±οΈ 23.10.2024):
+- [PyPi](https://pypi.org/project/nipype) (π₯ 330K / month Β· π¦ 150 Β· β±οΈ 19.03.2025):
```
- pip install nibabel
+ pip install nipype
```
-- [Conda](https://anaconda.org/conda-forge/nibabel) (π₯ 790K Β· β±οΈ 23.10.2024):
+- [Conda](https://anaconda.org/conda-forge/nipype) (π₯ 790K Β· β±οΈ 05.05.2025):
```
- conda install -c conda-forge nibabel
+ conda install -c conda-forge nipype
```
-NIPYPE (π₯35 Β· β 750) - Workflows and interfaces for neuroimaging packages. Apache-2
+NiBabel (π₯34 Β· β 700) - Python package to access a cacophony of neuro-imaging file formats. MIT
-- [GitHub](https://github.com/nipy/nipype) (π¨βπ» 260 Β· π 510 Β· π¦ 5.1K Β· π 1.4K - 29% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/nipy/nibabel) (π¨βπ» 110 Β· π 260 Β· π¦ 28K Β· π 550 - 23% open Β· β±οΈ 18.03.2025):
```
- git clone https://github.com/nipy/nipype
+ git clone https://github.com/nipy/nibabel
```
-- [PyPi](https://pypi.org/project/nipype) (π₯ 190K / month Β· π¦ 150 Β· β±οΈ 31.10.2024):
+- [PyPi](https://pypi.org/project/nibabel) (π₯ 820K / month Β· π¦ 1.2K Β· β±οΈ 23.10.2024):
```
- pip install nipype
+ pip install nibabel
```
-- [Conda](https://anaconda.org/conda-forge/nipype) (π₯ 700K Β· β±οΈ 22.09.2023):
+- [Conda](https://anaconda.org/conda-forge/nibabel) (π₯ 900K Β· β±οΈ 22.04.2025):
```
- conda install -c conda-forge nipype
+ conda install -c conda-forge nibabel
```
-Lifelines (π₯34 Β· β 2.4K Β· π) - Survival analysis in Python. MIT
+Lifelines (π₯33 Β· β 2.4K Β· π€) - Survival analysis in Python. MIT
-- [GitHub](https://github.com/CamDavidsonPilon/lifelines) (π¨βπ» 120 Β· π 560 Β· π¦ 3K Β· π 980 - 27% open Β· β±οΈ 29.10.2024):
+- [GitHub](https://github.com/CamDavidsonPilon/lifelines) (π¨βπ» 120 Β· π 560 Β· π¦ 3.8K Β· π 980 - 27% open Β· β±οΈ 29.10.2024):
```
git clone https://github.com/CamDavidsonPilon/lifelines
```
-- [PyPi](https://pypi.org/project/lifelines) (π₯ 2.2M / month Β· π¦ 160 Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/lifelines) (π₯ 2.3M / month Β· π¦ 160 Β· β±οΈ 29.10.2024):
```
pip install lifelines
```
-- [Conda](https://anaconda.org/conda-forge/lifelines) (π₯ 380K Β· β±οΈ 29.10.2024):
+- [Conda](https://anaconda.org/conda-forge/lifelines) (π₯ 420K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge lifelines
```
-Hail (π₯32 Β· β 980) - Cloud-native genomic dataframes and batch computing. MIT

+Hail (π₯32 Β· β 1K) - Cloud-native genomic dataframes and batch computing. MIT

-- [GitHub](https://github.com/hail-is/hail) (π¨βπ» 97 Β· π 240 Β· π¦ 150 Β· π 2.5K - 10% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/hail-is/hail) (π¨βπ» 97 Β· π 250 Β· π¦ 170 Β· π 2.5K - 10% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/hail-is/hail
```
-- [PyPi](https://pypi.org/project/hail) (π₯ 59K / month Β· π¦ 34 Β· β±οΈ 04.10.2024):
+- [PyPi](https://pypi.org/project/hail) (π₯ 14K / month Β· π¦ 42 Β· β±οΈ 07.03.2025):
```
pip install hail
```
-DeepVariant (π₯24 Β· β 3.2K Β· π€) - DeepVariant is an analysis pipeline that uses a deep.. BSD-3

+DeepVariant (π₯24 Β· β 3.4K) - DeepVariant is an analysis pipeline that uses a deep neural.. BSD-3

-- [GitHub](https://github.com/google/deepvariant) (π¨βπ» 30 Β· π 710 Β· π₯ 4.8K Β· π 840 - 0% open Β· β±οΈ 18.03.2024):
+- [GitHub](https://github.com/google/deepvariant) (π¨βπ» 36 Β· π 740 Β· π₯ 4.8K Β· π 900 - 0% open Β· β±οΈ 10.03.2025):
```
git clone https://github.com/google/deepvariant
```
-- [Conda](https://anaconda.org/bioconda/deepvariant) (π₯ 70K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/bioconda/deepvariant) (π₯ 76K Β· β±οΈ 22.04.2025):
```
conda install -c bioconda deepvariant
```
-Brainiak (π₯19 Β· β 340) - Brain Imaging Analysis Kit. Apache-2
+Brainiak (π₯19 Β· β 360) - Brain Imaging Analysis Kit. Apache-2
-- [GitHub](https://github.com/brainiak/brainiak) (π¨βπ» 35 Β· π 130 Β· π 220 - 38% open Β· β±οΈ 08.07.2024):
+- [GitHub](https://github.com/brainiak/brainiak) (π¨βπ» 35 Β· π 140 Β· π 230 - 38% open Β· β±οΈ 06.01.2025):
```
git clone https://github.com/brainiak/brainiak
```
-- [PyPi](https://pypi.org/project/brainiak) (π₯ 1K / month Β· β±οΈ 15.10.2020):
+- [PyPi](https://pypi.org/project/brainiak) (π₯ 2.6K / month Β· β±οΈ 07.01.2025):
```
pip install brainiak
```
-- [Docker Hub](https://hub.docker.com/r/brainiak/brainiak) (π₯ 1.9K Β· β 1 Β· β±οΈ 15.10.2020):
+- [Docker Hub](https://hub.docker.com/r/brainiak/brainiak) (π₯ 1.9K Β· β 1 Β· β±οΈ 07.01.2025):
```
docker pull brainiak/brainiak
```
Show 10 hidden projects...
-- DIPY (π₯32 Β· β 710) - DIPY is the paragon 3D/4D+ imaging library in Python. Contains.. βUnlicensed
-- NIPY (π₯27 Β· β 380) - Neuroimaging in Python FMRI analysis package. βUnlicensed
+- DIPY (π₯33 Β· β 760) - DIPY is the paragon 3D/4D+ medical imaging library in Python... βUnlicensed
- NiftyNet (π₯25 Β· β 1.4K Β· π) - [unmaintained] An open-source convolutional neural.. Apache-2

-- MedPy (π₯25 Β· β 580) - Medical image processing in Python. βοΈGPL-3.0
-- Glow (π₯22 Β· β 270) - An open-source toolkit for large-scale genomic analysis. Apache-2
-- DLTK (π₯21 Β· β 1.4K Β· π) - Deep Learning Toolkit for Medical Image Analysis. Apache-2

-- MedicalTorch (π₯16 Β· β 850 Β· π) - A medical imaging framework for Pytorch. Apache-2

-- DeepNeuro (π₯15 Β· β 120 Β· π) - A deep learning python package for neuroimaging data. Made by:. MIT
+- NIPY (π₯24 Β· β 390) - Neuroimaging in Python FMRI analysis package. βUnlicensed
+- MedPy (π₯23 Β· β 600 Β· π€) - Medical image processing in Python. βοΈGPL-3.0
+- DLTK (π₯20 Β· β 1.4K Β· π) - Deep Learning Toolkit for Medical Image Analysis. Apache-2

+- Glow (π₯20 Β· β 280) - An open-source toolkit for large-scale genomic analysis. Apache-2
+- MedicalTorch (π₯15 Β· β 870 Β· π) - A medical imaging framework for Pytorch. Apache-2

- Medical Detection Toolkit (π₯14 Β· β 1.3K Β· π) - The Medical Detection Toolkit contains 2D + 3D.. Apache-2

-- MedicalNet (π₯12 Β· β 1.9K Β· π) - Many studies have shown that the performance on deep learning is.. MIT
+- DeepNeuro (π₯14 Β· β 130 Β· π) - A deep learning python package for neuroimaging data. Made by:. MIT
+- MedicalNet (π₯12 Β· β 2K Β· π) - Many studies have shown that the performance on deep learning is.. MIT
@@ -4167,60 +3898,61 @@ _Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic
_Libraries for processing tabular and structured data._
-miceforest (π₯24 Β· β 350) - Multiple Imputation with LightGBM in Python. MIT
+skrub (π₯29 Β· β 1.4K Β· β) - Machine learning with dataframes. BSD-3


-- [GitHub](https://github.com/AnotherSamWilson/miceforest) (π¨βπ» 8 Β· π 30 Β· π¦ 170 Β· π 85 - 8% open Β· β±οΈ 02.08.2024):
+- [GitHub](https://github.com/skrub-data/skrub) (π¨βπ» 58 Β· π 120 Β· π¦ 76 Β· π 430 - 19% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/AnotherSamWilson/miceforest
- ```
-- [PyPi](https://pypi.org/project/miceforest) (π₯ 63K / month Β· π¦ 9 Β· β±οΈ 02.08.2024):
+ git clone https://github.com/skrub-data/skrub
```
- pip install miceforest
- ```
-- [Conda](https://anaconda.org/conda-forge/miceforest) (π₯ 16K Β· β±οΈ 16.06.2023):
+- [PyPi](https://pypi.org/project/skrub) (π₯ 13K / month Β· π¦ 10 Β· β±οΈ 03.04.2025):
```
- conda install -c conda-forge miceforest
+ pip install skrub
```
-pytorch_tabular (π₯23 Β· β 1.4K) - A standard framework for modelling Deep Learning Models.. MIT

+pytorch_tabular (π₯24 Β· β 1.5K) - A standard framework for modelling Deep Learning Models.. MIT

-- [GitHub](https://github.com/manujosephv/pytorch_tabular) (π¨βπ» 24 Β· π 140 Β· π₯ 46 Β· π 160 - 12% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/manujosephv/pytorch_tabular) (π¨βπ» 27 Β· π 150 Β· π₯ 54 Β· π 170 - 6% open Β· β±οΈ 19.04.2025):
```
git clone https://github.com/manujosephv/pytorch_tabular
```
-- [PyPi](https://pypi.org/project/pytorch_tabular) (π₯ 3.9K / month Β· π¦ 3 Β· β±οΈ 15.01.2024):
+- [PyPi](https://pypi.org/project/pytorch_tabular) (π₯ 10K / month Β· π¦ 9 Β· β±οΈ 28.11.2024):
```
pip install pytorch_tabular
```
-upgini (π₯21 Β· β 320) - Data search & enrichment library for Machine Learning Easily find and add.. BSD-3
+miceforest (π₯24 Β· β 380 Β· π€) - Multiple Imputation with LightGBM in Python. MIT
-- [GitHub](https://github.com/upgini/upgini) (π¨βπ» 13 Β· π 25 Β· π¦ 9 Β· β±οΈ 21.10.2024):
+- [GitHub](https://github.com/AnotherSamWilson/miceforest) (π¨βπ» 8 Β· π 30 Β· π¦ 230 Β· π 90 - 11% open Β· β±οΈ 02.08.2024):
```
- git clone https://github.com/upgini/upgini
+ git clone https://github.com/AnotherSamWilson/miceforest
```
-- [PyPi](https://pypi.org/project/upgini) (π₯ 40K / month Β· β±οΈ 21.10.2024):
+- [PyPi](https://pypi.org/project/miceforest) (π₯ 100K / month Β· π¦ 9 Β· β±οΈ 02.08.2024):
```
- pip install upgini
+ pip install miceforest
+ ```
+- [Conda](https://anaconda.org/conda-forge/miceforest) (π₯ 19K Β· β±οΈ 22.04.2025):
+ ```
+ conda install -c conda-forge miceforest
```
-carefree-learn (π₯18 Β· β 400 Β· π€) - Deep Learning PyTorch. MIT

+upgini (π₯22 Β· β 330) - Data search & enrichment library for Machine Learning Easily find and add.. BSD-3
-- [GitHub](https://github.com/carefree0910/carefree-learn) (π¨βπ» 1 Β· π 38 Β· π¦ 8 Β· π 82 - 2% open Β· β±οΈ 18.03.2024):
+- [GitHub](https://github.com/upgini/upgini) (π¨βπ» 13 Β· π 24 Β· π¦ 9 Β· β±οΈ 07.05.2025):
```
- git clone https://github.com/carefree0910/carefree-learn
+ git clone https://github.com/upgini/upgini
```
-- [PyPi](https://pypi.org/project/carefree-learn) (π₯ 6K / month Β· β±οΈ 09.01.2024):
+- [PyPi](https://pypi.org/project/upgini) (π₯ 24K / month Β· β±οΈ 08.05.2025):
```
- pip install carefree-learn
+ pip install upgini
```
-Show 1 hidden projects...
+Show 2 hidden projects...
+- carefree-learn (π₯18 Β· β 410 Β· π) - Deep Learning PyTorch. MIT

- deltapy (π₯13 Β· β 540 Β· π) - DeltaPy - Tabular Data Augmentation (by @firmai). MIT
@@ -4231,124 +3963,98 @@ _Libraries for processing tabular and structured data._
_Libraries for optical character recognition (OCR) and text extraction from images or videos._
-PaddleOCR (π₯40 Β· β 44K) - Awesome multilingual OCR toolkits based on PaddlePaddle.. Apache-2

+PaddleOCR (π₯42 Β· β 49K) - Awesome multilingual OCR toolkits based on PaddlePaddle.. Apache-2

-- [GitHub](https://github.com/PaddlePaddle/PaddleOCR) (π¨βπ» 270 Β· π 7.8K Β· π₯ 560K Β· π¦ 3.5K Β· π 9.4K - 1% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/PaddlePaddle/PaddleOCR) (π¨βπ» 280 Β· π 8.2K Β· π₯ 1.9M Β· π¦ 5.4K Β· π 9.6K - 0% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/PaddlePaddle/PaddleOCR
```
-- [PyPi](https://pypi.org/project/paddleocr) (π₯ 270K / month Β· π¦ 110 Β· β±οΈ 22.10.2024):
+- [PyPi](https://pypi.org/project/paddleocr) (π₯ 360K / month Β· π¦ 140 Β· β±οΈ 07.03.2025):
```
pip install paddleocr
```
-EasyOCR (π₯35 Β· β 24K) - Ready-to-use OCR with 80+ supported languages and all popular writing.. Apache-2
-
-- [GitHub](https://github.com/JaidedAI/EasyOCR) (π¨βπ» 130 Β· π 3.1K Β· π₯ 16M Β· π¦ 9.1K Β· π 1K - 41% open Β· β±οΈ 24.09.2024):
-
- ```
- git clone https://github.com/JaidedAI/EasyOCR
- ```
-- [PyPi](https://pypi.org/project/easyocr) (π₯ 500K / month Β· π¦ 210 Β· β±οΈ 24.09.2024):
- ```
- pip install easyocr
- ```
-
-OCRmyPDF (π₯34 Β· β 14K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
+OCRmyPDF (π₯37 Β· β 29K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0
-- [GitHub](https://github.com/ocrmypdf/OCRmyPDF) (π¨βπ» 100 Β· π 1K Β· π₯ 5.5K Β· π¦ 1K Β· π 1.2K - 9% open Β· β±οΈ 28.10.2024):
+- [GitHub](https://github.com/ocrmypdf/OCRmyPDF) (π¨βπ» 110 Β· π 1.9K Β· π₯ 12K Β· π¦ 1.3K Β· π 1.2K - 10% open Β· β±οΈ 21.04.2025):
```
git clone https://github.com/ocrmypdf/OCRmyPDF
```
-- [PyPi](https://pypi.org/project/ocrmypdf) (π₯ 130K / month Β· π¦ 36 Β· β±οΈ 29.10.2024):
+- [PyPi](https://pypi.org/project/ocrmypdf) (π₯ 220K / month Β· π¦ 46 Β· β±οΈ 24.04.2025):
```
pip install ocrmypdf
```
-- [Conda](https://anaconda.org/conda-forge/ocrmypdf) (π₯ 81K Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/ocrmypdf) (π₯ 98K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge ocrmypdf
```
-Tesseract (π₯32 Β· β 5.8K) - Python-tesseract is an optical character recognition (OCR) tool.. Apache-2
+EasyOCR (π₯34 Β· β 27K Β· π€) - Ready-to-use OCR with 80+ supported languages and all popular.. Apache-2
-- [GitHub](https://github.com/madmaze/pytesseract) (π¨βπ» 49 Β· π 710 Β· π 370 - 4% open Β· β±οΈ 15.10.2024):
+- [GitHub](https://github.com/JaidedAI/EasyOCR) (π¨βπ» 130 Β· π 3.3K Β· π₯ 21M Β· π¦ 14K Β· π 1.1K - 43% open Β· β±οΈ 24.09.2024):
```
- git clone https://github.com/madmaze/pytesseract
- ```
-- [PyPi](https://pypi.org/project/pytesseract) (π₯ 2.3M / month Β· π¦ 970 Β· β±οΈ 16.08.2024):
- ```
- pip install pytesseract
+ git clone https://github.com/JaidedAI/EasyOCR
```
-- [Conda](https://anaconda.org/conda-forge/pytesseract) (π₯ 630K Β· β±οΈ 15.10.2023):
+- [PyPi](https://pypi.org/project/easyocr) (π₯ 860K / month Β· π¦ 250 Β· β±οΈ 24.09.2024):
```
- conda install -c conda-forge pytesseract
+ pip install easyocr
```
-tesserocr (π₯30 Β· β 2K) - A Python wrapper for the tesseract-ocr API. MIT
+tesserocr (π₯31 Β· β 2.1K) - A Python wrapper for the tesseract-ocr API. MIT
-- [GitHub](https://github.com/sirfz/tesserocr) (π¨βπ» 30 Β· π 250 Β· π₯ 610 Β· π¦ 1.1K Β· π 280 - 18% open Β· β±οΈ 26.08.2024):
+- [GitHub](https://github.com/sirfz/tesserocr) (π¨βπ» 32 Β· π 260 Β· π₯ 950 Β· π¦ 1.2K Β· π 280 - 17% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/sirfz/tesserocr
```
-- [PyPi](https://pypi.org/project/tesserocr) (π₯ 98K / month Β· π¦ 36 Β· β±οΈ 26.08.2024):
+- [PyPi](https://pypi.org/project/tesserocr) (π₯ 130K / month Β· π¦ 43 Β· β±οΈ 12.02.2025):
```
pip install tesserocr
```
-- [Conda](https://anaconda.org/conda-forge/tesserocr) (π₯ 190K Β· β±οΈ 13.09.2024):
+- [Conda](https://anaconda.org/conda-forge/tesserocr) (π₯ 250K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge tesserocr
```
-keras-ocr (π₯27 Β· β 1.4K Β· π€) - A packaged and flexible version of the CRAFT text detector.. MIT

+Tesseract (π₯30 Β· β 6.1K) - Python-tesseract is an optical character recognition (OCR) tool.. Apache-2
-- [GitHub](https://github.com/faustomorales/keras-ocr) (π¨βπ» 18 Β· π 330 Β· π₯ 1.7M Β· π¦ 580 Β· π 210 - 46% open Β· β±οΈ 06.11.2023):
+- [GitHub](https://github.com/madmaze/pytesseract) (π¨βπ» 50 Β· π 720 Β· π 370 - 3% open Β· β±οΈ 17.02.2025):
```
- git clone https://github.com/faustomorales/keras-ocr
+ git clone https://github.com/madmaze/pytesseract
```
-- [PyPi](https://pypi.org/project/keras-ocr) (π₯ 27K / month Β· π¦ 8 Β· β±οΈ 06.11.2023):
+- [PyPi](https://pypi.org/project/pytesseract) (π₯ 3M / month Β· π¦ 970 Β· β±οΈ 16.08.2024):
```
- pip install keras-ocr
+ pip install pytesseract
```
-- [Conda](https://anaconda.org/anaconda/keras-ocr) (π₯ 340 Β· β±οΈ 16.06.2023):
+- [Conda](https://anaconda.org/conda-forge/pytesseract) (π₯ 660K Β· β±οΈ 22.04.2025):
```
- conda install -c anaconda keras-ocr
+ conda install -c conda-forge pytesseract
```
-MMOCR (π₯26 Β· β 4.3K) - OpenMMLab Text Detection, Recognition and Understanding Toolbox. Apache-2

+MMOCR (π₯27 Β· β 4.5K) - OpenMMLab Text Detection, Recognition and Understanding Toolbox. Apache-2

-- [GitHub](https://github.com/open-mmlab/mmocr) (π¨βπ» 90 Β· π 740 Β· π¦ 170 Β· π 930 - 20% open Β· β±οΈ 23.04.2024):
+- [GitHub](https://github.com/open-mmlab/mmocr) (π¨βπ» 90 Β· π 750 Β· π¦ 220 Β· π 930 - 20% open Β· β±οΈ 27.11.2024):
```
git clone https://github.com/open-mmlab/mmocr
```
-- [PyPi](https://pypi.org/project/mmocr) (π₯ 5K / month Β· π¦ 4 Β· β±οΈ 05.05.2022):
+- [PyPi](https://pypi.org/project/mmocr) (π₯ 4.5K / month Β· π¦ 4 Β· β±οΈ 05.05.2022):
```
pip install mmocr
```
-attention-ocr (π₯22 Β· β 1.1K Β· π€) - A Tensorflow model for text recognition (CNN + seq2seq.. MIT

-
-- [GitHub](https://github.com/emedvedev/attention-ocr) (π¨βπ» 28 Β· π 250 Β· π¦ 30 Β· π 150 - 16% open Β· β±οΈ 20.10.2023):
-
- ```
- git clone https://github.com/emedvedev/attention-ocr
- ```
-- [PyPi](https://pypi.org/project/aocr) (π₯ 4K / month Β· β±οΈ 19.04.2019):
- ```
- pip install aocr
- ```
-
-Show 4 hidden projects...
+Show 6 hidden projects...
-- calamari (π₯23 Β· β 1K) - Line based ATR Engine based on OCRopy. βοΈGPL-3.0
+- keras-ocr (π₯26 Β· β 1.5K Β· π) - A packaged and flexible version of the CRAFT text detector.. MIT

+- calamari (π₯23 Β· β 1.1K) - Line based ATR Engine based on OCRopy. βοΈGPL-3.0
- pdftabextract (π₯21 Β· β 2.2K Β· π) - A set of tools for extracting tables from PDF files.. Apache-2
+- attention-ocr (π₯21 Β· β 1.1K Β· π) - A Tensorflow model for text recognition (CNN + seq2seq.. MIT

- doc2text (π₯20 Β· β 1.3K Β· π) - Detect text blocks and OCR poorly scanned PDFs in bulk. Python.. MIT
-- Mozart (π₯10 Β· β 610 Β· π) - An optical music recognition (OMR) system. Converts sheet.. Apache-2

+- Mozart (π₯10 Β· β 660 Β· π) - An optical music recognition (OMR) system. Converts sheet.. Apache-2

@@ -4358,7 +4064,7 @@ _Libraries for optical character recognition (OCR) and text extraction from imag
_General-purpose data containers & structures as well as utilities & extensions for pandas._
-π best-of-python - Data Containers ( β 3.7K) - Collection of data-container, dataframe, and pandas-..
+π best-of-python - Data Containers ( β 4K) - Collection of data-container, dataframe, and pandas-..
@@ -4368,7 +4074,7 @@ _General-purpose data containers & structures as well as utilities & extensions
_Libraries for loading, collecting, and extracting data from a variety of data sources and formats._
-π best-of-python - Data Extraction ( β 3.7K) - Collection of data-loading and -extraction libraries.
+π best-of-python - Data Extraction ( β 4K) - Collection of data-loading and -extraction libraries.
@@ -4378,7 +4084,7 @@ _Libraries for loading, collecting, and extracting data from a variety of data s
_Libraries for web scraping, crawling, downloading, and mining as well as libraries._
-π best-of-web-python - Web Scraping ( β 2.3K) - Collection of web-scraping and crawling libraries.
+π best-of-web-python - Web Scraping ( β 2.5K Β· π€) - Collection of web-scraping and crawling libraries.
@@ -4388,8 +4094,12 @@ _Libraries for web scraping, crawling, downloading, and mining as well as librar
_Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks._
-π best-of-python - Data Pipelines ( β 3.7K) - Libraries for data batch- and stream-processing,..
+π best-of-python - Data Pipelines ( β 4K) - Libraries for data batch- and stream-processing,..
+
+Show 1 hidden projects...
+- pyclugen (π₯10 Β· β 8 Β· π€) - Multidimensional cluster generation in Python. MIT
+
## Distributed Machine Learning
@@ -4398,118 +4108,126 @@ _Libraries for data batch- and stream-processing, workflow automation, job sched
_Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure._
-Ray (π₯45 Β· β 34K) - Ray is an AI compute engine. Ray consists of a core distributed runtime.. Apache-2
+Ray (π₯47 Β· β 37K) - Ray is an AI compute engine. Ray consists of a core distributed runtime.. Apache-2
-- [GitHub](https://github.com/ray-project/ray) (π¨βπ» 1.1K Β· π 5.7K Β· π₯ 240 Β· π¦ 19K Β· π 19K - 21% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/ray-project/ray) (π¨βπ» 1.2K Β· π 6.3K Β· π₯ 260 Β· π¦ 24K Β· π 21K - 21% open Β· β±οΈ 08.05.2025):
```
git clone https://github.com/ray-project/ray
```
-- [PyPi](https://pypi.org/project/ray) (π₯ 6M / month Β· π¦ 790 Β· β±οΈ 23.10.2024):
+- [PyPi](https://pypi.org/project/ray) (π₯ 7.6M / month Β· π¦ 960 Β· β±οΈ 07.05.2025):
```
pip install ray
```
-- [Conda](https://anaconda.org/conda-forge/ray-tune) (π₯ 440K Β· β±οΈ 30.10.2024):
+- [Conda](https://anaconda.org/conda-forge/ray-tune) (π₯ 760K Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge ray-tune
```
-dask (π₯44 Β· β 13K) - Parallel computing with task scheduling. BSD-3
+dask (π₯45 Β· β 13K Β· π) - Parallel computing with task scheduling. BSD-3
-- [GitHub](https://github.com/dask/dask) (π¨βπ» 610 Β· π 1.7K Β· π¦ 66K Β· π 5.4K - 20% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/dask/dask) (π¨βπ» 620 Β· π 1.8K Β· π¦ 74K Β· π 5.5K - 20% open Β· β±οΈ 06.05.2025):
```
git clone https://github.com/dask/dask
```
-- [PyPi](https://pypi.org/project/dask) (π₯ 12M / month Β· π¦ 2.4K Β· β±οΈ 17.10.2024):
+- [PyPi](https://pypi.org/project/dask) (π₯ 11M / month Β· π¦ 2.9K Β· β±οΈ 25.04.2025):
```
pip install dask
```
-- [Conda](https://anaconda.org/conda-forge/dask) (π₯ 12M Β· β±οΈ 18.10.2024):
+- [Conda](https://anaconda.org/conda-forge/dask) (π₯ 13M Β· β±οΈ 25.04.2025):
```
conda install -c conda-forge dask
```
-DeepSpeed (π₯41 Β· β 35K) - DeepSpeed is a deep learning optimization library that makes.. Apache-2

+DeepSpeed (π₯41 Β· β 38K) - DeepSpeed is a deep learning optimization library that makes.. Apache-2

-- [GitHub](https://github.com/microsoft/DeepSpeed) (π¨βπ» 350 Β· π 4.1K Β· π¦ 9.3K Β· π 2.9K - 37% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/deepspeedai/DeepSpeed) (π¨βπ» 380 Β· π 4.3K Β· π¦ 13K Β· π 3.1K - 34% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/microsoft/DeepSpeed
```
-- [PyPi](https://pypi.org/project/deepspeed) (π₯ 490K / month Β· π¦ 210 Β· β±οΈ 22.10.2024):
+- [PyPi](https://pypi.org/project/deepspeed) (π₯ 720K / month Β· π¦ 270 Β· β±οΈ 18.04.2025):
```
pip install deepspeed
```
-- [Docker Hub](https://hub.docker.com/r/deepspeed/deepspeed) (π₯ 19K Β· β 4 Β· β±οΈ 02.09.2022):
+- [Docker Hub](https://hub.docker.com/r/deepspeed/deepspeed) (π₯ 22K Β· β 4 Β· β±οΈ 02.09.2022):
```
docker pull deepspeed/deepspeed
```
-dask.distributed (π₯40 Β· β 1.6K) - A distributed task scheduler for Dask. BSD-3
+dask.distributed (π₯39 Β· β 1.6K) - A distributed task scheduler for Dask. BSD-3
-- [GitHub](https://github.com/dask/distributed) (π¨βπ» 330 Β· π 720 Β· π¦ 37K Β· π 4K - 39% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/dask/distributed) (π¨βπ» 340 Β· π 730 Β· π¦ 40K Β· π 4K - 38% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/dask/distributed
```
-- [PyPi](https://pypi.org/project/distributed) (π₯ 4.6M / month Β· π¦ 850 Β· β±οΈ 17.10.2024):
+- [PyPi](https://pypi.org/project/distributed) (π₯ 3.6M / month Β· π¦ 960 Β· β±οΈ 25.04.2025):
```
pip install distributed
```
-- [Conda](https://anaconda.org/conda-forge/distributed) (π₯ 15M Β· β±οΈ 17.10.2024):
+- [Conda](https://anaconda.org/conda-forge/distributed) (π₯ 17M Β· β±οΈ 25.04.2025):
```
conda install -c conda-forge distributed
```
-metrics (π₯36 Β· β 2.1K) - Machine learning metrics for distributed, scalable PyTorch.. Apache-2

+horovod (π₯36 Β· β 14K) - Distributed training framework for TensorFlow, Keras, PyTorch, and.. Apache-2
+
+- [GitHub](https://github.com/horovod/horovod) (π¨βπ» 170 Β· π 2.3K Β· π¦ 1.4K Β· π 2.3K - 17% open Β· β±οΈ 01.02.2025):
+
+ ```
+ git clone https://github.com/horovod/horovod
+ ```
+- [PyPi](https://pypi.org/project/horovod) (π₯ 97K / month Β· π¦ 34 Β· β±οΈ 12.06.2023):
+ ```
+ pip install horovod
+ ```
+
+metrics (π₯36 Β· β 2.3K) - Machine learning metrics for distributed, scalable PyTorch.. Apache-2

-- [GitHub](https://github.com/Lightning-AI/torchmetrics) (π¨βπ» 260 Β· π 400 Β· π₯ 5.7K Β· π¦ 32K Β· π 880 - 7% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/Lightning-AI/torchmetrics) (π¨βπ» 270 Β· π 420 Β· π₯ 6.5K Β· π¦ 41K Β· π 950 - 7% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/Lightning-AI/metrics
```
-- [PyPi](https://pypi.org/project/metrics) (π₯ 4.9K / month Β· π¦ 2 Β· β±οΈ 28.04.2018):
+- [PyPi](https://pypi.org/project/metrics) (π₯ 5.8K / month Β· π¦ 4 Β· β±οΈ 26.02.2025):
```
pip install metrics
```
-- [Conda](https://anaconda.org/conda-forge/torchmetrics) (π₯ 1.6M Β· β±οΈ 24.10.2024):
+- [Conda](https://anaconda.org/conda-forge/torchmetrics) (π₯ 1.9M Β· β±οΈ 22.04.2025):
```
conda install -c conda-forge torchmetrics
```
-horovod (π₯35 Β· β 14K) - Distributed training framework for TensorFlow, Keras, PyTorch, and.. Apache-2
+H2O-3 (π₯35 Β· β 7.2K) - H2O is an Open Source, Distributed, Fast & Scalable Machine Learning.. Apache-2
-- [GitHub](https://github.com/horovod/horovod) (π¨βπ» 170 Β· π 2.2K Β· π¦ 1.2K Β· π 2.3K - 17% open Β· β±οΈ 31.08.2024):
+- [GitHub](https://github.com/h2oai/h2o-3) (π¨βπ» 280 Β· π 2K Β· π¦ 98 Β· π 9.6K - 30% open Β· β±οΈ 08.05.2025):
```
- git clone https://github.com/horovod/horovod
+ git clone https://github.com/h2oai/h2o-3
```
-- [PyPi](https://pypi.org/project/horovod) (π₯ 100K / month Β· π¦ 33 Β· β±οΈ 12.06.2023):
+- [PyPi](https://pypi.org/project/h2o) (π₯ 190K / month Β· π¦ 57 Β· β±οΈ 27.03.2025):
```
- pip install horovod
+ pip install h2o
```
-H2O-3 (π₯35 Β· β 6.9K) - H2O is an Open Source, Distributed, Fast & Scalable Machine Learning.. Apache-2
+ColossalAI (π₯32 Β· β 41K) - Making large AI models cheaper, faster and more accessible. Apache-2
-- [GitHub](https://github.com/h2oai/h2o-3) (π¨βπ» 270 Β· π 2K Β· π¦ 21 Β· π 9.5K - 29% open Β· β±οΈ 30.10.2024):
+- [GitHub](https://github.com/hpcaitech/ColossalAI) (π¨βπ» 190 Β· π 4.5K Β· π¦ 500 Β· π 1.8K - 26% open Β· β±οΈ 18.04.2025):
```
- git clone https://github.com/h2oai/h2o-3
- ```
-- [PyPi](https://pypi.org/project/h2o) (π₯ 280K / month Β· π¦ 48 Β· β±οΈ 29.08.2024):
- ```
- pip install h2o
+ git clone https://github.com/hpcaitech/colossalai
```
-BigDL (π₯34 Β· β 6.6K) - Accelerate local LLM inference and finetuning (LLaMA, Mistral,.. Apache-2
+BigDL (π₯32 Β· β 7.8K) - Accelerate local LLM inference and finetuning (LLaMA, Mistral,.. Apache-2
-- [GitHub](https://github.com/intel-analytics/ipex-llm) (π¨βπ» 110 Β· π 1.3K Β· π₯ 640 Β· π 2.6K - 38% open Β· β±οΈ 31.10.2024):
+- [GitHub](https://github.com/intel/ipex-llm) (π¨βπ» 110 Β· π 1.3K Β· π₯ 690 Β· π 2.9K - 39% open Β· β±οΈ 07.05.2025):
```
git clone https://github.com/intel-analytics/BigDL
```
-- [PyPi](https://pypi.org/project/bigdl) (π₯ 140K / month Β· π¦ 2 Β· β±οΈ 24.03.2024):
+- [PyPi](https://pypi.org/project/bigdl) (π₯ 28K / month Β· π¦ 2 Β· β±οΈ 24.03.2024):
```
pip install bigdl
```
@@ -4522,133 +4240,113 @@ _Libraries that provide capabilities to distribute and parallelize machine learn
```
-ColossalAI (π₯33 Β· β 39K Β· π) - Making large AI models cheaper, faster and more accessible. Apache-2
-
-- [GitHub](https://github.com/hpcaitech/ColossalAI) (π¨βπ» 190 Β· π 4.3K Β· π¦ 430 Β· π 1.7K - 25% open Β· β±οΈ 31.10.2024):
-
- ```
- git clone https://github.com/hpcaitech/colossalai
- ```
-
-FairScale (π₯31 Β· β 3.2K) - PyTorch extensions for high performance and large scale training. BSD-3

+