diff --git a/README.md b/README.md
index 29d3953..7b6f767 100644
--- a/README.md
+++ b/README.md
@@ -14,674 +14,670 @@
-本资源清单包含820个python机器学习相关的开源工具资源,这些热门工具总共分成32个不同的子板块,这些项目目前在github上已经收到3.5M个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新排行展示。本清单参考[best-of模板](https://github.com/best-of-lists/best-of)完成,内容参考了[awesome-machine-learning](https://github.com/josephmisiti/awesome-machine-learning),欢迎大家提PR丰富本清单。
-## 目录
-
-- [机器学习框架](#机器学习框架) _54 个项目_
-- [数据可视化](#数据可视化) _49 个项目_
-- [文本数据和NLP](#文本数据和NLP) _82 个项目_
-- [图像数据与CV](#图像数据与CV) _49 个项目_
-- [图数据处理](#图数据处理) _29 个项目_
-- [音频处理](#音频处理) _23 个项目_
-- [地理Geo处理](#地理Geo处理) _22 个项目_
-- [金融数据处理](#金融数据处理) _23 个项目_
-- [时间序列](#时间序列) _20 个项目_
-- [医疗领域](#医疗领域) _19 个项目_
-- [光学字符识别OCR](#光学字符识别OCR) _11 个项目_
-- [数据容器和结构](#数据容器和结构) _28 个项目_
-- [数据读写与提取](#数据读写与提取) _23 个项目_
-- [网页抓取和爬虫](#网页抓取和爬虫) _1 个项目_
-- [数据管道和流处理](#数据管道和流处理) _36 个项目_
-- [分布式机器学习](#分布式机器学习) _26 个项目_
-- [超参数优化和AutoML](#超参数优化和AutoML) _45 个项目_
-- [强化学习](#强化学习) _19 个项目_
-- [推荐系统](#推荐系统) _13 个项目_
-- [隐私机器学习](#隐私机器学习) _6 个项目_
-- [工作流程和实验跟踪](#工作流程和实验跟踪) _35 个项目_
-- [模型序列化和转换](#模型序列化和转换) _11 个项目_
-- [模型的可解释性](#模型的可解释性) _46 个项目_
-- [向量相似度搜索(ANN)](#向量相似度搜索(ANN)) _12 个项目_
-- [概率统计](#概率统计) _21 个项目_
-- [对抗学习与鲁棒性](#对抗学习与鲁棒性) _7 个项目_
-- [GPU实用程序](#GPU实用程序) _18 个项目_
-- [Tensorflow实用程序](#Tensorflow实用程序) _13 个项目_
-- [Sklearn实用程序](#Sklearn实用程序) _17 个项目_
-- [Pytorch实用程序](#Pytorch实用程序) _27 个项目_
-- [数据库客户端](#数据库客户端) _1 个项目_
-- [中文自然语言处理](#中文自然语言处理) _2 个项目_
-- [Others](#Others) _33 个项目_
-
-## 图标解释
-- 🥇🥈🥉 综合项目质量分
-- ⭐️ github上star的数量
-- 🐣 小于6个月的新项目
-- 💤 非活跃项目(6个月未更新)
-- 💀 沉寂项目(12个月未更新)
-- 📈📉 项目趋势(向上or向下)
-- ➕ 最近添加的项目
-- ❗️ 警告(例如 项目没有license)
-- 👨💻 项目的开发贡献者数量
-- 🔀 项目被fork的数量
-- 📋 项目issue的数量
-- ⏱️ 项目包上次更新时间
-- 📥 工具库被下载次数
-- 📦 项目依赖的工具库数量
--
Tensorflow相关项目
--
Sklearn相关项目
--
pytorch相关项目
--
MxNet相关项目
--
Apache Spark相关项目
--
Jupyter相关项目
--
PaddlePaddle相关项目
--
Pandas相关项目
+本资源清单包含820个python机器学习相关的开源工具资源,这些热门工具总共分成32个不同的子板块,这些项目目前在github上已经收到4.2M个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新排行展示。本清单参考[best-of模板](https://github.com/best-of-lists/best-of)完成,内容参考了[awesome-machine-learning](https://github.com/josephmisiti/awesome-machine-learning),欢迎大家提PR丰富本清单。
+## Contents
+
+- [Machine Learning Frameworks](#machine-learning-frameworks) _54 projects_
+- [Data Visualization](#data-visualization) _49 projects_
+- [Text Data & NLP](#text-data--nlp) _82 projects_
+- [Image Data](#image-data) _49 projects_
+- [Graph Data](#graph-data) _29 projects_
+- [Audio Data](#audio-data) _23 projects_
+- [Geospatial Data](#geospatial-data) _22 projects_
+- [Financial Data](#financial-data) _23 projects_
+- [Time Series Data](#time-series-data) _20 projects_
+- [Medical Data](#medical-data) _19 projects_
+- [Optical Character Recognition](#optical-character-recognition) _11 projects_
+- [Data Containers & Structures](#data-containers--structures) _28 projects_
+- [Data Loading & Extraction](#data-loading--extraction) _23 projects_
+- [Web Scraping & Crawling](#web-scraping--crawling) _1 projects_
+- [Data Pipelines & Streaming](#data-pipelines--streaming) _36 projects_
+- [Distributed Machine Learning](#distributed-machine-learning) _26 projects_
+- [Hyperparameter Optimization & AutoML](#hyperparameter-optimization--automl) _45 projects_
+- [Reinforcement Learning](#reinforcement-learning) _19 projects_
+- [Recommender Systems](#recommender-systems) _13 projects_
+- [Privacy Machine Learning](#privacy-machine-learning) _6 projects_
+- [Workflow & Experiment Tracking](#workflow--experiment-tracking) _35 projects_
+- [Model Serialization & Conversion](#model-serialization--conversion) _11 projects_
+- [Model Interpretability](#model-interpretability) _45 projects_
+- [Vector Similarity Search (ANN)](#vector-similarity-search-ann) _12 projects_
+- [Probabilistics & Statistics](#probabilistics--statistics) _21 projects_
+- [Adversarial Robustness](#adversarial-robustness) _7 projects_
+- [GPU Utilities](#gpu-utilities) _17 projects_
+- [Tensorflow Utilities](#tensorflow-utilities) _13 projects_
+- [Sklearn Utilities](#sklearn-utilities) _17 projects_
+- [Pytorch Utilities](#pytorch-utilities) _27 projects_
+- [Database Clients](#database-clients) _1 projects_
+- [Chinese NLP](#chinese-nlp) _2 projects_
+- [Others](#others) _33 projects_
+
+## Explanation
+- 🥇🥈🥉 Combined project-quality score
+- ⭐️ Star count from GitHub
+- 🐣 New project _(less than 6 months old)_
+- 💤 Inactive project _(6 months no activity)_
+- 💀 Dead project _(12 months no activity)_
+- 📈📉 Project is trending up or down
+- ➕ Project was recently added
+- ❗️ Warning _(e.g. missing/risky license)_
+- 👨💻 Contributors count from GitHub
+- 🔀 Fork count from GitHub
+- 📋 Issue count from GitHub
+- ⏱️ Last update timestamp on package manager
+- 📥 Download count from package manager
+- 📦 Number of dependent projects
+-
Tensorflow related project
+-
Sklearn related project
+-
PyTorch related project
+-
MxNet related project
+-
Apache Spark related project
+-
Jupyter related project
+-
PaddlePaddle related project
+-
Pandas related project
-## 机器学习框架
+## Machine Learning Frameworks
-
+
-_通用机器学习和深度学习框架。_
+_General-purpose machine learning and deep learning frameworks._
-Tensorflow (🥇44 · ⭐ 170K) - 适用于所有人的开源机器学习框架。Apache-2 
+Tensorflow (🥇44 · ⭐ 180K) - An Open Source Machine Learning Framework for Everyone. Apache-2 
-- [GitHub](https://github.com/tensorflow/tensorflow) (👨💻 4.1K · 🔀 70K · 📦 210K · 📋 35K - 5% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/tensorflow/tensorflow) (👨💻 4.5K · 🔀 72K · 📦 330K · 📋 39K - 4% open · ⏱️ 04.01.2024):
```
git clone https://github.com/tensorflow/tensorflow
```
-- [PyPi](https://pypi.org/project/tensorflow) (📥 14M / month):
+- [PyPi](https://pypi.org/project/tensorflow) (📥 16M / month):
```
pip install tensorflow
```
-- [Conda](https://anaconda.org/conda-forge/tensorflow) (📥 3.6M · ⏱️ 20.07.2022):
+- [Conda](https://anaconda.org/conda-forge/tensorflow) (📥 4.4M · ⏱️ 22.12.2023):
```
conda install -c conda-forge tensorflow
```
-- [Docker Hub](https://hub.docker.com/r/tensorflow/tensorflow) (📥 67M · ⭐ 2K · ⏱️ 25.08.2022):
+- [Docker Hub](https://hub.docker.com/r/tensorflow/tensorflow) (📥 76M · ⭐ 2.2K · ⏱️ 04.01.2024):
```
docker pull tensorflow/tensorflow
```
-scikit-learn (🥇39 · ⭐ 51K) - scikit-learn:基于Python的机器学习工具库。BSD-3 
+PyTorch (🥇39 · ⭐ 74K) - Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3 
-- [GitHub](https://github.com/scikit-learn/scikit-learn) (👨💻 2.7K · 🔀 23K · 📥 810 · 📦 390K · 📋 9.6K - 16% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/pytorch/pytorch) (👨💻 4.6K · 🔀 20K · 📥 31K · 📦 370K · 📋 39K - 31% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/scikit-learn/scikit-learn
+ git clone https://github.com/pytorch/pytorch
```
-- [PyPi](https://pypi.org/project/scikit-learn) (📥 31M / month):
+- [PyPi](https://pypi.org/project/torch) (📥 15M / month):
```
- pip install scikit-learn
+ pip install torch
```
-- [Conda](https://anaconda.org/conda-forge/scikit-learn) (📥 15M · ⏱️ 05.08.2022):
+- [Conda](https://anaconda.org/pytorch/pytorch) (📥 20M · ⏱️ 14.12.2023):
```
- conda install -c conda-forge scikit-learn
+ conda install -c pytorch pytorch
```
-XGBoost (🥇37 · ⭐ 23K) - 可扩展,高效和分布式梯度增强(GBDT,GBRT等)的boosting工具库。Apache-2
+scikit-learn (🥇39 · ⭐ 57K) - scikit-learn: machine learning in Python. BSD-3 
-- [GitHub](https://github.com/dmlc/xgboost) (👨💻 570 · 🔀 7.9K · 📥 5K · 📦 35K · 📋 4.5K - 5% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/scikit-learn/scikit-learn) (👨💻 3K · 🔀 24K · 📥 930 · 📦 670K · 📋 11K - 15% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/dmlc/xgboost
+ git clone https://github.com/scikit-learn/scikit-learn
```
-- [PyPi](https://pypi.org/project/xgboost) (📥 8.3M / month):
+- [PyPi](https://pypi.org/project/scikit-learn) (📥 43M / month):
```
- pip install xgboost
+ pip install scikit-learn
```
-- [Conda](https://anaconda.org/conda-forge/xgboost) (📥 2.9M · ⏱️ 12.08.2022):
+- [Conda](https://anaconda.org/conda-forge/scikit-learn) (📥 26M · ⏱️ 20.12.2023):
```
- conda install -c conda-forge xgboost
+ conda install -c conda-forge scikit-learn
```
-LightGBM (🥇35 · ⭐ 14K) - 快速,分布式,高性能梯度提升(GBT,GBDT,GBRT等)的boosting工具库。MIT
+pytorch-lightning (🥇38 · ⭐ 26K · 📈) - The lightweight PyTorch wrapper for high-performance.. Apache-2 
-- [GitHub](https://github.com/microsoft/LightGBM) (👨💻 270 · 🔀 3.5K · 📥 160K · 📦 15K · 📋 2.8K - 7% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/Lightning-AI/pytorch-lightning) (👨💻 920 · 🔀 3K · 📥 14K · 📦 28K · 📋 6.6K - 9% open · ⏱️ 02.01.2024):
```
- git clone https://github.com/microsoft/LightGBM
- ```
-- [PyPi](https://pypi.org/project/lightgbm) (📥 6M / month):
- ```
- pip install lightgbm
- ```
-- [Conda](https://anaconda.org/conda-forge/lightgbm) (📥 1.2M · ⏱️ 08.01.2022):
- ```
- conda install -c conda-forge lightgbm
+ git clone https://github.com/PyTorchLightning/pytorch-lightning
```
-
-Fastai (🥇34 · ⭐ 23K) - Fastai深度学习库。Apache-2 
-
-- [GitHub](https://github.com/fastai/fastai) (👨💻 210 · 🔀 7.1K · 📦 11K · 📋 1.7K - 6% open · ⏱️ 19.08.2022):
-
+- [PyPi](https://pypi.org/project/pytorch-lightning) (📥 4.1M / month):
```
- git clone https://github.com/fastai/fastai
+ pip install pytorch-lightning
```
-- [PyPi](https://pypi.org/project/fastai) (📥 280K / month):
+- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (📥 1M · ⏱️ 21.12.2023):
```
- pip install fastai
+ conda install -c conda-forge pytorch-lightning
```
-Thinc (🥇34 · ⭐ 2.6K) - 深度学习工具库。MIT
+XGBoost (🥇38 · ⭐ 25K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
-- [GitHub](https://github.com/explosion/thinc) (👨💻 53 · 🔀 240 · 📦 23K · 📋 120 - 11% open · ⏱️ 05.08.2022):
+- [GitHub](https://github.com/dmlc/xgboost) (👨💻 630 · 🔀 8.1K · 📥 8K · 📦 77K · 📋 5K - 6% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/explosion/thinc
+ git clone https://github.com/dmlc/xgboost
```
-- [PyPi](https://pypi.org/project/thinc) (📥 4.1M / month):
+- [PyPi](https://pypi.org/project/xgboost) (📥 12M / month):
```
- pip install thinc
+ pip install xgboost
```
-- [Conda](https://anaconda.org/conda-forge/thinc) (📥 2.2M · ⏱️ 08.07.2022):
+- [Conda](https://anaconda.org/conda-forge/xgboost) (📥 4.5M · ⏱️ 20.12.2023):
```
- conda install -c conda-forge thinc
+ conda install -c conda-forge xgboost
```
-PyTorch (🥈33 · ⭐ 58K) - 具有强大GPU的Python中的张量和动态神经网络构建工具库。BSD-3 
+LightGBM (🥇37 · ⭐ 16K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
-- [GitHub](https://github.com/pytorch/pytorch) (👨💻 3.5K · 🔀 16K · 📥 5.6K · 📋 28K - 32% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/microsoft/LightGBM) (👨💻 290 · 🔀 3.7K · 📥 210K · 📦 28K · 📋 3.2K - 9% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/pytorch/pytorch
+ git clone https://github.com/microsoft/LightGBM
```
-- [PyPi](https://pypi.org/project/torch) (📥 8.5M / month):
+- [PyPi](https://pypi.org/project/lightgbm) (📥 6.4M / month):
```
- pip install torch
+ pip install lightgbm
```
-- [Conda](https://anaconda.org/pytorch/pytorch) (📥 19M · ⏱️ 04.08.2022):
+- [Conda](https://anaconda.org/conda-forge/lightgbm) (📥 2.1M · ⏱️ 22.12.2023):
```
- conda install -c pytorch pytorch
+ conda install -c conda-forge lightgbm
```
-dlib (🥈33 · ⭐ 11K) - 进行现实世界机器学习和数据分析的工具包。❗️BSL-1.0
+Keras (🥈36 · ⭐ 60K) - Deep Learning for humans. Apache-2 
-- [GitHub](https://github.com/davisking/dlib) (👨💻 180 · 🔀 2.7K · 📥 25K · 📦 16K · 📋 2.1K - 1% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/keras-team/keras) (👨💻 1.3K · 🔀 19K · 📦 21 · 📋 12K - 1% open · ⏱️ 02.01.2024):
```
- git clone https://github.com/davisking/dlib
+ git clone https://github.com/keras-team/keras
```
-- [PyPi](https://pypi.org/project/dlib) (📥 91K / month):
+- [PyPi](https://pypi.org/project/keras) (📥 13M / month):
```
- pip install dlib
+ pip install keras
```
-- [Conda](https://anaconda.org/conda-forge/dlib) (📥 460K · ⏱️ 08.05.2022):
+- [Conda](https://anaconda.org/conda-forge/keras) (📥 3.3M · ⏱️ 23.12.2023):
```
- conda install -c conda-forge dlib
+ conda install -c conda-forge keras
```
-Keras (🥈32 · ⭐ 56K) - 易上手的深度学习工具库。Apache-2 
+PaddlePaddle (🥈35 · ⭐ 21K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2 
-- [GitHub](https://github.com/keras-team/keras) (👨💻 1.1K · 🔀 18K · 📋 11K - 2% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/PaddlePaddle/Paddle) (👨💻 1.1K · 🔀 5.2K · 📥 15K · 📦 4.5K · 📋 18K - 5% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/keras-team/keras
- ```
-- [PyPi](https://pypi.org/project/keras) (📥 8.4M / month):
- ```
- pip install keras
+ git clone https://github.com/PaddlePaddle/Paddle
```
-- [Conda](https://anaconda.org/conda-forge/keras) (📥 2.5M · ⏱️ 19.05.2022):
+- [PyPi](https://pypi.org/project/paddlepaddle) (📥 180K / month):
```
- conda install -c conda-forge keras
+ pip install paddlepaddle
```
-PySpark (🥈32 · ⭐ 34K) - Apache Spark Python API。Apache-2 
+StatsModels (🥈35 · ⭐ 9.2K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3
-- [GitHub](https://github.com/apache/spark) (👨💻 2.7K · 🔀 25K · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/statsmodels/statsmodels) (👨💻 420 · 🔀 2.6K · 📥 30 · 📦 110K · 📋 5.3K - 48% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/apache/spark
+ git clone https://github.com/statsmodels/statsmodels
```
-- [PyPi](https://pypi.org/project/pyspark) (📥 25M / month):
+- [PyPi](https://pypi.org/project/statsmodels) (📥 12M / month):
```
- pip install pyspark
+ pip install statsmodels
```
-- [Conda](https://anaconda.org/conda-forge/pyspark) (📥 1.9M · ⏱️ 27.07.2022):
+- [Conda](https://anaconda.org/conda-forge/statsmodels) (📥 12M · ⏱️ 14.12.2023):
```
- conda install -c conda-forge pyspark
+ conda install -c conda-forge statsmodels
```
-PaddlePaddle (🥈32 · ⭐ 19K) - paddlepaddle机器学习与深度学习工具库。Apache-2 
+Fastai (🥈34 · ⭐ 25K) - The fastai deep learning library. Apache-2 
-- [GitHub](https://github.com/PaddlePaddle/Paddle) (👨💻 810 · 🔀 4.5K · 📥 15K · 📦 140 · 📋 15K - 14% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/fastai/fastai) (👨💻 240 · 🔀 7.3K · 📦 16K · 📋 1.8K - 10% open · ⏱️ 02.12.2023):
```
- git clone https://github.com/PaddlePaddle/Paddle
+ git clone https://github.com/fastai/fastai
```
-- [PyPi](https://pypi.org/project/paddlepaddle) (📥 79K / month):
+- [PyPi](https://pypi.org/project/fastai) (📥 360K / month):
```
- pip install paddlepaddle
+ pip install fastai
```
-Jina (🥈32 · ⭐ 16K) - 在云端构建神经搜索的简便方法库。Apache-2
+Jina (🥈34 · ⭐ 20K) - An easier way to build neural search on the cloud. Apache-2
-- [GitHub](https://github.com/jina-ai/jina) (👨💻 150 · 🔀 1.9K · 📦 350 · 📋 1.6K - 1% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/jina-ai/jina) (👨💻 180 · 🔀 2.2K · 📦 1.4K · 📋 1.9K - 0% open · ⏱️ 14.12.2023):
```
git clone https://github.com/jina-ai/jina
```
-- [PyPi](https://pypi.org/project/jina) (📥 88K / month):
+- [PyPi](https://pypi.org/project/jina) (📥 110K / month):
```
pip install jina
```
-- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (📥 1.1M · ⭐ 7 · ⏱️ 23.08.2022):
+- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (📥 1.3M · ⭐ 8 · ⏱️ 14.12.2023):
```
docker pull jinaai/jina
```
-StatsModels (🥈32 · ⭐ 7.7K) - Statsmodels:Python中的统计建模和计量经济学工具库。BSD-3
+dlib (🥈34 · ⭐ 13K) - A toolkit for making real world machine learning and data analysis.. ❗️BSL-1.0
-- [GitHub](https://github.com/statsmodels/statsmodels) (👨💻 380 · 🔀 2.4K · 📥 26 · 📦 68K · 📋 4.8K - 46% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/davisking/dlib) (👨💻 190 · 🔀 2.8K · 📥 25K · 📦 24K · 📋 2.2K - 1% open · ⏱️ 08.12.2023):
```
- git clone https://github.com/statsmodels/statsmodels
+ git clone https://github.com/davisking/dlib
```
-- [PyPi](https://pypi.org/project/statsmodels) (📥 8.8M / month):
+- [PyPi](https://pypi.org/project/dlib) (📥 310K / month):
```
- pip install statsmodels
+ pip install dlib
```
-- [Conda](https://anaconda.org/conda-forge/statsmodels) (📥 7M · ⏱️ 09.06.2022):
+- [Conda](https://anaconda.org/conda-forge/dlib) (📥 640K · ⏱️ 19.12.2023):
```
- conda install -c conda-forge statsmodels
+ conda install -c conda-forge dlib
```
-jax (🥈31 · ⭐ 20K) - Python + NumPy程序工具库。Apache-2
+Thinc (🥈34 · ⭐ 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
-- [GitHub](https://github.com/google/jax) (👨💻 440 · 🔀 1.8K · 📦 5.3K · 📋 3.4K - 24% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/explosion/thinc) (👨💻 63 · 🔀 270 · 📦 41K · 📋 140 - 10% open · ⏱️ 14.12.2023):
```
- git clone https://github.com/google/jax
+ git clone https://github.com/explosion/thinc
```
-- [PyPi](https://pypi.org/project/jax) (📥 610K / month):
+- [PyPi](https://pypi.org/project/thinc) (📥 5.5M / month):
```
- pip install jax
+ pip install thinc
```
-- [Conda](https://anaconda.org/conda-forge/jaxlib) (📥 410K · ⏱️ 25.08.2022):
+- [Conda](https://anaconda.org/conda-forge/thinc) (📥 2.7M · ⏱️ 29.12.2023):
```
- conda install -c conda-forge jaxlib
+ conda install -c conda-forge thinc
```
-Chainer (🥈31 · ⭐ 5.7K) - 灵活的深度学习神经网络框架。MIT
+jax (🥈33 · ⭐ 26K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
-- [GitHub](https://github.com/chainer/chainer) (👨💻 320 · 🔀 1.3K · 📦 2.7K · 📋 2K - 0% open · ⏱️ 29.06.2022):
+- [GitHub](https://github.com/google/jax) (👨💻 610 · 🔀 2.3K · 📦 21K · 📋 4.8K - 25% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/chainer/chainer
+ git clone https://github.com/google/jax
```
-- [PyPi](https://pypi.org/project/chainer) (📥 23K / month):
+- [PyPi](https://pypi.org/project/jax) (📥 4.6M / month):
```
- pip install chainer
+ pip install jax
+ ```
+- [Conda](https://anaconda.org/conda-forge/jaxlib) (📥 1M · ⏱️ 23.12.2023):
+ ```
+ conda install -c conda-forge jaxlib
```
-Theano (🥈30 · ⭐ 9.6K · 💤) - Theano是一个Python神经网络工具库。❗Unlicensed
+MXNet (🥈33 · ⭐ 21K · 💤) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. Apache-2 
-- [GitHub](https://github.com/Theano/Theano) (👨💻 380 · 🔀 2.4K · 📦 13K · 📋 2.7K - 21% open · ⏱️ 23.11.2021):
+- [GitHub](https://github.com/apache/mxnet) (👨💻 980 · 🔀 6.5K · 📥 27K · 📦 7K · 📋 9.6K - 18% open · ⏱️ 26.01.2023):
```
- git clone https://github.com/Theano/Theano
+ git clone https://github.com/apache/incubator-mxnet
```
-- [PyPi](https://pypi.org/project/theano) (📥 270K / month):
+- [PyPi](https://pypi.org/project/mxnet) (📥 380K / month):
```
- pip install theano
+ pip install mxnet
```
-- [Conda](https://anaconda.org/conda-forge/theano) (📥 2.1M · ⏱️ 16.03.2022):
+- [Conda](https://anaconda.org/anaconda/mxnet) (📥 11K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge theano
+ conda install -c anaconda mxnet
```
-einops (🥈30 · ⭐ 5.5K) - 重塑了深度学习操作(用于pytorch,tensorflow,jax等)的工具库。MIT
+einops (🥈33 · ⭐ 7.5K) - Deep learning operations reinvented (for pytorch, tensorflow, jax and.. MIT
-- [GitHub](https://github.com/arogozhnikov/einops) (👨💻 20 · 🔀 240 · 📦 3.9K · 📋 120 - 28% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/arogozhnikov/einops) (👨💻 26 · 🔀 320 · 📦 24K · 📋 160 - 18% open · ⏱️ 03.01.2024):
```
git clone https://github.com/arogozhnikov/einops
```
-- [PyPi](https://pypi.org/project/einops) (📥 1M / month):
+- [PyPi](https://pypi.org/project/einops) (📥 5.4M / month):
```
pip install einops
```
-- [Conda](https://anaconda.org/conda-forge/einops) (📥 25K · ⏱️ 04.03.2022):
+- [Conda](https://anaconda.org/conda-forge/einops) (📥 180K · ⏱️ 01.10.2023):
```
conda install -c conda-forge einops
```
-MXNet (🥈29 · ⭐ 20K) - 轻巧,灵活的分布式/移动深度学习工具库。Apache-2 
+PySpark (🥈32 · ⭐ 38K) - Apache Spark Python API. Apache-2 
-- [GitHub](https://github.com/apache/incubator-mxnet) (👨💻 980 · 🔀 6.5K · 📥 25K · 📋 9.5K - 18% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/apache/spark) (👨💻 3K · 🔀 26K · ⏱️ 04.01.2024):
```
- git clone https://github.com/apache/incubator-mxnet
+ git clone https://github.com/apache/spark
```
-- [PyPi](https://pypi.org/project/mxnet) (📥 410K / month):
+- [PyPi](https://pypi.org/project/pyspark) (📥 27M / month):
```
- pip install mxnet
+ pip install pyspark
```
-- [Conda](https://anaconda.org/anaconda/mxnet) (📥 8K · ⏱️ 02.05.2022):
+- [Conda](https://anaconda.org/conda-forge/pyspark) (📥 3M · ⏱️ 04.10.2023):
```
- conda install -c anaconda mxnet
+ conda install -c conda-forge pyspark
```
-pytorch-lightning (🥈29 · ⭐ 20K · 📉) - 轻巧而具备高性能的PyTorch上层封装工具库。Apache-2 
+Catboost (🥈32 · ⭐ 7.5K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
-- [GitHub](https://github.com/Lightning-AI/lightning) (👨💻 740 · 🔀 2.5K · 📥 8K · 📋 5.3K - 8% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/catboost/catboost) (👨💻 1.2K · 🔀 1.1K · 📥 210K · 📦 12 · 📋 2.2K - 24% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/PyTorchLightning/pytorch-lightning
+ git clone https://github.com/catboost/catboost
```
-- [PyPi](https://pypi.org/project/pytorch-lightning) (📥 1.8M / month):
+- [PyPi](https://pypi.org/project/catboost) (📥 1.6M / month):
```
- pip install pytorch-lightning
+ pip install catboost
```
-- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (📥 520K · ⏱️ 18.08.2022):
+- [Conda](https://anaconda.org/conda-forge/catboost) (📥 1.4M · ⏱️ 19.09.2023):
```
- conda install -c conda-forge pytorch-lightning
+ conda install -c conda-forge catboost
```
-Vowpal Wabbit (🥈28 · ⭐ 8K) - Vowpal Wabbit是一个推动机器学习的机器学习系统。BSD-3
+Ignite (🥈31 · ⭐ 4.4K) - High-level library to help with training and evaluating neural.. BSD-3 
-- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (👨💻 320 · 🔀 1.7K · 📋 1.2K - 10% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/pytorch/ignite) (👨💻 200 · 🔀 590 · 📦 2.6K · 📋 1.4K - 9% open · ⏱️ 10.12.2023):
```
- git clone https://github.com/VowpalWabbit/vowpal_wabbit
+ git clone https://github.com/pytorch/ignite
```
-- [PyPi](https://pypi.org/project/vowpalwabbit) (📥 92K / month):
+- [PyPi](https://pypi.org/project/pytorch-ignite) (📥 370K / month):
```
- pip install vowpalwabbit
+ pip install pytorch-ignite
+ ```
+- [Conda](https://anaconda.org/pytorch/ignite) (📥 170K · ⏱️ 19.10.2023):
+ ```
+ conda install -c pytorch ignite
```
-Catboost (🥈28 · ⭐ 6.7K) - 快速,可扩展,高性能的梯度决策提升工具库。Apache-2
+Theano (🥈30 · ⭐ 9.8K · 💀) - Theano is a Python library that allows you to define,.. ❗Unlicensed
-- [GitHub](https://github.com/catboost/catboost) (👨💻 1K · 🔀 990 · 📥 86K · 📋 1.9K - 21% open · ⏱️ 21.08.2022):
+- [GitHub](https://github.com/Theano/Theano) (👨💻 390 · 🔀 2.4K · 📦 15K · 📋 2.7K - 22% open · ⏱️ 20.12.2022):
```
- git clone https://github.com/catboost/catboost
+ git clone https://github.com/Theano/Theano
```
-- [PyPi](https://pypi.org/project/catboost) (📥 2.7M / month):
+- [PyPi](https://pypi.org/project/theano) (📥 350K / month):
```
- pip install catboost
+ pip install theano
```
-- [Conda](https://anaconda.org/conda-forge/catboost) (📥 1.1M · ⏱️ 19.05.2022):
+- [Conda](https://anaconda.org/conda-forge/theano) (📥 2.4M · ⏱️ 16.06.2023):
```
- conda install -c conda-forge catboost
+ conda install -c conda-forge theano
```
-Flax (🥈28 · ⭐ 3.5K) - Flax是专为.NET设计的用于JAX的神经网络库。Apache-2 jax
+Flax (🥈30 · ⭐ 5.1K) - Flax is a neural network library for JAX that is designed for.. Apache-2 jax
-- [GitHub](https://github.com/google/flax) (👨💻 170 · 🔀 380 · 📥 42 · 📦 1.3K · 📋 550 - 17% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/google/flax) (👨💻 210 · 🔀 550 · 📥 50 · 📦 5.6K · 📋 770 - 12% open · ⏱️ 04.01.2024):
```
git clone https://github.com/google/flax
```
-- [PyPi](https://pypi.org/project/flax) (📥 310K / month):
+- [PyPi](https://pypi.org/project/flax) (📥 2.9M / month):
```
pip install flax
```
-dyNET (🥈28 · ⭐ 3.3K) - DyNet:动态神经网络工具包。Apache-2
+PyFlink (🥈29 · ⭐ 23K) - Apache Flink Python API. Apache-2
-- [GitHub](https://github.com/clab/dynet) (👨💻 160 · 🔀 670 · 📥 6.9K · 📦 220 · 📋 920 - 27% open · ⏱️ 14.08.2022):
+- [GitHub](https://github.com/apache/flink) (👨💻 1.8K · 🔀 12K · 📦 21 · ⏱️ 04.01.2024):
```
- git clone https://github.com/clab/dynet
+ git clone https://github.com/apache/flink
```
-- [PyPi](https://pypi.org/project/dyNET) (📥 20K / month):
+- [PyPi](https://pypi.org/project/apache-flink) (📥 45K / month):
```
- pip install dyNET
+ pip install apache-flink
```
-PyFlink (🥉27 · ⭐ 20K) - Apache Flink Python API。Apache-2
+Chainer (🥈29 · ⭐ 5.8K · 💀) - A flexible framework of neural networks for deep learning. MIT
-- [GitHub](https://github.com/apache/flink) (👨💻 1.6K · 🔀 11K · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/chainer/chainer) (👨💻 320 · 🔀 1.3K · 📦 3.2K · 📋 2K - 0% open · ⏱️ 17.10.2022):
```
- git clone https://github.com/apache/flink
+ git clone https://github.com/chainer/chainer
```
-- [PyPi](https://pypi.org/project/apache-flink) (📥 54K / month):
+- [PyPi](https://pypi.org/project/chainer) (📥 17K / month):
```
- pip install apache-flink
+ pip install chainer
```
-TFlearn (🥉27 · ⭐ 9.6K · 💀) - 深度学习库,基于TensorFlow构建上层简单易用的API。❗Unlicensed 
+skorch (🥈29 · ⭐ 5.5K) - A scikit-learn compatible neural network library that wraps.. BSD-3 

-- [GitHub](https://github.com/tflearn/tflearn) (👨💻 130 · 🔀 2.3K · 📦 4.1K · 📋 910 - 60% open · ⏱️ 30.11.2020):
+- [GitHub](https://github.com/skorch-dev/skorch) (👨💻 61 · 🔀 370 · 📦 1.1K · 📋 500 - 10% open · ⏱️ 13.12.2023):
```
- git clone https://github.com/tflearn/tflearn
+ git clone https://github.com/skorch-dev/skorch
```
-- [PyPi](https://pypi.org/project/tflearn) (📥 16K / month):
+- [PyPi](https://pypi.org/project/skorch) (📥 52K / month):
```
- pip install tflearn
+ pip install skorch
+ ```
+- [Conda](https://anaconda.org/conda-forge/skorch) (📥 780K · ⏱️ 06.09.2023):
+ ```
+ conda install -c conda-forge skorch
```
-Sonnet (🥉27 · ⭐ 9.4K) - 基于TensorFlow的神经网络库。Apache-2 
+dyNET (🥈29 · ⭐ 3.4K) - DyNet: The Dynamic Neural Network Toolkit. Apache-2
-- [GitHub](https://github.com/deepmind/sonnet) (👨💻 54 · 🔀 1.2K · 📦 900 · 📋 180 - 14% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/clab/dynet) (👨💻 160 · 🔀 670 · 📥 14K · 📦 250 · 📋 930 - 28% open · ⏱️ 08.11.2023):
```
- git clone https://github.com/deepmind/sonnet
- ```
-- [PyPi](https://pypi.org/project/dm-sonnet) (📥 24K / month):
- ```
- pip install dm-sonnet
+ git clone https://github.com/clab/dynet
```
-- [Conda](https://anaconda.org/conda-forge/sonnet) (📥 16K · ⏱️ 14.11.2020):
+- [PyPi](https://pypi.org/project/dyNET) (📥 420K / month):
```
- conda install -c conda-forge sonnet
+ pip install dyNET
```
-Ludwig (🥉27 · ⭐ 8.5K) - 路德维希(Ludwig)是一个工具箱,可用于深度学习训练和评估。Apache-2 
+Ludwig (🥉28 · ⭐ 10K) - Ludwig is a toolbox that allows to train and evaluate deep.. Apache-2 
-- [GitHub](https://github.com/ludwig-ai/ludwig) (👨💻 130 · 🔀 960 · 📦 130 · 📋 820 - 23% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/ludwig-ai/ludwig) (👨💻 150 · 🔀 1.1K · 📦 230 · 📋 1K - 26% open · ⏱️ 03.01.2024):
```
git clone https://github.com/ludwig-ai/ludwig
```
-- [PyPi](https://pypi.org/project/ludwig) (📥 1.8K / month):
+- [PyPi](https://pypi.org/project/ludwig) (📥 3.9K / month):
```
pip install ludwig
```
-tensorpack (🥉27 · ⭐ 6.2K) - TensorFlow上的神经网络训练接口。Apache-2 
+Sonnet (🥉28 · ⭐ 9.7K) - TensorFlow-based neural network library. Apache-2 
-- [GitHub](https://github.com/tensorpack/tensorpack) (👨💻 58 · 🔀 1.8K · 📥 140 · 📦 1.1K · 📋 1.3K - 0% open · ⏱️ 04.05.2022):
+- [GitHub](https://github.com/google-deepmind/sonnet) (👨💻 58 · 🔀 1.3K · 📦 1.2K · 📋 190 - 16% open · ⏱️ 02.01.2024):
```
- git clone https://github.com/tensorpack/tensorpack
+ git clone https://github.com/deepmind/sonnet
```
-- [PyPi](https://pypi.org/project/tensorpack) (📥 19K / month):
+- [PyPi](https://pypi.org/project/dm-sonnet) (📥 15K / month):
```
- pip install tensorpack
+ pip install dm-sonnet
+ ```
+- [Conda](https://anaconda.org/conda-forge/sonnet) (📥 27K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge sonnet
```
-skorch (🥉26 · ⭐ 4.6K) - 封装成scikit-learn接口模式的神经网络库。BSD-3 

+TFlearn (🥉27 · ⭐ 9.6K · 💀) - Deep learning library featuring a higher-level API for.. ❗Unlicensed 
-- [GitHub](https://github.com/skorch-dev/skorch) (👨💻 50 · 🔀 310 · 📦 550 · 📋 440 - 9% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/tflearn/tflearn) (👨💻 130 · 🔀 2.3K · 📦 4.7K · 📋 920 - 60% open · ⏱️ 30.11.2020):
```
- git clone https://github.com/skorch-dev/skorch
- ```
-- [PyPi](https://pypi.org/project/skorch) (📥 31K / month):
- ```
- pip install skorch
+ git clone https://github.com/tflearn/tflearn
```
-- [Conda](https://anaconda.org/conda-forge/skorch) (📥 610K · ⏱️ 30.11.2021):
+- [PyPi](https://pypi.org/project/tflearn) (📥 6.6K / month):
```
- conda install -c conda-forge skorch
+ pip install tflearn
```
-Ignite (🥉26 · ⭐ 4K) - 用于训练和评估神经等一系列操作的高级深度学习工具库。BSD-3 
+Vowpal Wabbit (🥉27 · ⭐ 8.3K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
-- [GitHub](https://github.com/pytorch/ignite) (👨💻 180 · 🔀 540 · 📋 1.1K - 10% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (👨💻 330 · 🔀 1.9K · 📋 1.3K - 10% open · ⏱️ 17.11.2023):
```
- git clone https://github.com/pytorch/ignite
+ git clone https://github.com/VowpalWabbit/vowpal_wabbit
```
-- [PyPi](https://pypi.org/project/pytorch-ignite) (📥 150K / month):
+- [PyPi](https://pypi.org/project/vowpalwabbit) (📥 39K / month):
```
- pip install pytorch-ignite
+ pip install vowpalwabbit
```
-- [Conda](https://anaconda.org/pytorch/ignite) (📥 99K · ⏱️ 04.05.2022):
+
+tensorpack (🥉27 · ⭐ 6.3K) - A Neural Net Training Interface on TensorFlow, with focus.. Apache-2 
+
+- [GitHub](https://github.com/tensorpack/tensorpack) (👨💻 58 · 🔀 1.8K · 📥 160 · 📦 1.4K · 📋 1.4K - 0% open · ⏱️ 06.08.2023):
+
```
- conda install -c pytorch ignite
+ git clone https://github.com/tensorpack/tensorpack
+ ```
+- [PyPi](https://pypi.org/project/tensorpack) (📥 10K / month):
+ ```
+ pip install tensorpack
```
-ktrain (🥉26 · ⭐ 1K) - ktrain是一个Python库,可以使深度学习和AI更简单。Apache-2 
+ktrain (🥉27 · ⭐ 1.2K) - ktrain is a Python library that makes deep learning and AI more.. Apache-2 
-- [GitHub](https://github.com/amaiya/ktrain) (👨💻 15 · 🔀 240 · 📦 330 · 📋 420 - 0% open · ⏱️ 04.08.2022):
+- [GitHub](https://github.com/amaiya/ktrain) (👨💻 16 · 🔀 260 · 📦 490 · 📋 480 - 0% open · ⏱️ 18.11.2023):
```
git clone https://github.com/amaiya/ktrain
```
-- [PyPi](https://pypi.org/project/ktrain) (📥 20K / month):
+- [PyPi](https://pypi.org/project/ktrain) (📥 13K / month):
```
pip install ktrain
```
-Turi Create (🥉25 · ⭐ 11K · 💤) - Turi Create简化了自定义机器学习的开发。BSD-3
+Turi Create (🥉24 · ⭐ 11K · 💀) - Turi Create simplifies the development of custom machine.. BSD-3
-- [GitHub](https://github.com/apple/turicreate) (👨💻 85 · 🔀 1.1K · 📥 6.8K · 📦 320 · 📋 1.8K - 27% open · ⏱️ 29.11.2021):
+- [GitHub](https://github.com/apple/turicreate) (👨💻 86 · 🔀 1.1K · 📥 9.6K · 📦 21 · 📋 1.8K - 27% open · ⏱️ 29.11.2021):
```
git clone https://github.com/apple/turicreate
```
-- [PyPi](https://pypi.org/project/turicreate) (📥 20K / month):
+- [PyPi](https://pypi.org/project/turicreate) (📥 18K / month):
```
pip install turicreate
```
-xLearn (🥉25 · ⭐ 3K) - 高性能,易于使用且可扩展的机器学习(ML)工具库。Apache-2
+mlpack (🥉24 · ⭐ 4.6K) - mlpack: a scalable C++ machine learning library --. ❗Unlicensed
-- [GitHub](https://github.com/aksnzhy/xlearn) (👨💻 30 · 🔀 510 · 📥 3.4K · 📦 93 · 📋 300 - 61% open · ⏱️ 05.06.2022):
+- [GitHub](https://github.com/mlpack/mlpack) (👨💻 310 · 🔀 1.5K · 📋 1.6K - 1% open · ⏱️ 31.12.2023):
```
- git clone https://github.com/aksnzhy/xlearn
- ```
-- [PyPi](https://pypi.org/project/xlearn) (📥 5.2K / month):
- ```
- pip install xlearn
+ git clone https://github.com/mlpack/mlpack
```
-
-NuPIC (🥉24 · ⭐ 6.3K · 💀) - Numenta智能计算平台。❗️AGPL-3.0
-
-- [GitHub](https://github.com/numenta/nupic) (👨💻 120 · 🔀 1.6K · 📦 110 · 📋 1.8K - 25% open · ⏱️ 23.10.2019):
-
+- [PyPi](https://pypi.org/project/mlpack) (📥 3.9K / month):
```
- git clone https://github.com/numenta/nupic
+ pip install mlpack
```
-- [PyPi](https://pypi.org/project/nupic) (📥 1.4K / month):
+- [Conda](https://anaconda.org/conda-forge/mlpack) (📥 170K · ⏱️ 29.11.2023):
```
- pip install nupic
+ conda install -c conda-forge mlpack
```
-fklearn (🥉24 · ⭐ 1.4K) - fklearn:机器学习工具库。Apache-2
+xLearn (🥉24 · ⭐ 3.1K · 💀) - High performance, easy-to-use, and scalable machine learning (ML).. Apache-2
-- [GitHub](https://github.com/nubank/fklearn) (👨💻 47 · 🔀 160 · 📦 13 · 📋 48 - 54% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/aksnzhy/xlearn) (👨💻 30 · 🔀 510 · 📥 4.5K · 📦 120 · 📋 300 - 61% open · ⏱️ 05.06.2022):
```
- git clone https://github.com/nubank/fklearn
+ git clone https://github.com/aksnzhy/xlearn
```
-- [PyPi](https://pypi.org/project/fklearn) (📥 12K / month):
+- [PyPi](https://pypi.org/project/xlearn) (📥 1.4K / month):
```
- pip install fklearn
+ pip install xlearn
```
-tensorflow-upstream (🥉24 · ⭐ 610) - TensorFlow ROCm端口。Apache-2 
+NuPIC (🥉23 · ⭐ 6.3K) - Numenta Platform for Intelligent Computing is an implementation.. ❗️AGPL-3.0
-- [GitHub](https://github.com/ROCmSoftwarePlatform/tensorflow-upstream) (👨💻 4.1K · 🔀 71 · 📥 20 · 📋 330 - 16% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/numenta/nupic-legacy) (👨💻 120 · 🔀 1.6K · 📥 2 · 📦 21 · 📋 1.8K - 25% open · ⏱️ 31.08.2023):
```
- git clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream
+ git clone https://github.com/numenta/nupic
```
-- [PyPi](https://pypi.org/project/tensorflow-rocm) (📥 1.7K / month):
+- [PyPi](https://pypi.org/project/nupic) (📥 1.3K / month):
```
- pip install tensorflow-rocm
+ pip install nupic
```
-mlpack (🥉23 · ⭐ 4.1K) - mlpack:可扩展的C++机器学习库-。❗Unlicensed
+SHOGUN (🥉23 · ⭐ 3K) - Unified and efficient Machine Learning. BSD-3
-- [GitHub](https://github.com/mlpack/mlpack) (👨💻 290 · 🔀 1.4K · 📋 1.4K - 2% open · ⏱️ 18.08.2022):
+- [GitHub](https://github.com/shogun-toolbox/shogun) (👨💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 19.12.2023):
```
- git clone https://github.com/mlpack/mlpack
+ git clone https://github.com/shogun-toolbox/shogun
```
-- [PyPi](https://pypi.org/project/mlpack) (📥 630 / month):
+- [Conda](https://anaconda.org/conda-forge/shogun) (📥 130K · ⏱️ 16.06.2023):
```
- pip install mlpack
+ conda install -c conda-forge shogun
```
-- [Conda](https://anaconda.org/conda-forge/mlpack) (📥 110K · ⏱️ 09.11.2021):
+- [Docker Hub](https://hub.docker.com/r/shogun/shogun) (📥 1.5K · ⭐ 1 · ⏱️ 31.01.2019):
```
- conda install -c conda-forge mlpack
+ docker pull shogun/shogun
```
-Neural Network Libraries (🥉23 · ⭐ 2.6K) - 神经网络工具库。Apache-2
+Neural Network Libraries (🥉23 · ⭐ 2.7K) - Neural Network Libraries. Apache-2
-- [GitHub](https://github.com/sony/nnabla) (👨💻 67 · 🔀 310 · 📥 540 · 📋 72 - 31% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/sony/nnabla) (👨💻 73 · 🔀 330 · 📥 910 · 📋 80 - 25% open · ⏱️ 27.12.2023):
```
git clone https://github.com/sony/nnabla
```
-- [PyPi](https://pypi.org/project/nnabla) (📥 2.8K / month):
+- [PyPi](https://pypi.org/project/nnabla) (📥 2.5K / month):
```
pip install nnabla
```
-Neural Tangents (🥉23 · ⭐ 1.8K) - Python中的快速简便的无限神经网络。Apache-2
+Neural Tangents (🥉23 · ⭐ 2.2K) - Fast and Easy Infinite Neural Networks in Python. Apache-2
-- [GitHub](https://github.com/google/neural-tangents) (👨💻 23 · 🔀 200 · 📥 240 · 📦 47 · 📋 120 - 34% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/google/neural-tangents) (👨💻 29 · 🔀 230 · 📥 350 · 📦 91 · 📋 150 - 37% open · ⏱️ 11.12.2023):
```
git clone https://github.com/google/neural-tangents
```
-- [PyPi](https://pypi.org/project/neural-tangents) (📥 1.5K / month):
+- [PyPi](https://pypi.org/project/neural-tangents) (📥 1.4K / month):
```
pip install neural-tangents
```
-CNTK (🥉22 · ⭐ 17K · 💀) - Microsoft认知工具包(CNTK),一种开源的深度学习工具包。❗Unlicensed
+fklearn (🥉23 · ⭐ 1.5K) - fklearn: Functional Machine Learning. Apache-2
-- [GitHub](https://github.com/microsoft/CNTK) (👨💻 270 · 🔀 4.3K · 📥 14K · 📋 3.3K - 22% open · ⏱️ 31.03.2020):
+- [GitHub](https://github.com/nubank/fklearn) (👨💻 54 · 🔀 160 · 📦 13 · 📋 50 - 50% open · ⏱️ 08.11.2023):
```
- git clone https://github.com/microsoft/CNTK
+ git clone https://github.com/nubank/fklearn
```
-- [PyPi](https://pypi.org/project/cntk) (📥 730 / month):
+- [PyPi](https://pypi.org/project/fklearn) (📥 380 / month):
```
- pip install cntk
+ pip install fklearn
```
-Lasagne (🥉22 · ⭐ 3.8K · 💀) - 轻量级的库,用于在Theano中构建和训练神经网络。❗Unlicensed
+Lasagne (🥉22 · ⭐ 3.8K · 💀) - Lightweight library to build and train neural networks in.. ❗Unlicensed
-- [GitHub](https://github.com/Lasagne/Lasagne) (👨💻 72 · 🔀 930 · 📦 920 · 📋 520 - 22% open · ⏱️ 20.11.2019):
+- [GitHub](https://github.com/Lasagne/Lasagne) (👨💻 72 · 🔀 920 · 📦 1K · 📋 520 - 22% open · ⏱️ 20.11.2019):
```
git clone https://github.com/Lasagne/Lasagne
```
-- [PyPi](https://pypi.org/project/lasagne) (📥 1.4K / month):
+- [PyPi](https://pypi.org/project/lasagne) (📥 1.7K / month):
```
pip install lasagne
```
-SHOGUN (🥉22 · ⭐ 2.9K · 💀) - 统一高效的机器学习。BSD-3
+Haiku (🥉22 · ⭐ 2.7K) - JAX-based neural network library. Apache-2
-- [GitHub](https://github.com/shogun-toolbox/shogun) (👨💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 08.12.2020):
+- [GitHub](https://github.com/google-deepmind/dm-haiku) (👨💻 79 · 🔀 220 · 📦 1.6K · 📋 240 - 29% open · ⏱️ 30.11.2023):
```
- git clone https://github.com/shogun-toolbox/shogun
+ git clone https://github.com/deepmind/dm-haiku
```
-- [Conda](https://anaconda.org/conda-forge/shogun) (📥 120K · ⏱️ 25.06.2018):
+
+Objax (🥉22 · ⭐ 750) - Objax is a machine learning framework that provides an Object.. Apache-2 jax
+
+- [GitHub](https://github.com/google/objax) (👨💻 26 · 🔀 72 · 📦 45 · 📋 100 - 39% open · ⏱️ 06.11.2023):
+
```
- conda install -c conda-forge shogun
+ git clone https://github.com/google/objax
```
-- [Docker Hub](https://hub.docker.com/r/shogun/shogun) (📥 1.5K · ⭐ 1 · ⏱️ 31.01.2019):
+- [PyPi](https://pypi.org/project/objax) (📥 930 / month):
```
- docker pull shogun/shogun
+ pip install objax
```
-NeuPy (🥉22 · ⭐ 710 · 💀) - NeuPy是一个基于Tensorflow的python库,用于原型设计和构建。MIT
+NeuPy (🥉22 · ⭐ 740 · 💤) - NeuPy is a Tensorflow based python library for prototyping and building.. MIT
-- [GitHub](https://github.com/itdxer/neupy) (👨💻 7 · 🔀 150 · 📦 130 · 📋 270 - 12% open · ⏱️ 02.09.2019):
+- [GitHub](https://github.com/itdxer/neupy) (👨💻 8 · 🔀 160 · 📦 160 · 📋 270 - 12% open · ⏱️ 03.01.2023):
```
git clone https://github.com/itdxer/neupy
@@ -691,117 +687,121 @@ _通用机器学习和深度学习框架。_
pip install neupy
```
-Haiku (🥉21 · ⭐ 2.1K) - 基于JAX的神经网络库。Apache-2
+MindsDB (🥉21 · ⭐ 19K) - Predictive AI layer for existing databases. ❗Unlicensed 
-- [GitHub](https://github.com/deepmind/dm-haiku) (👨💻 63 · 🔀 170 · 📦 540 · 📋 180 - 26% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/mindsdb/mindsdb) (👨💻 810 · 🔀 2.6K · 📋 3.6K - 13% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/deepmind/dm-haiku
+ git clone https://github.com/mindsdb/mindsdb
+ ```
+- [PyPi](https://pypi.org/project/mindsdb) (📥 33K / month):
+ ```
+ pip install mindsdb
```
-mace (🥉20 · ⭐ 4.7K) - MACE是针对移动设备优化的深度学习推理框架。Apache-2
+CNTK (🥉21 · ⭐ 17K · 💀) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning.. ❗Unlicensed
-- [GitHub](https://github.com/XiaoMi/mace) (👨💻 64 · 🔀 790 · 📥 1.4K · 📋 660 - 7% open · ⏱️ 30.05.2022):
+- [GitHub](https://github.com/microsoft/CNTK) (👨💻 270 · 🔀 4.2K · 📥 14K · 📦 2 · 📋 3.3K - 22% open · ⏱️ 23.09.2022):
```
- git clone https://github.com/XiaoMi/mace
+ git clone https://github.com/microsoft/CNTK
+ ```
+- [PyPi](https://pypi.org/project/cntk) (📥 410 / month):
+ ```
+ pip install cntk
```
-Objax (🥉20 · ⭐ 720) - Objax是加速研究与应用的开源深度学习框架。Apache-2 jax
+Torchbearer (🥉21 · ⭐ 630) - torchbearer: A model fitting library for PyTorch. MIT 
-- [GitHub](https://github.com/google/objax) (👨💻 23 · 🔀 60 · 📦 25 · 📋 98 - 38% open · ⏱️ 12.07.2022):
+- [GitHub](https://github.com/pytorchbearer/torchbearer) (👨💻 14 · 🔀 67 · 📦 85 · 📋 250 - 4% open · ⏱️ 04.12.2023):
```
- git clone https://github.com/google/objax
+ git clone https://github.com/pytorchbearer/torchbearer
```
-- [PyPi](https://pypi.org/project/objax) (📥 440 / month):
+- [PyPi](https://pypi.org/project/torchbearer) (📥 460 / month):
```
- pip install objax
+ pip install torchbearer
```
-MindsDB (🥉19 · ⭐ 9.7K) - 为各种现有数据库提供预测性AI层。❗️GPL-3.0 
+mace (🥉19 · ⭐ 4.8K · 💀) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
-- [GitHub](https://github.com/mindsdb/mindsdb) (👨💻 130 · 🔀 1K · 📋 1.2K - 11% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/XiaoMi/mace) (👨💻 69 · 🔀 810 · 📥 1.5K · 📋 680 - 8% open · ⏱️ 30.05.2022):
```
- git clone https://github.com/mindsdb/mindsdb
- ```
-- [PyPi](https://pypi.org/project/mindsdb) (📥 2.9K / month):
- ```
- pip install mindsdb
+ git clone https://github.com/XiaoMi/mace
```
-neon (🥉19 · ⭐ 3.9K · 💀) - 英特尔Nervana深度学习框架。Apache-2
+neon (🥉19 · ⭐ 3.9K · 💀) - Intel Nervana reference deep learning framework committed to best.. Apache-2
-- [GitHub](https://github.com/NervanaSystems/neon) (👨💻 110 · 🔀 800 · 📥 340 · 📋 390 - 21% open · ⏱️ 22.05.2019):
+- [GitHub](https://github.com/NervanaSystems/neon) (👨💻 110 · 🔀 800 · 📥 370 · 📋 390 - 21% open · ⏱️ 22.05.2019):
```
git clone https://github.com/NervanaSystems/neon
```
-- [PyPi](https://pypi.org/project/nervananeon) (📥 32 / month):
+- [PyPi](https://pypi.org/project/nervananeon) (📥 85 / month):
```
pip install nervananeon
```
-ThunderSVM (🥉19 · ⭐ 1.4K) - ThunderSVM:在GPU和CPU上的快速SVM库。Apache-2
+ThunderSVM (🥉19 · ⭐ 1.5K) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
-- [GitHub](https://github.com/Xtra-Computing/thundersvm) (👨💻 34 · 🔀 190 · 📥 2.5K · 📋 210 - 29% open · ⏱️ 09.04.2022):
+- [GitHub](https://github.com/Xtra-Computing/thundersvm) (👨💻 35 · 🔀 210 · 📥 2.7K · 📋 220 - 32% open · ⏱️ 15.09.2023):
```
git clone https://github.com/Xtra-Computing/thundersvm
```
-- [PyPi](https://pypi.org/project/thundersvm) (📥 350 / month):
+- [PyPi](https://pypi.org/project/thundersvm) (📥 480 / month):
```
pip install thundersvm
```
-Torchbearer (🥉19 · ⭐ 630 · 💀) - torchbearer:PyTorch的模型拟合库。MIT 
+tensorflow-upstream (🥉19 · ⭐ 670) - TensorFlow ROCm port. Apache-2 
-- [GitHub](https://github.com/pytorchbearer/torchbearer) (👨💻 13 · 🔀 66 · 📦 64 · 📋 250 - 4% open · ⏱️ 26.03.2021):
+- [GitHub](https://github.com/ROCmSoftwarePlatform/tensorflow-upstream) (👨💻 4.5K · 🔀 83 · 📥 21 · 📋 360 - 21% open · ⏱️ 22.12.2023):
```
- git clone https://github.com/pytorchbearer/torchbearer
+ git clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream
```
-- [PyPi](https://pypi.org/project/torchbearer) (📥 700 / month):
+- [PyPi](https://pypi.org/project/tensorflow-rocm) (📥 3.5K / month):
```
- pip install torchbearer
+ pip install tensorflow-rocm
```
-elegy (🥉18 · ⭐ 400) - Elegy是Jax的与框架无关的Trainer工具。MIT 
jax
+elegy (🥉18 · ⭐ 460 · 💀) - Elegy is a framework-agnostic Trainer interface for the Jax.. MIT 
jax
-- [GitHub](https://github.com/poets-ai/elegy) (👨💻 17 · 🔀 26 · 📋 100 - 34% open · ⏱️ 23.05.2022):
+- [GitHub](https://github.com/poets-ai/elegy) (👨💻 18 · 🔀 30 · 📦 43 · 📋 100 - 37% open · ⏱️ 23.05.2022):
```
git clone https://github.com/poets-ai/elegy
```
-- [PyPi](https://pypi.org/project/elegy) (📥 1K / month):
+- [PyPi](https://pypi.org/project/elegy) (📥 100 / month):
```
pip install elegy
```
-ThunderGBM (🥉17 · ⭐ 640) - ThunderGBM:GPU上的快速GBDT和随机森林。Apache-2
+NeoML (🥉16 · ⭐ 750) - Machine learning framework for both deep learning and traditional.. Apache-2
-- [GitHub](https://github.com/Xtra-Computing/thundergbm) (👨💻 10 · 🔀 82 · 📋 74 - 50% open · ⏱️ 09.08.2022):
+- [GitHub](https://github.com/neoml-lib/neoml) (👨💻 35 · 🔀 120 · 📋 65 - 23% open · ⏱️ 29.12.2023):
```
- git clone https://github.com/Xtra-Computing/thundergbm
- ```
-- [PyPi](https://pypi.org/project/thundergbm) (📥 240 / month):
- ```
- pip install thundergbm
+ git clone https://github.com/neoml-lib/neoml
```
-NeoML (🥉15 · ⭐ 690) - neoml是可以用于深度学习和传统机器学习的工具库。Apache-2
+ThunderGBM (🥉15 · ⭐ 680) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
-- [GitHub](https://github.com/neoml-lib/neoml) (👨💻 32 · 🔀 110 · 📋 62 - 22% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/Xtra-Computing/thundergbm) (👨💻 11 · 🔀 81 · 📦 2 · 📋 79 - 46% open · ⏱️ 26.09.2023):
```
- git clone https://github.com/neoml-lib/neoml
+ git clone https://github.com/Xtra-Computing/thundergbm
+ ```
+- [PyPi](https://pypi.org/project/thundergbm) (📥 96 / month):
+ ```
+ pip install thundergbm
```
-StarSpace (🥉12 · ⭐ 3.8K · 💀) - 学习embedding嵌入用于分类,检索和排序。MIT
+StarSpace (🥉12 · ⭐ 3.9K · 💀) - Learning embeddings for classification, retrieval and ranking. MIT
-- [GitHub](https://github.com/facebookresearch/StarSpace) (👨💻 17 · 🔀 510 · 📋 200 - 24% open · ⏱️ 13.12.2019):
+- [GitHub](https://github.com/facebookresearch/StarSpace) (👨💻 17 · 🔀 520 · 📋 200 - 25% open · ⏱️ 13.12.2019):
```
git clone https://github.com/facebookresearch/StarSpace
@@ -809,819 +809,807 @@ _通用机器学习和深度学习框架。_
-## 数据可视化
+## Data Visualization
-
+
-_通用和特定于任务的数据可视化库。_
+_General-purpose and task-specific data visualization libraries._
-Matplotlib (🥇36 · ⭐ 16K) - matplotlib:Python绘图工具库。❗Unlicensed
+Seaborn (🥇39 · ⭐ 12K · 📈) - Statistical data visualization using matplotlib. BSD-3
-- [GitHub](https://github.com/matplotlib/matplotlib) (👨💻 1.4K · 🔀 6.3K · 📦 610K · 📋 8.8K - 17% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/mwaskom/seaborn) (👨💻 210 · 🔀 1.8K · 📥 370 · 📦 350K · 📋 2.4K - 4% open · ⏱️ 31.12.2023):
```
- git clone https://github.com/matplotlib/matplotlib
+ git clone https://github.com/mwaskom/seaborn
```
-- [PyPi](https://pypi.org/project/matplotlib) (📥 28M / month):
+- [PyPi](https://pypi.org/project/seaborn) (📥 12M / month):
```
- pip install matplotlib
+ pip install seaborn
```
-- [Conda](https://anaconda.org/conda-forge/matplotlib) (📥 13M · ⏱️ 25.08.2022):
+- [Conda](https://anaconda.org/conda-forge/seaborn) (📥 7.9M · ⏱️ 03.01.2024):
```
- conda install -c conda-forge matplotlib
+ conda install -c conda-forge seaborn
```
-pandas-profiling (🥇33 · ⭐ 9.4K) - 从pandas DataFrame创建HTML分析报告。MIT 

+Plotly (🥇38 · ⭐ 15K) - The interactive graphing library for Python (includes Plotly Express). MIT
-- [GitHub](https://github.com/ydataai/pandas-profiling) (👨💻 92 · 🔀 1.3K · 📦 8.8K · 📋 580 - 19% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/plotly/plotly.py) (👨💻 250 · 🔀 2.4K · 📦 230K · 📋 2.8K - 50% open · ⏱️ 21.12.2023):
```
- git clone https://github.com/pandas-profiling/pandas-profiling
+ git clone https://github.com/plotly/plotly.py
```
-- [PyPi](https://pypi.org/project/pandas-profiling) (📥 1.2M / month):
+- [PyPi](https://pypi.org/project/plotly) (📥 10M / month):
```
- pip install pandas-profiling
+ pip install plotly
```
-- [Conda](https://anaconda.org/conda-forge/pandas-profiling) (📥 270K · ⏱️ 02.05.2022):
+- [Conda](https://anaconda.org/conda-forge/plotly) (📥 5.1M · ⏱️ 25.10.2023):
```
- conda install -c conda-forge pandas-profiling
+ conda install -c conda-forge plotly
+ ```
+- [NPM](https://www.npmjs.com/package/plotlywidget) (📥 31K / month):
+ ```
+ npm install plotlywidget
```
-Altair (🥇33 · ⭐ 7.7K) - 用于Python的声明式统计可视化库。BSD-3
+Matplotlib (🥇36 · ⭐ 19K) - matplotlib: plotting with Python. ❗Unlicensed
-- [GitHub](https://github.com/altair-viz/altair) (👨💻 140 · 🔀 650 · 📦 32K · 📋 1.6K - 13% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/matplotlib/matplotlib) (👨💻 1.6K · 🔀 7.1K · 📦 1.1M · 📋 10K - 11% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/altair-viz/altair
+ git clone https://github.com/matplotlib/matplotlib
```
-- [PyPi](https://pypi.org/project/altair) (📥 7.3M / month):
+- [PyPi](https://pypi.org/project/matplotlib) (📥 44M / month):
```
- pip install altair
+ pip install matplotlib
```
-- [Conda](https://anaconda.org/conda-forge/altair) (📥 1.3M · ⏱️ 29.12.2021):
+- [Conda](https://anaconda.org/conda-forge/matplotlib) (📥 21M · ⏱️ 20.11.2023):
```
- conda install -c conda-forge altair
+ conda install -c conda-forge matplotlib
```
-dash (🥇32 · ⭐ 17K) - 适用于Python,R,Julia和Jupyter的分析型Web应用程序。MIT
+dash (🥇35 · ⭐ 20K) - Analytical Web Apps for Python, R, Julia, and Jupyter. No JavaScript.. MIT
-- [GitHub](https://github.com/plotly/dash) (👨💻 120 · 🔀 1.7K · 📦 220 · 📋 1.3K - 47% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/plotly/dash) (👨💻 140 · 🔀 1.9K · 📥 43 · 📦 56K · 📋 1.6K - 47% open · ⏱️ 16.12.2023):
```
git clone https://github.com/plotly/dash
```
-- [PyPi](https://pypi.org/project/dash) (📥 1M / month):
+- [PyPi](https://pypi.org/project/dash) (📥 2M / month):
```
pip install dash
```
-- [Conda](https://anaconda.org/conda-forge/dash) (📥 590K · ⏱️ 03.08.2022):
+- [Conda](https://anaconda.org/conda-forge/dash) (📥 1.2M · ⏱️ 28.11.2023):
```
conda install -c conda-forge dash
```
-Plotly (🥇32 · ⭐ 12K) - 适用于Python的交互式图形库(包括Plotly Express)。MIT
+Altair (🥇34 · ⭐ 8.6K) - Declarative statistical visualization library for Python. BSD-3
-- [GitHub](https://github.com/plotly/plotly.py) (👨💻 200 · 🔀 2.1K · 📦 12 · 📋 2.4K - 49% open · ⏱️ 11.08.2022):
+- [GitHub](https://github.com/altair-viz/altair) (👨💻 160 · 🔀 710 · 📥 96 · 📦 98K · 📋 1.9K - 8% open · ⏱️ 02.01.2024):
```
- git clone https://github.com/plotly/plotly.py
- ```
-- [PyPi](https://pypi.org/project/plotly) (📥 8.6M / month):
- ```
- pip install plotly
+ git clone https://github.com/altair-viz/altair
```
-- [Conda](https://anaconda.org/conda-forge/plotly) (📥 3M · ⏱️ 14.08.2022):
+- [PyPi](https://pypi.org/project/altair) (📥 15M / month):
```
- conda install -c conda-forge plotly
+ pip install altair
```
-- [NPM](https://www.npmjs.com/package/plotlywidget) (📥 46K / month):
+- [Conda](https://anaconda.org/conda-forge/altair) (📥 2.1M · ⏱️ 05.12.2023):
```
- npm install plotlywidget
+ conda install -c conda-forge altair
```
-UMAP (🥇32 · ⭐ 5.7K) - 均匀流形逼近和投影。BSD-3
+Bokeh (🥈33 · ⭐ 18K) - Interactive Data Visualization in the browser, from Python. BSD-3
-- [GitHub](https://github.com/lmcinnes/umap) (👨💻 100 · 🔀 630 · 📦 6K · 📋 640 - 52% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/bokeh/bokeh) (👨💻 680 · 🔀 4.1K · 📦 81K · 📋 7.5K - 9% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/lmcinnes/umap
- ```
-- [PyPi](https://pypi.org/project/umap-learn) (📥 650K / month):
- ```
- pip install umap-learn
+ git clone https://github.com/bokeh/bokeh
```
-
-Graphviz (🥈30 · ⭐ 1.3K) - Graphviz的简单Python界面。MIT
-
-- [GitHub](https://github.com/xflr6/graphviz) (👨💻 19 · 🔀 180 · 📦 34K · 📋 140 - 4% open · ⏱️ 27.07.2022):
-
+- [PyPi](https://pypi.org/project/bokeh) (📥 3.8M / month):
```
- git clone https://github.com/xflr6/graphviz
+ pip install bokeh
```
-- [PyPi](https://pypi.org/project/graphviz) (📥 10M / month):
+- [Conda](https://anaconda.org/conda-forge/bokeh) (📥 13M · ⏱️ 01.12.2023):
```
- pip install graphviz
+ conda install -c conda-forge bokeh
```
-Seaborn (🥈29 · ⭐ 9.7K · 📉) - 使用matplotlib进行统计数据可视化。BSD-3
+pandas-profiling (🥈33 · ⭐ 12K) - Create HTML profiling reports from pandas DataFrame.. MIT 

-- [GitHub](https://github.com/mwaskom/seaborn) (👨💻 170 · 🔀 1.6K · 📥 230 · 📋 2.1K - 4% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/ydataai/ydata-profiling) (👨💻 120 · 🔀 1.6K · 📥 27 · 📦 2.2K · 📋 750 - 26% open · ⏱️ 15.12.2023):
```
- git clone https://github.com/mwaskom/seaborn
+ git clone https://github.com/pandas-profiling/pandas-profiling
```
-- [PyPi](https://pypi.org/project/seaborn) (📥 7.6M / month):
+- [PyPi](https://pypi.org/project/pandas-profiling) (📥 580K / month):
```
- pip install seaborn
+ pip install pandas-profiling
```
-- [Conda](https://anaconda.org/conda-forge/seaborn) (📥 4.5M · ⏱️ 16.08.2021):
+- [Conda](https://anaconda.org/conda-forge/pandas-profiling) (📥 410K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge seaborn
+ conda install -c conda-forge pandas-profiling
```
-datashader (🥈29 · ⭐ 2.8K) - 快速准确地渲染大数据。BSD-3
+pyecharts (🥈32 · ⭐ 14K) - Python Echarts Plotting Library. MIT 
-- [GitHub](https://github.com/holoviz/datashader) (👨💻 49 · 🔀 340 · 📦 1.3K · 📋 500 - 23% open · ⏱️ 10.08.2022):
+- [GitHub](https://github.com/pyecharts/pyecharts) (👨💻 39 · 🔀 2.8K · 📦 3.7K · 📋 1.8K - 0% open · ⏱️ 21.08.2023):
```
- git clone https://github.com/holoviz/datashader
- ```
-- [PyPi](https://pypi.org/project/datashader) (📥 42K / month):
- ```
- pip install datashader
+ git clone https://github.com/pyecharts/pyecharts
```
-- [Conda](https://anaconda.org/conda-forge/datashader) (📥 370K · ⏱️ 10.08.2022):
+- [PyPi](https://pypi.org/project/pyecharts) (📥 140K / month):
```
- conda install -c conda-forge datashader
+ pip install pyecharts
```
-Bokeh (🥈28 · ⭐ 17K) - 浏览器中的Python交互式数据可视化。BSD-3
+Graphviz (🥈31 · ⭐ 1.5K) - Simple Python interface for Graphviz. MIT
-- [GitHub](https://github.com/bokeh/bokeh) (👨💻 610 · 🔀 3.9K · 📦 150 · 📋 7K - 9% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/xflr6/graphviz) (👨💻 22 · 🔀 200 · 📦 59K · 📋 160 - 4% open · ⏱️ 04.12.2023):
```
- git clone https://github.com/bokeh/bokeh
- ```
-- [PyPi](https://pypi.org/project/bokeh) (📥 3.7M / month):
- ```
- pip install bokeh
+ git clone https://github.com/xflr6/graphviz
```
-- [Conda](https://anaconda.org/conda-forge/bokeh) (📥 8.3M · ⏱️ 15.08.2022):
+- [PyPi](https://pypi.org/project/graphviz) (📥 7M / month):
```
- conda install -c conda-forge bokeh
+ pip install graphviz
```
-pyecharts (🥈28 · ⭐ 13K) - Python Echarts绘图库。MIT 
+plotnine (🥈29 · ⭐ 3.7K · 📈) - A grammar of graphics for Python. MIT
-- [GitHub](https://github.com/pyecharts/pyecharts) (👨💻 30 · 🔀 2.7K · 📦 2.4K · 📋 1.6K - 1% open · ⏱️ 25.04.2022):
+- [GitHub](https://github.com/has2k1/plotnine) (👨💻 100 · 🔀 200 · 📦 6.6K · 📋 590 - 13% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/pyecharts/pyecharts
+ git clone https://github.com/has2k1/plotnine
```
-- [PyPi](https://pypi.org/project/pyecharts) (📥 44K / month):
+- [PyPi](https://pypi.org/project/plotnine) (📥 2M / month):
```
- pip install pyecharts
+ pip install plotnine
+ ```
+- [Conda](https://anaconda.org/conda-forge/plotnine) (📥 330K · ⏱️ 06.11.2023):
+ ```
+ conda install -c conda-forge plotnine
```
-missingno (🥈28 · ⭐ 3.3K) - 在缺失值和混乱数据下,用于数据可视化的python模块。MIT
+D-Tale (🥈28 · ⭐ 4.4K) - Visualizer for pandas data structures. ❗️LGPL-2.1 

-- [GitHub](https://github.com/ResidentMario/missingno) (👨💻 17 · 🔀 410 · 📦 8.3K · 📋 120 - 6% open · ⏱️ 27.02.2022):
+- [GitHub](https://github.com/man-group/dtale) (👨💻 30 · 🔀 360 · 📦 980 · 📋 560 - 10% open · ⏱️ 29.11.2023):
```
- git clone https://github.com/ResidentMario/missingno
+ git clone https://github.com/man-group/dtale
```
-- [PyPi](https://pypi.org/project/missingno) (📥 1M / month):
+- [PyPi](https://pypi.org/project/dtale) (📥 79K / month):
```
- pip install missingno
+ pip install dtale
```
-- [Conda](https://anaconda.org/conda-forge/missingno) (📥 210K · ⏱️ 15.02.2020):
+- [Conda](https://anaconda.org/conda-forge/dtale) (📥 260K · ⏱️ 29.11.2023):
```
- conda install -c conda-forge missingno
+ conda install -c conda-forge dtale
```
-D-Tale (🥈27 · ⭐ 3.6K) - pandas数据结构的可视化工具。❗️LGPL-2.1 

+PyQtGraph (🥈28 · ⭐ 3.5K) - Fast data visualization and GUI tools for scientific /.. ❗Unlicensed
-- [GitHub](https://github.com/man-group/dtale) (👨💻 27 · 🔀 290 · 📦 460 · 📋 470 - 8% open · ⏱️ 07.08.2022):
+- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (👨💻 270 · 🔀 1K · 📦 8.5K · 📋 1.2K - 28% open · ⏱️ 21.12.2023):
```
- git clone https://github.com/man-group/dtale
+ git clone https://github.com/pyqtgraph/pyqtgraph
```
-- [PyPi](https://pypi.org/project/dtale) (📥 100K / month):
+- [PyPi](https://pypi.org/project/pyqtgraph) (📥 120K / month):
```
- pip install dtale
+ pip install pyqtgraph
```
-- [Conda](https://anaconda.org/conda-forge/dtale) (📥 150K · ⏱️ 07.08.2022):
+- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (📥 500K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge dtale
+ conda install -c conda-forge pyqtgraph
```
-bqplot (🥈27 · ⭐ 3.3K) - 用于IPython / Jupyter笔记本的绘图库。Apache-2 
+bqplot (🥈28 · ⭐ 3.5K) - Plotting library for IPython/Jupyter notebooks. Apache-2 
-- [GitHub](https://github.com/bqplot/bqplot) (👨💻 59 · 🔀 440 · 📦 34 · 📋 570 - 36% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/bqplot/bqplot) (👨💻 64 · 🔀 440 · 📦 53 · 📋 590 - 37% open · ⏱️ 04.10.2023):
```
git clone https://github.com/bqplot/bqplot
```
-- [PyPi](https://pypi.org/project/bqplot) (📥 81K / month):
+- [PyPi](https://pypi.org/project/bqplot) (📥 110K / month):
```
pip install bqplot
```
-- [Conda](https://anaconda.org/conda-forge/bqplot) (📥 1M · ⏱️ 22.08.2022):
+- [Conda](https://anaconda.org/conda-forge/bqplot) (📥 1.2M · ⏱️ 06.11.2023):
```
conda install -c conda-forge bqplot
```
-- [NPM](https://www.npmjs.com/package/bqplot) (📥 9.3K / month):
+- [NPM](https://www.npmjs.com/package/bqplot) (📥 2.9K / month):
```
npm install bqplot
```
-data-validation (🥈27 · ⭐ 660) - 用于探索和验证机器学习的库。Apache-2 

+HoloViews (🥈28 · ⭐ 2.5K) - With Holoviews, your data visualizes itself. BSD-3 
-- [GitHub](https://github.com/tensorflow/data-validation) (👨💻 24 · 🔀 130 · 📥 370 · 📦 540 · 📋 150 - 16% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/holoviz/holoviews) (👨💻 140 · 🔀 380 · 📦 9K · 📋 3.1K - 32% open · ⏱️ 22.12.2023):
```
- git clone https://github.com/tensorflow/data-validation
+ git clone https://github.com/holoviz/holoviews
```
-- [PyPi](https://pypi.org/project/tensorflow-data-validation) (📥 1.1M / month):
+- [PyPi](https://pypi.org/project/holoviews) (📥 280K / month):
```
- pip install tensorflow-data-validation
+ pip install holoviews
+ ```
+- [Conda](https://anaconda.org/conda-forge/holoviews) (📥 1.5M · ⏱️ 08.11.2023):
+ ```
+ conda install -c conda-forge holoviews
+ ```
+- [NPM](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (📥 420 / month):
+ ```
+ npm install @pyviz/jupyterlab_pyviz
```
-hvPlot (🥈27 · ⭐ 620) - 用于构建的pandas,dask,xarray和networkx的高级绘图API。BSD-3
+PyVista (🥈28 · ⭐ 2.1K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT 
-- [GitHub](https://github.com/holoviz/hvplot) (👨💻 37 · 🔀 73 · 📦 1.6K · 📋 480 - 37% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/pyvista/pyvista) (👨💻 150 · 🔀 400 · 📥 790 · 📦 2.5K · 📋 1.4K - 28% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/holoviz/hvplot
+ git clone https://github.com/pyvista/pyvista
```
-- [PyPi](https://pypi.org/project/hvplot) (📥 160K / month):
+- [PyPi](https://pypi.org/project/pyvista) (📥 130K / month):
```
- pip install hvplot
+ pip install pyvista
```
-- [Conda](https://anaconda.org/conda-forge/hvplot) (📥 210K · ⏱️ 09.05.2022):
+- [Conda](https://anaconda.org/conda-forge/pyvista) (📥 430K · ⏱️ 14.12.2023):
```
- conda install -c conda-forge hvplot
+ conda install -c conda-forge pyvista
```
-wordcloud (🥈26 · ⭐ 8.9K) - Python中的词云生成器。MIT
+wordcloud (🥈27 · ⭐ 9.8K) - A little word cloud generator in Python. MIT
-- [GitHub](https://github.com/amueller/word_cloud) (👨💻 65 · 🔀 2.2K · 📋 470 - 20% open · ⏱️ 27.06.2022):
+- [GitHub](https://github.com/amueller/word_cloud) (👨💻 72 · 🔀 2.3K · 📦 21 · 📋 510 - 17% open · ⏱️ 09.12.2023):
```
git clone https://github.com/amueller/word_cloud
```
-- [PyPi](https://pypi.org/project/wordcloud) (📥 690K / month):
+- [PyPi](https://pypi.org/project/wordcloud) (📥 1.3M / month):
```
pip install wordcloud
```
-- [Conda](https://anaconda.org/conda-forge/wordcloud) (📥 310K · ⏱️ 25.08.2022):
+- [Conda](https://anaconda.org/conda-forge/wordcloud) (📥 450K · ⏱️ 11.12.2023):
```
conda install -c conda-forge wordcloud
```
-Cufflinks (🥈26 · ⭐ 2.6K · 💀) - Plotly + Pandas的生产力工具。MIT 
+missingno (🥈27 · ⭐ 3.7K · 💤) - Missing data visualization module for Python. MIT
-- [GitHub](https://github.com/santosjorge/cufflinks) (👨💻 38 · 🔀 600 · 📦 6.5K · 📋 210 - 41% open · ⏱️ 25.02.2021):
+- [GitHub](https://github.com/ResidentMario/missingno) (👨💻 18 · 🔀 450 · 📦 14K · 📋 130 - 6% open · ⏱️ 26.02.2023):
```
- git clone https://github.com/santosjorge/cufflinks
+ git clone https://github.com/ResidentMario/missingno
```
-- [PyPi](https://pypi.org/project/cufflinks) (📥 310K / month):
+- [PyPi](https://pypi.org/project/missingno) (📥 320K / month):
```
- pip install cufflinks
+ pip install missingno
+ ```
+- [Conda](https://anaconda.org/conda-forge/missingno) (📥 320K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge missingno
```
-HoloViews (🥈26 · ⭐ 2.3K) - 使用Holoviews,您的数据可以可视化。BSD-3 
+datashader (🥈27 · ⭐ 3.1K) - Quickly and accurately render even the largest data. BSD-3
-- [GitHub](https://github.com/holoviz/holoviews) (👨💻 120 · 🔀 350 · 📋 2.8K - 31% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/holoviz/datashader) (👨💻 54 · 🔀 350 · 📦 3.4K · 📋 570 - 22% open · ⏱️ 22.12.2023):
```
- git clone https://github.com/holoviz/holoviews
- ```
-- [PyPi](https://pypi.org/project/holoviews) (📥 380K / month):
- ```
- pip install holoviews
+ git clone https://github.com/holoviz/datashader
```
-- [Conda](https://anaconda.org/conda-forge/holoviews) (📥 850K · ⏱️ 07.07.2022):
+- [PyPi](https://pypi.org/project/datashader) (📥 92K / month):
```
- conda install -c conda-forge holoviews
+ pip install datashader
```
-- [NPM](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (📥 840 / month):
+- [Conda](https://anaconda.org/conda-forge/datashader) (📥 730K · ⏱️ 27.10.2023):
```
- npm install @pyviz/jupyterlab_pyviz
+ conda install -c conda-forge datashader
```
-PyVista (🥈26 · ⭐ 1.4K) - 通过简化的界面进行3D绘图和网格分析。MIT 
+data-validation (🥈27 · ⭐ 740) - Library for exploring and validating machine learning.. Apache-2 

-- [GitHub](https://github.com/pyvista/pyvista) (👨💻 100 · 🔀 280 · 📥 660 · 📦 900 · 📋 920 - 28% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/tensorflow/data-validation) (👨💻 25 · 🔀 160 · 📥 640 · 📦 780 · 📋 170 - 13% open · ⏱️ 15.12.2023):
```
- git clone https://github.com/pyvista/pyvista
- ```
-- [PyPi](https://pypi.org/project/pyvista) (📥 46K / month):
- ```
- pip install pyvista
+ git clone https://github.com/tensorflow/data-validation
```
-- [Conda](https://anaconda.org/conda-forge/pyvista) (📥 210K · ⏱️ 01.08.2022):
+- [PyPi](https://pypi.org/project/tensorflow-data-validation) (📥 180K / month):
```
- conda install -c conda-forge pyvista
+ pip install tensorflow-data-validation
```
-Facets Overview (🥉25 · ⭐ 7K · 💀) - 机器学习数据集的可视化。Apache-2 
+Facets Overview (🥈26 · ⭐ 7.3K · 💤) - Visualizations for machine learning datasets. Apache-2 
-- [GitHub](https://github.com/PAIR-code/facets) (👨💻 28 · 🔀 850 · 📦 130 · 📋 150 - 50% open · ⏱️ 06.05.2021):
+- [GitHub](https://github.com/PAIR-code/facets) (👨💻 31 · 🔀 880 · 📦 210 · 📋 160 - 49% open · ⏱️ 24.05.2023):
```
git clone https://github.com/pair-code/facets
```
-- [PyPi](https://pypi.org/project/facets-overview) (📥 300K / month):
+- [PyPi](https://pypi.org/project/facets-overview) (📥 150K / month):
```
pip install facets-overview
```
-Chartify (🥉25 · ⭐ 3.2K · 💀) - Python库,使数据科学家可以轻松创建。Apache-2
+Perspective (🥈26 · ⭐ 7.1K) - Streaming pivot visualization via WebAssembly. Apache-2 
-- [GitHub](https://github.com/spotify/chartify) (👨💻 21 · 🔀 280 · 📦 65 · 📋 72 - 56% open · ⏱️ 05.02.2021):
+- [GitHub](https://github.com/finos/perspective) (👨💻 93 · 🔀 900 · 📥 1.9K · 📦 110 · 📋 700 - 11% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/spotify/chartify
+ git clone https://github.com/finos/perspective
```
-- [PyPi](https://pypi.org/project/chartify) (📥 10K / month):
+- [PyPi](https://pypi.org/project/perspective-python) (📥 3.8K / month):
```
- pip install chartify
+ pip install perspective-python
```
-- [Conda](https://anaconda.org/conda-forge/chartify) (📥 21K · ⏱️ 07.11.2020):
+- [NPM](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (📥 160 / month):
```
- conda install -c conda-forge chartify
+ npm install @finos/perspective-jupyterlab
+ ```
+
+FiftyOne (🥈26 · ⭐ 6.2K) - Visualize, create, and debug image and video datasets.. Apache-2 


+
+- [GitHub](https://github.com/voxel51/fiftyone) (👨💻 100 · 🔀 440 · 📦 470 · 📋 1.4K - 29% open · ⏱️ 04.01.2024):
+
+ ```
+ git clone https://github.com/voxel51/fiftyone
+ ```
+- [PyPi](https://pypi.org/project/fiftyone) (📥 79K / month):
+ ```
+ pip install fiftyone
```
-VisPy (🥉24 · ⭐ 2.9K) - 高性能交互式2D / 3D数据可视化库。❗Unlicensed 
+VisPy (🥈26 · ⭐ 3.2K) - High-performance interactive 2D/3D data visualization library. ❗Unlicensed 
-- [GitHub](https://github.com/vispy/vispy) (👨💻 180 · 🔀 580 · 📦 820 · 📋 1.3K - 20% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/vispy/vispy) (👨💻 190 · 🔀 600 · 📦 1.4K · 📋 1.4K - 21% open · ⏱️ 28.12.2023):
```
git clone https://github.com/vispy/vispy
```
-- [PyPi](https://pypi.org/project/vispy) (📥 51K / month):
+- [PyPi](https://pypi.org/project/vispy) (📥 55K / month):
```
pip install vispy
```
-- [Conda](https://anaconda.org/conda-forge/vispy) (📥 270K · ⏱️ 05.07.2022):
+- [Conda](https://anaconda.org/conda-forge/vispy) (📥 450K · ⏱️ 04.10.2023):
```
conda install -c conda-forge vispy
```
-- [NPM](https://www.npmjs.com/package/vispy) (📥 10 / month):
+- [NPM](https://www.npmjs.com/package/vispy) (📥 11 / month):
```
npm install vispy
```
-HyperTools (🥉24 · ⭐ 1.7K) - 一个Python工具箱,用于获得对高维的几何洞察力。MIT
+Cufflinks (🥈26 · ⭐ 2.9K · 💀) - Productivity Tools for Plotly + Pandas. MIT 
-- [GitHub](https://github.com/ContextLab/hypertools) (👨💻 21 · 🔀 150 · 📥 20 · 📦 210 · 📋 190 - 35% open · ⏱️ 12.02.2022):
+- [GitHub](https://github.com/santosjorge/cufflinks) (👨💻 39 · 🔀 650 · 📦 9.8K · 📋 210 - 41% open · ⏱️ 25.02.2021):
```
- git clone https://github.com/ContextLab/hypertools
+ git clone https://github.com/santosjorge/cufflinks
```
-- [PyPi](https://pypi.org/project/hypertools) (📥 550 / month):
+- [PyPi](https://pypi.org/project/cufflinks) (📥 72K / month):
```
- pip install hypertools
+ pip install cufflinks
```
-pythreejs (🥉24 · ⭐ 830) - Jupyter-Three.js桥。❗Unlicensed 
+Sweetviz (🥈26 · ⭐ 2.7K) - Visualize and compare datasets, target values and associations, with one.. MIT
-- [GitHub](https://github.com/jupyter-widgets/pythreejs) (👨💻 30 · 🔀 170 · 📦 21 · 📋 220 - 23% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/fbdesignpro/sweetviz) (👨💻 11 · 🔀 260 · 📦 1.9K · 📋 130 - 24% open · ⏱️ 29.11.2023):
```
- git clone https://github.com/jupyter-widgets/pythreejs
+ git clone https://github.com/fbdesignpro/sweetviz
```
-- [PyPi](https://pypi.org/project/pythreejs) (📥 64K / month):
+- [PyPi](https://pypi.org/project/sweetviz) (📥 53K / month):
```
- pip install pythreejs
+ pip install sweetviz
```
-- [Conda](https://anaconda.org/conda-forge/pythreejs) (📥 410K · ⏱️ 25.08.2022):
+
+hvPlot (🥈26 · ⭐ 860) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3
+
+- [GitHub](https://github.com/holoviz/hvplot) (👨💻 45 · 🔀 92 · 📦 4.2K · 📋 700 - 43% open · ⏱️ 22.12.2023):
+
```
- conda install -c conda-forge pythreejs
+ git clone https://github.com/holoviz/hvplot
```
-- [NPM](https://www.npmjs.com/package/jupyter-threejs) (📥 4.6K / month):
+- [PyPi](https://pypi.org/project/hvplot) (📥 120K / month):
```
- npm install jupyter-threejs
+ pip install hvplot
+ ```
+- [Conda](https://anaconda.org/conda-forge/hvplot) (📥 510K · ⏱️ 22.12.2023):
+ ```
+ conda install -c conda-forge hvplot
```
-PyQtGraph (🥉23 · ⭐ 2.9K) - 用于科学/工程的快速数据可视化和GUI工具。❗Unlicensed
+UMAP (🥉25 · ⭐ 6.7K · 📉) - Uniform Manifold Approximation and Projection. BSD-3
-- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (👨💻 230 · 🔀 930 · 📋 1K - 31% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/lmcinnes/umap) (👨💻 130 · 🔀 720 · 📦 1 · 📋 750 - 56% open · ⏱️ 18.12.2023):
```
- git clone https://github.com/pyqtgraph/pyqtgraph
- ```
-- [PyPi](https://pypi.org/project/pyqtgraph) (📥 100K / month):
- ```
- pip install pyqtgraph
+ git clone https://github.com/lmcinnes/umap
```
-- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (📥 280K · ⏱️ 05.03.2022):
+- [PyPi](https://pypi.org/project/umap-learn) (📥 680K / month):
```
- conda install -c conda-forge pyqtgraph
+ pip install umap-learn
```
-FiftyOne (🥉23 · ⭐ 1.8K) - 可视化,创建和调试图像和视频数据集。Apache-2 


+lets-plot (🥉25 · ⭐ 1.3K) - An open-source plotting library for statistical data. MIT
-- [GitHub](https://github.com/voxel51/fiftyone) (👨💻 46 · 🔀 220 · 📦 160 · 📋 890 - 31% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/JetBrains/lets-plot) (👨💻 20 · 🔀 43 · 📥 580 · 📦 52 · 📋 480 - 22% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/voxel51/fiftyone
+ git clone https://github.com/JetBrains/lets-plot
```
-- [PyPi](https://pypi.org/project/fiftyone) (📥 21K / month):
+- [PyPi](https://pypi.org/project/lets-plot) (📥 23K / month):
```
- pip install fiftyone
+ pip install lets-plot
```
-openTSNE (🥉23 · ⭐ 1K) - t-SNE的可扩展并行实现。BSD-3
+openTSNE (🥉25 · ⭐ 1.3K) - Extensible, parallel implementations of t-SNE. BSD-3
-- [GitHub](https://github.com/pavlin-policar/openTSNE) (👨💻 10 · 🔀 120 · 📦 380 · 📋 110 - 5% open · ⏱️ 18.03.2022):
+- [GitHub](https://github.com/pavlin-policar/openTSNE) (👨💻 11 · 🔀 150 · 📦 710 · 📋 130 - 1% open · ⏱️ 29.11.2023):
```
git clone https://github.com/pavlin-policar/openTSNE
```
-- [PyPi](https://pypi.org/project/opentsne) (📥 21K / month):
+- [PyPi](https://pypi.org/project/opentsne) (📥 27K / month):
```
pip install opentsne
```
-- [Conda](https://anaconda.org/conda-forge/opentsne) (📥 150K · ⏱️ 27.05.2022):
+- [Conda](https://anaconda.org/conda-forge/opentsne) (📥 230K · ⏱️ 29.11.2023):
```
conda install -c conda-forge opentsne
```
-python-ternary (🥉23 · ⭐ 580) - 带有matplotlib的python三元绘图库。MIT
+Chartify (🥉24 · ⭐ 3.4K) - Python library that makes it easy for data scientists to create.. Apache-2
-- [GitHub](https://github.com/marcharper/python-ternary) (👨💻 27 · 🔀 140 · 📥 18 · 📦 100 · 📋 130 - 25% open · ⏱️ 27.02.2022):
+- [GitHub](https://github.com/spotify/chartify) (👨💻 25 · 🔀 300 · 📦 73 · 📋 75 - 57% open · ⏱️ 12.10.2023):
```
- git clone https://github.com/marcharper/python-ternary
+ git clone https://github.com/spotify/chartify
```
-- [PyPi](https://pypi.org/project/python-ternary) (📥 27K / month):
+- [PyPi](https://pypi.org/project/chartify) (📥 3.8K / month):
```
- pip install python-ternary
+ pip install chartify
```
-- [Conda](https://anaconda.org/conda-forge/python-ternary) (📥 66K · ⏱️ 17.02.2021):
+- [Conda](https://anaconda.org/conda-forge/chartify) (📥 29K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge python-ternary
+ conda install -c conda-forge chartify
```
-Sweetviz (🥉22 · ⭐ 2.1K) - 可视化和比较数据集,目标值和相关性。MIT
+HyperTools (🥉24 · ⭐ 1.8K · 💀) - A Python toolbox for gaining geometric insights into high-.. MIT
-- [GitHub](https://github.com/fbdesignpro/sweetviz) (👨💻 6 · 🔀 210 · 📋 100 - 28% open · ⏱️ 08.06.2022):
+- [GitHub](https://github.com/ContextLab/hypertools) (👨💻 21 · 🔀 160 · 📥 30 · 📦 350 · 📋 190 - 33% open · ⏱️ 12.02.2022):
```
- git clone https://github.com/fbdesignpro/sweetviz
+ git clone https://github.com/ContextLab/hypertools
```
-- [PyPi](https://pypi.org/project/sweetviz) (📥 64K / month):
+- [PyPi](https://pypi.org/project/hypertools) (📥 520 / month):
```
- pip install sweetviz
+ pip install hypertools
```
-lets-plot (🥉22 · ⭐ 780) - 一个用于统计数据的开源绘图库。MIT
+AutoViz (🥉24 · ⭐ 1.5K) - Automatically Visualize any dataset, any size with a single line of.. Apache-2
-- [GitHub](https://github.com/JetBrains/lets-plot) (👨💻 17 · 🔀 34 · 📥 300 · 📦 17 · 📋 270 - 27% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/AutoViML/AutoViz) (👨💻 15 · 🔀 190 · 📦 600 · 📋 84 - 1% open · ⏱️ 23.12.2023):
```
- git clone https://github.com/JetBrains/lets-plot
+ git clone https://github.com/AutoViML/AutoViz
```
-- [PyPi](https://pypi.org/project/lets-plot) (📥 1.8K / month):
+- [PyPi](https://pypi.org/project/autoviz) (📥 320K / month):
```
- pip install lets-plot
+ pip install autoviz
```
-PDPbox (🥉22 · ⭐ 700 · 💀) - python部分依赖图工具箱。MIT
+python-ternary (🥉23 · ⭐ 660) - Ternary plotting library for python with matplotlib. MIT
-- [GitHub](https://github.com/SauceCat/PDPbox) (👨💻 7 · 🔀 110 · 📦 510 · 📋 60 - 36% open · ⏱️ 14.03.2021):
+- [GitHub](https://github.com/marcharper/python-ternary) (👨💻 27 · 🔀 150 · 📥 25 · 📦 160 · 📋 140 - 21% open · ⏱️ 26.09.2023):
```
- git clone https://github.com/SauceCat/PDPbox
+ git clone https://github.com/marcharper/python-ternary
```
-- [PyPi](https://pypi.org/project/pdpbox) (📥 34K / month):
+- [PyPi](https://pypi.org/project/python-ternary) (📥 39K / month):
```
- pip install pdpbox
+ pip install python-ternary
```
-- [Conda](https://anaconda.org/conda-forge/pdpbox) (📥 13K · ⏱️ 14.03.2021):
+- [Conda](https://anaconda.org/conda-forge/python-ternary) (📥 79K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge pdpbox
+ conda install -c conda-forge python-ternary
```
-Perspective (🥉21 · ⭐ 4.8K) - 通过WebAssembly进行流式透视显示。Apache-2 
+HiPlot (🥉22 · ⭐ 2.6K) - HiPlot makes understanding high dimensional data easy. MIT
-- [GitHub](https://github.com/finos/perspective) (👨💻 72 · 🔀 490 · 📦 4 · 📋 540 - 14% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/facebookresearch/hiplot) (👨💻 9 · 🔀 130 · 📦 370 · 📋 89 - 17% open · ⏱️ 19.07.2023):
```
- git clone https://github.com/finos/perspective
+ git clone https://github.com/facebookresearch/hiplot
```
-- [PyPi](https://pypi.org/project/perspective-python) (📥 3K / month):
+- [PyPi](https://pypi.org/project/hiplot) (📥 24K / month):
```
- pip install perspective-python
+ pip install hiplot
```
-- [NPM](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (📥 1.4K / month):
+- [Conda](https://anaconda.org/conda-forge/hiplot) (📥 170K · ⏱️ 16.06.2023):
```
- npm install @finos/perspective-jupyterlab
+ conda install -c conda-forge hiplot
```
-plotnine (🥉21 · ⭐ 3.2K) - Python的图形语法。MIT
+Pandas-Bokeh (🥉22 · ⭐ 870 · 💤) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT 
-- [GitHub](https://github.com/has2k1/plotnine) (👨💻 96 · 🔀 170 · 📋 500 - 13% open · ⏱️ 01.07.2022):
+- [GitHub](https://github.com/PatrikHlobil/Pandas-Bokeh) (👨💻 15 · 🔀 100 · 📦 570 · 📋 100 - 33% open · ⏱️ 06.03.2023):
```
- git clone https://github.com/has2k1/plotnine
- ```
-- [PyPi](https://pypi.org/project/plotnine) (📥 350K / month):
- ```
- pip install plotnine
+ git clone https://github.com/PatrikHlobil/Pandas-Bokeh
```
-- [Conda](https://anaconda.org/conda-forge/plotnine) (📥 190K · ⏱️ 02.07.2022):
+- [PyPi](https://pypi.org/project/pandas-bokeh) (📥 14K / month):
```
- conda install -c conda-forge plotnine
+ pip install pandas-bokeh
```
-Multicore-TSNE (🥉21 · ⭐ 1.7K · 💀) - 使用Python和Torch并行执行t-SNE。BSD-3 
+PandasGUI (🥉21 · ⭐ 3.1K) - A GUI for Pandas DataFrames. ❗️MIT-0 
-- [GitHub](https://github.com/DmitryUlyanov/Multicore-TSNE) (👨💻 15 · 🔀 200 · 📦 310 · 📋 58 - 63% open · ⏱️ 19.08.2020):
+- [GitHub](https://github.com/adamerose/PandasGUI) (👨💻 15 · 🔀 220 · 📦 330 · 📋 190 - 36% open · ⏱️ 07.12.2023):
```
- git clone https://github.com/DmitryUlyanov/Multicore-TSNE
- ```
-- [PyPi](https://pypi.org/project/MulticoreTSNE) (📥 19K / month):
- ```
- pip install MulticoreTSNE
+ git clone https://github.com/adamerose/pandasgui
```
-- [Conda](https://anaconda.org/conda-forge/multicore-tsne) (📥 18K · ⏱️ 09.11.2021):
+- [PyPi](https://pypi.org/project/pandasgui) (📥 3.3K / month):
```
- conda install -c conda-forge multicore-tsne
+ pip install pandasgui
```
-AutoViz (🥉20 · ⭐ 890) - 自动显示任意行的任何大小的任何数据集。Apache-2
+pythreejs (🥉21 · ⭐ 910 · 💤) - A Jupyter - Three.js bridge. ❗Unlicensed 
-- [GitHub](https://github.com/AutoViML/AutoViz) (👨💻 12 · 🔀 120 · 📦 240 · 📋 59 - 5% open · ⏱️ 10.08.2022):
+- [GitHub](https://github.com/jupyter-widgets/pythreejs) (👨💻 30 · 🔀 180 · 📦 29 · 📋 230 - 25% open · ⏱️ 20.02.2023):
```
- git clone https://github.com/AutoViML/AutoViz
+ git clone https://github.com/jupyter-widgets/pythreejs
```
-- [PyPi](https://pypi.org/project/autoviz) (📥 52K / month):
+- [PyPi](https://pypi.org/project/pythreejs) (📥 46K / month):
```
- pip install autoviz
+ pip install pythreejs
```
-
-PyWaffle (🥉20 · ⭐ 500) - 用Python作图。MIT
-
-- [GitHub](https://github.com/gyli/PyWaffle) (👨💻 6 · 🔀 92 · 📦 150 · 📋 18 - 22% open · ⏱️ 08.06.2022):
-
+- [Conda](https://anaconda.org/conda-forge/pythreejs) (📥 520K · ⏱️ 16.06.2023):
```
- git clone https://github.com/gyli/PyWaffle
+ conda install -c conda-forge pythreejs
```
-- [PyPi](https://pypi.org/project/pywaffle) (📥 8.3K / month):
+- [NPM](https://www.npmjs.com/package/jupyter-threejs) (📥 2.7K / month):
```
- pip install pywaffle
+ npm install jupyter-threejs
```
-PandasGUI (🥉19 · ⭐ 2.7K) - pandas Dataframe的GUI。❗️MIT-0 
+Multicore-TSNE (🥉20 · ⭐ 1.8K · 💤) - Parallel t-SNE implementation with Python and Torch.. BSD-3 
-- [GitHub](https://github.com/adamerose/PandasGUI) (👨💻 13 · 🔀 180 · 📦 170 · 📋 160 - 27% open · ⏱️ 16.03.2022):
+- [GitHub](https://github.com/DmitryUlyanov/Multicore-TSNE) (👨💻 17 · 🔀 200 · 📦 420 · 📋 59 - 64% open · ⏱️ 26.05.2023):
```
- git clone https://github.com/adamerose/pandasgui
+ git clone https://github.com/DmitryUlyanov/Multicore-TSNE
```
-- [PyPi](https://pypi.org/project/pandasgui) (📥 3.7K / month):
+- [PyPi](https://pypi.org/project/MulticoreTSNE) (📥 3.1K / month):
```
- pip install pandasgui
+ pip install MulticoreTSNE
+ ```
+- [Conda](https://anaconda.org/conda-forge/multicore-tsne) (📥 31K · ⏱️ 11.10.2023):
+ ```
+ conda install -c conda-forge multicore-tsne
```
-HiPlot (🥉19 · ⭐ 2.3K) - HiPlot使理解高维数据变得容易。MIT
+vega (🥉20 · ⭐ 360) - IPython/Jupyter notebook module for Vega and Vega-Lite. BSD-3 
-- [GitHub](https://github.com/facebookresearch/hiplot) (👨💻 8 · 🔀 120 · 📦 5 · 📋 80 - 15% open · ⏱️ 05.07.2022):
+- [GitHub](https://github.com/vega/ipyvega) (👨💻 15 · 🔀 60 · 📦 4 · 📋 100 - 10% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/facebookresearch/hiplot
+ git clone https://github.com/vega/ipyvega
```
-- [PyPi](https://pypi.org/project/hiplot) (📥 27K / month):
+- [PyPi](https://pypi.org/project/vega) (📥 6.9K / month):
```
- pip install hiplot
+ pip install vega
```
-- [Conda](https://anaconda.org/conda-forge/hiplot) (📥 98K · ⏱️ 31.05.2022):
+- [Conda](https://anaconda.org/conda-forge/vega) (📥 570K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge hiplot
+ conda install -c conda-forge vega
```
-pivottablejs (🥉19 · ⭐ 470 · 💀) - Jupyter/IPython的Dragndrop数据透视表和图表。❗Unlicensed 
+pivottablejs (🥉19 · ⭐ 640 · 💀) - Dragndrop Pivot Tables and Charts for Jupyter/IPython.. ❗Unlicensed 
-- [GitHub](https://github.com/nicolaskruchten/jupyter_pivottablejs) (👨💻 3 · 🔀 62 · 📦 260 · 📋 58 - 29% open · ⏱️ 04.12.2018):
+- [GitHub](https://github.com/nicolaskruchten/jupyter_pivottablejs) (👨💻 3 · 🔀 80 · 📦 390 · 📋 64 - 35% open · ⏱️ 04.12.2018):
```
git clone https://github.com/nicolaskruchten/jupyter_pivottablejs
```
-- [PyPi](https://pypi.org/project/pivottablejs) (📥 14K / month):
+- [PyPi](https://pypi.org/project/pivottablejs) (📥 16K / month):
```
pip install pivottablejs
```
-joypy (🥉19 · ⭐ 440 · 💤) - 带有matplotlib和pandas的Python中的Joyplots。MIT
+PyWaffle (🥉19 · ⭐ 560 · 💀) - Make Waffle Charts in Python. MIT
-- [GitHub](https://github.com/leotac/joypy) (👨💻 6 · 🔀 47 · 📦 190 · 📋 47 - 21% open · ⏱️ 19.12.2021):
+- [GitHub](https://github.com/gyli/PyWaffle) (👨💻 6 · 🔀 100 · 📦 310 · 📋 21 - 23% open · ⏱️ 08.06.2022):
```
- git clone https://github.com/sbebo/joypy
- ```
-- [PyPi](https://pypi.org/project/joypy) (📥 13K / month):
- ```
- pip install joypy
+ git clone https://github.com/gyli/PyWaffle
```
-- [Conda](https://anaconda.org/conda-forge/joypy) (📥 15K · ⏱️ 28.12.2020):
+- [PyPi](https://pypi.org/project/pywaffle) (📥 3.4K / month):
```
- conda install -c conda-forge joypy
+ pip install pywaffle
```
-ivis (🥉19 · ⭐ 280) - 使用算法对非常大的数据集进行降维。Apache-2 
+joypy (🥉19 · ⭐ 510 · 💀) - Joyplots in Python with matplotlib & pandas. MIT
-- [GitHub](https://github.com/beringresearch/ivis) (👨💻 10 · 🔀 35 · 📦 26 · 📋 57 - 5% open · ⏱️ 29.07.2022):
+- [GitHub](https://github.com/leotac/joypy) (👨💻 6 · 🔀 53 · 📦 330 · 📋 48 - 22% open · ⏱️ 19.12.2021):
```
- git clone https://github.com/beringresearch/ivis
- ```
-- [PyPi](https://pypi.org/project/ivis) (📥 330 / month):
- ```
- pip install ivis
+ git clone https://github.com/sbebo/joypy
```
-
-Pandas-Bokeh (🥉18 · ⭐ 800) - pandas和GeoPandas的Bokeh绘图后端。MIT 
-
-- [GitHub](https://github.com/PatrikHlobil/Pandas-Bokeh) (👨💻 14 · 🔀 100 · 📋 98 - 31% open · ⏱️ 25.03.2022):
-
+- [PyPi](https://pypi.org/project/joypy) (📥 7.4K / month):
```
- git clone https://github.com/PatrikHlobil/Pandas-Bokeh
+ pip install joypy
```
-- [PyPi](https://pypi.org/project/pandas-bokeh) (📥 14K / month):
+- [Conda](https://anaconda.org/conda-forge/joypy) (📥 24K · ⏱️ 16.06.2023):
```
- pip install pandas-bokeh
+ conda install -c conda-forge joypy
```
-animatplot (🥉18 · ⭐ 400 · 💀) - 用于在patpliblib上构建动画图的python程序包。MIT
+animatplot (🥉19 · ⭐ 400 · 💀) - A python package for animating plots build on matplotlib. MIT
-- [GitHub](https://github.com/t-makaro/animatplot) (👨💻 7 · 🔀 34 · 📦 35 · 📋 30 - 43% open · ⏱️ 05.10.2020):
+- [GitHub](https://github.com/t-makaro/animatplot) (👨💻 7 · 🔀 39 · 📦 56 · 📋 32 - 46% open · ⏱️ 05.10.2020):
```
git clone https://github.com/t-makaro/animatplot
```
-- [PyPi](https://pypi.org/project/animatplot) (📥 260 / month):
+- [PyPi](https://pypi.org/project/animatplot) (📥 300 / month):
```
pip install animatplot
```
-- [Conda](https://anaconda.org/conda-forge/animatplot) (📥 9K · ⏱️ 06.10.2020):
+- [Conda](https://anaconda.org/conda-forge/animatplot) (📥 13K · ⏱️ 16.06.2023):
```
conda install -c conda-forge animatplot
```
-vega (🥉18 · ⭐ 330) - 适用于Vega和Vega-Lite的IPython/Jupyter笔记本模块。BSD-3 
+PDPbox (🥉18 · ⭐ 800 · 💤) - python partial dependence plot toolbox. MIT
-- [GitHub](https://github.com/vega/ipyvega) (👨💻 11 · 🔀 55 · 📋 95 - 13% open · ⏱️ 01.08.2022):
+- [GitHub](https://github.com/SauceCat/PDPbox) (👨💻 7 · 🔀 130 · 📋 66 - 40% open · ⏱️ 05.06.2023):
```
- git clone https://github.com/vega/ipyvega
+ git clone https://github.com/SauceCat/PDPbox
```
-- [PyPi](https://pypi.org/project/vega) (📥 7.3K / month):
+- [PyPi](https://pypi.org/project/pdpbox) (📥 22K / month):
```
- pip install vega
+ pip install pdpbox
```
-- [Conda](https://anaconda.org/conda-forge/vega) (📥 500K · ⏱️ 10.02.2022):
+- [Conda](https://anaconda.org/conda-forge/pdpbox) (📥 20K · ⏱️ 10.06.2023):
```
- conda install -c conda-forge vega
+ conda install -c conda-forge pdpbox
+ ```
+
+ivis (🥉18 · ⭐ 310) - Dimensionality reduction in very large datasets using Siamese.. Apache-2 
+
+- [GitHub](https://github.com/beringresearch/ivis) (👨💻 10 · 🔀 42 · 📦 31 · 📋 59 - 5% open · ⏱️ 09.11.2023):
+
+ ```
+ git clone https://github.com/beringresearch/ivis
+ ```
+- [PyPi](https://pypi.org/project/ivis) (📥 230 / month):
+ ```
+ pip install ivis
```
-pdvega (🥉16 · ⭐ 340 · 💀) - 使用Vega-Lite交互式绘制pandas数据图。MIT
+pdvega (🥉16 · ⭐ 340 · 💀) - Interactive plotting for Pandas using Vega-Lite. MIT
-- [GitHub](https://github.com/altair-viz/pdvega) (👨💻 9 · 🔀 31 · 📦 67 · 📋 26 - 61% open · ⏱️ 29.03.2019):
+- [GitHub](https://github.com/altair-viz/pdvega) (👨💻 9 · 🔀 32 · 📦 84 · 📋 26 - 61% open · ⏱️ 29.03.2019):
```
git clone https://github.com/altair-viz/pdvega
```
-- [PyPi](https://pypi.org/project/pdvega) (📥 56 / month):
+- [PyPi](https://pypi.org/project/pdvega) (📥 89 / month):
```
pip install pdvega
```
-data-describe (🥉14 · ⭐ 290 · 💤) - 数据描述:Pythonic EDA数据科学加速器。❗Unlicensed
+data-describe (🥉13 · ⭐ 290 · 💀) - datadescribe: Pythonic EDA Accelerator for Data.. ❗Unlicensed
-- [GitHub](https://github.com/data-describe/data-describe) (👨💻 14 · 🔀 18 · 📋 240 - 28% open · ⏱️ 19.11.2021):
+- [GitHub](https://github.com/data-describe/data-describe) (👨💻 13 · 🔀 18 · 📋 240 - 28% open · ⏱️ 19.11.2021):
```
git clone https://github.com/data-describe/data-describe
```
-- [PyPi](https://pypi.org/project/data-describe) (📥 2.6K / month):
+- [PyPi](https://pypi.org/project/data-describe) (📥 2.9K / month):
```
pip install data-describe
```
-nx-altair (🥉14 · ⭐ 200 · 💀) - 使用Altair绘制交互式NetworkX图形。MIT 
+nx-altair (🥉13 · ⭐ 220 · 💀) - Draw interactive NetworkX graphs with Altair. MIT 
-- [GitHub](https://github.com/Zsailer/nx_altair) (👨💻 3 · 🔀 23 · 📋 10 - 60% open · ⏱️ 02.06.2020):
+- [GitHub](https://github.com/Zsailer/nx_altair) (👨💻 3 · 🔀 27 · 📋 10 - 60% open · ⏱️ 02.06.2020):
```
git clone https://github.com/Zsailer/nx_altair
```
-- [PyPi](https://pypi.org/project/nx-altair) (📥 1.5K / month):
+- [PyPi](https://pypi.org/project/nx-altair) (📥 490 / month):
```
pip install nx-altair
```
-nptsne (🥉11 · ⭐ 29 · 💀) - nptsne是numpy兼容的python二进制包。Apache-2
+nptsne (🥉10 · ⭐ 31 · 💀) - nptsne is a numpy compatible python binary package that offers a.. Apache-2
-- [GitHub](https://github.com/biovault/nptsne) (👨💻 3 · 🔀 2 · 📦 4 · 📋 13 - 53% open · ⏱️ 03.02.2021):
+- [GitHub](https://github.com/biovault/nptsne) (👨💻 3 · 🔀 2 · 📦 6 · 📋 13 - 53% open · ⏱️ 03.02.2021):
```
git clone https://github.com/biovault/nptsne
```
-- [PyPi](https://pypi.org/project/nptsne) (📥 70 / month):
+- [PyPi](https://pypi.org/project/nptsne) (📥 6 / month):
```
pip install nptsne
```
-## 文本数据和NLP
+## Text Data & NLP
-
+
-_用于处理,清理,处理和分析文本数据的库,以及用于NLP任务的库,例如语言检测,模糊匹配,文本分类,seq2seq学习,智能对话,关键字提取和机器翻译。_
+_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._
-spaCy (🥇38 · ⭐ 24K) - Python中的工业级自然语言处理(NLP)工具包。MIT
+spaCy (🥇39 · ⭐ 28K) - Industrial-strength Natural Language Processing (NLP) in Python. MIT
-- [GitHub](https://github.com/explosion/spaCy) (👨💻 700 · 🔀 3.8K · 📥 3.1K · 📦 43K · 📋 5.2K - 1% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/explosion/spaCy) (👨💻 750 · 🔀 4.2K · 📦 78K · 📋 5.5K - 1% open · ⏱️ 02.01.2024):
```
git clone https://github.com/explosion/spaCy
```
-- [PyPi](https://pypi.org/project/spacy) (📥 4.7M / month):
+- [PyPi](https://pypi.org/project/spacy) (📥 5.9M / month):
```
pip install spacy
```
-- [Conda](https://anaconda.org/conda-forge/spacy) (📥 2.8M · ⏱️ 27.07.2022):
+- [Conda](https://anaconda.org/conda-forge/spacy) (📥 3.3M · ⏱️ 05.11.2023):
```
conda install -c conda-forge spacy
```
-transformers (🥇37 · ⭐ 69K) - transformers:先进的自然语言模型库。Apache-2 

+transformers (🥇38 · ⭐ 120K) - Transformers: State-of-the-art Natural Language.. Apache-2 

-- [GitHub](https://github.com/huggingface/transformers) (👨💻 1.4K · 🔀 15K · 📥 1.5K · 📦 34K · 📋 9.9K - 4% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/huggingface/transformers) (👨💻 2.3K · 🔀 22K · 📦 130K · 📋 14K - 5% open · ⏱️ 04.01.2024):
```
git clone https://github.com/huggingface/transformers
```
-- [PyPi](https://pypi.org/project/transformers) (📥 6.1M / month):
+- [PyPi](https://pypi.org/project/transformers) (📥 18M / month):
```
pip install transformers
```
-- [Conda](https://anaconda.org/conda-forge/transformers) (📥 370K · ⏱️ 25.08.2022):
+- [Conda](https://anaconda.org/conda-forge/transformers) (📥 1.5M · ⏱️ 19.12.2023):
```
conda install -c conda-forge transformers
```
-gensim (🥇36 · ⭐ 13K) - 主题模型工具库。❗️LGPL-2.1
+gensim (🥇36 · ⭐ 15K) - Topic Modelling for Humans. ❗️LGPL-2.1
-- [GitHub](https://github.com/RaRe-Technologies/gensim) (👨💻 430 · 🔀 4K · 📥 3.8K · 📦 36K · 📋 1.8K - 20% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/piskvorky/gensim) (👨💻 450 · 🔀 4.2K · 📥 4.6K · 📦 54K · 📋 1.8K - 20% open · ⏱️ 01.10.2023):
```
git clone https://github.com/RaRe-Technologies/gensim
```
-- [PyPi](https://pypi.org/project/gensim) (📥 4.9M / month):
+- [PyPi](https://pypi.org/project/gensim) (📥 3.7M / month):
```
pip install gensim
```
-- [Conda](https://anaconda.org/conda-forge/gensim) (📥 860K · ⏱️ 29.07.2022):
+- [Conda](https://anaconda.org/conda-forge/gensim) (📥 1.2M · ⏱️ 24.08.2023):
```
conda install -c conda-forge gensim
```
-sentence-transformers (🥇34 · ⭐ 8.3K) - BERT和XLNet的句子嵌入。Apache-2 
+sentence-transformers (🥇34 · ⭐ 13K) - Sentence Embeddings with BERT & XLNet. Apache-2 
-- [GitHub](https://github.com/UKPLab/sentence-transformers) (👨💻 93 · 🔀 1.6K · 📦 4K · 📋 1.5K - 51% open · ⏱️ 15.08.2022):
+- [GitHub](https://github.com/UKPLab/sentence-transformers) (👨💻 130 · 🔀 2.2K · 📦 22K · 📋 1.8K - 54% open · ⏱️ 18.12.2023):
```
git clone https://github.com/UKPLab/sentence-transformers
```
-- [PyPi](https://pypi.org/project/sentence-transformers) (📥 1.5M / month):
+- [PyPi](https://pypi.org/project/sentence-transformers) (📥 2.8M / month):
```
pip install sentence-transformers
```
-AllenNLP (🥇33 · ⭐ 11K) - 基于PyTorch的开源NLP研究库。Apache-2 
-
-- [GitHub](https://github.com/allenai/allennlp) (👨💻 260 · 🔀 2.1K · 📥 47 · 📦 2.7K · 📋 2.5K - 3% open · ⏱️ 24.08.2022):
-
- ```
- git clone https://github.com/allenai/allennlp
- ```
-- [PyPi](https://pypi.org/project/allennlp) (📥 72K / month):
- ```
- pip install allennlp
- ```
-
-nltk (🥇33 · ⭐ 11K) - 用于符号和统计自然的库和程序套件。Apache-2
+nltk (🥇33 · ⭐ 13K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2
-- [GitHub](https://github.com/nltk/nltk) (👨💻 430 · 🔀 2.5K · 📦 150K · 📋 1.6K - 13% open · ⏱️ 29.07.2022):
+- [GitHub](https://github.com/nltk/nltk) (👨💻 450 · 🔀 2.7K · 📦 240K · 📋 1.7K - 14% open · ⏱️ 24.12.2023):
```
git clone https://github.com/nltk/nltk
@@ -1630,1690 +1618,1702 @@ _用于处理,清理,处理和分析文本数据的库,以及用于NLP任
```
pip install nltk
```
-- [Conda](https://anaconda.org/conda-forge/nltk) (📥 1.4M · ⏱️ 29.12.2021):
+- [Conda](https://anaconda.org/conda-forge/nltk) (📥 2.4M · ⏱️ 16.06.2023):
```
conda install -c conda-forge nltk
```
-sentencepiece (🥇33 · ⭐ 6.1K) - 用于基于神经网络的文本的预处理器。Apache-2
+sentencepiece (🥇33 · ⭐ 8.8K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2
-- [GitHub](https://github.com/google/sentencepiece) (👨💻 68 · 🔀 810 · 📥 22K · 📦 17K · 📋 540 - 2% open · ⏱️ 21.08.2022):
+- [GitHub](https://github.com/google/sentencepiece) (👨💻 81 · 🔀 1K · 📥 33K · 📦 51K · 📋 690 - 4% open · ⏱️ 04.01.2024):
```
git clone https://github.com/google/sentencepiece
```
-- [PyPi](https://pypi.org/project/sentencepiece) (📥 5.6M / month):
+- [PyPi](https://pypi.org/project/sentencepiece) (📥 11M / month):
```
pip install sentencepiece
```
-- [Conda](https://anaconda.org/conda-forge/sentencepiece) (📥 220K · ⏱️ 08.04.2022):
+- [Conda](https://anaconda.org/conda-forge/sentencepiece) (📥 690K · ⏱️ 02.11.2023):
```
conda install -c conda-forge sentencepiece
```
-ChatterBot (🥇32 · ⭐ 12K · 💀) - ChatterBot是机器学习的对话引擎。BSD-3
+fastText (🥇32 · ⭐ 25K) - Library for fast text representation and classification. MIT
-- [GitHub](https://github.com/gunthercox/ChatterBot) (👨💻 100 · 🔀 4K · 📦 4.5K · 📋 1.6K - 19% open · ⏱️ 01.06.2021):
+- [GitHub](https://github.com/facebookresearch/fastText) (👨💻 67 · 🔀 4.5K · 📦 5.4K · 📋 1.1K - 42% open · ⏱️ 27.11.2023):
```
- git clone https://github.com/gunthercox/ChatterBot
+ git clone https://github.com/facebookresearch/fastText
```
-- [PyPi](https://pypi.org/project/chatterbot) (📥 71K / month):
+- [PyPi](https://pypi.org/project/fasttext) (📥 920K / month):
```
- pip install chatterbot
+ pip install fasttext
```
-
-fastText (🥇31 · ⭐ 24K) - 用于快速文本表示和分类的库。MIT
+- [Conda](https://anaconda.org/conda-forge/fasttext) (📥 72K · ⏱️ 26.09.2023):
+ ```
+ conda install -c conda-forge fasttext
+ ```
+
+spark-nlp (🥇32 · ⭐ 3.5K) - State of the Art Natural Language Processing. Apache-2 
-- [GitHub](https://github.com/facebookresearch/fastText) (👨💻 59 · 🔀 4.3K · 📦 3.2K · 📋 1K - 41% open · ⏱️ 04.03.2022):
+- [GitHub](https://github.com/JohnSnowLabs/spark-nlp) (👨💻 110 · 🔀 680 · 📦 380 · 📋 840 - 4% open · ⏱️ 01.01.2024):
```
- git clone https://github.com/facebookresearch/fastText
+ git clone https://github.com/JohnSnowLabs/spark-nlp
```
-- [PyPi](https://pypi.org/project/fasttext) (📥 810K / month):
+- [PyPi](https://pypi.org/project/spark-nlp) (📥 3.8M / month):
```
- pip install fasttext
+ pip install spark-nlp
+ ```
+
+TensorFlow Text (🥇32 · ⭐ 1.2K) - Making text a first-class citizen in TensorFlow. Apache-2 
+
+- [GitHub](https://github.com/tensorflow/text) (👨💻 110 · 🔀 310 · 📦 6.2K · 📋 230 - 30% open · ⏱️ 18.12.2023):
+
```
-- [Conda](https://anaconda.org/conda-forge/fasttext) (📥 36K · ⏱️ 16.04.2022):
+ git clone https://github.com/tensorflow/text
```
- conda install -c conda-forge fasttext
+- [PyPi](https://pypi.org/project/tensorflow-text) (📥 3.7M / month):
+ ```
+ pip install tensorflow-text
```
-TextBlob (🥇31 · ⭐ 8.3K · 💤) - 包含情感分析、词性标注等等功能的NLP工具库。MIT
+Rasa (🥈31 · ⭐ 17K) - Open source machine learning framework to automate text- and voice-.. Apache-2 
-- [GitHub](https://github.com/sloria/TextBlob) (👨💻 35 · 🔀 1K · 📥 100 · 📦 22K · 📋 250 - 37% open · ⏱️ 22.10.2021):
+- [GitHub](https://github.com/RasaHQ/rasa) (👨💻 590 · 🔀 4.3K · 📦 3.9K · 📋 6.6K - 0% open · ⏱️ 29.11.2023):
```
- git clone https://github.com/sloria/TextBlob
+ git clone https://github.com/RasaHQ/rasa
```
-- [PyPi](https://pypi.org/project/textblob) (📥 860K / month):
+- [PyPi](https://pypi.org/project/rasa) (📥 150K / month):
```
- pip install textblob
+ pip install rasa
```
-- [Conda](https://anaconda.org/conda-forge/textblob) (📥 170K · ⏱️ 24.02.2019):
+
+ChatterBot (🥈31 · ⭐ 14K · 💀) - ChatterBot is a machine learning, conversational dialog engine.. BSD-3
+
+- [GitHub](https://github.com/gunthercox/ChatterBot) (👨💻 100 · 🔀 4.3K · 📦 5.5K · 📋 1.6K - 21% open · ⏱️ 01.06.2021):
+
```
- conda install -c conda-forge textblob
+ git clone https://github.com/gunthercox/ChatterBot
+ ```
+- [PyPi](https://pypi.org/project/chatterbot) (📥 36K / month):
+ ```
+ pip install chatterbot
```
-flair (🥈30 · ⭐ 12K) - 一个用于最先进的自然语言处理的非常简单的框架。❗Unlicensed 
+flair (🥈31 · ⭐ 13K) - A very simple framework for state-of-the-art Natural Language.. ❗Unlicensed 
-- [GitHub](https://github.com/flairNLP/flair) (👨💻 230 · 🔀 1.6K · 📦 1.6K · 📋 1.9K - 6% open · ⏱️ 18.08.2022):
+- [GitHub](https://github.com/flairNLP/flair) (👨💻 250 · 🔀 1.7K · 📦 3K · 📋 2.2K - 2% open · ⏱️ 18.12.2023):
```
git clone https://github.com/flairNLP/flair
```
-- [PyPi](https://pypi.org/project/flair) (📥 170K / month):
+- [PyPi](https://pypi.org/project/flair) (📥 110K / month):
```
pip install flair
```
-fuzzywuzzy (🥈30 · ⭐ 8.7K · 💤) - Python中的模糊字符串匹配。❗️GPL-2.0
+AllenNLP (🥈31 · ⭐ 12K · 💀) - An open-source NLP research library, built on PyTorch. Apache-2 
+
+- [GitHub](https://github.com/allenai/allennlp) (👨💻 270 · 🔀 2.2K · 📥 62 · 📦 3.9K · 📋 2.6K - 3% open · ⏱️ 22.11.2022):
+
+ ```
+ git clone https://github.com/allenai/allennlp
+ ```
+- [PyPi](https://pypi.org/project/allennlp) (📥 30K / month):
+ ```
+ pip install allennlp
+ ```
+
+fuzzywuzzy (🥈31 · ⭐ 9K · 💀) - Fuzzy String Matching in Python. ❗️GPL-2.0
-- [GitHub](https://github.com/seatgeek/fuzzywuzzy) (👨💻 70 · 🔀 870 · 📦 14K · 📋 180 - 43% open · ⏱️ 09.09.2021):
+- [GitHub](https://github.com/seatgeek/fuzzywuzzy) (👨💻 70 · 🔀 870 · 📦 22K · 📋 190 - 44% open · ⏱️ 09.09.2021):
```
git clone https://github.com/seatgeek/fuzzywuzzy
```
-- [PyPi](https://pypi.org/project/fuzzywuzzy) (📥 7.3M / month):
+- [PyPi](https://pypi.org/project/fuzzywuzzy) (📥 4.8M / month):
```
pip install fuzzywuzzy
```
-- [Conda](https://anaconda.org/conda-forge/fuzzywuzzy) (📥 380K · ⏱️ 18.11.2020):
+- [Conda](https://anaconda.org/conda-forge/fuzzywuzzy) (📥 520K · ⏱️ 16.06.2023):
```
conda install -c conda-forge fuzzywuzzy
```
-fairseq (🥈29 · ⭐ 19K) - 用Python编写的Facebook AI Research Sequence-to-Sequence工具包。MIT 
+TextBlob (🥈31 · ⭐ 8.8K · 💤) - Simple, Pythonic, text processing--Sentiment analysis, part-of-.. MIT
-- [GitHub](https://github.com/facebookresearch/fairseq) (👨💻 400 · 🔀 4.7K · 📥 260 · 📦 920 · 📋 3.5K - 18% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/sloria/TextBlob) (👨💻 36 · 🔀 1.1K · 📥 110 · 📦 35K · 📋 260 - 40% open · ⏱️ 11.03.2023):
```
- git clone https://github.com/pytorch/fairseq
+ git clone https://github.com/sloria/TextBlob
```
-- [PyPi](https://pypi.org/project/fairseq) (📥 40K / month):
+- [PyPi](https://pypi.org/project/textblob) (📥 530K / month):
```
- pip install fairseq
+ pip install textblob
+ ```
+- [Conda](https://anaconda.org/conda-forge/textblob) (📥 240K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge textblob
```
-TextDistance (🥈29 · ⭐ 2.9K) - 计算序列之间的距离,包含30多种算法。MIT
+Tokenizers (🥈31 · ⭐ 8K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
-- [GitHub](https://github.com/life4/textdistance) (👨💻 12 · 🔀 230 · 📥 830 · 📦 2.6K · ⏱️ 21.08.2022):
+- [GitHub](https://github.com/huggingface/tokenizers) (👨💻 83 · 🔀 650 · 📥 33 · 📦 55K · 📋 870 - 28% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/life4/textdistance
+ git clone https://github.com/huggingface/tokenizers
```
-- [PyPi](https://pypi.org/project/textdistance) (📥 640K / month):
+- [PyPi](https://pypi.org/project/tokenizers) (📥 15M / month):
```
- pip install textdistance
+ pip install tokenizers
```
-- [Conda](https://anaconda.org/conda-forge/textdistance) (📥 180K · ⏱️ 21.08.2022):
+- [Conda](https://anaconda.org/conda-forge/tokenizers) (📥 1.4M · ⏱️ 12.12.2023):
```
- conda install -c conda-forge textdistance
+ conda install -c conda-forge tokenizers
```
-TensorFlow Text (🥈29 · ⭐ 980) - TensorFlow文本处理。Apache-2 
+spacy-transformers (🥈30 · ⭐ 1.3K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT spacy
-- [GitHub](https://github.com/tensorflow/text) (👨💻 91 · 🔀 230 · 📦 2.2K · 📋 180 - 18% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/explosion/spacy-transformers) (👨💻 22 · 🔀 150 · 📦 1.4K · ⏱️ 19.12.2023):
```
- git clone https://github.com/tensorflow/text
+ git clone https://github.com/explosion/spacy-transformers
```
-- [PyPi](https://pypi.org/project/tensorflow-text) (📥 2.2M / month):
+- [PyPi](https://pypi.org/project/spacy-transformers) (📥 180K / month):
```
- pip install tensorflow-text
+ pip install spacy-transformers
```
-GluonNLP (🥈28 · ⭐ 2.4K · 💤) - 可轻松进行文本预处理,数据集加载和处理的工具包。Apache-2 
+fairseq (🥈29 · ⭐ 28K) - Facebook AI Research Sequence-to-Sequence Toolkit written in Python. MIT 
-- [GitHub](https://github.com/dmlc/gluon-nlp) (👨💻 82 · 🔀 490 · 📦 920 · 📋 530 - 44% open · ⏱️ 24.08.2021):
+- [GitHub](https://github.com/facebookresearch/fairseq) (👨💻 420 · 🔀 5.9K · 📥 330 · 📦 2.5K · 📋 4.1K - 25% open · ⏱️ 10.10.2023):
```
- git clone https://github.com/dmlc/gluon-nlp
+ git clone https://github.com/pytorch/fairseq
```
-- [PyPi](https://pypi.org/project/gluonnlp) (📥 160K / month):
+- [PyPi](https://pypi.org/project/fairseq) (📥 420K / month):
```
- pip install gluonnlp
+ pip install fairseq
```
-DeepPavlov (🥈27 · ⭐ 5.8K) - 一个用于深度学习端到端对话的开源库。Apache-2 
+DeepPavlov (🥈29 · ⭐ 6.4K) - An open source library for deep learning end-to-end dialog.. Apache-2 
-- [GitHub](https://github.com/deepmipt/DeepPavlov) (👨💻 67 · 🔀 1K · 📦 280 · 📋 620 - 8% open · ⏱️ 31.05.2022):
+- [GitHub](https://github.com/deeppavlov/DeepPavlov) (👨💻 76 · 🔀 1.1K · 📦 370 · 📋 630 - 3% open · ⏱️ 27.12.2023):
```
git clone https://github.com/deepmipt/DeepPavlov
```
-- [PyPi](https://pypi.org/project/deeppavlov) (📥 8K / month):
+- [PyPi](https://pypi.org/project/deeppavlov) (📥 8.5K / month):
```
pip install deeppavlov
```
-OpenNMT (🥈27 · ⭐ 5.7K) - PyTorch中的开源神经机器翻译。MIT 
+OpenNMT (🥈29 · ⭐ 6.4K) - Open Source Neural Machine Translation in PyTorch. MIT 
-- [GitHub](https://github.com/OpenNMT/OpenNMT-py) (👨💻 180 · 🔀 2K · 📦 150 · 📋 1.3K - 6% open · ⏱️ 18.08.2022):
+- [GitHub](https://github.com/OpenNMT/OpenNMT-py) (👨💻 190 · 🔀 2.1K · 📦 240 · 📋 1.4K - 1% open · ⏱️ 03.01.2024):
```
git clone https://github.com/OpenNMT/OpenNMT-py
```
-- [PyPi](https://pypi.org/project/OpenNMT-py) (📥 5.2K / month):
+- [PyPi](https://pypi.org/project/OpenNMT-py) (📥 4.5K / month):
```
pip install OpenNMT-py
```
-spark-nlp (🥈27 · ⭐ 2.9K) - 最先进的自然语言处理。Apache-2 
+TextDistance (🥈29 · ⭐ 3.2K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT
-- [GitHub](https://github.com/JohnSnowLabs/spark-nlp) (👨💻 130 · 🔀 570 · 📋 700 - 5% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/life4/textdistance) (👨💻 14 · 🔀 240 · 📥 970 · 📦 5.5K · ⏱️ 29.12.2023):
```
- git clone https://github.com/JohnSnowLabs/spark-nlp
+ git clone https://github.com/life4/textdistance
```
-- [PyPi](https://pypi.org/project/spark-nlp) (📥 2.4M / month):
+- [PyPi](https://pypi.org/project/textdistance) (📥 350K / month):
```
- pip install spark-nlp
+ pip install textdistance
+ ```
+- [Conda](https://anaconda.org/conda-forge/textdistance) (📥 510K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge textdistance
```
-spacy-transformers (🥈27 · ⭐ 1.1K) - 使用经过预训练的transformer模型,例如BERT,XLNet和GPT-2。MIT spacy
+GluonNLP (🥈27 · ⭐ 2.5K · 💀) - Toolkit that enables easy text preprocessing, datasets.. Apache-2 
-- [GitHub](https://github.com/explosion/spacy-transformers) (👨💻 18 · 🔀 140 · 📦 610 · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/dmlc/gluon-nlp) (👨💻 86 · 🔀 500 · 📦 1.4K · 📋 530 - 44% open · ⏱️ 25.12.2022):
```
- git clone https://github.com/explosion/spacy-transformers
+ git clone https://github.com/dmlc/gluon-nlp
```
-- [PyPi](https://pypi.org/project/spacy-transformers) (📥 100K / month):
+- [PyPi](https://pypi.org/project/gluonnlp) (📥 71K / month):
```
- pip install spacy-transformers
+ pip install gluonnlp
```
-ParlAI (🥈26 · ⭐ 9.4K) - 一个用于训练和评估AI模型的框架。MIT 
+jellyfish (🥈27 · ⭐ 1.9K) - a python library for doing approximate and phonetic matching of.. MIT
-- [GitHub](https://github.com/facebookresearch/ParlAI) (👨💻 200 · 🔀 1.8K · 📦 87 · 📋 1.4K - 5% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/jamesturk/jellyfish) (👨💻 31 · 🔀 160 · 📦 7.7K · 📋 130 - 3% open · ⏱️ 17.11.2023):
```
- git clone https://github.com/facebookresearch/ParlAI
+ git clone https://github.com/jamesturk/jellyfish
```
-- [PyPi](https://pypi.org/project/parlai) (📥 3.4K / month):
+- [PyPi](https://pypi.org/project/jellyfish) (📥 2.4M / month):
```
- pip install parlai
+ pip install jellyfish
+ ```
+- [Conda](https://anaconda.org/conda-forge/jellyfish) (📥 770K · ⏱️ 17.11.2023):
+ ```
+ conda install -c conda-forge jellyfish
```
-Tokenizers (🥈26 · ⭐ 5.8K) - 针对研究和应用进行了优化的快速最先进的分词器。Apache-2
+haystack (🥈26 · ⭐ 12K) - End-to-end Python framework for building natural language search.. Apache-2
-- [GitHub](https://github.com/huggingface/tokenizers) (👨💻 59 · 🔀 480 · 📦 51 · 📋 650 - 30% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/deepset-ai/haystack) (👨💻 220 · 🔀 1.5K · 📥 23 · 📦 60 · 📋 2.8K - 12% open · ⏱️ 02.01.2024):
```
- git clone https://github.com/huggingface/tokenizers
- ```
-- [PyPi](https://pypi.org/project/tokenizers) (📥 5.9M / month):
- ```
- pip install tokenizers
+ git clone https://github.com/deepset-ai/haystack
```
-- [Conda](https://anaconda.org/conda-forge/tokenizers) (📥 330K · ⏱️ 21.05.2022):
+- [PyPi](https://pypi.org/project/haystack) (📥 2.3K / month):
```
- conda install -c conda-forge tokenizers
+ pip install haystack
```
-Sumy (🥈26 · ⭐ 2.9K) - 自动汇总文本文档和HTML页面的模块。Apache-2
+NeMo (🥈26 · ⭐ 8.8K) - NeMo: a toolkit for conversational AI. Apache-2 
-- [GitHub](https://github.com/miso-belica/sumy) (👨💻 23 · 🔀 470 · 📦 1.4K · 📋 110 - 15% open · ⏱️ 31.07.2022):
+- [GitHub](https://github.com/NVIDIA/NeMo) (👨💻 260 · 🔀 1.9K · 📥 110K · 📦 21 · 📋 1.9K - 2% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/miso-belica/sumy
+ git clone https://github.com/NVIDIA/NeMo
```
-- [PyPi](https://pypi.org/project/sumy) (📥 21K / month):
+- [PyPi](https://pypi.org/project/nemo-toolkit) (📥 35K / month):
```
- pip install sumy
+ pip install nemo-toolkit
```
-jellyfish (🥈26 · ⭐ 1.7K · 💤) - 一个python库,用于进行文本相似度和距离计算。BSD-2
+pyahocorasick (🥈26 · ⭐ 850 · 💤) - Python module (C extension and plain python) implementing.. BSD-3
-- [GitHub](https://github.com/jamesturk/jellyfish) (👨💻 25 · 🔀 140 · 📦 4.1K · 📋 110 - 10% open · ⏱️ 07.01.2022):
+- [GitHub](https://github.com/WojciechMula/pyahocorasick) (👨💻 29 · 🔀 120 · 📦 2.4K · 📋 130 - 18% open · ⏱️ 14.01.2023):
```
- git clone https://github.com/jamesturk/jellyfish
+ git clone https://github.com/WojciechMula/pyahocorasick
```
-- [PyPi](https://pypi.org/project/jellyfish) (📥 2.6M / month):
+- [PyPi](https://pypi.org/project/pyahocorasick) (📥 560K / month):
```
- pip install jellyfish
+ pip install pyahocorasick
```
-- [Conda](https://anaconda.org/conda-forge/jellyfish) (📥 300K · ⏱️ 08.04.2022):
+- [Conda](https://anaconda.org/conda-forge/pyahocorasick) (📥 210K · ⏱️ 26.09.2023):
```
- conda install -c conda-forge jellyfish
+ conda install -c conda-forge pyahocorasick
```
-Rasa (🥈25 · ⭐ 15K) - 开源机器学习框架,可处理文本和语音多场景问题。Apache-2 
+CLTK (🥈26 · ⭐ 810) - The Classical Language Toolkit. MIT
-- [GitHub](https://github.com/RasaHQ/rasa) (👨💻 550 · 🔀 4K · 📋 6.6K - 12% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/cltk/cltk) (👨💻 120 · 🔀 320 · 📥 49 · 📦 250 · 📋 560 - 5% open · ⏱️ 27.12.2023):
```
- git clone https://github.com/RasaHQ/rasa
+ git clone https://github.com/cltk/cltk
```
-- [PyPi](https://pypi.org/project/rasa) (📥 170K / month):
+- [PyPi](https://pypi.org/project/cltk) (📥 1.1K / month):
```
- pip install rasa
+ pip install cltk
```
-stanza (🥈25 · ⭐ 6.2K) - 斯坦福NLP官方Python语言库,支持多种语言。❗Unlicensed
+stanza (🥈25 · ⭐ 6.9K) - Official Stanford NLP Python Library for Many Human Languages. ❗Unlicensed
-- [GitHub](https://github.com/stanfordnlp/stanza) (👨💻 48 · 🔀 790 · 📦 1.2K · 📋 720 - 11% open · ⏱️ 23.04.2022):
+- [GitHub](https://github.com/stanfordnlp/stanza) (👨💻 66 · 🔀 840 · 📦 2.4K · 📋 840 - 8% open · ⏱️ 02.12.2023):
```
git clone https://github.com/stanfordnlp/stanza
```
-- [PyPi](https://pypi.org/project/stanza) (📥 330K / month):
+- [PyPi](https://pypi.org/project/stanza) (📥 160K / month):
```
pip install stanza
```
-- [Conda](https://anaconda.org/stanfordnlp/stanza) (📥 5.6K · ⏱️ 23.04.2022):
+- [Conda](https://anaconda.org/stanfordnlp/stanza) (📥 7.3K · ⏱️ 16.06.2023):
```
conda install -c stanfordnlp stanza
```
-ftfy (🥈25 · ⭐ 3.3K) - 修复Unicode文本中的故障功能的工具库。MIT
+ftfy (🥈25 · ⭐ 3.6K) - Fixes mojibake and other glitches in Unicode text, after the fact. ❗Unlicensed
-- [GitHub](https://github.com/rspeer/python-ftfy) (👨💻 18 · 🔀 110 · 📦 6.6K · 📋 130 - 9% open · ⏱️ 09.02.2022):
+- [GitHub](https://github.com/rspeer/python-ftfy) (👨💻 18 · 🔀 120 · 📦 16K · 📋 130 - 10% open · ⏱️ 21.11.2023):
```
git clone https://github.com/LuminosoInsight/python-ftfy
```
-- [PyPi](https://pypi.org/project/ftfy) (📥 2.1M / month):
+- [PyPi](https://pypi.org/project/ftfy) (📥 4M / month):
```
pip install ftfy
```
-- [Conda](https://anaconda.org/conda-forge/ftfy) (📥 180K · ⏱️ 13.03.2022):
+- [Conda](https://anaconda.org/conda-forge/ftfy) (📥 280K · ⏱️ 22.11.2023):
```
conda install -c conda-forge ftfy
```
-fastNLP (🥈25 · ⭐ 2.7K) - fastNLP:模块化和可扩展的NLP框架。Apache-2
-
-- [GitHub](https://github.com/fastnlp/fastNLP) (👨💻 59 · 🔀 420 · 📥 66 · 📦 90 · 📋 190 - 22% open · ⏱️ 23.08.2022):
-
- ```
- git clone https://github.com/fastnlp/fastNLP
- ```
-- [PyPi](https://pypi.org/project/fastnlp) (📥 2.5K / month):
- ```
- pip install fastnlp
- ```
-
-neuralcoref (🥈25 · ⭐ 2.6K · 💀) - 基于SpaCy的神经网络实现快速共指解析。MIT
+torchtext (🥈25 · ⭐ 3.4K) - Data loaders and abstractions for text and NLP. BSD-3 
-- [GitHub](https://github.com/huggingface/neuralcoref) (👨💻 21 · 🔀 440 · 📥 450 · 📦 520 · 📋 300 - 16% open · ⏱️ 22.06.2021):
+- [GitHub](https://github.com/pytorch/text) (👨💻 150 · 🔀 780 · 📋 770 - 33% open · ⏱️ 11.12.2023):
```
- git clone https://github.com/huggingface/neuralcoref
- ```
-- [PyPi](https://pypi.org/project/neuralcoref) (📥 270K / month):
- ```
- pip install neuralcoref
+ git clone https://github.com/pytorch/text
```
-- [Conda](https://anaconda.org/conda-forge/neuralcoref) (📥 12K · ⏱️ 21.02.2020):
+- [PyPi](https://pypi.org/project/torchtext) (📥 340K / month):
```
- conda install -c conda-forge neuralcoref
+ pip install torchtext
```
-PyTextRank (🥈25 · ⭐ 1.9K) - TextRank的Python实现。MIT
+Sumy (🥈25 · ⭐ 3.3K) - Module for automatic summarization of text documents and HTML pages. Apache-2
-- [GitHub](https://github.com/DerwenAI/pytextrank) (👨💻 18 · 🔀 300 · 📦 280 · 📋 89 - 19% open · ⏱️ 27.07.2022):
+- [GitHub](https://github.com/miso-belica/sumy) (👨💻 30 · 🔀 510 · 📦 2.4K · 📋 120 - 13% open · ⏱️ 10.11.2023):
```
- git clone https://github.com/DerwenAI/pytextrank
+ git clone https://github.com/miso-belica/sumy
```
-- [PyPi](https://pypi.org/project/pytextrank) (📥 70K / month):
+- [PyPi](https://pypi.org/project/sumy) (📥 53K / month):
```
- pip install pytextrank
+ pip install sumy
```
-SciSpacy (🥈25 · ⭐ 1.2K) - 完整的科学/生物医学的SpaCy应用案例。Apache-2
+fastNLP (🥈25 · ⭐ 3K · 💀) - fastNLP: A Modularized and Extensible NLP Framework. Currently.. Apache-2
-- [GitHub](https://github.com/allenai/scispacy) (👨💻 24 · 🔀 160 · 📦 500 · 📋 260 - 10% open · ⏱️ 04.08.2022):
+- [GitHub](https://github.com/fastnlp/fastNLP) (👨💻 61 · 🔀 450 · 📥 75 · 📦 170 · 📋 210 - 27% open · ⏱️ 13.12.2022):
```
- git clone https://github.com/allenai/scispacy
+ git clone https://github.com/fastnlp/fastNLP
```
-- [PyPi](https://pypi.org/project/scispacy) (📥 21K / month):
+- [PyPi](https://pypi.org/project/fastnlp) (📥 42K / month):
```
- pip install scispacy
+ pip install fastnlp
```
-pyahocorasick (🥈25 · ⭐ 740) - Python文本工具库。BSD-3
+ParlAI (🥈24 · ⭐ 10K) - A framework for training and evaluating AI models on a variety of.. MIT 
-- [GitHub](https://github.com/WojciechMula/pyahocorasick) (👨💻 24 · 🔀 110 · 📦 1.2K · 📋 120 - 20% open · ⏱️ 04.05.2022):
+- [GitHub](https://github.com/facebookresearch/ParlAI) (👨💻 220 · 🔀 2K · 📦 21 · 📋 1.5K - 3% open · ⏱️ 03.11.2023):
```
- git clone https://github.com/WojciechMula/pyahocorasick
- ```
-- [PyPi](https://pypi.org/project/pyahocorasick) (📥 400K / month):
- ```
- pip install pyahocorasick
+ git clone https://github.com/facebookresearch/ParlAI
```
-- [Conda](https://anaconda.org/conda-forge/pyahocorasick) (📥 150K · ⏱️ 15.04.2022):
+- [PyPi](https://pypi.org/project/parlai) (📥 1.8K / month):
```
- conda install -c conda-forge pyahocorasick
+ pip install parlai
```
-Ciphey (🥈24 · ⭐ 11K) - 在不知道密钥或密码的情况下自动解密加密。MIT
+flashtext (🥈24 · ⭐ 5.5K · 💀) - Extract Keywords from sentence or Replace keywords in sentences. MIT
-- [GitHub](https://github.com/Ciphey/Ciphey) (👨💻 46 · 🔀 650 · 📋 290 - 15% open · ⏱️ 28.06.2022):
+- [GitHub](https://github.com/vi3k6i5/flashtext) (👨💻 7 · 🔀 580 · 📦 1.5K · 📋 110 - 51% open · ⏱️ 03.05.2020):
```
- git clone https://github.com/Ciphey/Ciphey
- ```
-- [PyPi](https://pypi.org/project/ciphey) (📥 23K / month):
- ```
- pip install ciphey
+ git clone https://github.com/vi3k6i5/flashtext
```
-- [Docker Hub](https://hub.docker.com/r/remnux/ciphey) (📥 16K · ⭐ 8 · ⏱️ 27.05.2022):
+- [PyPi](https://pypi.org/project/flashtext) (📥 1M / month):
```
- docker pull remnux/ciphey
+ pip install flashtext
```
-vaderSentiment (🥈24 · ⭐ 3.7K) - VADER情感分析。MIT
+vaderSentiment (🥈24 · ⭐ 4.2K · 💀) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. MIT
-- [GitHub](https://github.com/cjhutto/vaderSentiment) (👨💻 11 · 🔀 880 · 📦 4.1K · 📋 110 - 31% open · ⏱️ 01.04.2022):
+- [GitHub](https://github.com/cjhutto/vaderSentiment) (👨💻 11 · 🔀 950 · 📦 7.8K · 📋 120 - 34% open · ⏱️ 01.04.2022):
```
git clone https://github.com/cjhutto/vaderSentiment
```
-- [PyPi](https://pypi.org/project/vadersentiment) (📥 190K / month):
+- [PyPi](https://pypi.org/project/vadersentiment) (📥 170K / month):
```
pip install vadersentiment
```
-torchtext (🥈24 · ⭐ 3.1K) - 文本和NLP的数据加载器和抽象。BSD-3 
+PyTextRank (🥈24 · ⭐ 2.1K) - Python implementation of TextRank for phrase extraction and.. MIT
-- [GitHub](https://github.com/pytorch/text) (👨💻 140 · 🔀 700 · 📋 670 - 33% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/DerwenAI/pytextrank) (👨💻 19 · 🔀 310 · 📦 550 · 📋 99 - 8% open · ⏱️ 22.08.2023):
```
- git clone https://github.com/pytorch/text
+ git clone https://github.com/DerwenAI/pytextrank
```
-- [PyPi](https://pypi.org/project/torchtext) (📥 270K / month):
+- [PyPi](https://pypi.org/project/pytextrank) (📥 41K / month):
```
- pip install torchtext
+ pip install pytextrank
```
-pytorch-nlp (🥈24 · ⭐ 2.1K · 💀) - PyTorch自然语言处理(NLP)的基本实用程序。BSD-3 
+SciSpacy (🥈24 · ⭐ 1.5K) - A full spaCy pipeline and models for scientific/biomedical.. Apache-2
-- [GitHub](https://github.com/PetrochukM/PyTorch-NLP) (👨💻 18 · 🔀 250 · 📦 410 · 📋 67 - 26% open · ⏱️ 10.07.2021):
+- [GitHub](https://github.com/allenai/scispacy) (👨💻 32 · 🔀 210 · 📦 810 · 📋 300 - 8% open · ⏱️ 20.10.2023):
```
- git clone https://github.com/PetrochukM/PyTorch-NLP
+ git clone https://github.com/allenai/scispacy
```
-- [PyPi](https://pypi.org/project/pytorch-nlp) (📥 6K / month):
+- [PyPi](https://pypi.org/project/scispacy) (📥 22K / month):
```
- pip install pytorch-nlp
+ pip install scispacy
```
-CLTK (🥈24 · ⭐ 740) - 古典语言工具包。MIT
+snowballstemmer (🥈24 · ⭐ 700) - Snowball compiler and stemming algorithms. BSD-3
-- [GitHub](https://github.com/cltk/cltk) (👨💻 120 · 🔀 310 · 📥 25 · 📦 210 · 📋 530 - 5% open · ⏱️ 20.07.2022):
+- [GitHub](https://github.com/snowballstem/snowball) (👨💻 34 · 🔀 160 · 📦 5 · 📋 77 - 24% open · ⏱️ 09.11.2023):
```
- git clone https://github.com/cltk/cltk
+ git clone https://github.com/snowballstem/snowball
```
-- [PyPi](https://pypi.org/project/cltk) (📥 480 / month):
+- [PyPi](https://pypi.org/project/snowballstemmer) (📥 8.9M / month):
```
- pip install cltk
+ pip install snowballstemmer
+ ```
+- [Conda](https://anaconda.org/conda-forge/snowballstemmer) (📥 7.6M · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge snowballstemmer
```
-flashtext (🥉23 · ⭐ 5.2K · 💀) - 从句子中提取关键字或替换句子中的关键字。MIT
+pySBD (🥈24 · ⭐ 680 · 💀) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence.. MIT
-- [GitHub](https://github.com/vi3k6i5/flashtext) (👨💻 7 · 🔀 570 · 📦 850 · 📋 100 - 49% open · ⏱️ 03.05.2020):
+- [GitHub](https://github.com/nipunsadvilkar/pySBD) (👨💻 7 · 🔀 72 · 📦 1.1K · 📋 72 - 26% open · ⏱️ 11.02.2021):
```
- git clone https://github.com/vi3k6i5/flashtext
+ git clone https://github.com/nipunsadvilkar/pySBD
```
-- [PyPi](https://pypi.org/project/flashtext) (📥 730K / month):
+- [PyPi](https://pypi.org/project/pysbd) (📥 200K / month):
```
- pip install flashtext
+ pip install pysbd
```
-Dedupe (🥉23 · ⭐ 3.5K) - 一个用于准确和可扩展的模糊匹配的python库。MIT
+Ciphey (🥉23 · ⭐ 15K) - Automatically decrypt encryptions without knowing the key or cipher,.. MIT
-- [GitHub](https://github.com/dedupeio/dedupe) (👨💻 64 · 🔀 460 · 📦 230 · 📋 760 - 7% open · ⏱️ 17.08.2022):
+- [GitHub](https://github.com/Ciphey/Ciphey) (👨💻 48 · 🔀 880 · 📋 320 - 16% open · ⏱️ 12.10.2023):
```
- git clone https://github.com/dedupeio/dedupe
+ git clone https://github.com/Ciphey/Ciphey
```
-- [PyPi](https://pypi.org/project/dedupe) (📥 330K / month):
+- [PyPi](https://pypi.org/project/ciphey) (📥 35K / month):
```
- pip install dedupe
+ pip install ciphey
+ ```
+- [Docker Hub](https://hub.docker.com/r/remnux/ciphey) (📥 22K · ⭐ 14 · ⏱️ 14.10.2023):
+ ```
+ docker pull remnux/ciphey
```
-snowballstemmer (🥉23 · ⭐ 580 · 💤) - Snowball编译器和词干算法。BSD-3
+neuralcoref (🥉23 · ⭐ 2.8K · 💀) - Fast Coreference Resolution in spaCy with Neural Networks. MIT
-- [GitHub](https://github.com/snowballstem/snowball) (👨💻 28 · 🔀 160 · 📦 4 · 📋 60 - 26% open · ⏱️ 17.12.2021):
+- [GitHub](https://github.com/huggingface/neuralcoref) (👨💻 21 · 🔀 470 · 📥 860 · 📦 680 · 📋 310 - 18% open · ⏱️ 22.06.2021):
```
- git clone https://github.com/snowballstem/snowball
+ git clone https://github.com/huggingface/neuralcoref
```
-- [PyPi](https://pypi.org/project/snowballstemmer) (📥 7.6M / month):
+- [PyPi](https://pypi.org/project/neuralcoref) (📥 2.2K / month):
```
- pip install snowballstemmer
+ pip install neuralcoref
```
-- [Conda](https://anaconda.org/conda-forge/snowballstemmer) (📥 4.9M · ⏱️ 17.11.2021):
+- [Conda](https://anaconda.org/conda-forge/neuralcoref) (📥 15K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge snowballstemmer
+ conda install -c conda-forge neuralcoref
```
-pySBD (🥉23 · ⭐ 470 · 💀) - pySBD(Python句子边界歧义消除)。MIT
+polyglot (🥉23 · ⭐ 2.2K · 💀) - Multilingual text (NLP) processing toolkit. ❗Unlicensed
-- [GitHub](https://github.com/nipunsadvilkar/pySBD) (👨💻 6 · 🔀 58 · 📦 390 · 📋 65 - 21% open · ⏱️ 11.02.2021):
+- [GitHub](https://github.com/aboSamoor/polyglot) (👨💻 26 · 🔀 330 · 📦 1.2K · 📋 220 - 69% open · ⏱️ 22.09.2020):
```
- git clone https://github.com/nipunsadvilkar/pySBD
+ git clone https://github.com/aboSamoor/polyglot
```
-- [PyPi](https://pypi.org/project/pysbd) (📥 52K / month):
+- [PyPi](https://pypi.org/project/polyglot) (📥 53K / month):
```
- pip install pysbd
+ pip install polyglot
```
-stop-words (🥉23 · ⭐ 140 · 💀) - 获取Python中各种语言的常用停用词表。BSD-3
+pytorch-nlp (🥉23 · ⭐ 2.2K) - Basic Utilities for PyTorch Natural Language Processing (NLP). BSD-3 
-- [GitHub](https://github.com/Alir3z4/python-stop-words) (👨💻 8 · 🔀 26 · 📦 1.6K · 📋 12 - 25% open · ⏱️ 23.07.2018):
+- [GitHub](https://github.com/PetrochukM/PyTorch-NLP) (👨💻 18 · 🔀 260 · 📦 620 · 📋 69 - 27% open · ⏱️ 04.07.2023):
```
- git clone https://github.com/Alir3z4/python-stop-words
+ git clone https://github.com/PetrochukM/PyTorch-NLP
```
-- [PyPi](https://pypi.org/project/stop-words) (📥 550K / month):
+- [PyPi](https://pypi.org/project/pytorch-nlp) (📥 5K / month):
```
- pip install stop-words
+ pip install pytorch-nlp
```
-textgenrnn (🥉22 · ⭐ 4.7K · 💀) - 轻松地训练自己的文本生成神经网络。❗Unlicensed 
+langid (🥉23 · ⭐ 2.2K · 💀) - Stand-alone language identification system. ❗Unlicensed
-- [GitHub](https://github.com/minimaxir/textgenrnn) (👨💻 19 · 🔀 720 · 📥 740 · 📦 1K · 📋 220 - 57% open · ⏱️ 14.07.2020):
+- [GitHub](https://github.com/saffsd/langid.py) (👨💻 9 · 🔀 300 · 📦 9.5K · 📋 72 - 36% open · ⏱️ 15.07.2017):
```
- git clone https://github.com/minimaxir/textgenrnn
+ git clone https://github.com/saffsd/langid.py
```
-- [PyPi](https://pypi.org/project/textgenrnn) (📥 460 / month):
+- [PyPi](https://pypi.org/project/langid) (📥 300K / month):
```
- pip install textgenrnn
+ pip install langid
```
-NeMo (🥉22 · ⭐ 4.6K) - NeMo:用于智能对话的工具包。Apache-2 
+scattertext (🥉23 · ⭐ 2.2K) - Beautiful visualizations of how language differs among document.. Apache-2
-- [GitHub](https://github.com/NVIDIA/NeMo) (👨💻 170 · 🔀 1.1K · 📥 15K · 📋 1.2K - 3% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/JasonKessler/scattertext) (👨💻 14 · 🔀 280 · 📦 480 · 📋 99 - 21% open · ⏱️ 05.09.2023):
```
- git clone https://github.com/NVIDIA/NeMo
+ git clone https://github.com/JasonKessler/scattertext
```
-- [PyPi](https://pypi.org/project/nemo-toolkit) (📥 18K / month):
+- [PyPi](https://pypi.org/project/scattertext) (📥 10K / month):
```
- pip install nemo-toolkit
+ pip install scattertext
+ ```
+- [Conda](https://anaconda.org/conda-forge/scattertext) (📥 86K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge scattertext
```
-T5 (🥉22 · ⭐ 4.4K) - 探索迁移学习的论文源码Apache-2 
+sense2vec (🥉23 · ⭐ 1.6K · 💤) - Contextually-keyed word vectors. MIT
-- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (👨💻 50 · 🔀 590 · 📦 110 · 📋 390 - 12% open · ⏱️ 10.08.2022):
+- [GitHub](https://github.com/explosion/sense2vec) (👨💻 19 · 🔀 230 · 📥 61K · 📦 310 · 📋 110 - 19% open · ⏱️ 20.04.2023):
```
- git clone https://github.com/google-research/text-to-text-transfer-transformer
+ git clone https://github.com/explosion/sense2vec
```
-- [PyPi](https://pypi.org/project/t5) (📥 11K / month):
+- [PyPi](https://pypi.org/project/sense2vec) (📥 1.6K / month):
```
- pip install t5
+ pip install sense2vec
+ ```
+- [Conda](https://anaconda.org/conda-forge/sense2vec) (📥 35K · ⏱️ 22.09.2023):
+ ```
+ conda install -c conda-forge sense2vec
```
-phonenumbers (🥉22 · ⭐ 3.1K) - Google的libphonenumber的Python端口。Apache-2
+stop-words (🥉23 · ⭐ 150 · 💀) - Get list of common stop words in various languages in Python. BSD-3
-- [GitHub](https://github.com/daviddrysdale/python-phonenumbers) (👨💻 26 · 🔀 370 · 📋 150 - 2% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/Alir3z4/python-stop-words) (👨💻 8 · 🔀 26 · 📦 2.1K · 📋 12 - 25% open · ⏱️ 23.07.2018):
```
- git clone https://github.com/daviddrysdale/python-phonenumbers
- ```
-- [PyPi](https://pypi.org/project/phonenumbers) (📥 4.6M / month):
- ```
- pip install phonenumbers
+ git clone https://github.com/Alir3z4/python-stop-words
```
-- [Conda](https://anaconda.org/conda-forge/phonenumbers) (📥 610K · ⏱️ 19.08.2022):
+- [PyPi](https://pypi.org/project/stop-words) (📥 100K / month):
```
- conda install -c conda-forge phonenumbers
+ pip install stop-words
```
-langid (🥉22 · ⭐ 2K · 💀) - 独立的语言识别系统。❗Unlicensed
+Dedupe (🥉22 · ⭐ 3.9K) - A python library for accurate and scalable fuzzy matching, record.. MIT
-- [GitHub](https://github.com/saffsd/langid.py) (👨💻 9 · 🔀 280 · 📦 1.1K · 📋 71 - 35% open · ⏱️ 15.07.2017):
+- [GitHub](https://github.com/dedupeio/dedupe) (👨💻 70 · 🔀 520 · 📦 310 · 📋 800 - 8% open · ⏱️ 19.12.2023):
```
- git clone https://github.com/saffsd/langid.py
+ git clone https://github.com/dedupeio/dedupe
```
-- [PyPi](https://pypi.org/project/langid) (📥 380K / month):
+- [PyPi](https://pypi.org/project/dedupe) (📥 55K / month):
```
- pip install langid
+ pip install dedupe
```
-scattertext (🥉22 · ⭐ 1.9K) - 文件之间语言分布的漂亮可视化效果。Apache-2
+phonenumbers (🥉22 · ⭐ 3.3K) - Python port of Google's libphonenumber. Apache-2
-- [GitHub](https://github.com/JasonKessler/scattertext) (👨💻 12 · 🔀 250 · 📦 310 · 📋 89 - 17% open · ⏱️ 26.03.2022):
+- [GitHub](https://github.com/daviddrysdale/python-phonenumbers) (👨💻 30 · 🔀 390 · 📋 180 - 4% open · ⏱️ 20.12.2023):
```
- git clone https://github.com/JasonKessler/scattertext
+ git clone https://github.com/daviddrysdale/python-phonenumbers
```
-- [PyPi](https://pypi.org/project/scattertext) (📥 2.4K / month):
+- [PyPi](https://pypi.org/project/phonenumbers) (📥 4.5M / month):
```
- pip install scattertext
+ pip install phonenumbers
```
-- [Conda](https://anaconda.org/conda-forge/scattertext) (📥 66K · ⏱️ 26.03.2022):
+- [Conda](https://anaconda.org/conda-forge/phonenumbers) (📥 860K · ⏱️ 20.12.2023):
```
- conda install -c conda-forge scattertext
+ conda install -c conda-forge phonenumbers
```
-anaGo (🥉22 · ⭐ 1.5K · 💀) - 双向LSTM-CRF和ELMo实现,可用于命名实体识别和文本分类等任务。MIT 
+textacy (🥉22 · ⭐ 2.1K · 💤) - NLP, before and after spaCy. ❗Unlicensed
-- [GitHub](https://github.com/Hironsan/anago) (👨💻 11 · 🔀 360 · 📦 30 · 📋 110 - 33% open · ⏱️ 01.04.2021):
+- [GitHub](https://github.com/chartbeat-labs/textacy) (👨💻 35 · 🔀 250 · 📦 1.6K · 📋 260 - 11% open · ⏱️ 03.04.2023):
```
- git clone https://github.com/Hironsan/anago
+ git clone https://github.com/chartbeat-labs/textacy
```
-- [PyPi](https://pypi.org/project/anago) (📥 1.2K / month):
+- [PyPi](https://pypi.org/project/textacy) (📥 32K / month):
```
- pip install anago
+ pip install textacy
+ ```
+- [Conda](https://anaconda.org/conda-forge/textacy) (📥 140K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge textacy
```
-sense2vec (🥉22 · ⭐ 1.4K · 💤) - 上下文相关性构建词向量。MIT
+textgenrnn (🥉21 · ⭐ 4.9K · 💀) - Easily train your own text-generating neural network.. ❗Unlicensed 
-- [GitHub](https://github.com/explosion/sense2vec) (👨💻 17 · 🔀 220 · 📥 36K · 📦 170 · 📋 110 - 18% open · ⏱️ 16.08.2021):
+- [GitHub](https://github.com/minimaxir/textgenrnn) (👨💻 19 · 🔀 730 · 📥 890 · 📦 1.1K · 📋 230 - 57% open · ⏱️ 14.07.2020):
```
- git clone https://github.com/explosion/sense2vec
- ```
-- [PyPi](https://pypi.org/project/sense2vec) (📥 3.5K / month):
- ```
- pip install sense2vec
+ git clone https://github.com/minimaxir/textgenrnn
```
-- [Conda](https://anaconda.org/conda-forge/sense2vec) (📥 27K · ⏱️ 14.07.2021):
+- [PyPi](https://pypi.org/project/textgenrnn) (📥 850 / month):
```
- conda install -c conda-forge sense2vec
+ pip install textgenrnn
```
-Snips NLU (🥉21 · ⭐ 3.7K · 💀) - 从文本中提取含义的Python库。Apache-2
+Snips NLU (🥉21 · ⭐ 3.8K · 💀) - Snips Python library to extract meaning from text. Apache-2
-- [GitHub](https://github.com/snipsco/snips-nlu) (👨💻 22 · 🔀 490 · 📋 260 - 23% open · ⏱️ 03.05.2021):
+- [GitHub](https://github.com/snipsco/snips-nlu) (👨💻 22 · 🔀 510 · 📋 260 - 25% open · ⏱️ 03.05.2021):
```
git clone https://github.com/snipsco/snips-nlu
```
-- [PyPi](https://pypi.org/project/snips-nlu) (📥 2.3K / month):
+- [PyPi](https://pypi.org/project/snips-nlu) (📥 1.4K / month):
```
pip install snips-nlu
```
-Texthero (🥉21 · ⭐ 2.5K) - 文本预处理,表示和可视化从入门到精通。MIT
+Texthero (🥉21 · ⭐ 2.8K) - Text preprocessing, representation and visualization from zero to hero. MIT
-- [GitHub](https://github.com/jbesomi/texthero) (👨💻 19 · 🔀 220 · 📥 92 · 📋 110 - 45% open · ⏱️ 19.07.2022):
+- [GitHub](https://github.com/jbesomi/texthero) (👨💻 21 · 🔀 240 · 📥 120 · 📋 120 - 46% open · ⏱️ 29.08.2023):
```
git clone https://github.com/jbesomi/texthero
```
-- [PyPi](https://pypi.org/project/texthero) (📥 23K / month):
+- [PyPi](https://pypi.org/project/texthero) (📥 9.8K / month):
```
pip install texthero
```
-Texar (🥉21 · ⭐ 2.3K · 💀) - 机器学习,自然语言处理等工具包。Apache-2 
+Texar (🥉21 · ⭐ 2.4K · 💀) - Toolkit for Machine Learning, Natural Language Processing, and.. Apache-2 
-- [GitHub](https://github.com/asyml/texar) (👨💻 43 · 🔀 360 · 📦 26 · 📋 160 - 19% open · ⏱️ 29.07.2020):
+- [GitHub](https://github.com/asyml/texar) (👨💻 43 · 🔀 370 · 📦 27 · 📋 160 - 20% open · ⏱️ 29.07.2020):
```
git clone https://github.com/asyml/texar
```
-- [PyPi](https://pypi.org/project/texar) (📥 65 / month):
+- [PyPi](https://pypi.org/project/texar) (📥 53 / month):
```
pip install texar
```
-polyglot (🥉21 · ⭐ 2K · 💀) - 多语言文本(NLP)处理工具包。❗Unlicensed
+FARM (🥉21 · ⭐ 1.7K · 💀) - Fast & easy transfer learning for NLP. Harvesting language.. Apache-2 
-- [GitHub](https://github.com/aboSamoor/polyglot) (👨💻 26 · 🔀 310 · 📦 750 · 📋 210 - 68% open · ⏱️ 22.09.2020):
+- [GitHub](https://github.com/deepset-ai/FARM) (👨💻 37 · 🔀 240 · 📋 400 - 0% open · ⏱️ 31.08.2022):
```
- git clone https://github.com/aboSamoor/polyglot
+ git clone https://github.com/deepset-ai/FARM
```
-- [PyPi](https://pypi.org/project/polyglot) (📥 53K / month):
+- [PyPi](https://pypi.org/project/farm) (📥 1.6K / month):
```
- pip install polyglot
+ pip install farm
```
-YouTokenToMe (🥉21 · ⭐ 820 · 💀) - 用于基于神经网络的文本的预处理器。MIT
+YouTokenToMe (🥉21 · ⭐ 930 · 💤) - Unsupervised text tokenizer focused on computational efficiency. MIT
-- [GitHub](https://github.com/VKCOM/YouTokenToMe) (👨💻 6 · 🔀 61 · 📦 290 · 📋 54 - 55% open · ⏱️ 28.01.2021):
+- [GitHub](https://github.com/VKCOM/YouTokenToMe) (👨💻 8 · 🔀 80 · 📦 580 · 📋 60 - 53% open · ⏱️ 29.03.2023):
```
git clone https://github.com/vkcom/youtokentome
```
-- [PyPi](https://pypi.org/project/youtokentome) (📥 30K / month):
+- [PyPi](https://pypi.org/project/youtokentome) (📥 29K / month):
```
pip install youtokentome
```
-inflect (🥉21 · ⭐ 690) - 辅助功能,正确生成复数,序数,不定冠词,转换数字。MIT
+inflect (🥉21 · ⭐ 880) - Correctly generate plurals, ordinals, indefinite articles; convert numbers.. MIT
-- [GitHub](https://github.com/jaraco/inflect) (👨💻 45 · 🔀 74 · 📋 91 - 18% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/jaraco/inflect) (👨💻 53 · 🔀 90 · 📋 110 - 25% open · ⏱️ 26.12.2023):
```
git clone https://github.com/jaraco/inflect
```
-- [PyPi](https://pypi.org/project/inflect) (📥 2.5M / month):
+- [PyPi](https://pypi.org/project/inflect) (📥 4.4M / month):
```
pip install inflect
```
-- [Conda](https://anaconda.org/conda-forge/inflect) (📥 240K · ⏱️ 31.07.2022):
+- [Conda](https://anaconda.org/conda-forge/inflect) (📥 360K · ⏱️ 04.07.2023):
```
conda install -c conda-forge inflect
```
-PyText (🥉20 · ⭐ 6.4K) - 基于PyTorch的自然语言建模框架。❗Unlicensed 
+MatchZoo (🥉20 · ⭐ 3.8K · 💀) - Facilitating the design, comparison and sharing of deep.. Apache-2 
-- [GitHub](https://github.com/facebookresearch/pytext) (👨💻 230 · 🔀 790 · 📥 300 · 📦 110 · 📋 140 - 45% open · ⏱️ 11.08.2022):
-
- ```
- git clone https://github.com/facebookresearch/pytext
- ```
-- [PyPi](https://pypi.org/project/pytext-nlp) (📥 180 / month):
- ```
- pip install pytext-nlp
- ```
-
-MatchZoo (🥉20 · ⭐ 3.7K · 💀) - 便于深层设计,比较和共享的工具库。Apache-2 
-
-- [GitHub](https://github.com/NTMC-Community/MatchZoo) (👨💻 36 · 🔀 900 · 📦 11 · 📋 460 - 7% open · ⏱️ 02.06.2021):
+- [GitHub](https://github.com/NTMC-Community/MatchZoo) (👨💻 36 · 🔀 890 · 📦 16 · 📋 460 - 7% open · ⏱️ 02.06.2021):
```
git clone https://github.com/NTMC-Community/MatchZoo
```
-- [PyPi](https://pypi.org/project/matchzoo) (📥 63 / month):
+- [PyPi](https://pypi.org/project/matchzoo) (📥 80 / month):
```
pip install matchzoo
```
-NLP Architect (🥉20 · ⭐ 2.9K) - 用于探索最先进的深度学习的模型库。Apache-2
+anaGo (🥉20 · ⭐ 1.5K · 💀) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,.. MIT 
-- [GitHub](https://github.com/IntelLabs/nlp-architect) (👨💻 37 · 🔀 430 · 📦 8 · 📋 130 - 11% open · ⏱️ 29.06.2022):
+- [GitHub](https://github.com/Hironsan/anago) (👨💻 11 · 🔀 360 · 📦 32 · 📋 110 - 33% open · ⏱️ 01.04.2021):
```
- git clone https://github.com/IntelLabs/nlp-architect
+ git clone https://github.com/Hironsan/anago
```
-- [PyPi](https://pypi.org/project/nlp-architect) (📥 170 / month):
+- [PyPi](https://pypi.org/project/anago) (📥 180 / month):
```
- pip install nlp-architect
+ pip install anago
```
-FARM (🥉20 · ⭐ 1.6K) - NLP的快速和轻松迁移学习。Apache-2 
+finetune (🥉20 · ⭐ 690) - Scikit-learn style model finetuning for NLP. MPL-2.0 

-- [GitHub](https://github.com/deepset-ai/FARM) (👨💻 37 · 🔀 220 · 📋 400 - 0% open · ⏱️ 25.04.2022):
+- [GitHub](https://github.com/IndicoDataSolutions/finetune) (👨💻 22 · 🔀 78 · 📦 11 · 📋 140 - 15% open · ⏱️ 17.10.2023):
```
- git clone https://github.com/deepset-ai/FARM
+ git clone https://github.com/IndicoDataSolutions/finetune
```
-- [PyPi](https://pypi.org/project/farm) (📥 4.4K / month):
+- [PyPi](https://pypi.org/project/finetune) (📥 22 / month):
```
- pip install farm
+ pip install finetune
```
-DELTA (🥉20 · ⭐ 1.5K · 💀) - DELTA是一个基于深度学习的自然语言和语音处理平台。Apache-2 
+pyfasttext (🥉20 · ⭐ 230 · 💀) - Yet another Python binding for fastText. ❗️GPL-3.0
-- [GitHub](https://github.com/Delta-ML/delta) (👨💻 41 · 🔀 290 · 📋 75 - 1% open · ⏱️ 17.12.2020):
+- [GitHub](https://github.com/vrasneur/pyfasttext) (👨💻 4 · 🔀 31 · 📥 360 · 📦 390 · 📋 49 - 40% open · ⏱️ 08.12.2018):
```
- git clone https://github.com/Delta-ML/delta
- ```
-- [PyPi](https://pypi.org/project/delta-nlp) (📥 14 / month):
- ```
- pip install delta-nlp
+ git clone https://github.com/vrasneur/pyfasttext
```
-- [Docker Hub](https://hub.docker.com/r/zh794390558/delta) (📥 13K · ⏱️ 03.08.2021):
+- [PyPi](https://pypi.org/project/pyfasttext) (📥 1.1K / month):
```
- docker pull zh794390558/delta
+ pip install pyfasttext
```
-pyfasttext (🥉20 · ⭐ 230 · 💀) - fastText的另一个Python接口。❗️GPL-3.0
+T5 (🥉19 · ⭐ 5.7K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2 
-- [GitHub](https://github.com/vrasneur/pyfasttext) (👨💻 4 · 🔀 30 · 📥 350 · 📦 240 · 📋 49 - 42% open · ⏱️ 08.12.2018):
+- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (👨💻 58 · 🔀 730 · 📋 400 - 14% open · ⏱️ 18.12.2023):
```
- git clone https://github.com/vrasneur/pyfasttext
+ git clone https://github.com/google-research/text-to-text-transfer-transformer
```
-- [PyPi](https://pypi.org/project/pyfasttext) (📥 3.4K / month):
+- [PyPi](https://pypi.org/project/t5) (📥 18K / month):
```
- pip install pyfasttext
+ pip install t5
```
-haystack (🥉19 · ⭐ 5.2K) - 用于构建自然语言搜索的端到端Python框架。Apache-2
+Kashgari (🥉19 · ⭐ 2.4K · 💀) - Kashgari is a production-level NLP Transfer learning.. Apache-2 
-- [GitHub](https://github.com/deepset-ai/haystack) (👨💻 140 · 🔀 830 · 📥 15 · 📋 1.5K - 14% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/BrikerMan/Kashgari) (👨💻 21 · 🔀 440 · 📦 62 · 📋 380 - 7% open · ⏱️ 09.07.2021):
```
- git clone https://github.com/deepset-ai/haystack
+ git clone https://github.com/BrikerMan/Kashgari
```
-- [PyPi](https://pypi.org/project/haystack) (📥 870 / month):
+- [PyPi](https://pypi.org/project/kashgari-tf) (📥 44 / month):
```
- pip install haystack
+ pip install kashgari-tf
```
-Kashgari (🥉19 · ⭐ 2.3K · 💀) - Kashgari是工业级的NLP迁移学习框架。Apache-2 
+DELTA (🥉19 · ⭐ 1.6K · 💀) - DELTA is a deep learning based natural language and speech.. Apache-2 
-- [GitHub](https://github.com/BrikerMan/Kashgari) (👨💻 21 · 🔀 440 · 📦 54 · 📋 370 - 11% open · ⏱️ 09.07.2021):
+- [GitHub](https://github.com/Delta-ML/delta) (👨💻 41 · 🔀 290 · 📋 75 - 1% open · ⏱️ 17.12.2020):
```
- git clone https://github.com/BrikerMan/Kashgari
+ git clone https://github.com/Delta-ML/delta
```
-- [PyPi](https://pypi.org/project/kashgari-tf) (📥 44 / month):
+- [PyPi](https://pypi.org/project/delta-nlp) (📥 22 / month):
```
- pip install kashgari-tf
+ pip install delta-nlp
+ ```
+- [Docker Hub](https://hub.docker.com/r/zh794390558/delta) (📥 13K · ⏱️ 03.08.2021):
+ ```
+ docker pull zh794390558/delta
```
-fast-bert (🥉19 · ⭐ 1.8K) - 用于基于BERT的NLP模型的简单易用工具库。Apache-2
+gpt-2-simple (🥉18 · ⭐ 3.4K · 💀) - Python package to easily retrain OpenAI's GPT-2 text-.. ❗Unlicensed 
-- [GitHub](https://github.com/utterworks/fast-bert) (👨💻 36 · 🔀 330 · 📋 250 - 61% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/minimaxir/gpt-2-simple) (👨💻 21 · 🔀 650 · 📥 540 · 📋 260 - 61% open · ⏱️ 22.05.2022):
```
- git clone https://github.com/kaushaltrivedi/fast-bert
+ git clone https://github.com/minimaxir/gpt-2-simple
```
-- [PyPi](https://pypi.org/project/fast-bert) (📥 1.4K / month):
+- [PyPi](https://pypi.org/project/gpt-2-simple) (📥 3.4K / month):
```
- pip install fast-bert
+ pip install gpt-2-simple
```
-Sockeye (🥉19 · ⭐ 1.1K) - 序列到序列框架。Apache-2 
+NLP Architect (🥉18 · ⭐ 2.9K · 💀) - A model library for exploring state-of-the-art deep.. Apache-2
-- [GitHub](https://github.com/awslabs/sockeye) (👨💻 57 · 🔀 300 · 📥 15 · 📋 280 - 2% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/IntelLabs/nlp-architect) (👨💻 38 · 🔀 440 · 📦 9 · 📋 130 - 11% open · ⏱️ 07.11.2022):
```
- git clone https://github.com/awslabs/sockeye
+ git clone https://github.com/IntelLabs/nlp-architect
```
-- [PyPi](https://pypi.org/project/sockeye) (📥 370 / month):
+- [PyPi](https://pypi.org/project/nlp-architect) (📥 91 / month):
```
- pip install sockeye
+ pip install nlp-architect
```
-gpt-2-simple (🥉18 · ⭐ 3K) - 可轻松重新训练OpenAI的GPT-2文本模型的Python软件包。❗Unlicensed 
+Camphr (🥉18 · ⭐ 340 · 💀) - spaCy plugin for Transformers , Udify, ELmo, etc. Apache-2 spacy
-- [GitHub](https://github.com/minimaxir/gpt-2-simple) (👨💻 21 · 🔀 600 · 📥 340 · 📋 250 - 61% open · ⏱️ 22.05.2022):
+- [GitHub](https://github.com/PKSHATechnology-Research/camphr) (👨💻 7 · 🔀 17 · 📦 13 · 📋 28 - 7% open · ⏱️ 18.08.2021):
```
- git clone https://github.com/minimaxir/gpt-2-simple
+ git clone https://github.com/PKSHATechnology-Research/camphr
```
-- [PyPi](https://pypi.org/project/gpt-2-simple) (📥 3.8K / month):
+- [PyPi](https://pypi.org/project/camphr) (📥 200 / month):
```
- pip install gpt-2-simple
+ pip install camphr
```
-textacy (🥉18 · ⭐ 2K) - spaCy之前和之后的NLP。❗Unlicensed
+PyText (🥉17 · ⭐ 6.4K · 💀) - A natural language modeling framework based on PyTorch. ❗Unlicensed 
-- [GitHub](https://github.com/chartbeat-labs/textacy) (👨💻 32 · 🔀 230 · 📋 250 - 11% open · ⏱️ 06.03.2022):
+- [GitHub](https://github.com/facebookresearch/pytext) (👨💻 230 · 🔀 790 · 📥 350 · 📦 21 · 📋 140 - 45% open · ⏱️ 17.10.2022):
```
- git clone https://github.com/chartbeat-labs/textacy
- ```
-- [PyPi](https://pypi.org/project/textacy) (📥 38K / month):
- ```
- pip install textacy
+ git clone https://github.com/facebookresearch/pytext
```
-- [Conda](https://anaconda.org/conda-forge/textacy) (📥 110K · ⏱️ 06.02.2022):
+- [PyPi](https://pypi.org/project/pytext-nlp) (📥 100 / month):
```
- conda install -c conda-forge textacy
+ pip install pytext-nlp
```
-finetune (🥉18 · ⭐ 660) - 针对NLP的Scikit风格模型微调。MPL-2.0 

+fast-bert (🥉17 · ⭐ 1.8K) - Super easy library for BERT based NLP models. Apache-2
-- [GitHub](https://github.com/IndicoDataSolutions/finetune) (👨💻 19 · 🔀 71 · 📦 9 · 📋 140 - 15% open · ⏱️ 16.06.2022):
+- [GitHub](https://github.com/utterworks/fast-bert) (👨💻 36 · 🔀 330 · 📋 250 - 62% open · ⏱️ 27.07.2023):
```
- git clone https://github.com/IndicoDataSolutions/finetune
+ git clone https://github.com/kaushaltrivedi/fast-bert
```
-- [PyPi](https://pypi.org/project/finetune) (📥 96 / month):
+- [PyPi](https://pypi.org/project/fast-bert) (📥 1K / month):
```
- pip install finetune
+ pip install fast-bert
```
-skift (🥉18 · ⭐ 230) - 适用于Python fastText的scikit-learn包装器。MIT 
+Sockeye (🥉17 · ⭐ 1.2K) - Sequence-to-sequence framework with a focus on Neural Machine.. Apache-2 
-- [GitHub](https://github.com/shaypal5/skift) (👨💻 9 · 🔀 23 · 📦 12 · 📋 11 - 9% open · ⏱️ 07.06.2022):
+- [GitHub](https://github.com/awslabs/sockeye) (👨💻 60 · 🔀 300 · 📥 17 · 📋 300 - 1% open · ⏱️ 17.10.2023):
```
- git clone https://github.com/shaypal5/skift
+ git clone https://github.com/awslabs/sockeye
```
-- [PyPi](https://pypi.org/project/skift) (📥 1.1K / month):
+- [PyPi](https://pypi.org/project/sockeye) (📥 830 / month):
```
- pip install skift
+ pip install sockeye
```
-DeepMatcher (🥉17 · ⭐ 440 · 💀) - 用于实体和文本匹配的Python包。BSD-3
+DeepMatcher (🥉17 · ⭐ 510 · 💀) - Python package for performing Entity and Text Matching using.. BSD-3
-- [GitHub](https://github.com/anhaidgroup/deepmatcher) (👨💻 7 · 🔀 98 · 📦 21 · 📋 86 - 72% open · ⏱️ 13.06.2021):
+- [GitHub](https://github.com/anhaidgroup/deepmatcher) (👨💻 7 · 🔀 120 · 📦 25 · 📋 91 - 73% open · ⏱️ 13.06.2021):
```
git clone https://github.com/anhaidgroup/deepmatcher
```
-- [PyPi](https://pypi.org/project/deepmatcher) (📥 1.1K / month):
+- [PyPi](https://pypi.org/project/deepmatcher) (📥 1.8K / month):
```
pip install deepmatcher
```
-Camphr (🥉16 · ⭐ 340 · 💤) - 适用于Transformers,Udify,ELmo等的spaCy插件。Apache-2 spacy
+skift (🥉17 · ⭐ 230 · 💀) - scikit-learn wrappers for Python fastText. MIT 
-- [GitHub](https://github.com/PKSHATechnology-Research/camphr) (👨💻 7 · 🔀 16 · 📋 28 - 7% open · ⏱️ 18.08.2021):
+- [GitHub](https://github.com/shaypal5/skift) (👨💻 9 · 🔀 22 · 📦 13 · 📋 11 - 9% open · ⏱️ 07.06.2022):
```
- git clone https://github.com/PKSHATechnology-Research/camphr
+ git clone https://github.com/shaypal5/skift
```
-- [PyPi](https://pypi.org/project/camphr) (📥 75 / month):
+- [PyPi](https://pypi.org/project/skift) (📥 280 / month):
```
- pip install camphr
+ pip install skift
```
-textpipe (🥉16 · ⭐ 300 · 💀) - Textpipe:从文本中清理并提取元数据。MIT
+textpipe (🥉16 · ⭐ 300 · 💀) - Textpipe: clean and extract metadata from text. MIT
-- [GitHub](https://github.com/textpipe/textpipe) (👨💻 28 · 🔀 23 · 📦 8 · 📋 40 - 37% open · ⏱️ 09.06.2021):
+- [GitHub](https://github.com/textpipe/textpipe) (👨💻 29 · 🔀 27 · 📦 8 · 📋 40 - 37% open · ⏱️ 09.06.2021):
```
git clone https://github.com/textpipe/textpipe
```
-- [PyPi](https://pypi.org/project/textpipe) (📥 150 / month):
+- [PyPi](https://pypi.org/project/textpipe) (📥 180 / month):
```
pip install textpipe
```
-NeuroNER (🥉15 · ⭐ 1.6K · 💀) - 使用神经网络的命名实体识别。MIT
+OpenNRE (🥉15 · ⭐ 4.2K) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
+
+- [GitHub](https://github.com/thunlp/OpenNRE) (👨💻 13 · 🔀 980 · 📋 360 - 3% open · ⏱️ 04.01.2024):
+
+ ```
+ git clone https://github.com/thunlp/OpenNRE
+ ```
+
+NeuroNER (🥉15 · ⭐ 1.7K · 💀) - Named-entity recognition using neural networks. Easy-to-use and.. MIT
-- [GitHub](https://github.com/Franck-Dernoncourt/NeuroNER) (👨💻 7 · 🔀 460 · 📋 150 - 55% open · ⏱️ 02.10.2019):
+- [GitHub](https://github.com/Franck-Dernoncourt/NeuroNER) (👨💻 7 · 🔀 460 · 📋 150 - 54% open · ⏱️ 02.10.2019):
```
git clone https://github.com/Franck-Dernoncourt/NeuroNER
```
-- [PyPi](https://pypi.org/project/pyneuroner) (📥 100 / month):
+- [PyPi](https://pypi.org/project/pyneuroner) (📥 240 / month):
```
pip install pyneuroner
```
-Translate (🥉15 · ⭐ 760) - Translate-PyTorch NLP库。BSD-3 
+Translate (🥉14 · ⭐ 810 · 💀) - Translate - a PyTorch Language Library. BSD-3 
-- [GitHub](https://github.com/pytorch/translate) (👨💻 87 · 🔀 180 · 📋 38 - 28% open · ⏱️ 10.06.2022):
+- [GitHub](https://github.com/pytorch/translate) (👨💻 88 · 🔀 180 · 📋 38 - 28% open · ⏱️ 10.06.2022):
```
git clone https://github.com/pytorch/translate
```
-- [PyPi](https://pypi.org/project/pytorch-translate) (📥 10 / month):
+- [PyPi](https://pypi.org/project/pytorch-translate) (📥 7 / month):
```
pip install pytorch-translate
```
-NeuralQA (🥉15 · ⭐ 220 · 💀) - NeuralQA:用于对大型数据集进行问答构建。MIT
+TransferNLP (🥉14 · ⭐ 290 · 💀) - NLP library designed for reproducible experimentation.. MIT 
-- [GitHub](https://github.com/victordibia/neuralqa) (👨💻 3 · 🔀 30 · 📦 4 · 📋 28 - 71% open · ⏱️ 16.12.2020):
+- [GitHub](https://github.com/feedly/transfer-nlp) (👨💻 7 · 🔀 19 · 📋 23 - 13% open · ⏱️ 28.05.2020):
```
- git clone https://github.com/victordibia/neuralqa
- ```
-- [PyPi](https://pypi.org/project/neuralqa) (📥 68 / month):
- ```
- pip install neuralqa
+ git clone https://github.com/feedly/transfer-nlp
```
-
-OpenNRE (🥉14 · ⭐ 3.8K) - 神经关系提取(NRE)的开源软件包。MIT
-
-- [GitHub](https://github.com/thunlp/OpenNRE) (👨💻 10 · 🔀 950 · 📋 350 - 2% open · ⏱️ 06.04.2022):
-
+- [PyPi](https://pypi.org/project/transfer-nlp) (📥 30 / month):
```
- git clone https://github.com/thunlp/OpenNRE
+ pip install transfer-nlp
```
-TransferNLP (🥉14 · ⭐ 290 · 💀) - 用于可重复的实验的NLP库。MIT 
+ONNX-T5 (🥉14 · ⭐ 240 · 💀) - Summarization, translation, sentiment-analysis, text-generation.. Apache-2
-- [GitHub](https://github.com/feedly/transfer-nlp) (👨💻 7 · 🔀 17 · 📋 23 - 13% open · ⏱️ 28.05.2020):
+- [GitHub](https://github.com/abelriboulot/onnxt5) (👨💻 4 · 🔀 28 · 📦 1 · 📋 16 - 50% open · ⏱️ 28.01.2021):
```
- git clone https://github.com/feedly/transfer-nlp
+ git clone https://github.com/abelriboulot/onnxt5
```
-- [PyPi](https://pypi.org/project/transfer-nlp) (📥 100 / month):
+- [PyPi](https://pypi.org/project/onnxt5) (📥 55 / month):
```
- pip install transfer-nlp
+ pip install onnxt5
```
-ONNX-T5 (🥉14 · ⭐ 200 · 💀) - 文本摘要,翻译,情感分析,文本生成等实现。Apache-2
+NeuralQA (🥉14 · ⭐ 230 · 💀) - NeuralQA: A Usable Library for Question Answering on Large Datasets.. MIT
-- [GitHub](https://github.com/abelriboulot/onnxt5) (👨💻 3 · 🔀 23 · 📦 1 · 📋 15 - 46% open · ⏱️ 28.01.2021):
+- [GitHub](https://github.com/victordibia/neuralqa) (👨💻 3 · 🔀 33 · 📦 4 · 📋 28 - 71% open · ⏱️ 16.12.2020):
```
- git clone https://github.com/abelriboulot/onnxt5
+ git clone https://github.com/victordibia/neuralqa
```
-- [PyPi](https://pypi.org/project/onnxt5) (📥 57 / month):
+- [PyPi](https://pypi.org/project/neuralqa) (📥 45 / month):
```
- pip install onnxt5
+ pip install neuralqa
```
-textvec (🥉14 · ⭐ 180) - 胜过TF-IDF文本向量化工具。MIT 
+textvec (🥉13 · ⭐ 190 · 💀) - Text vectorization tool to outperform TFIDF for classification.. MIT 
-- [GitHub](https://github.com/textvec/textvec) (👨💻 10 · 🔀 23 · 📦 4 · 📋 9 - 33% open · ⏱️ 05.07.2022):
+- [GitHub](https://github.com/textvec/textvec) (👨💻 11 · 🔀 26 · 📦 4 · 📋 10 - 40% open · ⏱️ 05.07.2022):
```
git clone https://github.com/textvec/textvec
```
-- [PyPi](https://pypi.org/project/textvec) (📥 26 / month):
+- [PyPi](https://pypi.org/project/textvec) (📥 21 / month):
```
pip install textvec
```
-VizSeq (🥉13 · ⭐ 400) - 用于自然语言生成的分析工具包。MIT
+VizSeq (🥉12 · ⭐ 440) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT
-- [GitHub](https://github.com/facebookresearch/vizseq) (👨💻 3 · 🔀 49 · 📦 6 · 📋 15 - 40% open · ⏱️ 20.07.2022):
+- [GitHub](https://github.com/facebookresearch/vizseq) (👨💻 3 · 🔀 58 · 📦 9 · 📋 15 - 40% open · ⏱️ 27.10.2023):
```
git clone https://github.com/facebookresearch/vizseq
```
-- [PyPi](https://pypi.org/project/vizseq) (📥 59 / month):
+- [PyPi](https://pypi.org/project/vizseq) (📥 72 / month):
```
pip install vizseq
```
-Headliner (🥉11 · ⭐ 230 · 💀) - 轻松训练和部署seq2seq模型。❗Unlicensed
+Headliner (🥉11 · ⭐ 230 · 💀) - Easy training and deployment of seq2seq models. ❗Unlicensed
-- [GitHub](https://github.com/as-ideas/headliner) (👨💻 2 · 🔀 41 · 📦 3 · 📋 14 - 7% open · ⏱️ 14.02.2020):
+- [GitHub](https://github.com/as-ideas/headliner) (👨💻 2 · 🔀 41 · 📦 5 · 📋 15 - 13% open · ⏱️ 14.02.2020):
```
git clone https://github.com/as-ideas/headliner
```
-- [PyPi](https://pypi.org/project/headliner) (📥 120 / month):
+- [PyPi](https://pypi.org/project/headliner) (📥 94 / month):
```
pip install headliner
```
-## 图像数据与CV
+## Image Data
-
+
-_用于图像和视频处理,操纵和扩充的库,以及用于计算机视觉任务(例如面部识别,对象检测和图像分类)的库。_
+_Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification._
-Pillow (🥇36 · ⭐ 10K · 📈) - 友好的PIL分支(Python Imaging Library)。❗️PIL
+Pillow (🥇36 · ⭐ 11K) - The friendly PIL fork (Python Imaging Library). ❗️PIL
-- [GitHub](https://github.com/python-pillow/Pillow) (👨💻 410 · 🔀 1.7K · 📦 820K · 📋 2.6K - 3% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/python-pillow/Pillow) (👨💻 460 · 🔀 2K · 📦 1.5M · 📋 3K - 2% open · ⏱️ 04.01.2024):
```
git clone https://github.com/python-pillow/Pillow
```
-- [PyPi](https://pypi.org/project/Pillow) (📥 45M / month):
+- [PyPi](https://pypi.org/project/Pillow) (📥 68M / month):
```
pip install Pillow
```
-- [Conda](https://anaconda.org/conda-forge/pillow) (📥 18M · ⏱️ 13.08.2022):
+- [Conda](https://anaconda.org/conda-forge/pillow) (📥 35M · ⏱️ 03.01.2024):
```
conda install -c conda-forge pillow
```
-MoviePy (🥇34 · ⭐ 9.5K) - 使用Python进行视频编辑。MIT
+imageio (🥇35 · ⭐ 1.4K) - Python library for reading and writing image data. BSD-2
-- [GitHub](https://github.com/Zulko/moviepy) (👨💻 150 · 🔀 1.2K · 📦 18K · 📋 1.2K - 24% open · ⏱️ 01.06.2022):
+- [GitHub](https://github.com/imageio/imageio) (👨💻 110 · 🔀 270 · 📥 940 · 📦 110K · 📋 580 - 15% open · ⏱️ 11.12.2023):
```
- git clone https://github.com/Zulko/moviepy
+ git clone https://github.com/imageio/imageio
```
-- [PyPi](https://pypi.org/project/moviepy) (📥 2.5M / month):
+- [PyPi](https://pypi.org/project/imageio) (📥 19M / month):
```
- pip install moviepy
+ pip install imageio
```
-- [Conda](https://anaconda.org/conda-forge/moviepy) (📥 130K · ⏱️ 16.04.2022):
+- [Conda](https://anaconda.org/conda-forge/imageio) (📥 6M · ⏱️ 14.12.2023):
```
- conda install -c conda-forge moviepy
+ conda install -c conda-forge imageio
```
-imageio (🥇33 · ⭐ 1.1K) - 用于读取和写入图像数据的Python库。BSD-2
+MoviePy (🥇34 · ⭐ 11K) - Video editing with Python. MIT
-- [GitHub](https://github.com/imageio/imageio) (👨💻 91 · 🔀 220 · 📥 360 · 📦 67K · 📋 470 - 12% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/Zulko/moviepy) (👨💻 160 · 🔀 1.4K · 📦 33K · 📋 1.4K - 26% open · ⏱️ 11.07.2023):
```
- git clone https://github.com/imageio/imageio
+ git clone https://github.com/Zulko/moviepy
```
-- [PyPi](https://pypi.org/project/imageio) (📥 12M / month):
+- [PyPi](https://pypi.org/project/moviepy) (📥 660K / month):
```
- pip install imageio
+ pip install moviepy
```
-- [Conda](https://anaconda.org/conda-forge/imageio) (📥 3.5M · ⏱️ 08.08.2022):
+- [Conda](https://anaconda.org/conda-forge/moviepy) (📥 220K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge imageio
+ conda install -c conda-forge moviepy
```
-imgaug (🥇32 · ⭐ 13K · 💀) - 用于机器学习实验的图像增强。MIT
+Kornia (🥇34 · ⭐ 9K) - Open Source Differentiable Computer Vision Library for PyTorch. Apache-2 
-- [GitHub](https://github.com/aleju/imgaug) (👨💻 36 · 🔀 2.3K · 📦 11K · 📋 490 - 55% open · ⏱️ 01.06.2020):
+- [GitHub](https://github.com/kornia/kornia) (👨💻 240 · 🔀 890 · 📥 890 · 📦 7.8K · 📋 840 - 28% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/aleju/imgaug
- ```
-- [PyPi](https://pypi.org/project/imgaug) (📥 390K / month):
- ```
- pip install imgaug
+ git clone https://github.com/kornia/kornia
```
-- [Conda](https://anaconda.org/conda-forge/imgaug) (📥 83K · ⏱️ 31.12.2021):
+- [PyPi](https://pypi.org/project/kornia) (📥 1.9M / month):
```
- conda install -c conda-forge imgaug
+ pip install kornia
```
-Albumentations (🥇32 · ⭐ 11K) - 快速的图像增强库和易于使用的包装器。MIT 
+Albumentations (🥇33 · ⭐ 13K) - Fast image augmentation library and an easy-to-use wrapper.. MIT 
-- [GitHub](https://github.com/albumentations-team/albumentations) (👨💻 110 · 🔀 1.4K · 📦 9.1K · 📋 660 - 41% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/albumentations-team/albumentations) (👨💻 130 · 🔀 1.5K · 📦 20K · 📋 800 - 45% open · ⏱️ 07.12.2023):
```
git clone https://github.com/albumentations-team/albumentations
```
-- [PyPi](https://pypi.org/project/albumentations) (📥 370K / month):
+- [PyPi](https://pypi.org/project/albumentations) (📥 990K / month):
```
pip install albumentations
```
-- [Conda](https://anaconda.org/conda-forge/albumentations) (📥 49K · ⏱️ 12.07.2022):
+- [Conda](https://anaconda.org/conda-forge/albumentations) (📥 150K · ⏱️ 12.06.2023):
```
conda install -c conda-forge albumentations
```
-Kornia (🥇32 · ⭐ 7K) - PyTorch的开源可微分计算机视觉库。Apache-2 
+opencv-python (🥇33 · ⭐ 3.9K · 📈) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
-- [GitHub](https://github.com/kornia/kornia) (👨💻 170 · 🔀 680 · 📥 430 · 📦 1.7K · 📋 600 - 26% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/opencv/opencv-python) (👨💻 48 · 🔀 750 · 📦 340K · 📋 730 - 10% open · ⏱️ 31.12.2023):
```
- git clone https://github.com/kornia/kornia
+ git clone https://github.com/skvark/opencv-python
```
-- [PyPi](https://pypi.org/project/kornia) (📥 470K / month):
+- [PyPi](https://pypi.org/project/opencv-python) (📥 10M / month):
```
- pip install kornia
+ pip install opencv-python
```
-scikit-image (🥇32 · ⭐ 5K) - Python中的图像处理。❗Unlicensed
+Wand (🥇33 · ⭐ 1.3K) - The ctypes-based simple ImageMagick binding for Python. MIT
-- [GitHub](https://github.com/scikit-image/scikit-image) (👨💻 560 · 🔀 2K · 📦 110K · 📋 2.3K - 19% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/emcconville/wand) (👨💻 100 · 🔀 200 · 📥 37K · 📦 18K · 📋 410 - 5% open · ⏱️ 13.12.2023):
```
- git clone https://github.com/scikit-image/scikit-image
- ```
-- [PyPi](https://pypi.org/project/scikit-image) (📥 5.3M / month):
- ```
- pip install scikit-image
+ git clone https://github.com/emcconville/wand
```
-- [Conda](https://anaconda.org/conda-forge/scikit-image) (📥 3.8M · ⏱️ 10.08.2022):
+- [PyPi](https://pypi.org/project/wand) (📥 850K / month):
```
- conda install -c conda-forge scikit-image
+ pip install wand
```
-Wand (🥇32 · ⭐ 1.2K) - 用于Python的基于ctypes的简单ImageMagick接口。MIT
+imgaug (🥈32 · ⭐ 14K · 💀) - Image augmentation for machine learning experiments. MIT
-- [GitHub](https://github.com/emcconville/wand) (👨💻 100 · 🔀 190 · 📥 8.5K · 📦 12K · 📋 380 - 4% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/aleju/imgaug) (👨💻 36 · 🔀 2.4K · 📦 18K · 📋 500 - 55% open · ⏱️ 01.06.2020):
```
- git clone https://github.com/emcconville/wand
+ git clone https://github.com/aleju/imgaug
```
-- [PyPi](https://pypi.org/project/wand) (📥 450K / month):
+- [PyPi](https://pypi.org/project/imgaug) (📥 310K / month):
```
- pip install wand
+ pip install imgaug
```
-
-PyTorch Image Models (🥈31 · ⭐ 21K) - PyTorch图像模型,脚本,预训练权重。Apache-2 
-
-- [GitHub](https://github.com/rwightman/pytorch-image-models) (👨💻 79 · 🔀 3.3K · 📥 1.7M · 📦 4.3K · 📋 570 - 9% open · ⏱️ 24.08.2022):
-
+- [Conda](https://anaconda.org/conda-forge/imgaug) (📥 150K · ⏱️ 16.06.2023):
```
- git clone https://github.com/rwightman/pytorch-image-models
+ conda install -c conda-forge imgaug
```
-GluonCV (🥈29 · ⭐ 5.3K) - Gluon CV工具包。Apache-2 
+scikit-image (🥈32 · ⭐ 5.7K) - Image processing in Python. ❗Unlicensed
-- [GitHub](https://github.com/dmlc/gluon-cv) (👨💻 120 · 🔀 1.2K · 📦 840 · 📋 810 - 5% open · ⏱️ 11.08.2022):
+- [GitHub](https://github.com/scikit-image/scikit-image) (👨💻 640 · 🔀 2.1K · 📦 170K · 📋 2.6K - 20% open · ⏱️ 22.12.2023):
```
- git clone https://github.com/dmlc/gluon-cv
+ git clone https://github.com/scikit-image/scikit-image
```
-- [PyPi](https://pypi.org/project/gluoncv) (📥 570K / month):
+- [PyPi](https://pypi.org/project/scikit-image) (📥 12M / month):
```
- pip install gluoncv
+ pip install scikit-image
+ ```
+- [Conda](https://anaconda.org/conda-forge/scikit-image) (📥 5.9M · ⏱️ 11.10.2023):
+ ```
+ conda install -c conda-forge scikit-image
```
-ImageHash (🥈29 · ⭐ 2.5K · 💤) - Python感知图像哈希模块。BSD-2
+PyTorch Image Models (🥈31 · ⭐ 28K) - PyTorch image models, scripts, pretrained weights --.. Apache-2 
-- [GitHub](https://github.com/JohannesBuchner/imagehash) (👨💻 20 · 🔀 300 · 📦 5.8K · 📋 110 - 13% open · ⏱️ 07.09.2021):
+- [GitHub](https://github.com/huggingface/pytorch-image-models) (👨💻 130 · 🔀 4.3K · 📥 6M · 📦 21K · 📋 830 - 8% open · ⏱️ 30.12.2023):
```
- git clone https://github.com/JohannesBuchner/imagehash
- ```
-- [PyPi](https://pypi.org/project/ImageHash) (📥 1.4M / month):
- ```
- pip install ImageHash
- ```
-- [Conda](https://anaconda.org/conda-forge/imagehash) (📥 230K · ⏱️ 15.07.2021):
- ```
- conda install -c conda-forge imagehash
+ git clone https://github.com/rwightman/pytorch-image-models
```
-imutils (🥈28 · ⭐ 4.2K · 💤) - 图像处理库。MIT
+ImageHash (🥈30 · ⭐ 2.9K) - A Python Perceptual Image Hashing Module. BSD-2
-- [GitHub](https://github.com/PyImageSearch/imutils) (👨💻 21 · 🔀 980 · 📦 27K · 📋 160 - 53% open · ⏱️ 27.01.2022):
+- [GitHub](https://github.com/JohannesBuchner/imagehash) (👨💻 26 · 🔀 320 · 📦 12K · 📋 130 - 6% open · ⏱️ 24.10.2023):
```
- git clone https://github.com/jrosebr1/imutils
+ git clone https://github.com/JohannesBuchner/imagehash
```
-- [PyPi](https://pypi.org/project/imutils) (📥 330K / month):
+- [PyPi](https://pypi.org/project/ImageHash) (📥 1.2M / month):
```
- pip install imutils
+ pip install ImageHash
```
-- [Conda](https://anaconda.org/conda-forge/imutils) (📥 97K · ⏱️ 26.08.2022):
+- [Conda](https://anaconda.org/conda-forge/imagehash) (📥 350K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge imutils
+ conda install -c conda-forge imagehash
```
-MMDetection (🥈27 · ⭐ 21K) - OpenMMLab检测工具箱。Apache-2 
+MMDetection (🥈29 · ⭐ 27K) - OpenMMLab Detection Toolbox and Benchmark. Apache-2 
-- [GitHub](https://github.com/open-mmlab/mmdetection) (👨💻 350 · 🔀 6.9K · 📦 550 · 📋 6.2K - 9% open · ⏱️ 28.07.2022):
+- [GitHub](https://github.com/open-mmlab/mmdetection) (👨💻 440 · 🔀 8.2K · 📦 2K · 📋 7.8K - 15% open · ⏱️ 12.10.2023):
```
git clone https://github.com/open-mmlab/mmdetection
```
-torchvision (🥈27 · ⭐ 12K) - 计算机视觉的数据集,转换和模型。BSD-3 
+torchvision (🥈29 · ⭐ 15K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3 
-- [GitHub](https://github.com/pytorch/vision) (👨💻 500 · 🔀 6K · 📥 11K · 📋 2.5K - 23% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/pytorch/vision) (👨💻 560 · 🔀 6.6K · 📥 36K · 📦 21 · 📋 3.1K - 24% open · ⏱️ 28.12.2023):
```
git clone https://github.com/pytorch/vision
```
-- [PyPi](https://pypi.org/project/torchvision) (📥 3.9M / month):
+- [PyPi](https://pypi.org/project/torchvision) (📥 9.7M / month):
```
pip install torchvision
```
-- [Conda](https://anaconda.org/conda-forge/torchvision) (📥 340K · ⏱️ 24.07.2022):
+- [Conda](https://anaconda.org/conda-forge/torchvision) (📥 950K · ⏱️ 13.12.2023):
```
conda install -c conda-forge torchvision
```
-glfw (🥈27 · ⭐ 9.5K) - 一个用于OpenGL,OpenGL ES,Vulkan,窗口和输入的多平台库。❗️Zlib
+glfw (🥈29 · ⭐ 12K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input. ❗️Zlib
-- [GitHub](https://github.com/glfw/glfw) (👨💻 180 · 🔀 3.5K · 📥 2.9M · 📦 1 · 📋 1.6K - 25% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/glfw/glfw) (👨💻 200 · 🔀 4.3K · 📥 3.5M · 📦 22 · 📋 1.8K - 28% open · ⏱️ 24.12.2023):
```
git clone https://github.com/glfw/glfw
```
-- [PyPi](https://pypi.org/project/glfw) (📥 220K / month):
+- [PyPi](https://pypi.org/project/glfw) (📥 190K / month):
```
pip install glfw
```
-- [Conda](https://anaconda.org/conda-forge/glfw) (📥 68K · ⏱️ 23.07.2022):
+- [Conda](https://anaconda.org/conda-forge/glfw) (📥 170K · ⏱️ 14.12.2023):
```
conda install -c conda-forge glfw
```
-InsightFace (🥈26 · ⭐ 12K) - MXNet和PyTorch上的人脸分析项目。MIT 
+Face Recognition (🥈28 · ⭐ 51K · 💀) - The world's simplest facial recognition api for.. MIT 
+
+- [GitHub](https://github.com/ageitgey/face_recognition) (👨💻 54 · 🔀 13K · 📥 1.2K · 📦 21 · 📋 1.3K - 55% open · ⏱️ 10.06.2022):
+
+ ```
+ git clone https://github.com/ageitgey/face_recognition
+ ```
+- [PyPi](https://pypi.org/project/face_recognition) (📥 64K / month):
+ ```
+ pip install face_recognition
+ ```
+
+InsightFace (🥈28 · ⭐ 20K) - Face Analysis Project on MXNet and PyTorch. ❗Unlicensed 
-- [GitHub](https://github.com/deepinsight/insightface) (👨💻 46 · 🔀 3.9K · 📦 180 · 📋 2K - 55% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/deepinsight/insightface) (👨💻 58 · 🔀 4.9K · 📥 1.4M · 📦 1.4K · 📋 2.3K - 42% open · ⏱️ 24.12.2023):
```
git clone https://github.com/deepinsight/insightface
```
-- [PyPi](https://pypi.org/project/insightface) (📥 21K / month):
+- [PyPi](https://pypi.org/project/insightface) (📥 500K / month):
```
pip install insightface
```
-imageai (🥈26 · ⭐ 7.2K · 💀) - python库旨在使开发人员能够构建应用程序。MIT
+imutils (🥈28 · ⭐ 4.4K · 💀) - A series of convenience functions to make basic image processing.. MIT
-- [GitHub](https://github.com/OlafenwaMoses/ImageAI) (👨💻 15 · 🔀 1.9K · 📥 780K · 📦 1.2K · 📋 690 - 37% open · ⏱️ 08.05.2021):
+- [GitHub](https://github.com/PyImageSearch/imutils) (👨💻 21 · 🔀 1K · 📦 40K · 📋 170 - 54% open · ⏱️ 27.01.2022):
```
- git clone https://github.com/OlafenwaMoses/ImageAI
+ git clone https://github.com/jrosebr1/imutils
```
-- [PyPi](https://pypi.org/project/imageai) (📥 8.9K / month):
+- [PyPi](https://pypi.org/project/imutils) (📥 430K / month):
```
- pip install imageai
+ pip install imutils
+ ```
+- [Conda](https://anaconda.org/conda-forge/imutils) (📥 150K · ⏱️ 27.10.2023):
+ ```
+ conda install -c conda-forge imutils
```
-Face Recognition (🥈25 · ⭐ 46K) - 简单的面部识别API。MIT 
+lightly (🥈28 · ⭐ 2.6K) - A python library for self-supervised learning on images. MIT 
-- [GitHub](https://github.com/ageitgey/face_recognition) (👨💻 54 · 🔀 12K · 📥 470 · 📋 1.2K - 53% open · ⏱️ 10.06.2022):
+- [GitHub](https://github.com/lightly-ai/lightly) (👨💻 35 · 🔀 230 · 📦 200 · 📋 490 - 19% open · ⏱️ 02.01.2024):
```
- git clone https://github.com/ageitgey/face_recognition
+ git clone https://github.com/lightly-ai/lightly
```
-- [PyPi](https://pypi.org/project/face_recognition) (📥 39K / month):
+- [PyPi](https://pypi.org/project/lightly) (📥 27K / month):
```
- pip install face_recognition
+ pip install lightly
```
-detectron2 (🥈25 · ⭐ 22K) - Detectron2是Facebook FAIR的高级目标检测平台。Apache-2 
+detectron2 (🥈26 · ⭐ 28K) - Detectron2 is FAIR's next-generation platform for object.. Apache-2 
-- [GitHub](https://github.com/facebookresearch/detectron2) (👨💻 210 · 🔀 5.7K · 📦 710 · 📋 3.1K - 7% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/facebookresearch/detectron2) (👨💻 260 · 🔀 6.8K · 📦 1.5K · 📋 3.4K - 11% open · ⏱️ 20.12.2023):
```
git clone https://github.com/facebookresearch/detectron2
```
-- [Conda](https://anaconda.org/conda-forge/detectron2) (📥 78K · ⏱️ 25.04.2022):
+- [Conda](https://anaconda.org/conda-forge/detectron2) (📥 220K · ⏱️ 30.11.2023):
```
conda install -c conda-forge detectron2
```
-vit-pytorch (🥈25 · ⭐ 11K) - 实现视觉transformer,一种简单的方法。MIT 
+vit-pytorch (🥈26 · ⭐ 16K) - Implementation of Vision Transformer, a simple way to.. MIT 
-- [GitHub](https://github.com/lucidrains/vit-pytorch) (👨💻 15 · 🔀 1.8K · 📦 140 · 📋 190 - 47% open · ⏱️ 27.07.2022):
+- [GitHub](https://github.com/lucidrains/vit-pytorch) (👨💻 20 · 🔀 2.6K · 📦 380 · 📋 240 - 45% open · ⏱️ 23.12.2023):
```
git clone https://github.com/lucidrains/vit-pytorch
```
-- [PyPi](https://pypi.org/project/vit-pytorch) (📥 19K / month):
+- [PyPi](https://pypi.org/project/vit-pytorch) (📥 22K / month):
```
pip install vit-pytorch
```
-facenet-pytorch (🥈25 · ⭐ 3K · 💤) - 预训练的Pytorch人脸检测(MTCNN)和识别。MIT 
+imageai (🥈26 · ⭐ 8.2K) - A python library built to empower developers to build applications and.. MIT
+
+- [GitHub](https://github.com/OlafenwaMoses/ImageAI) (👨💻 19 · 🔀 2.1K · 📥 900K · 📦 1.5K · 📋 730 - 38% open · ⏱️ 26.08.2023):
+
+ ```
+ git clone https://github.com/OlafenwaMoses/ImageAI
+ ```
+- [PyPi](https://pypi.org/project/imageai) (📥 6K / month):
+ ```
+ pip install imageai
+ ```
+
+Face Alignment (🥈26 · ⭐ 6.7K) - 2D and 3D Face alignment library build using pytorch. BSD-3 
+
+- [GitHub](https://github.com/1adrianb/face-alignment) (👨💻 26 · 🔀 1.3K · 📦 21 · 📋 310 - 22% open · ⏱️ 16.08.2023):
+
+ ```
+ git clone https://github.com/1adrianb/face-alignment
+ ```
+- [PyPi](https://pypi.org/project/face-alignment) (📥 61K / month):
+ ```
+ pip install face-alignment
+ ```
+
+facenet-pytorch (🥈26 · ⭐ 3.9K) - Pretrained Pytorch face detection (MTCNN) and recognition.. MIT 
-- [GitHub](https://github.com/timesler/facenet-pytorch) (👨💻 14 · 🔀 650 · 📥 390K · 📦 850 · 📋 150 - 39% open · ⏱️ 13.12.2021):
+- [GitHub](https://github.com/timesler/facenet-pytorch) (👨💻 16 · 🔀 800 · 📥 750K · 📦 1.5K · 📋 170 - 36% open · ⏱️ 02.11.2023):
```
git clone https://github.com/timesler/facenet-pytorch
```
-- [PyPi](https://pypi.org/project/facenet-pytorch) (📥 18K / month):
+- [PyPi](https://pypi.org/project/facenet-pytorch) (📥 35K / month):
```
pip install facenet-pytorch
```
-opencv-python (🥈25 · ⭐ 2.9K · 📈) - 自动化的CI工具链可生成预编译的opencv-python。MIT
+vidgear (🥉25 · ⭐ 3.1K) - High-performance cross-platform Video Processing Python framework.. Apache-2
-- [GitHub](https://github.com/opencv/opencv-python) (👨💻 39 · 🔀 580 · 📋 570 - 7% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/abhiTronix/vidgear) (👨💻 14 · 🔀 230 · 📥 960 · 📦 490 · 📋 270 - 1% open · ⏱️ 10.09.2023):
```
- git clone https://github.com/skvark/opencv-python
+ git clone https://github.com/abhiTronix/vidgear
```
-- [PyPi](https://pypi.org/project/opencv-python) (📥 5.6M / month):
+- [PyPi](https://pypi.org/project/vidgear) (📥 10K / month):
```
- pip install opencv-python
+ pip install vidgear
```
-chainercv (🥈25 · ⭐ 1.5K · 💀) - ChainerCV:一个用于计算机视觉深度学习的库。MIT
+chainercv (🥉25 · ⭐ 1.5K · 💀) - ChainerCV: a Library for Deep Learning in Computer Vision. MIT
-- [GitHub](https://github.com/chainer/chainercv) (👨💻 39 · 🔀 300 · 📦 300 · 📋 200 - 18% open · ⏱️ 07.01.2020):
+- [GitHub](https://github.com/chainer/chainercv) (👨💻 39 · 🔀 300 · 📦 380 · 📋 200 - 18% open · ⏱️ 07.01.2020):
```
git clone https://github.com/chainer/chainercv
```
-- [PyPi](https://pypi.org/project/chainercv) (📥 3.2K / month):
+- [PyPi](https://pypi.org/project/chainercv) (📥 2K / month):
```
pip install chainercv
```
-mahotas (🥈25 · ⭐ 770) - Python中的计算机视觉。❗Unlicensed
+GluonCV (🥉24 · ⭐ 5.7K · 💤) - Gluon CV Toolkit. Apache-2 
-- [GitHub](https://github.com/luispedro/mahotas) (👨💻 32 · 🔀 140 · 📦 870 · 📋 79 - 20% open · ⏱️ 28.06.2022):
+- [GitHub](https://github.com/dmlc/gluon-cv) (👨💻 120 · 🔀 1.2K · 📦 21 · 📋 830 - 5% open · ⏱️ 19.01.2023):
```
- git clone https://github.com/luispedro/mahotas
- ```
-- [PyPi](https://pypi.org/project/mahotas) (📥 11K / month):
- ```
- pip install mahotas
+ git clone https://github.com/dmlc/gluon-cv
```
-- [Conda](https://anaconda.org/conda-forge/mahotas) (📥 330K · ⏱️ 28.07.2022):
+- [PyPi](https://pypi.org/project/gluoncv) (📥 39K / month):
```
- conda install -c conda-forge mahotas
+ pip install gluoncv
```
-vidgear (🥉24 · ⭐ 2.4K) - 高性能跨平台视频处理Python框架。Apache-2
+Image Deduplicator (🥉24 · ⭐ 4.8K · 💤) - Finding duplicate images made easy!. Apache-2 
-- [GitHub](https://github.com/abhiTronix/vidgear) (👨💻 13 · 🔀 190 · 📥 640 · 📦 230 · 📋 230 - 1% open · ⏱️ 06.07.2022):
+- [GitHub](https://github.com/idealo/imagededup) (👨💻 15 · 🔀 430 · 📦 81 · 📋 120 - 25% open · ⏱️ 28.04.2023):
```
- git clone https://github.com/abhiTronix/vidgear
+ git clone https://github.com/idealo/imagededup
```
-- [PyPi](https://pypi.org/project/vidgear) (📥 6.5K / month):
+- [PyPi](https://pypi.org/project/imagededup) (📥 11K / month):
```
- pip install vidgear
+ pip install imagededup
```
-PyTorch3D (🥉23 · ⭐ 6.4K) - PyTorch3D是FAIR的深度学习可重用组件库。❗Unlicensed 
+PyTorch3D (🥉23 · ⭐ 8K) - PyTorch3D is FAIR's library of reusable components for.. ❗Unlicensed 
-- [GitHub](https://github.com/facebookresearch/pytorch3d) (👨💻 96 · 🔀 940 · 📦 270 · 📋 1.1K - 7% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/facebookresearch/pytorch3d) (👨💻 130 · 🔀 1.2K · 📦 670 · 📋 1.4K - 15% open · ⏱️ 04.01.2024):
```
git clone https://github.com/facebookresearch/pytorch3d
```
-- [PyPi](https://pypi.org/project/pytorch3d) (📥 14K / month):
+- [PyPi](https://pypi.org/project/pytorch3d) (📥 4.1K / month):
```
pip install pytorch3d
```
-- [Conda](https://anaconda.org/pytorch3d/pytorch3d) (📥 60K · ⏱️ 14.08.2022):
+- [Conda](https://anaconda.org/pytorch3d/pytorch3d) (📥 180K · ⏱️ 31.10.2023):
```
conda install -c pytorch3d pytorch3d
```
-Face Alignment (🥉23 · ⭐ 5.8K · 💤) - 使用pytorch构建2D和3D人脸对齐库。BSD-3 
+Augmentor (🥉23 · ⭐ 5K · 💤) - Image augmentation library in Python for machine learning. MIT
-- [GitHub](https://github.com/1adrianb/face-alignment) (👨💻 23 · 🔀 1.2K · 📋 280 - 21% open · ⏱️ 04.08.2021):
+- [GitHub](https://github.com/mdbloice/Augmentor) (👨💻 23 · 🔀 840 · 📦 680 · 📋 190 - 61% open · ⏱️ 29.03.2023):
```
- git clone https://github.com/1adrianb/face-alignment
+ git clone https://github.com/mdbloice/Augmentor
```
-- [PyPi](https://pypi.org/project/face-alignment) (📥 9.6K / month):
+- [PyPi](https://pypi.org/project/Augmentor) (📥 8.7K / month):
```
- pip install face-alignment
+ pip install Augmentor
```
-Augmentor (🥉23 · ⭐ 4.8K) - Python中的图像增强库,用于机器学习。MIT
+Norfair (🥉23 · ⭐ 2.2K · 💤) - Lightweight Python library for adding real-time 2D object tracking.. BSD-3
-- [GitHub](https://github.com/mdbloice/Augmentor) (👨💻 22 · 🔀 820 · 📦 480 · 📋 190 - 61% open · ⏱️ 24.05.2022):
+- [GitHub](https://github.com/tryolabs/norfair) (👨💻 24 · 🔀 220 · 📥 300 · 📦 150 · 📋 130 - 3% open · ⏱️ 15.05.2023):
```
- git clone https://github.com/mdbloice/Augmentor
+ git clone https://github.com/tryolabs/norfair
```
-- [PyPi](https://pypi.org/project/Augmentor) (📥 16K / month):
+- [PyPi](https://pypi.org/project/norfair) (📥 4.7K / month):
```
- pip install Augmentor
+ pip install norfair
```
-mtcnn (🥉23 · ⭐ 1.8K · 💀) - TensorFlow的MTCNN人脸检测实现。MIT 
+mtcnn (🥉23 · ⭐ 2.1K · 💀) - MTCNN face detection implementation for TensorFlow, as a PIP.. MIT 
-- [GitHub](https://github.com/ipazc/mtcnn) (👨💻 15 · 🔀 460 · 📦 2.6K · 📋 100 - 62% open · ⏱️ 09.07.2021):
+- [GitHub](https://github.com/ipazc/mtcnn) (👨💻 15 · 🔀 490 · 📦 4.5K · 📋 100 - 63% open · ⏱️ 09.07.2021):
```
git clone https://github.com/ipazc/mtcnn
```
-- [PyPi](https://pypi.org/project/mtcnn) (📥 23K / month):
+- [PyPi](https://pypi.org/project/mtcnn) (📥 48K / month):
```
pip install mtcnn
```
-lightly (🥉23 · ⭐ 1.7K) - 一个用于对图像进行自监督学习的python库。MIT 
+mahotas (🥉23 · ⭐ 820 · 💤) - Computer Vision in Python. ❗Unlicensed
-- [GitHub](https://github.com/lightly-ai/lightly) (👨💻 19 · 🔀 140 · 📦 46 · 📋 330 - 20% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/luispedro/mahotas) (👨💻 34 · 🔀 150 · 📦 1.2K · 📋 86 - 24% open · ⏱️ 09.06.2023):
```
- git clone https://github.com/lightly-ai/lightly
- ```
-- [PyPi](https://pypi.org/project/lightly) (📥 3.3K / month):
- ```
- pip install lightly
+ git clone https://github.com/luispedro/mahotas
```
-
-Image Deduplicator (🥉22 · ⭐ 4.1K · 💀) - 图像查重。Apache-2 
-
-- [GitHub](https://github.com/idealo/imagededup) (👨💻 10 · 🔀 370 · 📦 26 · 📋 93 - 36% open · ⏱️ 23.11.2020):
-
+- [PyPi](https://pypi.org/project/mahotas) (📥 8.6K / month):
```
- git clone https://github.com/idealo/imagededup
+ pip install mahotas
```
-- [PyPi](https://pypi.org/project/imagededup) (📥 1.3K / month):
+- [Conda](https://anaconda.org/conda-forge/mahotas) (📥 390K · ⏱️ 26.07.2023):
```
- pip install imagededup
+ conda install -c conda-forge mahotas
```
-pyvips (🥉22 · ⭐ 440) - 使用cffi的libvips的python接口。MIT
+Image Super-Resolution (🥉22 · ⭐ 4.4K · 💀) - Super-scale your images and run experiments with.. Apache-2 
-- [GitHub](https://github.com/libvips/pyvips) (👨💻 14 · 🔀 40 · 📦 350 · 📋 300 - 36% open · ⏱️ 13.08.2022):
+- [GitHub](https://github.com/idealo/image-super-resolution) (👨💻 10 · 🔀 710 · 📦 120 · 📋 210 - 47% open · ⏱️ 02.06.2021):
```
- git clone https://github.com/libvips/pyvips
+ git clone https://github.com/idealo/image-super-resolution
```
-- [PyPi](https://pypi.org/project/pyvips) (📥 19K / month):
+- [PyPi](https://pypi.org/project/ISR) (📥 5.5K / month):
```
- pip install pyvips
+ pip install ISR
```
-- [Conda](https://anaconda.org/conda-forge/pyvips) (📥 29K · ⏱️ 24.07.2022):
+- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (📥 230 · ⭐ 1 · ⏱️ 01.04.2019):
```
- conda install -c conda-forge pyvips
+ docker pull idealo/image-super-resolution-gpu
```
-PaddleDetection (🥉21 · ⭐ 8.3K) - 对象检测和实例分割工具箱。Apache-2 
+pyvips (🥉22 · ⭐ 560) - python binding for libvips using cffi. MIT
-- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (👨💻 100 · 🔀 2.1K · 📦 30 · 📋 3.8K - 20% open · ⏱️ 16.08.2022):
+- [GitHub](https://github.com/libvips/pyvips) (👨💻 16 · 🔀 49 · 📦 640 · 📋 390 - 40% open · ⏱️ 18.10.2023):
```
- git clone https://github.com/PaddlePaddle/PaddleDetection
+ git clone https://github.com/libvips/pyvips
```
-
-segmentation_models (🥉21 · ⭐ 4K) - Segmentation models with pretrained backbones. Keras.. MIT 
-
-- [GitHub](https://github.com/qubvel/segmentation_models) (👨💻 14 · 🔀 910 · 📋 480 - 46% open · ⏱️ 29.07.2022):
-
+- [PyPi](https://pypi.org/project/pyvips) (📥 46K / month):
```
- git clone https://github.com/qubvel/segmentation_models
+ pip install pyvips
```
-- [PyPi](https://pypi.org/project/segmentation_models) (📥 26K / month):
+- [Conda](https://anaconda.org/conda-forge/pyvips) (📥 71K · ⏱️ 26.09.2023):
```
- pip install segmentation_models
+ conda install -c conda-forge pyvips
```
-Image Super-Resolution (🥉21 · ⭐ 3.8K · 💀) - 图像超精度变换。Apache-2 
+Luminoth (🥉21 · ⭐ 2.4K · 💀) - Deep Learning toolkit for Computer Vision. BSD-3 
-- [GitHub](https://github.com/idealo/image-super-resolution) (👨💻 10 · 🔀 630 · 📦 97 · 📋 200 - 45% open · ⏱️ 02.06.2021):
+- [GitHub](https://github.com/tryolabs/luminoth) (👨💻 15 · 🔀 400 · 📥 13K · 📦 52 · 📋 180 - 28% open · ⏱️ 07.01.2020):
```
- git clone https://github.com/idealo/image-super-resolution
- ```
-- [PyPi](https://pypi.org/project/ISR) (📥 4.5K / month):
- ```
- pip install ISR
+ git clone https://github.com/tryolabs/luminoth
```
-- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (📥 220 · ⏱️ 01.04.2019):
+- [PyPi](https://pypi.org/project/luminoth) (📥 2.1K / month):
```
- docker pull idealo/image-super-resolution-gpu
+ pip install luminoth
```
-Norfair (🥉21 · ⭐ 1.6K) - 轻量级Python库,用于向其中添加实时2D对象跟踪。BSD-3
+PaddleDetection (🥉20 · ⭐ 12K) - Object detection and instance segmentation toolkit.. Apache-2 
-- [GitHub](https://github.com/tryolabs/norfair) (👨💻 18 · 🔀 150 · 📥 200 · 📋 75 - 16% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (👨💻 160 · 🔀 2.7K · 📋 5.2K - 25% open · ⏱️ 28.12.2023):
```
- git clone https://github.com/tryolabs/norfair
- ```
-- [PyPi](https://pypi.org/project/norfair) (📥 7.3K / month):
- ```
- pip install norfair
+ git clone https://github.com/PaddlePaddle/PaddleDetection
```
-CellProfiler (🥉21 · ⭐ 700) - 生物图像分析的开源应用程序。❗Unlicensed
+MMF (🥉20 · ⭐ 5.3K) - A modular framework for vision & language multimodal research from.. BSD-3 
-- [GitHub](https://github.com/CellProfiler/CellProfiler) (👨💻 130 · 🔀 320 · 📥 3.4K · 📦 9 · 📋 3.1K - 5% open · ⏱️ 17.08.2022):
+- [GitHub](https://github.com/facebookresearch/mmf) (👨💻 120 · 🔀 880 · 📦 15 · 📋 650 - 16% open · ⏱️ 03.01.2024):
```
- git clone https://github.com/CellProfiler/CellProfiler
+ git clone https://github.com/facebookresearch/mmf
```
-- [PyPi](https://pypi.org/project/cellprofiler) (📥 900 / month):
+- [PyPi](https://pypi.org/project/mmf) (📥 200 / month):
```
- pip install cellprofiler
+ pip install mmf
```
-MMF (🥉20 · ⭐ 5K) - 来自视觉和语言多模态研究的模块化框架。BSD-3 
+segmentation_models (🥉20 · ⭐ 4.5K · 💀) - Segmentation models with pretrained backbones. Keras.. MIT 
-- [GitHub](https://github.com/facebookresearch/mmf) (👨💻 100 · 🔀 840 · 📦 12 · 📋 620 - 30% open · ⏱️ 11.08.2022):
+- [GitHub](https://github.com/qubvel/segmentation_models) (👨💻 14 · 🔀 990 · 📋 520 - 48% open · ⏱️ 29.07.2022):
```
- git clone https://github.com/facebookresearch/mmf
+ git clone https://github.com/qubvel/segmentation_models
```
-- [PyPi](https://pypi.org/project/mmf) (📥 240 / month):
+- [PyPi](https://pypi.org/project/segmentation_models) (📥 16K / month):
```
- pip install mmf
+ pip install segmentation_models
```
-tensorflow-graphics (🥉20 · ⭐ 2.7K) - TensorFlow图神经网络:可微分的图layerApache-2 
+tensorflow-graphics (🥉20 · ⭐ 2.7K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2 
-- [GitHub](https://github.com/tensorflow/graphics) (👨💻 36 · 🔀 340 · 📋 160 - 45% open · ⏱️ 04.04.2022):
+- [GitHub](https://github.com/tensorflow/graphics) (👨💻 39 · 🔀 360 · 📋 180 - 47% open · ⏱️ 15.12.2023):
```
git clone https://github.com/tensorflow/graphics
```
-- [PyPi](https://pypi.org/project/tensorflow-graphics) (📥 2.7K / month):
+- [PyPi](https://pypi.org/project/tensorflow-graphics) (📥 5K / month):
```
pip install tensorflow-graphics
```
-nude.py (🥉20 · ⭐ 860 · 💀) - 使用Python进行裸露检测。MIT
+DE⫶TR (🥉19 · ⭐ 12K · 💤) - End-to-End Object Detection with Transformers. Apache-2 
-- [GitHub](https://github.com/hhatto/nude.py) (👨💻 12 · 🔀 130 · 📦 2.6K · 📋 10 - 70% open · ⏱️ 23.11.2020):
+- [GitHub](https://github.com/facebookresearch/detr) (👨💻 26 · 🔀 2.1K · 📦 21 · 📋 520 - 45% open · ⏱️ 07.02.2023):
```
- git clone https://github.com/hhatto/nude.py
- ```
-- [PyPi](https://pypi.org/project/nudepy) (📥 9.5K / month):
- ```
- pip install nudepy
+ git clone https://github.com/facebookresearch/detr
```
-Luminoth (🥉19 · ⭐ 2.4K · 💀) - 用于计算机视觉的深度学习工具包。BSD-3 
+nude.py (🥉19 · ⭐ 920 · 💀) - Nudity detection with Python. MIT
-- [GitHub](https://github.com/tryolabs/luminoth) (👨💻 15 · 🔀 400 · 📥 13K · 📦 41 · 📋 180 - 28% open · ⏱️ 07.01.2020):
+- [GitHub](https://github.com/hhatto/nude.py) (👨💻 12 · 🔀 130 · 📦 3.6K · 📋 11 - 72% open · ⏱️ 23.11.2020):
```
- git clone https://github.com/tryolabs/luminoth
+ git clone https://github.com/hhatto/nude.py
```
-- [PyPi](https://pypi.org/project/luminoth) (📥 610 / month):
+- [PyPi](https://pypi.org/project/nudepy) (📥 1.3K / month):
```
- pip install luminoth
+ pip install nudepy
```
-Classy Vision (🥉19 · ⭐ 1.5K) - 用于图像和视频的端到端PyTorch框架。MIT 
+CellProfiler (🥉18 · ⭐ 830) - An open-source application for biological image analysis. ❗Unlicensed
-- [GitHub](https://github.com/facebookresearch/ClassyVision) (👨💻 76 · 🔀 260 · 📋 76 - 17% open · ⏱️ 03.08.2022):
+- [GitHub](https://github.com/CellProfiler/CellProfiler) (👨💻 140 · 🔀 360 · 📥 6.4K · 📦 20 · 📋 3.2K - 8% open · ⏱️ 16.11.2023):
```
- git clone https://github.com/facebookresearch/ClassyVision
- ```
-- [PyPi](https://pypi.org/project/classy_vision) (📥 2K / month):
- ```
- pip install classy_vision
+ git clone https://github.com/CellProfiler/CellProfiler
```
-- [Conda](https://anaconda.org/conda-forge/classy_vision) (📥 14K · ⏱️ 22.03.2022):
+- [PyPi](https://pypi.org/project/cellprofiler) (📥 640 / month):
```
- conda install -c conda-forge classy_vision
+ pip install cellprofiler
```
-Caer (🥉18 · ⭐ 630 · 💤) - 轻量级的计算机视觉库。MIT
+Caer (🥉18 · ⭐ 730 · 💤) - A lightweight Computer Vision library. Scale your models, not boilerplate. MIT
-- [GitHub](https://github.com/jasmcaus/caer) (👨💻 8 · 🔀 74 · 📥 19 · 📋 15 - 13% open · ⏱️ 13.10.2021):
+- [GitHub](https://github.com/jasmcaus/caer) (👨💻 8 · 🔀 97 · 📥 28 · 📋 15 - 13% open · ⏱️ 01.04.2023):
```
git clone https://github.com/jasmcaus/caer
```
-- [PyPi](https://pypi.org/project/caer) (📥 3K / month):
+- [PyPi](https://pypi.org/project/caer) (📥 2.7K / month):
```
pip install caer
```
-DE⫶TR (🥉17 · ⭐ 9.6K) - End-to-End Object Detection with Transformers. Apache-2 
+PySlowFast (🥉17 · ⭐ 6.1K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2 
-- [GitHub](https://github.com/facebookresearch/detr) (👨💻 25 · 🔀 1.7K · 📋 440 - 38% open · ⏱️ 07.03.2022):
+- [GitHub](https://github.com/facebookresearch/SlowFast) (👨💻 31 · 🔀 1.1K · 📦 15 · 📋 640 - 56% open · ⏱️ 19.10.2023):
```
- git clone https://github.com/facebookresearch/detr
+ git clone https://github.com/facebookresearch/SlowFast
```
-Pillow-SIMD (🥉17 · ⭐ 1.9K · 💤) - 友好的PIL fork。❗️PIL
+Classy Vision (🥉17 · ⭐ 1.6K · 💤) - An end-to-end PyTorch framework for image and video.. MIT 
-- [GitHub](https://github.com/uploadcare/pillow-simd) (👨💻 380 · 🔀 74 · 📋 77 - 14% open · ⏱️ 17.01.2022):
+- [GitHub](https://github.com/facebookresearch/ClassyVision) (👨💻 77 · 🔀 280 · 📋 77 - 16% open · ⏱️ 23.03.2023):
```
- git clone https://github.com/uploadcare/pillow-simd
+ git clone https://github.com/facebookresearch/ClassyVision
```
-- [PyPi](https://pypi.org/project/pillow-simd) (📥 51K / month):
+- [PyPi](https://pypi.org/project/classy_vision) (📥 480 / month):
```
- pip install pillow-simd
+ pip install classy_vision
```
-
-PySlowFast (🥉16 · ⭐ 5K) - PySlowFast:来自FAIR的视频理解代码库。Apache-2 
-
-- [GitHub](https://github.com/facebookresearch/SlowFast) (👨💻 28 · 🔀 960 · 📦 10 · 📋 550 - 52% open · ⏱️ 25.08.2022):
-
+- [Conda](https://anaconda.org/conda-forge/classy_vision) (📥 19K · ⏱️ 16.06.2023):
```
- git clone https://github.com/facebookresearch/SlowFast
+ conda install -c conda-forge classy_vision
```
-image-match (🥉16 · ⭐ 2.8K · 💤) - 快速搜索数十亿张图像。❗Unlicensed
+image-match (🥉16 · ⭐ 2.9K · 💀) - Quickly search over billions of images. ❗Unlicensed
-- [GitHub](https://github.com/ProvenanceLabs/image-match) (👨💻 19 · 🔀 380 · 📋 100 - 53% open · ⏱️ 21.09.2021):
+- [GitHub](https://github.com/rhsimplex/image-match) (👨💻 19 · 🔀 390 · 📋 100 - 53% open · ⏱️ 06.12.2022):
```
git clone https://github.com/EdjoLabs/image-match
```
-- [PyPi](https://pypi.org/project/image_match) (📥 590 / month):
+- [PyPi](https://pypi.org/project/image_match) (📥 660 / month):
```
pip install image_match
```
-pycls (🥉15 · ⭐ 2K) - 用PyTorch编写的图像分类研究代码库。MIT 
+Pillow-SIMD (🥉16 · ⭐ 2.1K · 💤) - The friendly PIL fork. ❗️PIL
-- [GitHub](https://github.com/facebookresearch/pycls) (👨💻 17 · 🔀 230 · 📦 6 · 📋 78 - 28% open · ⏱️ 12.07.2022):
+- [GitHub](https://github.com/uploadcare/pillow-simd) (👨💻 380 · 🔀 84 · 📋 87 - 13% open · ⏱️ 20.06.2023):
```
- git clone https://github.com/facebookresearch/pycls
+ git clone https://github.com/uploadcare/pillow-simd
+ ```
+- [PyPi](https://pypi.org/project/pillow-simd) (📥 41K / month):
+ ```
+ pip install pillow-simd
```
-Torch Points 3D (🥉14 · ⭐ 93 · 💤) - 用于在点云上进行深度学习的Pytorch框架。BSD-3 
+Torch Points 3D (🥉16 · ⭐ 180 · 💀) - Pytorch framework for doing deep learning on point.. BSD-3 
-- [GitHub](https://github.com/nicolas-chaulet/torch-points3d) (👨💻 29 · 🔀 19 · ⏱️ 10.12.2021):
+- [GitHub](https://github.com/nicolas-chaulet/torch-points3d) (👨💻 29 · 🔀 40 · ⏱️ 10.12.2021):
```
git clone https://github.com/nicolas-chaulet/torch-points3d
```
-- [PyPi](https://pypi.org/project/torch-points3d) (📥 570 / month):
+- [PyPi](https://pypi.org/project/torch-points3d) (📥 630 / month):
```
pip install torch-points3d
```
+pycls (🥉15 · ⭐ 2.1K) - Codebase for Image Classification Research, written in PyTorch. MIT 
+
+- [GitHub](https://github.com/facebookresearch/pycls) (👨💻 19 · 🔀 230 · 📦 16 · 📋 80 - 30% open · ⏱️ 26.08.2023):
+
+ ```
+ git clone https://github.com/facebookresearch/pycls
+ ```
+
-## 图数据处理
+## Graph Data
-
+
-_用于图数据处理,聚类,图嵌入和机器学习任务的库。_
+_Libraries for graph processing, clustering, embedding, and machine learning tasks._
-networkx (🥇32 · ⭐ 11K) - Python中的网络分析。❗Unlicensed
+networkx (🥇33 · ⭐ 14K) - Network Analysis in Python. ❗Unlicensed
-- [GitHub](https://github.com/networkx/networkx) (👨💻 610 · 🔀 2.6K · 📥 60 · 📦 120K · 📋 2.8K - 5% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/networkx/networkx) (👨💻 700 · 🔀 3K · 📥 65 · 📦 210K · 📋 3.1K - 5% open · ⏱️ 03.01.2024):
```
git clone https://github.com/networkx/networkx
```
-- [PyPi](https://pypi.org/project/networkx) (📥 19M / month):
+- [PyPi](https://pypi.org/project/networkx) (📥 34M / month):
```
pip install networkx
```
-- [Conda](https://anaconda.org/conda-forge/networkx) (📥 7.8M · ⏱️ 22.08.2022):
+- [Conda](https://anaconda.org/conda-forge/networkx) (📥 14M · ⏱️ 28.10.2023):
```
conda install -c conda-forge networkx
```
-dgl (🥇29 · ⭐ 10K) - 在现有基础之上构建的Python软件包,用于简化图上的深度学习。Apache-2
+dgl (🥇31 · ⭐ 13K) - Python package built to ease deep learning on graph, on top of existing.. Apache-2
-- [GitHub](https://github.com/dmlc/dgl) (👨💻 230 · 🔀 2.4K · 📦 30 · 📋 1.7K - 13% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/dmlc/dgl) (👨💻 280 · 🔀 2.8K · 📦 180 · 📋 2.5K - 13% open · ⏱️ 04.01.2024):
```
git clone https://github.com/dmlc/dgl
```
-- [PyPi](https://pypi.org/project/dgl) (📥 32K / month):
+- [PyPi](https://pypi.org/project/dgl) (📥 66K / month):
```
pip install dgl
```
-PyTorch Geometric (🥇28 · ⭐ 15K) - PyTorch的几何深度学习扩展库。MIT 
+PyTorch Geometric (🥇28 · ⭐ 19K) - Geometric Deep Learning Extension Library for PyTorch. MIT 
-- [GitHub](https://github.com/pyg-team/pytorch_geometric) (👨💻 300 · 🔀 2.7K · 📋 2.6K - 35% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/pyg-team/pytorch_geometric) (👨💻 480 · 🔀 3.4K · 📋 3.3K - 23% open · ⏱️ 03.01.2024):
```
git clone https://github.com/rusty1s/pytorch_geometric
```
-- [PyPi](https://pypi.org/project/torch-geometric) (📥 92K / month):
+- [PyPi](https://pypi.org/project/torch-geometric) (📥 210K / month):
```
pip install torch-geometric
```
-ogb (🥇28 · ⭐ 1.4K) - 用于图机器学习的基准数据集,数据加载器和评估器。MIT
+ogb (🥈27 · ⭐ 1.8K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
-- [GitHub](https://github.com/snap-stanford/ogb) (👨💻 23 · 🔀 310 · 📦 380 · 📋 230 - 0% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/snap-stanford/ogb) (👨💻 32 · 🔀 390 · 📦 1.3K · 📋 280 - 3% open · ⏱️ 02.12.2023):
```
git clone https://github.com/snap-stanford/ogb
```
-- [PyPi](https://pypi.org/project/ogb) (📥 80K / month):
+- [PyPi](https://pypi.org/project/ogb) (📥 33K / month):
```
pip install ogb
```
-igraph (🥈27 · ⭐ 1K) - Igraph的Python接口。❗️GPL-2.0
+igraph (🥈26 · ⭐ 1.2K) - Python interface for igraph. ❗️GPL-2.0
-- [GitHub](https://github.com/igraph/python-igraph) (👨💻 61 · 🔀 220 · 📥 460K · 📦 850 · 📋 410 - 9% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/igraph/python-igraph) (👨💻 71 · 🔀 240 · 📥 560K · 📦 3.8K · 📋 530 - 6% open · ⏱️ 13.12.2023):
```
git clone https://github.com/igraph/python-igraph
@@ -3322,290 +3322,290 @@ _用于图数据处理,聚类,图嵌入和机器学习任务的库。_
```
pip install python-igraph
```
-- [Conda](https://anaconda.org/conda-forge/igraph) (📥 320K · ⏱️ 13.06.2022):
+- [Conda](https://anaconda.org/conda-forge/igraph) (📥 490K · ⏱️ 01.12.2023):
```
conda install -c conda-forge igraph
```
-StellarGraph (🥈25 · ⭐ 2.5K · 💤) - StellarGraph-图机器学习库。Apache-2 
+StellarGraph (🥈25 · ⭐ 2.8K · 💀) - StellarGraph - Machine Learning on Graphs. Apache-2 
-- [GitHub](https://github.com/stellargraph/stellargraph) (👨💻 36 · 🔀 380 · 📦 160 · 📋 1K - 27% open · ⏱️ 29.10.2021):
+- [GitHub](https://github.com/stellargraph/stellargraph) (👨💻 36 · 🔀 410 · 📦 250 · 📋 1K - 28% open · ⏱️ 29.10.2021):
```
git clone https://github.com/stellargraph/stellargraph
```
-- [PyPi](https://pypi.org/project/stellargraph) (📥 22K / month):
+- [PyPi](https://pypi.org/project/stellargraph) (📥 4.9K / month):
```
pip install stellargraph
```
-Spektral (🥈25 · ⭐ 2.1K) - 使用Keras和Tensorflow 2的图神经网络。MIT 
+Node2Vec (🥈25 · ⭐ 1.1K) - Implementation of the node2vec algorithm. MIT
-- [GitHub](https://github.com/danielegrattarola/spektral) (👨💻 24 · 🔀 300 · 📦 140 · 📋 230 - 16% open · ⏱️ 22.07.2022):
+- [GitHub](https://github.com/eliorc/node2vec) (👨💻 13 · 🔀 220 · 📦 530 · 📋 91 - 4% open · ⏱️ 24.12.2023):
```
- git clone https://github.com/danielegrattarola/spektral
- ```
-- [PyPi](https://pypi.org/project/spektral) (📥 6.8K / month):
- ```
- pip install spektral
+ git clone https://github.com/eliorc/node2vec
```
-
-Karate Club (🥈23 · ⭐ 1.7K) - 面向API的开源Python框架。❗️GPL-3.0
-
-- [GitHub](https://github.com/benedekrozemberczki/karateclub) (👨💻 15 · 🔀 210 · 📦 100 · ⏱️ 20.08.2022):
-
+- [PyPi](https://pypi.org/project/node2vec) (📥 62K / month):
```
- git clone https://github.com/benedekrozemberczki/karateclub
+ pip install node2vec
```
-- [PyPi](https://pypi.org/project/karateclub) (📥 2.8K / month):
+- [Conda](https://anaconda.org/conda-forge/node2vec) (📥 27K · ⏱️ 16.06.2023):
```
- pip install karateclub
+ conda install -c conda-forge node2vec
```
-pytorch_geometric_temporal (🥈23 · ⭐ 1.7K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT 
+Spektral (🥈24 · ⭐ 2.3K · 💤) - Graph Neural Networks with Keras and Tensorflow 2. MIT 
-- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (👨💻 23 · 🔀 250 · 📋 120 - 5% open · ⏱️ 02.08.2022):
+- [GitHub](https://github.com/danielegrattarola/spektral) (👨💻 27 · 🔀 330 · 📦 260 · 📋 270 - 24% open · ⏱️ 01.06.2023):
```
- git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
+ git clone https://github.com/danielegrattarola/spektral
```
-- [PyPi](https://pypi.org/project/torch-geometric-temporal) (📥 1.8K / month):
+- [PyPi](https://pypi.org/project/spektral) (📥 6.4K / month):
```
- pip install torch-geometric-temporal
+ pip install spektral
```
-AmpliGraph (🥈22 · ⭐ 1.8K · 💀) - 用于知识表示学习的Python库。Apache-2 
+Karate Club (🥈23 · ⭐ 2K) - Karate Club: An API Oriented Open-source Python Framework for.. ❗️GPL-3.0
-- [GitHub](https://github.com/Accenture/AmpliGraph) (👨💻 19 · 🔀 210 · 📦 25 · 📋 210 - 12% open · ⏱️ 25.05.2021):
+- [GitHub](https://github.com/benedekrozemberczki/karateclub) (👨💻 17 · 🔀 230 · 📦 220 · 📋 120 - 7% open · ⏱️ 01.07.2023):
```
- git clone https://github.com/Accenture/AmpliGraph
+ git clone https://github.com/benedekrozemberczki/karateclub
```
-- [PyPi](https://pypi.org/project/ampligraph) (📥 1.2K / month):
+- [PyPi](https://pypi.org/project/karateclub) (📥 3.6K / month):
```
- pip install ampligraph
+ pip install karateclub
```
-Paddle Graph Learning (🥈22 · ⭐ 1.4K) - paddle图机器学习。Apache-2 
+pygal (🥈22 · ⭐ 2.6K) - PYthon svg GrAph plotting Library. ❗️LGPL-3.0
-- [GitHub](https://github.com/PaddlePaddle/PGL) (👨💻 28 · 🔀 270 · 📦 33 · 📋 150 - 35% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/Kozea/pygal) (👨💻 77 · 🔀 400 · 📋 420 - 40% open · ⏱️ 11.12.2023):
```
- git clone https://github.com/PaddlePaddle/PGL
+ git clone https://github.com/Kozea/pygal
```
-- [PyPi](https://pypi.org/project/pgl) (📥 1.8K / month):
+- [PyPi](https://pypi.org/project/pygal) (📥 300K / month):
```
- pip install pgl
+ pip install pygal
+ ```
+- [Conda](https://anaconda.org/conda-forge/pygal) (📥 37K · ⏱️ 21.11.2023):
+ ```
+ conda install -c conda-forge pygal
```
-pygal (🥈21 · ⭐ 2.5K · 💤) - PYthon svg GrAph绘图库。❗️LGPL-3.0
+pytorch_geometric_temporal (🥈22 · ⭐ 2.4K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT 
-- [GitHub](https://github.com/Kozea/pygal) (👨💻 71 · 🔀 390 · 📋 400 - 39% open · ⏱️ 24.11.2021):
+- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (👨💻 28 · 🔀 320 · 📋 180 - 10% open · ⏱️ 01.07.2023):
```
- git clone https://github.com/Kozea/pygal
- ```
-- [PyPi](https://pypi.org/project/pygal) (📥 120K / month):
- ```
- pip install pygal
+ git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
```
-- [Conda](https://anaconda.org/conda-forge/pygal) (📥 20K · ⏱️ 04.06.2019):
+- [PyPi](https://pypi.org/project/torch-geometric-temporal) (📥 2.4K / month):
```
- conda install -c conda-forge pygal
+ pip install torch-geometric-temporal
```
-PyKEEN (🥈21 · ⭐ 960) - 一个用于学习和评估知识图嵌入的Python库。MIT
+PyKEEN (🥈22 · ⭐ 1.4K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
-- [GitHub](https://github.com/pykeen/pykeen) (👨💻 31 · 🔀 130 · 📥 140 · 📋 420 - 13% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/pykeen/pykeen) (👨💻 36 · 🔀 170 · 📥 180 · 📋 520 - 16% open · ⏱️ 07.10.2023):
```
git clone https://github.com/pykeen/pykeen
```
-- [PyPi](https://pypi.org/project/pykeen) (📥 1.4K / month):
+- [PyPi](https://pypi.org/project/pykeen) (📥 3.9K / month):
```
pip install pykeen
```
-Node2Vec (🥈21 · ⭐ 950) - node2vec算法的实现。MIT
+Paddle Graph Learning (🥉21 · ⭐ 1.6K) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2 
-- [GitHub](https://github.com/eliorc/node2vec) (👨💻 11 · 🔀 200 · ⏱️ 01.08.2022):
+- [GitHub](https://github.com/PaddlePaddle/PGL) (👨💻 31 · 🔀 300 · 📦 48 · 📋 190 - 37% open · ⏱️ 26.09.2023):
```
- git clone https://github.com/eliorc/node2vec
- ```
-- [PyPi](https://pypi.org/project/node2vec) (📥 78K / month):
- ```
- pip install node2vec
+ git clone https://github.com/PaddlePaddle/PGL
```
-- [Conda](https://anaconda.org/conda-forge/node2vec) (📥 22K · ⏱️ 25.04.2020):
+- [PyPi](https://pypi.org/project/pgl) (📥 630 / month):
```
- conda install -c conda-forge node2vec
+ pip install pgl
```
-torch-cluster (🥈21 · ⭐ 560) - 优化图聚类的PyTorch扩展库MIT 
+torch-cluster (🥉20 · ⭐ 720) - PyTorch Extension Library of Optimized Graph Cluster.. MIT 
-- [GitHub](https://github.com/rusty1s/pytorch_cluster) (👨💻 25 · 🔀 100 · 📋 110 - 17% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/rusty1s/pytorch_cluster) (👨💻 32 · 🔀 120 · 📋 150 - 18% open · ⏱️ 11.10.2023):
```
git clone https://github.com/rusty1s/pytorch_cluster
```
-- [PyPi](https://pypi.org/project/torch-cluster) (📥 27K / month):
+- [PyPi](https://pypi.org/project/torch-cluster) (📥 12K / month):
```
pip install torch-cluster
```
-PyTorch-BigGraph (🥉19 · ⭐ 3.1K) - 从大型图网络结构生成embedding嵌入。❗Unlicensed 
+PyTorch-BigGraph (🥉19 · ⭐ 3.3K) - Generate embeddings from large-scale graph-structured.. ❗Unlicensed 
-- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (👨💻 27 · 🔀 410 · 📥 140 · 📋 190 - 26% open · ⏱️ 05.07.2022):
+- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (👨💻 31 · 🔀 440 · 📥 170 · 📋 190 - 29% open · ⏱️ 06.11.2023):
```
git clone https://github.com/facebookresearch/PyTorch-BigGraph
```
-- [PyPi](https://pypi.org/project/torchbiggraph) (📥 320K / month):
+- [PyPi](https://pypi.org/project/torchbiggraph) (📥 280K / month):
```
pip install torchbiggraph
```
-DeepWalk (🥉19 · ⭐ 2.5K · 💀) - DeepWalk-图的深度学习。❗Unlicensed
+AmpliGraph (🥉19 · ⭐ 2K) - Python library for Representation Learning on Knowledge.. Apache-2 
-- [GitHub](https://github.com/phanein/deepwalk) (👨💻 10 · 🔀 810 · 📦 56 · 📋 110 - 24% open · ⏱️ 02.04.2020):
+- [GitHub](https://github.com/Accenture/AmpliGraph) (👨💻 20 · 🔀 240 · 📦 47 · 📋 220 - 13% open · ⏱️ 12.07.2023):
```
- git clone https://github.com/phanein/deepwalk
+ git clone https://github.com/Accenture/AmpliGraph
```
-- [PyPi](https://pypi.org/project/deepwalk) (📥 3.1K / month):
+- [PyPi](https://pypi.org/project/ampligraph) (📥 610 / month):
```
- pip install deepwalk
+ pip install ampligraph
```
-kglib (🥉17 · ⭐ 520) - Grakn知识图库(ML R&D)。Apache-2
+graph-nets (🥉17 · ⭐ 5.3K · 💀) - Build Graph Nets in Tensorflow. Apache-2 
-- [GitHub](https://github.com/vaticle/typedb-ml) (👨💻 9 · 🔀 88 · 📥 210 · 📋 60 - 16% open · ⏱️ 01.08.2022):
+- [GitHub](https://github.com/google-deepmind/graph_nets) (👨💻 11 · 🔀 770 · 📦 20 · 📋 130 - 5% open · ⏱️ 12.12.2022):
```
- git clone https://github.com/graknlabs/kglib
+ git clone https://github.com/deepmind/graph_nets
```
-- [PyPi](https://pypi.org/project/grakn-kglib) (📥 26 / month):
+- [PyPi](https://pypi.org/project/graph-nets) (📥 980 / month):
```
- pip install grakn-kglib
+ pip install graph-nets
```
-GraphEmbedding (🥉16 · ⭐ 3K) - 图嵌入算法的实现和实验。MIT 
+DeepWalk (🥉17 · ⭐ 2.6K · 💀) - DeepWalk - Deep Learning for Graphs. ❗Unlicensed
-- [GitHub](https://github.com/shenweichen/GraphEmbedding) (👨💻 9 · 🔀 860 · 📦 21 · 📋 57 - 59% open · ⏱️ 21.06.2022):
+- [GitHub](https://github.com/phanein/deepwalk) (👨💻 10 · 🔀 820 · 📦 69 · 📋 110 - 27% open · ⏱️ 02.04.2020):
```
- git clone https://github.com/shenweichen/GraphEmbedding
+ git clone https://github.com/phanein/deepwalk
+ ```
+- [PyPi](https://pypi.org/project/deepwalk) (📥 860 / month):
+ ```
+ pip install deepwalk
```
-graph-nets (🥉15 · ⭐ 5.2K · 💀) - 在Tensorflow中构建图神经网络。Apache-2 
+Sematch (🥉17 · ⭐ 420) - semantic similarity framework for knowledge graph. Apache-2
-- [GitHub](https://github.com/deepmind/graph_nets) (👨💻 10 · 🔀 770 · 📋 120 - 2% open · ⏱️ 04.12.2020):
+- [GitHub](https://github.com/gsi-upm/sematch) (👨💻 10 · 🔀 100 · 📦 46 · 📋 34 - 44% open · ⏱️ 07.11.2023):
```
- git clone https://github.com/deepmind/graph_nets
+ git clone https://github.com/gsi-upm/sematch
```
-- [PyPi](https://pypi.org/project/graph-nets) (📥 1K / month):
+- [PyPi](https://pypi.org/project/sematch) (📥 190 / month):
```
- pip install graph-nets
+ pip install sematch
```
-Euler (🥉15 · ⭐ 2.8K · 💀) - 分布式图深度学习框架。Apache-2 
+pyRDF2Vec (🥉17 · ⭐ 230) - Python Implementation and Extension of RDF2Vec. MIT
-- [GitHub](https://github.com/alibaba/euler) (👨💻 3 · 🔀 550 · 📋 320 - 67% open · ⏱️ 29.07.2020):
+- [GitHub](https://github.com/IBCNServices/pyRDF2Vec) (👨💻 7 · 🔀 45 · 📦 39 · 📋 80 - 22% open · ⏱️ 02.07.2023):
```
- git clone https://github.com/alibaba/euler
+ git clone https://github.com/IBCNServices/pyRDF2Vec
```
-- [PyPi](https://pypi.org/project/euler-gl) (📥 15 / month):
+- [PyPi](https://pypi.org/project/pyrdf2vec) (📥 250 / month):
```
- pip install euler-gl
+ pip install pyrdf2vec
```
-DeepGraph (🥉15 · ⭐ 260 · 💀) - 使用基于pandas的网络分析数据。❗Unlicensed 
+kglib (🥉16 · ⭐ 550) - Grakn Knowledge Graph Library (ML R&D). Apache-2
-- [GitHub](https://github.com/deepgraph/deepgraph) (👨💻 2 · 🔀 38 · 📦 5 · 📋 14 - 64% open · ⏱️ 14.06.2021):
+- [GitHub](https://github.com/vaticle/typedb-ml) (👨💻 11 · 🔀 92 · 📥 220 · 📋 63 - 19% open · ⏱️ 18.11.2023):
```
- git clone https://github.com/deepgraph/deepgraph
+ git clone https://github.com/graknlabs/kglib
```
-- [PyPi](https://pypi.org/project/deepgraph) (📥 290 / month):
+- [PyPi](https://pypi.org/project/grakn-kglib) (📥 79 / month):
```
- pip install deepgraph
+ pip install grakn-kglib
```
-- [Conda](https://anaconda.org/conda-forge/deepgraph) (📥 130K · ⏱️ 19.04.2022):
+
+GraphEmbedding (🥉15 · ⭐ 3.5K · 💀) - Implementation and experiments of graph embedding.. MIT 
+
+- [GitHub](https://github.com/shenweichen/GraphEmbedding) (👨💻 9 · 🔀 960 · 📦 31 · 📋 64 - 60% open · ⏱️ 21.06.2022):
+
```
- conda install -c conda-forge deepgraph
+ git clone https://github.com/shenweichen/GraphEmbedding
```
-pyRDF2Vec (🥉15 · ⭐ 160) - RDF2Vec的Python实现和扩展。MIT
+DeepGraph (🥉15 · ⭐ 280) - Analyze Data with Pandas-based Networks. Documentation:. ❗Unlicensed 
-- [GitHub](https://github.com/IBCNServices/pyRDF2Vec) (👨💻 6 · 🔀 32 · 📋 61 - 14% open · ⏱️ 06.05.2022):
+- [GitHub](https://github.com/deepgraph/deepgraph) (👨💻 2 · 🔀 39 · 📦 8 · 📋 17 - 58% open · ⏱️ 17.07.2023):
```
- git clone https://github.com/IBCNServices/pyRDF2Vec
+ git clone https://github.com/deepgraph/deepgraph
```
-- [PyPi](https://pypi.org/project/pyrdf2vec) (📥 300 / month):
+- [PyPi](https://pypi.org/project/deepgraph) (📥 300 / month):
```
- pip install pyrdf2vec
+ pip install deepgraph
+ ```
+- [Conda](https://anaconda.org/conda-forge/deepgraph) (📥 170K · ⏱️ 03.10.2023):
+ ```
+ conda install -c conda-forge deepgraph
```
-GraphSAGE (🥉14 · ⭐ 2.8K · 💀) - 大型图上的表示学习。MIT 
+OpenNE (🥉14 · ⭐ 1.7K) - An Open-Source Package for Network Embedding (NE). MIT 
-- [GitHub](https://github.com/williamleif/GraphSAGE) (👨💻 9 · 🔀 770 · 📋 160 - 62% open · ⏱️ 19.09.2018):
+- [GitHub](https://github.com/thunlp/OpenNE) (👨💻 13 · 🔀 480 · 📋 100 - 3% open · ⏱️ 04.01.2024):
```
- git clone https://github.com/williamleif/GraphSAGE
+ git clone https://github.com/thunlp/OpenNE
```
-OpenNE (🥉14 · ⭐ 1.6K · 💀) - 神经关系提取(NRE)的开源软件包。MIT 
+GraphSAGE (🥉13 · ⭐ 3.2K · 💀) - Representation learning on large graphs using stochastic.. MIT 
-- [GitHub](https://github.com/thunlp/OpenNE) (👨💻 10 · 🔀 480 · 📋 97 - 1% open · ⏱️ 12.08.2019):
+- [GitHub](https://github.com/williamleif/GraphSAGE) (👨💻 9 · 🔀 810 · 📋 170 - 64% open · ⏱️ 19.09.2018):
```
- git clone https://github.com/thunlp/OpenNE
+ git clone https://github.com/williamleif/GraphSAGE
```
-AutoGL (🥉14 · ⭐ 840) - 用于图上机器学习的autoML框架和工具包。Apache-2 
+Euler (🥉13 · ⭐ 2.9K · 💀) - A distributed graph deep learning framework. Apache-2 
-- [GitHub](https://github.com/THUMNLab/AutoGL) (👨💻 13 · 🔀 98 · 📋 23 - 34% open · ⏱️ 19.04.2022):
+- [GitHub](https://github.com/alibaba/euler) (👨💻 3 · 🔀 550 · 📋 320 - 67% open · ⏱️ 29.07.2020):
```
- git clone https://github.com/THUMNLab/AutoGL
+ git clone https://github.com/alibaba/euler
```
-- [PyPi](https://pypi.org/project/auto-graph-learning):
+- [PyPi](https://pypi.org/project/euler-gl) (📥 2 / month):
```
- pip install auto-graph-learning
+ pip install euler-gl
```
-Sematch (🥉14 · ⭐ 400 · 💀) - 知识图的语义相似性框架。Apache-2
+GraphVite (🥉13 · ⭐ 1.2K · 💀) - GraphVite: A General and High-performance Graph Embedding.. Apache-2
-- [GitHub](https://github.com/gsi-upm/sematch) (👨💻 5 · 🔀 100 · 📦 34 · 📋 33 - 42% open · ⏱️ 27.03.2019):
+- [GitHub](https://github.com/DeepGraphLearning/graphvite) (🔀 150 · 📋 110 - 46% open · ⏱️ 14.01.2021):
```
- git clone https://github.com/gsi-upm/sematch
+ git clone https://github.com/DeepGraphLearning/graphvite
```
-- [PyPi](https://pypi.org/project/sematch) (📥 130 / month):
+- [Conda](https://anaconda.org/milagraph/graphvite) (📥 4.7K · ⏱️ 16.06.2023):
```
- pip install sematch
+ conda install -c milagraph graphvite
```
-GraphVite (🥉12 · ⭐ 1.1K · 💀) - GraphVite:通用的高性能图形嵌入系统。Apache-2
+AutoGL (🥉13 · ⭐ 1K) - An autoML framework & toolkit for machine learning on graphs. Apache-2 
-- [GitHub](https://github.com/DeepGraphLearning/graphvite) (🔀 140 · 📋 100 - 42% open · ⏱️ 14.01.2021):
+- [GitHub](https://github.com/THUMNLab/AutoGL) (👨💻 16 · 🔀 110 · 📋 35 - 31% open · ⏱️ 21.10.2023):
```
- git clone https://github.com/DeepGraphLearning/graphvite
+ git clone https://github.com/THUMNLab/AutoGL
```
-- [Conda](https://anaconda.org/milagraph/graphvite) (📥 4.4K · ⏱️ 19.03.2020):
+- [PyPi](https://pypi.org/project/auto-graph-learning):
```
- conda install -c milagraph graphvite
+ pip install auto-graph-learning
```
-OpenKE (🥉11 · ⭐ 3.2K · 💀) - 神经关系提取(NRE)的开源软件包。❗Unlicensed
+OpenKE (🥉12 · ⭐ 3.6K) - An Open-Source Package for Knowledge Embedding (KE). ❗Unlicensed
-- [GitHub](https://github.com/thunlp/OpenKE) (👨💻 10 · 🔀 900 · 📋 350 - 1% open · ⏱️ 06.04.2021):
+- [GitHub](https://github.com/thunlp/OpenKE) (👨💻 14 · 🔀 960 · 📋 380 - 5% open · ⏱️ 04.01.2024):
```
git clone https://github.com/thunlp/OpenKE
@@ -3613,328 +3613,328 @@ _用于图数据处理,聚类,图嵌入和机器学习任务的库。_
-## 音频处理
-
-
-
-_用于音频分析,处理,转换和提取以及语音识别和音乐生成任务的库。_
+## Audio Data
-DeepSpeech (🥇30 · ⭐ 20K · 💤) - DeepSpeech是开源的语音转文本引擎。MPL-2.0 
+
-- [GitHub](https://github.com/mozilla/DeepSpeech) (👨💻 160 · 🔀 3.4K · 📥 880K · 📦 800 · 📋 2.1K - 5% open · ⏱️ 17.11.2021):
+_Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks._
- ```
- git clone https://github.com/mozilla/DeepSpeech
- ```
-- [PyPi](https://pypi.org/project/deepspeech) (📥 9.4K / month):
- ```
- pip install deepspeech
- ```
-
-Pydub (🥇30 · ⭐ 6.3K) - 使用简单易用的高级界面处理音频。MIT
+Pydub (🥇31 · ⭐ 8K · 💀) - Manipulate audio with a simple and easy high level interface. MIT
-- [GitHub](https://github.com/jiaaro/pydub) (👨💻 92 · 🔀 840 · 📦 14K · 📋 490 - 46% open · ⏱️ 14.05.2022):
+- [GitHub](https://github.com/jiaaro/pydub) (👨💻 95 · 🔀 960 · 📦 46K · 📋 550 - 50% open · ⏱️ 08.12.2022):
```
git clone https://github.com/jiaaro/pydub
```
-- [PyPi](https://pypi.org/project/pydub) (📥 1.6M / month):
+- [PyPi](https://pypi.org/project/pydub) (📥 3.1M / month):
```
pip install pydub
```
-- [Conda](https://anaconda.org/conda-forge/pydub) (📥 28K · ⏱️ 13.03.2021):
+- [Conda](https://anaconda.org/conda-forge/pydub) (📥 78K · ⏱️ 16.06.2023):
```
conda install -c conda-forge pydub
```
-espnet (🥇29 · ⭐ 5.4K) - 端到端语音处理工具包。Apache-2
-
-- [GitHub](https://github.com/espnet/espnet) (👨💻 280 · 🔀 1.6K · 📥 76 · 📦 67 · 📋 1.9K - 15% open · ⏱️ 24.08.2022):
-
- ```
- git clone https://github.com/espnet/espnet
- ```
-- [PyPi](https://pypi.org/project/espnet) (📥 11K / month):
- ```
- pip install espnet
- ```
-
-Magenta (🥈27 · ⭐ 18K) - 借助机器智能进行音乐和艺术创作。Apache-2 
+