diff --git a/README.md b/README.md
index 29d3953..93cb18f 100644
--- a/README.md
+++ b/README.md
@@ -14,663 +14,627 @@
-本资源清单包含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.4M个点赞。所有的工具资源每周会自动从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) _18 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 (🥇45 · ⭐ 190K) - 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.6K · 🔀 72K · 📦 370K · 📋 39K - 4% open · ⏱️ 16.05.2024):
```
git clone https://github.com/tensorflow/tensorflow
```
-- [PyPi](https://pypi.org/project/tensorflow) (📥 14M / month):
+- [PyPi](https://pypi.org/project/tensorflow) (📥 23M / month):
```
pip install tensorflow
```
-- [Conda](https://anaconda.org/conda-forge/tensorflow) (📥 3.6M · ⏱️ 20.07.2022):
+- [Conda](https://anaconda.org/conda-forge/tensorflow) (📥 4.6M · ⏱️ 30.01.2024):
```
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) (📥 77M · ⭐ 2.4K · ⏱️ 16.05.2024):
```
docker pull tensorflow/tensorflow
```
-scikit-learn (🥇39 · ⭐ 51K) - scikit-learn:基于Python的机器学习工具库。BSD-3 
+PyTorch (🥇40 · ⭐ 79K) - 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.9K · 🔀 21K · 📥 41K · 📦 450K · 📋 42K - 31% open · ⏱️ 16.05.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) (📥 29M / 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) (📥 21M · ⏱️ 23.04.2024):
```
- conda install -c conda-forge scikit-learn
+ conda install -c pytorch pytorch
```
-XGBoost (🥇37 · ⭐ 23K) - 可扩展,高效和分布式梯度增强(GBDT,GBRT等)的boosting工具库。Apache-2
+scikit-learn (🥇39 · ⭐ 58K) - 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) (👨💻 3.1K · 🔀 24K · 📥 950 · 📦 780K · 📋 11K - 14% open · ⏱️ 16.05.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) (📥 67M / 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) (📥 28M · ⏱️ 07.05.2024):
```
- conda install -c conda-forge xgboost
+ conda install -c conda-forge scikit-learn
```
-LightGBM (🥇35 · ⭐ 14K) - 快速,分布式,高性能梯度提升(GBT,GBDT,GBRT等)的boosting工具库。MIT
+XGBoost (🥇39 · ⭐ 26K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
-- [GitHub](https://github.com/microsoft/LightGBM) (👨💻 270 · 🔀 3.5K · 📥 160K · 📦 15K · 📋 2.8K - 7% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/dmlc/xgboost) (👨💻 640 · 🔀 8.2K · 📥 8.6K · 📦 91K · 📋 5.1K - 7% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/microsoft/LightGBM
+ git clone https://github.com/dmlc/xgboost
```
-- [PyPi](https://pypi.org/project/lightgbm) (📥 6M / month):
+- [PyPi](https://pypi.org/project/xgboost) (📥 19M / month):
```
- pip install lightgbm
+ pip install xgboost
```
-- [Conda](https://anaconda.org/conda-forge/lightgbm) (📥 1.2M · ⏱️ 08.01.2022):
+- [Conda](https://anaconda.org/conda-forge/xgboost) (📥 4.8M · ⏱️ 18.04.2024):
```
- conda install -c conda-forge lightgbm
+ conda install -c conda-forge xgboost
```
-Fastai (🥇34 · ⭐ 23K) - Fastai深度学习库。Apache-2 
+pytorch-lightning (🥇38 · ⭐ 27K · 📈) - The lightweight PyTorch wrapper for high-performance.. Apache-2 
-- [GitHub](https://github.com/fastai/fastai) (👨💻 210 · 🔀 7.1K · 📦 11K · 📋 1.7K - 6% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/Lightning-AI/pytorch-lightning) (👨💻 940 · 🔀 3.2K · 📥 7.5K · 📦 32K · 📋 6.9K - 10% open · ⏱️ 15.05.2024):
```
- git clone https://github.com/fastai/fastai
+ git clone https://github.com/PyTorchLightning/pytorch-lightning
```
-- [PyPi](https://pypi.org/project/fastai) (📥 280K / month):
+- [PyPi](https://pypi.org/project/pytorch-lightning) (📥 5.1M / month):
```
- pip install fastai
+ pip install pytorch-lightning
+ ```
+- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (📥 1.1M · ⏱️ 12.04.2024):
+ ```
+ conda install -c conda-forge pytorch-lightning
```
-Thinc (🥇34 · ⭐ 2.6K) - 深度学习工具库。MIT
+LightGBM (🥇37 · ⭐ 16K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
-- [GitHub](https://github.com/explosion/thinc) (👨💻 53 · 🔀 240 · 📦 23K · 📋 120 - 11% open · ⏱️ 05.08.2022):
+- [GitHub](https://github.com/microsoft/LightGBM) (👨💻 300 · 🔀 3.7K · 📥 220K · 📦 33K · 📋 3.3K - 10% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/explosion/thinc
+ git clone https://github.com/microsoft/LightGBM
```
-- [PyPi](https://pypi.org/project/thinc) (📥 4.1M / month):
+- [PyPi](https://pypi.org/project/lightgbm) (📥 7.7M / month):
```
- pip install thinc
+ pip install lightgbm
```
-- [Conda](https://anaconda.org/conda-forge/thinc) (📥 2.2M · ⏱️ 08.07.2022):
+- [Conda](https://anaconda.org/conda-forge/lightgbm) (📥 2.3M · ⏱️ 26.01.2024):
```
- conda install -c conda-forge thinc
+ conda install -c conda-forge lightgbm
```
-PyTorch (🥈33 · ⭐ 58K) - 具有强大GPU的Python中的张量和动态神经网络构建工具库。BSD-3 
+PaddlePaddle (🥈36 · ⭐ 22K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2 
-- [GitHub](https://github.com/pytorch/pytorch) (👨💻 3.5K · 🔀 16K · 📥 5.6K · 📋 28K - 32% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/PaddlePaddle/Paddle) (👨💻 1.2K · 🔀 5.3K · 📥 15K · 📦 5.1K · 📋 18K - 5% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/pytorch/pytorch
- ```
-- [PyPi](https://pypi.org/project/torch) (📥 8.5M / month):
- ```
- pip install torch
+ git clone https://github.com/PaddlePaddle/Paddle
```
-- [Conda](https://anaconda.org/pytorch/pytorch) (📥 19M · ⏱️ 04.08.2022):
+- [PyPi](https://pypi.org/project/paddlepaddle) (📥 260K / month):
```
- conda install -c pytorch pytorch
+ pip install paddlepaddle
```
-dlib (🥈33 · ⭐ 11K) - 进行现实世界机器学习和数据分析的工具包。❗️BSL-1.0
+dlib (🥈36 · ⭐ 13K) - A toolkit for making real world machine learning and data analysis.. ❗️BSL-1.0
-- [GitHub](https://github.com/davisking/dlib) (👨💻 180 · 🔀 2.7K · 📥 25K · 📦 16K · 📋 2.1K - 1% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/davisking/dlib) (👨💻 200 · 🔀 2.9K · 📥 25K · 📦 27K · 📋 2.2K - 2% open · ⏱️ 12.05.2024):
```
git clone https://github.com/davisking/dlib
```
-- [PyPi](https://pypi.org/project/dlib) (📥 91K / month):
+- [PyPi](https://pypi.org/project/dlib) (📥 500K / month):
```
pip install dlib
```
-- [Conda](https://anaconda.org/conda-forge/dlib) (📥 460K · ⏱️ 08.05.2022):
+- [Conda](https://anaconda.org/conda-forge/dlib) (📥 700K · ⏱️ 04.04.2024):
```
conda install -c conda-forge dlib
```
-Keras (🥈32 · ⭐ 56K) - 易上手的深度学习工具库。Apache-2 
+Fastai (🥈35 · ⭐ 26K) - The fastai deep learning library. Apache-2 
-- [GitHub](https://github.com/keras-team/keras) (👨💻 1.1K · 🔀 18K · 📋 11K - 2% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/fastai/fastai) (👨💻 250 · 🔀 7.3K · 📦 17K · 📋 1.8K - 11% open · ⏱️ 27.04.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/fastai/fastai
```
-- [Conda](https://anaconda.org/conda-forge/keras) (📥 2.5M · ⏱️ 19.05.2022):
+- [PyPi](https://pypi.org/project/fastai) (📥 370K / month):
```
- conda install -c conda-forge keras
+ pip install fastai
```
-PySpark (🥈32 · ⭐ 34K) - Apache Spark Python API。Apache-2 
+StatsModels (🥈35 · ⭐ 9.6K) - 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) (👨💻 430 · 🔀 2.6K · 📥 31 · 📦 120K · 📋 5.4K - 48% open · ⏱️ 14.05.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) (📥 17M / 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) (📥 13M · ⏱️ 14.12.2023):
```
- conda install -c conda-forge pyspark
+ conda install -c conda-forge statsmodels
```
-PaddlePaddle (🥈32 · ⭐ 19K) - paddlepaddle机器学习与深度学习工具库。Apache-2 
+Keras (🥈34 · ⭐ 61K) - Deep Learning for humans. Apache-2 
-- [GitHub](https://github.com/PaddlePaddle/Paddle) (👨💻 810 · 🔀 4.5K · 📥 15K · 📦 140 · 📋 15K - 14% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/keras-team/keras) (👨💻 1.3K · 🔀 19K · 📋 12K - 1% open · ⏱️ 15.05.2024):
```
- git clone https://github.com/PaddlePaddle/Paddle
+ git clone https://github.com/keras-team/keras
```
-- [PyPi](https://pypi.org/project/paddlepaddle) (📥 79K / month):
+- [PyPi](https://pypi.org/project/keras) (📥 18M / month):
```
- pip install paddlepaddle
+ pip install keras
+ ```
+- [Conda](https://anaconda.org/conda-forge/keras) (📥 3.5M · ⏱️ 27.04.2024):
+ ```
+ conda install -c conda-forge keras
```
-Jina (🥈32 · ⭐ 16K) - 在云端构建神经搜索的简便方法库。Apache-2
+MXNet (🥈34 · ⭐ 21K · 💀) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. Apache-2 
-- [GitHub](https://github.com/jina-ai/jina) (👨💻 150 · 🔀 1.9K · 📦 350 · 📋 1.6K - 1% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/apache/mxnet) (👨💻 980 · 🔀 6.5K · 📥 27K · 📦 7.3K · 📋 9.6K - 18% open · ⏱️ 26.01.2023):
```
- git clone https://github.com/jina-ai/jina
+ git clone https://github.com/apache/incubator-mxnet
```
-- [PyPi](https://pypi.org/project/jina) (📥 88K / month):
+- [PyPi](https://pypi.org/project/mxnet) (📥 600K / month):
```
- pip install jina
+ pip install mxnet
```
-- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (📥 1.1M · ⭐ 7 · ⏱️ 23.08.2022):
+- [Conda](https://anaconda.org/anaconda/mxnet) (📥 11K · ⏱️ 16.06.2023):
```
- docker pull jinaai/jina
+ conda install -c anaconda mxnet
```
-StatsModels (🥈32 · ⭐ 7.7K) - Statsmodels:Python中的统计建模和计量经济学工具库。BSD-3
+Jina (🥈34 · ⭐ 20K) - An easier way to build neural search on the cloud. Apache-2
-- [GitHub](https://github.com/statsmodels/statsmodels) (👨💻 380 · 🔀 2.4K · 📥 26 · 📦 68K · 📋 4.8K - 46% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/jina-ai/jina) (👨💻 180 · 🔀 2.2K · 📦 1.7K · 📋 1.9K - 0% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/statsmodels/statsmodels
+ git clone https://github.com/jina-ai/jina
```
-- [PyPi](https://pypi.org/project/statsmodels) (📥 8.8M / month):
+- [PyPi](https://pypi.org/project/jina) (📥 38K / month):
```
- pip install statsmodels
+ pip install jina
```
-- [Conda](https://anaconda.org/conda-forge/statsmodels) (📥 7M · ⏱️ 09.06.2022):
+- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (📥 1.3M · ⭐ 8 · ⏱️ 16.05.2024):
```
- conda install -c conda-forge statsmodels
+ docker pull jinaai/jina
```
-jax (🥈31 · ⭐ 20K) - Python + NumPy程序工具库。Apache-2
+jax (🥈33 · ⭐ 28K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
-- [GitHub](https://github.com/google/jax) (👨💻 440 · 🔀 1.8K · 📦 5.3K · 📋 3.4K - 24% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/google/jax) (👨💻 690 · 🔀 2.5K · 📦 25K · 📋 5.2K - 25% open · ⏱️ 16.05.2024):
```
git clone https://github.com/google/jax
```
-- [PyPi](https://pypi.org/project/jax) (📥 610K / month):
+- [PyPi](https://pypi.org/project/jax) (📥 6.7M / month):
```
pip install jax
```
-- [Conda](https://anaconda.org/conda-forge/jaxlib) (📥 410K · ⏱️ 25.08.2022):
+- [Conda](https://anaconda.org/conda-forge/jaxlib) (📥 1.2M · ⏱️ 03.05.2024):
```
conda install -c conda-forge jaxlib
```
-Chainer (🥈31 · ⭐ 5.7K) - 灵活的深度学习神经网络框架。MIT
-
-- [GitHub](https://github.com/chainer/chainer) (👨💻 320 · 🔀 1.3K · 📦 2.7K · 📋 2K - 0% open · ⏱️ 29.06.2022):
-
- ```
- git clone https://github.com/chainer/chainer
- ```
-- [PyPi](https://pypi.org/project/chainer) (📥 23K / month):
- ```
- pip install chainer
- ```
-
-Theano (🥈30 · ⭐ 9.6K · 💤) - Theano是一个Python神经网络工具库。❗Unlicensed
+einops (🥈33 · ⭐ 8K) - Deep learning operations reinvented (for pytorch, tensorflow, jax and.. MIT
-- [GitHub](https://github.com/Theano/Theano) (👨💻 380 · 🔀 2.4K · 📦 13K · 📋 2.7K - 21% open · ⏱️ 23.11.2021):
+- [GitHub](https://github.com/arogozhnikov/einops) (👨💻 27 · 🔀 330 · 📦 34K · 📋 170 - 18% open · ⏱️ 12.05.2024):
```
- git clone https://github.com/Theano/Theano
+ git clone https://github.com/arogozhnikov/einops
```
-- [PyPi](https://pypi.org/project/theano) (📥 270K / month):
+- [PyPi](https://pypi.org/project/einops) (📥 7.5M / month):
```
- pip install theano
+ pip install einops
```
-- [Conda](https://anaconda.org/conda-forge/theano) (📥 2.1M · ⏱️ 16.03.2022):
+- [Conda](https://anaconda.org/conda-forge/einops) (📥 210K · ⏱️ 28.04.2024):
```
- conda install -c conda-forge theano
+ conda install -c conda-forge einops
```
-einops (🥈30 · ⭐ 5.5K) - 重塑了深度学习操作(用于pytorch,tensorflow,jax等)的工具库。MIT
+PySpark (🥈32 · ⭐ 39K) - Apache Spark Python API. Apache-2 
-- [GitHub](https://github.com/arogozhnikov/einops) (👨💻 20 · 🔀 240 · 📦 3.9K · 📋 120 - 28% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/apache/spark) (👨💻 3.1K · 🔀 27K · ⏱️ 16.05.2024):
```
- git clone https://github.com/arogozhnikov/einops
+ git clone https://github.com/apache/spark
```
-- [PyPi](https://pypi.org/project/einops) (📥 1M / month):
+- [PyPi](https://pypi.org/project/pyspark) (📥 29M / month):
```
- pip install einops
+ pip install pyspark
```
-- [Conda](https://anaconda.org/conda-forge/einops) (📥 25K · ⏱️ 04.03.2022):
+- [Conda](https://anaconda.org/conda-forge/pyspark) (📥 3.1M · ⏱️ 03.03.2024):
```
- conda install -c conda-forge einops
+ conda install -c conda-forge pyspark
```
-MXNet (🥈29 · ⭐ 20K) - 轻巧,灵活的分布式/移动深度学习工具库。Apache-2 
+Catboost (🥈32 · ⭐ 7.8K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
-- [GitHub](https://github.com/apache/incubator-mxnet) (👨💻 980 · 🔀 6.5K · 📥 25K · 📋 9.5K - 18% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/catboost/catboost) (👨💻 1.2K · 🔀 1.1K · 📥 250K · 📦 13 · 📋 2.3K - 22% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/apache/incubator-mxnet
+ git clone https://github.com/catboost/catboost
```
-- [PyPi](https://pypi.org/project/mxnet) (📥 410K / month):
+- [PyPi](https://pypi.org/project/catboost) (📥 2M / month):
```
- pip install mxnet
+ pip install catboost
```
-- [Conda](https://anaconda.org/anaconda/mxnet) (📥 8K · ⏱️ 02.05.2022):
+- [Conda](https://anaconda.org/conda-forge/catboost) (📥 1.5M · ⏱️ 18.04.2024):
```
- conda install -c anaconda mxnet
+ conda install -c conda-forge catboost
```
-pytorch-lightning (🥈29 · ⭐ 20K · 📉) - 轻巧而具备高性能的PyTorch上层封装工具库。Apache-2 
+Theano (🥈31 · ⭐ 9.9K) - Theano is a Python library that allows you to define, optimize,.. ❗Unlicensed
-- [GitHub](https://github.com/Lightning-AI/lightning) (👨💻 740 · 🔀 2.5K · 📥 8K · 📋 5.3K - 8% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/Theano/Theano) (👨💻 390 · 🔀 2.4K · 📦 15K · 📋 2.7K - 22% open · ⏱️ 15.01.2024):
```
- git clone https://github.com/PyTorchLightning/pytorch-lightning
+ git clone https://github.com/Theano/Theano
```
-- [PyPi](https://pypi.org/project/pytorch-lightning) (📥 1.8M / month):
+- [PyPi](https://pypi.org/project/theano) (📥 570K / month):
```
- pip install pytorch-lightning
+ pip install theano
```
-- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (📥 520K · ⏱️ 18.08.2022):
+- [Conda](https://anaconda.org/conda-forge/theano) (📥 2.4M · ⏱️ 16.06.2023):
```
- conda install -c conda-forge pytorch-lightning
+ conda install -c conda-forge theano
```
-Vowpal Wabbit (🥈28 · ⭐ 8K) - Vowpal Wabbit是一个推动机器学习的机器学习系统。BSD-3
+Flax (🥈31 · ⭐ 5.6K) - Flax is a neural network library for JAX that is designed for.. Apache-2 jax
-- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (👨💻 320 · 🔀 1.7K · 📋 1.2K - 10% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/google/flax) (👨💻 220 · 🔀 580 · 📥 51 · 📦 7.3K · 📋 830 - 15% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/VowpalWabbit/vowpal_wabbit
+ git clone https://github.com/google/flax
```
-- [PyPi](https://pypi.org/project/vowpalwabbit) (📥 92K / month):
+- [PyPi](https://pypi.org/project/flax) (📥 4.2M / month):
```
- pip install vowpalwabbit
+ pip install flax
```
-Catboost (🥈28 · ⭐ 6.7K) - 快速,可扩展,高性能的梯度决策提升工具库。Apache-2
+Thinc (🥈31 · ⭐ 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT
-- [GitHub](https://github.com/catboost/catboost) (👨💻 1K · 🔀 990 · 📥 86K · 📋 1.9K - 21% open · ⏱️ 21.08.2022):
+- [GitHub](https://github.com/explosion/thinc) (👨💻 63 · 🔀 270 · 📦 47K · 📋 140 - 11% open · ⏱️ 23.04.2024):
```
- git clone https://github.com/catboost/catboost
+ git clone https://github.com/explosion/thinc
```
-- [PyPi](https://pypi.org/project/catboost) (📥 2.7M / month):
+- [PyPi](https://pypi.org/project/thinc) (📥 9.6M / month):
```
- pip install catboost
+ pip install thinc
```
-- [Conda](https://anaconda.org/conda-forge/catboost) (📥 1.1M · ⏱️ 19.05.2022):
+- [Conda](https://anaconda.org/conda-forge/thinc) (📥 2.8M · ⏱️ 11.05.2024):
```
- conda install -c conda-forge catboost
+ conda install -c conda-forge thinc
```
-Flax (🥈28 · ⭐ 3.5K) - Flax是专为.NET设计的用于JAX的神经网络库。Apache-2 jax
+PyFlink (🥈30 · ⭐ 23K) - Apache Flink Python API. Apache-2
-- [GitHub](https://github.com/google/flax) (👨💻 170 · 🔀 380 · 📥 42 · 📦 1.3K · 📋 550 - 17% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/apache/flink) (👨💻 1.9K · 🔀 12K · 📦 21 · ⏱️ 16.05.2024):
```
- git clone https://github.com/google/flax
+ git clone https://github.com/apache/flink
```
-- [PyPi](https://pypi.org/project/flax) (📥 310K / month):
+- [PyPi](https://pypi.org/project/apache-flink) (📥 77K / month):
```
- pip install flax
+ pip install apache-flink
```
-dyNET (🥈28 · ⭐ 3.3K) - DyNet:动态神经网络工具包。Apache-2
+Ludwig (🥈30 · ⭐ 11K) - Ludwig is a toolbox that allows to train and evaluate deep.. Apache-2 
-- [GitHub](https://github.com/clab/dynet) (👨💻 160 · 🔀 670 · 📥 6.9K · 📦 220 · 📋 920 - 27% open · ⏱️ 14.08.2022):
+- [GitHub](https://github.com/ludwig-ai/ludwig) (👨💻 160 · 🔀 1.1K · 📦 250 · 📋 1.1K - 28% open · ⏱️ 29.04.2024):
```
- git clone https://github.com/clab/dynet
+ git clone https://github.com/ludwig-ai/ludwig
```
-- [PyPi](https://pypi.org/project/dyNET) (📥 20K / month):
+- [PyPi](https://pypi.org/project/ludwig) (📥 4.3K / month):
```
- pip install dyNET
+ pip install ludwig
```
-PyFlink (🥉27 · ⭐ 20K) - Apache Flink Python API。Apache-2
+Ignite (🥈30 · ⭐ 4.5K) - High-level library to help with training and evaluating neural.. BSD-3 
-- [GitHub](https://github.com/apache/flink) (👨💻 1.6K · 🔀 11K · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/pytorch/ignite) (👨💻 210 · 🔀 600 · 📦 2.9K · 📋 1.4K - 8% open · ⏱️ 10.05.2024):
```
- git clone https://github.com/apache/flink
+ git clone https://github.com/pytorch/ignite
```
-- [PyPi](https://pypi.org/project/apache-flink) (📥 54K / month):
+- [PyPi](https://pypi.org/project/pytorch-ignite) (📥 300K / month):
```
- pip install apache-flink
+ pip install pytorch-ignite
+ ```
+- [Conda](https://anaconda.org/pytorch/ignite) (📥 180K · ⏱️ 01.04.2024):
+ ```
+ conda install -c pytorch ignite
```
-TFlearn (🥉27 · ⭐ 9.6K · 💀) - 深度学习库,基于TensorFlow构建上层简单易用的API。❗Unlicensed 
+Chainer (🥉29 · ⭐ 5.9K · 💀) - A flexible framework of neural networks for deep learning. MIT
-- [GitHub](https://github.com/tflearn/tflearn) (👨💻 130 · 🔀 2.3K · 📦 4.1K · 📋 910 - 60% open · ⏱️ 30.11.2020):
+- [GitHub](https://github.com/chainer/chainer) (👨💻 320 · 🔀 1.3K · 📦 3.2K · 📋 2K - 0% open · ⏱️ 17.10.2022):
```
- git clone https://github.com/tflearn/tflearn
+ git clone https://github.com/chainer/chainer
```
-- [PyPi](https://pypi.org/project/tflearn) (📥 16K / month):
+- [PyPi](https://pypi.org/project/chainer) (📥 20K / month):
```
- pip install tflearn
+ pip install chainer
```
-Sonnet (🥉27 · ⭐ 9.4K) - 基于TensorFlow的神经网络库。Apache-2 
+Sonnet (🥉28 · ⭐ 9.7K) - TensorFlow-based neural network library. Apache-2 
-- [GitHub](https://github.com/deepmind/sonnet) (👨💻 54 · 🔀 1.2K · 📦 900 · 📋 180 - 14% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/google-deepmind/sonnet) (👨💻 59 · 🔀 1.3K · 📦 1.3K · 📋 190 - 16% open · ⏱️ 08.04.2024):
```
git clone https://github.com/deepmind/sonnet
```
-- [PyPi](https://pypi.org/project/dm-sonnet) (📥 24K / month):
+- [PyPi](https://pypi.org/project/dm-sonnet) (📥 31K / month):
```
pip install dm-sonnet
```
-- [Conda](https://anaconda.org/conda-forge/sonnet) (📥 16K · ⏱️ 14.11.2020):
+- [Conda](https://anaconda.org/conda-forge/sonnet) (📥 28K · ⏱️ 16.06.2023):
```
conda install -c conda-forge sonnet
```
-Ludwig (🥉27 · ⭐ 8.5K) - 路德维希(Ludwig)是一个工具箱,可用于深度学习训练和评估。Apache-2 
-
-- [GitHub](https://github.com/ludwig-ai/ludwig) (👨💻 130 · 🔀 960 · 📦 130 · 📋 820 - 23% open · ⏱️ 25.08.2022):
-
- ```
- git clone https://github.com/ludwig-ai/ludwig
- ```
-- [PyPi](https://pypi.org/project/ludwig) (📥 1.8K / month):
- ```
- pip install ludwig
- ```
-
-tensorpack (🥉27 · ⭐ 6.2K) - TensorFlow上的神经网络训练接口。Apache-2 
+Vowpal Wabbit (🥉28 · ⭐ 8.4K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
-- [GitHub](https://github.com/tensorpack/tensorpack) (👨💻 58 · 🔀 1.8K · 📥 140 · 📦 1.1K · 📋 1.3K - 0% open · ⏱️ 04.05.2022):
+- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (👨💻 340 · 🔀 1.9K · 📋 1.3K - 10% open · ⏱️ 09.05.2024):
```
- git clone https://github.com/tensorpack/tensorpack
+ git clone https://github.com/VowpalWabbit/vowpal_wabbit
```
-- [PyPi](https://pypi.org/project/tensorpack) (📥 19K / month):
+- [PyPi](https://pypi.org/project/vowpalwabbit) (📥 86K / month):
```
- pip install tensorpack
+ pip install vowpalwabbit
```
-skorch (🥉26 · ⭐ 4.6K) - 封装成scikit-learn接口模式的神经网络库。BSD-3 

+skorch (🥉28 · ⭐ 5.6K) - A scikit-learn compatible neural network library that wraps.. BSD-3 

-- [GitHub](https://github.com/skorch-dev/skorch) (👨💻 50 · 🔀 310 · 📦 550 · 📋 440 - 9% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/skorch-dev/skorch) (👨💻 62 · 🔀 380 · 📦 1.2K · 📋 510 - 10% open · ⏱️ 25.04.2024):
```
git clone https://github.com/skorch-dev/skorch
```
-- [PyPi](https://pypi.org/project/skorch) (📥 31K / month):
+- [PyPi](https://pypi.org/project/skorch) (📥 160K / month):
```
pip install skorch
```
-- [Conda](https://anaconda.org/conda-forge/skorch) (📥 610K · ⏱️ 30.11.2021):
+- [Conda](https://anaconda.org/conda-forge/skorch) (📥 780K · ⏱️ 06.09.2023):
```
conda install -c conda-forge skorch
```
-Ignite (🥉26 · ⭐ 4K) - 用于训练和评估神经等一系列操作的高级深度学习工具库。BSD-3 
-
-- [GitHub](https://github.com/pytorch/ignite) (👨💻 180 · 🔀 540 · 📋 1.1K - 10% open · ⏱️ 25.08.2022):
-
- ```
- git clone https://github.com/pytorch/ignite
- ```
-- [PyPi](https://pypi.org/project/pytorch-ignite) (📥 150K / month):
- ```
- pip install pytorch-ignite
- ```
-- [Conda](https://anaconda.org/pytorch/ignite) (📥 99K · ⏱️ 04.05.2022):
- ```
- conda install -c pytorch ignite
- ```
-
-ktrain (🥉26 · ⭐ 1K) - ktrain是一个Python库,可以使深度学习和AI更简单。Apache-2 
+dyNET (🥉28 · ⭐ 3.4K) - DyNet: The Dynamic Neural Network Toolkit. Apache-2
-- [GitHub](https://github.com/amaiya/ktrain) (👨💻 15 · 🔀 240 · 📦 330 · 📋 420 - 0% open · ⏱️ 04.08.2022):
+- [GitHub](https://github.com/clab/dynet) (👨💻 160 · 🔀 670 · 📥 16K · 📦 260 · 📋 930 - 28% open · ⏱️ 08.11.2023):
```
- git clone https://github.com/amaiya/ktrain
+ git clone https://github.com/clab/dynet
```
-- [PyPi](https://pypi.org/project/ktrain) (📥 20K / month):
+- [PyPi](https://pypi.org/project/dyNET) (📥 340K / month):
```
- pip install ktrain
+ pip install dyNET
```
-Turi Create (🥉25 · ⭐ 11K · 💤) - Turi Create简化了自定义机器学习的开发。BSD-3
+TFlearn (🥉27 · ⭐ 9.6K · 💀) - Deep learning library featuring a higher-level API for.. ❗Unlicensed 
-- [GitHub](https://github.com/apple/turicreate) (👨💻 85 · 🔀 1.1K · 📥 6.8K · 📦 320 · 📋 1.8K - 27% open · ⏱️ 29.11.2021):
+- [GitHub](https://github.com/tflearn/tflearn) (👨💻 130 · 🔀 2.3K · 📦 4.9K · 📋 920 - 60% open · ⏱️ 30.11.2020):
```
- git clone https://github.com/apple/turicreate
+ git clone https://github.com/tflearn/tflearn
```
-- [PyPi](https://pypi.org/project/turicreate) (📥 20K / month):
+- [PyPi](https://pypi.org/project/tflearn) (📥 6.9K / month):
```
- pip install turicreate
+ pip install tflearn
```
-xLearn (🥉25 · ⭐ 3K) - 高性能,易于使用且可扩展的机器学习(ML)工具库。Apache-2
+tensorpack (🥉27 · ⭐ 6.3K · 💤) - A Neural Net Training Interface on TensorFlow, with.. Apache-2 
-- [GitHub](https://github.com/aksnzhy/xlearn) (👨💻 30 · 🔀 510 · 📥 3.4K · 📦 93 · 📋 300 - 61% open · ⏱️ 05.06.2022):
+- [GitHub](https://github.com/tensorpack/tensorpack) (👨💻 58 · 🔀 1.8K · 📥 170 · 📦 1.5K · 📋 1.4K - 0% open · ⏱️ 06.08.2023):
```
- git clone https://github.com/aksnzhy/xlearn
+ git clone https://github.com/tensorpack/tensorpack
```
-- [PyPi](https://pypi.org/project/xlearn) (📥 5.2K / month):
+- [PyPi](https://pypi.org/project/tensorpack) (📥 14K / month):
```
- pip install xlearn
+ pip install tensorpack
```
-NuPIC (🥉24 · ⭐ 6.3K · 💀) - Numenta智能计算平台。❗️AGPL-3.0
+ktrain (🥉27 · ⭐ 1.2K) - ktrain is a Python library that makes deep learning and AI more.. Apache-2 
-- [GitHub](https://github.com/numenta/nupic) (👨💻 120 · 🔀 1.6K · 📦 110 · 📋 1.8K - 25% open · ⏱️ 23.10.2019):
+- [GitHub](https://github.com/amaiya/ktrain) (👨💻 16 · 🔀 260 · 📦 520 · 📋 490 - 0% open · ⏱️ 05.04.2024):
```
- git clone https://github.com/numenta/nupic
+ git clone https://github.com/amaiya/ktrain
```
-- [PyPi](https://pypi.org/project/nupic) (📥 1.4K / month):
+- [PyPi](https://pypi.org/project/ktrain) (📥 11K / month):
```
- pip install nupic
+ pip install ktrain
```
-fklearn (🥉24 · ⭐ 1.4K) - fklearn:机器学习工具库。Apache-2
+Turi Create (🥉25 · ⭐ 11K · 💀) - Turi Create simplifies the development of custom machine.. BSD-3
-- [GitHub](https://github.com/nubank/fklearn) (👨💻 47 · 🔀 160 · 📦 13 · 📋 48 - 54% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/apple/turicreate) (👨💻 86 · 🔀 1.1K · 📥 9.9K · 📦 370 · 📋 1.8K - 27% open · ⏱️ 29.11.2021):
```
- git clone https://github.com/nubank/fklearn
+ git clone https://github.com/apple/turicreate
```
-- [PyPi](https://pypi.org/project/fklearn) (📥 12K / month):
+- [PyPi](https://pypi.org/project/turicreate) (📥 19K / month):
```
- pip install fklearn
+ pip install turicreate
```
-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.5K · 📥 8 · 📦 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) (📥 2.3K / month):
```
- pip install tensorflow-rocm
+ pip install nupic
```
-mlpack (🥉23 · ⭐ 4.1K) - mlpack:可扩展的C++机器学习库-。❗Unlicensed
+mlpack (🥉23 · ⭐ 4.8K) - mlpack: a scalable C++ machine learning library --. ❗Unlicensed
-- [GitHub](https://github.com/mlpack/mlpack) (👨💻 290 · 🔀 1.4K · 📋 1.4K - 2% open · ⏱️ 18.08.2022):
+- [GitHub](https://github.com/mlpack/mlpack) (👨💻 320 · 🔀 1.6K · 📋 1.6K - 0% open · ⏱️ 16.05.2024):
```
git clone https://github.com/mlpack/mlpack
```
-- [PyPi](https://pypi.org/project/mlpack) (📥 630 / month):
+- [PyPi](https://pypi.org/project/mlpack) (📥 4.2K / month):
```
pip install mlpack
```
-- [Conda](https://anaconda.org/conda-forge/mlpack) (📥 110K · ⏱️ 09.11.2021):
+- [Conda](https://anaconda.org/conda-forge/mlpack) (📥 180K · ⏱️ 29.11.2023):
```
conda install -c conda-forge mlpack
```
-Neural Network Libraries (🥉23 · ⭐ 2.6K) - 神经网络工具库。Apache-2
+xLearn (🥉23 · ⭐ 3.1K · 💀) - High performance, easy-to-use, and scalable machine learning (ML).. Apache-2
-- [GitHub](https://github.com/sony/nnabla) (👨💻 67 · 🔀 310 · 📥 540 · 📋 72 - 31% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/aksnzhy/xlearn) (👨💻 30 · 🔀 510 · 📥 4.6K · 📦 130 · 📋 300 - 61% open · ⏱️ 05.06.2022):
```
- git clone https://github.com/sony/nnabla
+ git clone https://github.com/aksnzhy/xlearn
```
-- [PyPi](https://pypi.org/project/nnabla) (📥 2.8K / month):
+- [PyPi](https://pypi.org/project/xlearn) (📥 930 / month):
```
- pip install nnabla
+ pip install xlearn
```
-Neural Tangents (🥉23 · ⭐ 1.8K) - Python中的快速简便的无限神经网络。Apache-2
+Neural Network Libraries (🥉23 · ⭐ 2.7K) - Neural Network Libraries. Apache-2
-- [GitHub](https://github.com/google/neural-tangents) (👨💻 23 · 🔀 200 · 📥 240 · 📦 47 · 📋 120 - 34% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/sony/nnabla) (👨💻 76 · 🔀 330 · 📥 920 · 📋 82 - 26% open · ⏱️ 15.05.2024):
```
- git clone https://github.com/google/neural-tangents
+ git clone https://github.com/sony/nnabla
```
-- [PyPi](https://pypi.org/project/neural-tangents) (📥 1.5K / month):
+- [PyPi](https://pypi.org/project/nnabla) (📥 3.4K / month):
```
- pip install neural-tangents
+ pip install nnabla
```
-CNTK (🥉22 · ⭐ 17K · 💀) - Microsoft认知工具包(CNTK),一种开源的深度学习工具包。❗Unlicensed
+Neural Tangents (🥉23 · ⭐ 2.2K) - Fast and Easy Infinite Neural Networks in Python. Apache-2
-- [GitHub](https://github.com/microsoft/CNTK) (👨💻 270 · 🔀 4.3K · 📥 14K · 📋 3.3K - 22% open · ⏱️ 31.03.2020):
+- [GitHub](https://github.com/google/neural-tangents) (👨💻 29 · 🔀 220 · 📥 380 · 📦 100 · 📋 150 - 37% open · ⏱️ 01.03.2024):
```
- git clone https://github.com/microsoft/CNTK
+ git clone https://github.com/google/neural-tangents
```
-- [PyPi](https://pypi.org/project/cntk) (📥 730 / month):
+- [PyPi](https://pypi.org/project/neural-tangents) (📥 2.9K / month):
```
- pip install cntk
+ pip install neural-tangents
```
-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) (📥 2.6K / month):
```
pip install lasagne
```
-SHOGUN (🥉22 · ⭐ 2.9K · 💀) - 统一高效的机器学习。BSD-3
+SHOGUN (🥉22 · ⭐ 3K) - Unified and efficient Machine Learning. BSD-3
-- [GitHub](https://github.com/shogun-toolbox/shogun) (👨💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 08.12.2020):
+- [GitHub](https://github.com/shogun-toolbox/shogun) (👨💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 19.12.2023):
```
git clone https://github.com/shogun-toolbox/shogun
```
-- [Conda](https://anaconda.org/conda-forge/shogun) (📥 120K · ⏱️ 25.06.2018):
+- [Conda](https://anaconda.org/conda-forge/shogun) (📥 130K · ⏱️ 16.06.2023):
```
conda install -c conda-forge shogun
```
@@ -679,129 +643,165 @@ _通用机器学习和深度学习框架。_
docker pull shogun/shogun
```
-NeuPy (🥉22 · ⭐ 710 · 💀) - NeuPy是一个基于Tensorflow的python库,用于原型设计和构建。MIT
+Haiku (🥉22 · ⭐ 2.8K) - JAX-based neural network library. Apache-2
+
+- [GitHub](https://github.com/google-deepmind/dm-haiku) (👨💻 81 · 🔀 230 · 📦 1.9K · 📋 250 - 29% open · ⏱️ 15.05.2024):
+
+ ```
+ git clone https://github.com/deepmind/dm-haiku
+ ```
+
+fklearn (🥉22 · ⭐ 1.5K) - fklearn: Functional Machine Learning. Apache-2
+
+- [GitHub](https://github.com/nubank/fklearn) (👨💻 54 · 🔀 160 · 📦 13 · 📋 50 - 50% open · ⏱️ 08.11.2023):
+
+ ```
+ git clone https://github.com/nubank/fklearn
+ ```
+- [PyPi](https://pypi.org/project/fklearn) (📥 720 / month):
+ ```
+ pip install fklearn
+ ```
+
+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 · 📦 170 · 📋 270 - 12% open · ⏱️ 03.01.2023):
```
git clone https://github.com/itdxer/neupy
```
-- [PyPi](https://pypi.org/project/neupy) (📥 3.5K / month):
+- [PyPi](https://pypi.org/project/neupy) (📥 5.1K / month):
```
pip install neupy
```
-Haiku (🥉21 · ⭐ 2.1K) - 基于JAX的神经网络库。Apache-2
+MindsDB (🥉21 · ⭐ 21K) - 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) (👨💻 830 · 🔀 2.7K · 📋 3.8K - 9% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/deepmind/dm-haiku
+ git clone https://github.com/mindsdb/mindsdb
+ ```
+- [PyPi](https://pypi.org/project/mindsdb) (📥 22K / month):
+ ```
+ pip install mindsdb
+ ```
+
+CNTK (🥉21 · ⭐ 17K · 💀) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning.. ❗Unlicensed
+
+- [GitHub](https://github.com/microsoft/CNTK) (👨💻 280 · 🔀 4.2K · 📥 15K · 📦 2 · 📋 3.3K - 22% open · ⏱️ 23.09.2022):
+
+ ```
+ git clone https://github.com/microsoft/CNTK
+ ```
+- [PyPi](https://pypi.org/project/cntk) (📥 530 / month):
+ ```
+ pip install cntk
```
-mace (🥉20 · ⭐ 4.7K) - MACE是针对移动设备优化的深度学习推理框架。Apache-2
+mace (🥉20 · ⭐ 4.9K) - MACE is a deep learning inference framework optimized for mobile.. Apache-2
-- [GitHub](https://github.com/XiaoMi/mace) (👨💻 64 · 🔀 790 · 📥 1.4K · 📋 660 - 7% open · ⏱️ 30.05.2022):
+- [GitHub](https://github.com/XiaoMi/mace) (👨💻 69 · 🔀 810 · 📥 1.5K · 📋 680 - 8% open · ⏱️ 11.03.2024):
```
git clone https://github.com/XiaoMi/mace
```
-Objax (🥉20 · ⭐ 720) - Objax是加速研究与应用的开源深度学习框架。Apache-2 jax
+ThunderSVM (🥉20 · ⭐ 1.5K) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2
-- [GitHub](https://github.com/google/objax) (👨💻 23 · 🔀 60 · 📦 25 · 📋 98 - 38% open · ⏱️ 12.07.2022):
+- [GitHub](https://github.com/Xtra-Computing/thundersvm) (👨💻 37 · 🔀 210 · 📥 2.8K · 📋 230 - 34% open · ⏱️ 01.04.2024):
```
- git clone https://github.com/google/objax
+ git clone https://github.com/Xtra-Computing/thundersvm
```
-- [PyPi](https://pypi.org/project/objax) (📥 440 / month):
+- [PyPi](https://pypi.org/project/thundersvm) (📥 810 / month):
```
- pip install objax
+ pip install thundersvm
```
-MindsDB (🥉19 · ⭐ 9.7K) - 为各种现有数据库提供预测性AI层。❗️GPL-3.0 
+Objax (🥉20 · ⭐ 760) - Objax is a machine learning framework that provides an Object.. Apache-2 jax
-- [GitHub](https://github.com/mindsdb/mindsdb) (👨💻 130 · 🔀 1K · 📋 1.2K - 11% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/google/objax) (👨💻 26 · 🔀 73 · 📦 53 · 📋 100 - 39% open · ⏱️ 27.01.2024):
```
- git clone https://github.com/mindsdb/mindsdb
+ git clone https://github.com/google/objax
```
-- [PyPi](https://pypi.org/project/mindsdb) (📥 2.9K / month):
+- [PyPi](https://pypi.org/project/objax) (📥 650 / month):
```
- pip install mindsdb
+ pip install objax
```
-neon (🥉19 · ⭐ 3.9K · 💀) - 英特尔Nervana深度学习框架。Apache-2
+Torchbearer (🥉20 · ⭐ 630) - torchbearer: A model fitting library for PyTorch. MIT 
-- [GitHub](https://github.com/NervanaSystems/neon) (👨💻 110 · 🔀 800 · 📥 340 · 📋 390 - 21% open · ⏱️ 22.05.2019):
+- [GitHub](https://github.com/pytorchbearer/torchbearer) (👨💻 14 · 🔀 66 · 📦 87 · 📋 250 - 4% open · ⏱️ 04.12.2023):
```
- git clone https://github.com/NervanaSystems/neon
+ git clone https://github.com/pytorchbearer/torchbearer
```
-- [PyPi](https://pypi.org/project/nervananeon) (📥 32 / month):
+- [PyPi](https://pypi.org/project/torchbearer) (📥 780 / month):
```
- pip install nervananeon
+ pip install torchbearer
```
-ThunderSVM (🥉19 · ⭐ 1.4K) - ThunderSVM:在GPU和CPU上的快速SVM库。Apache-2
+neon (🥉19 · ⭐ 3.9K · 💀) - Intel Nervana reference deep learning framework committed to best.. Apache-2
-- [GitHub](https://github.com/Xtra-Computing/thundersvm) (👨💻 34 · 🔀 190 · 📥 2.5K · 📋 210 - 29% open · ⏱️ 09.04.2022):
+- [GitHub](https://github.com/NervanaSystems/neon) (👨💻 110 · 🔀 800 · 📥 380 · 📋 390 - 21% open · ⏱️ 22.05.2019):
```
- git clone https://github.com/Xtra-Computing/thundersvm
+ git clone https://github.com/NervanaSystems/neon
```
-- [PyPi](https://pypi.org/project/thundersvm) (📥 350 / month):
+- [PyPi](https://pypi.org/project/nervananeon) (📥 120 / month):
```
- pip install thundersvm
+ pip install nervananeon
```
-Torchbearer (🥉19 · ⭐ 630 · 💀) - torchbearer:PyTorch的模型拟合库。MIT 
+tensorflow-upstream (🥉19 · ⭐ 680) - TensorFlow ROCm port. Apache-2 
-- [GitHub](https://github.com/pytorchbearer/torchbearer) (👨💻 13 · 🔀 66 · 📦 64 · 📋 250 - 4% open · ⏱️ 26.03.2021):
+- [GitHub](https://github.com/ROCm/tensorflow-upstream) (👨💻 4.6K · 🔀 89 · 📥 21 · 📋 370 - 23% open · ⏱️ 14.05.2024):
```
- 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) (📥 5.3K / month):
```
- pip install torchbearer
+ pip install tensorflow-rocm
```
-elegy (🥉18 · ⭐ 400) - Elegy是Jax的与框架无关的Trainer工具。MIT 
jax
+elegy (🥉19 · ⭐ 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 · 🔀 32 · 📦 48 · 📋 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) (📥 460 / month):
```
pip install elegy
```
-ThunderGBM (🥉17 · ⭐ 640) - ThunderGBM:GPU上的快速GBDT和随机森林。Apache-2
+NeoML (🥉16 · ⭐ 760) - 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) (👨💻 37 · 🔀 120 · 📋 65 - 23% open · ⏱️ 14.05.2024):
```
- 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 (🥉16 · ⭐ 690) - 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) (👨💻 12 · 🔀 81 · 📦 2 · 📋 81 - 48% open · ⏱️ 29.01.2024):
```
- git clone https://github.com/neoml-lib/neoml
+ git clone https://github.com/Xtra-Computing/thundergbm
+ ```
+- [PyPi](https://pypi.org/project/thundergbm) (📥 280 / 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,1556 +809,1548 @@ _通用机器学习和深度学习框架。_
-## 数据可视化
+## 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 · 📥 390 · 📦 410K · 📋 2.5K - 5% open · ⏱️ 25.04.2024):
```
- 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) (📥 17M / 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) (📥 8.7M · ⏱️ 30.04.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) (👨💻 260 · 🔀 2.5K · 📦 270K · 📋 2.8K - 50% open · ⏱️ 13.05.2024):
```
- 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) (📥 16M / 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.8M · ⏱️ 04.05.2024):
```
- conda install -c conda-forge pandas-profiling
+ conda install -c conda-forge plotly
+ ```
+- [NPM](https://www.npmjs.com/package/plotlywidget) (📥 10K / month):
+ ```
+ npm install plotlywidget
```
-Altair (🥇33 · ⭐ 7.7K) - 用于Python的声明式统计可视化库。BSD-3
+dash (🥇36 · ⭐ 21K) - Analytical Web Apps for Python, R, Julia, and Jupyter. No JavaScript.. MIT
-- [GitHub](https://github.com/altair-viz/altair) (👨💻 140 · 🔀 650 · 📦 32K · 📋 1.6K - 13% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/plotly/dash) (👨💻 150 · 🔀 2K · 📥 72 · 📦 63K · 📋 1.7K - 46% open · ⏱️ 15.05.2024):
```
- git clone https://github.com/altair-viz/altair
+ git clone https://github.com/plotly/dash
```
-- [PyPi](https://pypi.org/project/altair) (📥 7.3M / month):
+- [PyPi](https://pypi.org/project/dash) (📥 2.9M / month):
```
- pip install altair
+ pip install dash
```
-- [Conda](https://anaconda.org/conda-forge/altair) (📥 1.3M · ⏱️ 29.12.2021):
+- [Conda](https://anaconda.org/conda-forge/dash) (📥 1.3M · ⏱️ 04.05.2024):
```
- conda install -c conda-forge altair
+ conda install -c conda-forge dash
```
-dash (🥇32 · ⭐ 17K) - 适用于Python,R,Julia和Jupyter的分析型Web应用程序。MIT
+Matplotlib (🥇36 · ⭐ 19K) - matplotlib: plotting with Python. ❗Unlicensed
-- [GitHub](https://github.com/plotly/dash) (👨💻 120 · 🔀 1.7K · 📦 220 · 📋 1.3K - 47% open · ⏱️ 19.08.2022):
+- [GitHub](https://github.com/matplotlib/matplotlib) (👨💻 1.7K · 🔀 7.3K · 📦 1.2M · 📋 10K - 11% open · ⏱️ 15.05.2024):
```
- git clone https://github.com/plotly/dash
+ git clone https://github.com/matplotlib/matplotlib
```
-- [PyPi](https://pypi.org/project/dash) (📥 1M / month):
+- [PyPi](https://pypi.org/project/matplotlib) (📥 63M / month):
```
- pip install dash
+ pip install matplotlib
```
-- [Conda](https://anaconda.org/conda-forge/dash) (📥 590K · ⏱️ 03.08.2022):
+- [Conda](https://anaconda.org/conda-forge/matplotlib) (📥 24M · ⏱️ 06.05.2024):
```
- conda install -c conda-forge dash
+ conda install -c conda-forge matplotlib
```
-Plotly (🥇32 · ⭐ 12K) - 适用于Python的交互式图形库(包括Plotly Express)。MIT
+Altair (🥇34 · ⭐ 9K) - 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/vega/altair) (👨💻 160 · 🔀 730 · 📥 120 · 📦 130K · 📋 1.9K - 8% open · ⏱️ 15.05.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) (📥 24M / 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.2M · ⏱️ 30.03.2024):
```
- npm install plotlywidget
+ conda install -c conda-forge altair
```
-UMAP (🥇32 · ⭐ 5.7K) - 均匀流形逼近和投影。BSD-3
+Bokeh (🥈33 · ⭐ 19K) - 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) (👨💻 690 · 🔀 4.1K · 📦 88K · 📋 7.6K - 9% open · ⏱️ 14.05.2024):
```
- git clone https://github.com/lmcinnes/umap
+ git clone https://github.com/bokeh/bokeh
```
-- [PyPi](https://pypi.org/project/umap-learn) (📥 650K / month):
+- [PyPi](https://pypi.org/project/bokeh) (📥 5.2M / month):
```
- pip install umap-learn
+ pip install bokeh
+ ```
+- [Conda](https://anaconda.org/conda-forge/bokeh) (📥 14M · ⏱️ 12.04.2024):
+ ```
+ conda install -c conda-forge bokeh
```
-Graphviz (🥈30 · ⭐ 1.3K) - Graphviz的简单Python界面。MIT
+pyecharts (🥈33 · ⭐ 14K) - Python Echarts Plotting Library. MIT 
-- [GitHub](https://github.com/xflr6/graphviz) (👨💻 19 · 🔀 180 · 📦 34K · 📋 140 - 4% open · ⏱️ 27.07.2022):
+- [GitHub](https://github.com/pyecharts/pyecharts) (👨💻 42 · 🔀 2.8K · 📥 45 · 📦 4.1K · 📋 1.9K - 0% open · ⏱️ 03.03.2024):
```
- git clone https://github.com/xflr6/graphviz
+ git clone https://github.com/pyecharts/pyecharts
```
-- [PyPi](https://pypi.org/project/graphviz) (📥 10M / month):
+- [PyPi](https://pypi.org/project/pyecharts) (📥 180K / month):
```
- pip install graphviz
+ pip install pyecharts
```
-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 · 📥 96 · 📦 3.1K · 📋 780 - 27% open · ⏱️ 07.05.2024):
```
- 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) (📥 760K / 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) (📥 430K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge seaborn
+ conda install -c conda-forge pandas-profiling
```
-datashader (🥈29 · ⭐ 2.8K) - 快速准确地渲染大数据。BSD-3
+Graphviz (🥈31 · ⭐ 1.6K) - Simple Python interface for Graphviz. MIT
-- [GitHub](https://github.com/holoviz/datashader) (👨💻 49 · 🔀 340 · 📦 1.3K · 📋 500 - 23% open · ⏱️ 10.08.2022):
+- [GitHub](https://github.com/xflr6/graphviz) (👨💻 22 · 🔀 210 · 📦 66K · 📋 180 - 5% open · ⏱️ 13.05.2024):
```
- git clone https://github.com/holoviz/datashader
- ```
-- [PyPi](https://pypi.org/project/datashader) (📥 42K / month):
- ```
- pip install datashader
+ git clone https://github.com/xflr6/graphviz
```
-- [Conda](https://anaconda.org/conda-forge/datashader) (📥 370K · ⏱️ 10.08.2022):
+- [PyPi](https://pypi.org/project/graphviz) (📥 11M / month):
```
- conda install -c conda-forge datashader
+ pip install graphviz
```
-Bokeh (🥈28 · ⭐ 17K) - 浏览器中的Python交互式数据可视化。BSD-3
+plotnine (🥈29 · ⭐ 3.8K) - A grammar of graphics for Python. MIT
-- [GitHub](https://github.com/bokeh/bokeh) (👨💻 610 · 🔀 3.9K · 📦 150 · 📋 7K - 9% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/has2k1/plotnine) (👨💻 110 · 🔀 200 · 📦 7.6K · 📋 630 - 10% open · ⏱️ 10.05.2024):
```
- git clone https://github.com/bokeh/bokeh
+ git clone https://github.com/has2k1/plotnine
```
-- [PyPi](https://pypi.org/project/bokeh) (📥 3.7M / month):
+- [PyPi](https://pypi.org/project/plotnine) (📥 3.1M / month):
```
- pip install bokeh
+ pip install plotnine
```
-- [Conda](https://anaconda.org/conda-forge/bokeh) (📥 8.3M · ⏱️ 15.08.2022):
+- [Conda](https://anaconda.org/conda-forge/plotnine) (📥 360K · ⏱️ 10.05.2024):
```
- conda install -c conda-forge bokeh
+ conda install -c conda-forge plotnine
```
-pyecharts (🥈28 · ⭐ 13K) - Python Echarts绘图库。MIT 
+PyQtGraph (🥈29 · ⭐ 3.7K) - Fast data visualization and GUI tools for scientific /.. ❗Unlicensed
-- [GitHub](https://github.com/pyecharts/pyecharts) (👨💻 30 · 🔀 2.7K · 📦 2.4K · 📋 1.6K - 1% open · ⏱️ 25.04.2022):
+- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (👨💻 280 · 🔀 1K · 📦 9.5K · 📋 1.2K - 28% open · ⏱️ 13.05.2024):
```
- git clone https://github.com/pyecharts/pyecharts
+ git clone https://github.com/pyqtgraph/pyqtgraph
```
-- [PyPi](https://pypi.org/project/pyecharts) (📥 44K / month):
+- [PyPi](https://pypi.org/project/pyqtgraph) (📥 230K / month):
```
- pip install pyecharts
+ pip install pyqtgraph
+ ```
+- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (📥 530K · ⏱️ 02.05.2024):
+ ```
+ conda install -c conda-forge pyqtgraph
```
-missingno (🥈28 · ⭐ 3.3K) - 在缺失值和混乱数据下,用于数据可视化的python模块。MIT
+HoloViews (🥈29 · ⭐ 2.6K) - With Holoviews, your data visualizes itself. BSD-3 
-- [GitHub](https://github.com/ResidentMario/missingno) (👨💻 17 · 🔀 410 · 📦 8.3K · 📋 120 - 6% open · ⏱️ 27.02.2022):
+- [GitHub](https://github.com/holoviz/holoviews) (👨💻 140 · 🔀 390 · 📦 10K · 📋 3.2K - 32% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/ResidentMario/missingno
+ git clone https://github.com/holoviz/holoviews
```
-- [PyPi](https://pypi.org/project/missingno) (📥 1M / month):
+- [PyPi](https://pypi.org/project/holoviews) (📥 440K / month):
```
- pip install missingno
+ pip install holoviews
```
-- [Conda](https://anaconda.org/conda-forge/missingno) (📥 210K · ⏱️ 15.02.2020):
+- [Conda](https://anaconda.org/conda-forge/holoviews) (📥 1.6M · ⏱️ 12.02.2024):
```
- conda install -c conda-forge missingno
+ conda install -c conda-forge holoviews
+ ```
+- [NPM](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (📥 260 / month):
+ ```
+ npm install @pyviz/jupyterlab_pyviz
```
-D-Tale (🥈27 · ⭐ 3.6K) - pandas数据结构的可视化工具。❗️LGPL-2.1 

+D-Tale (🥈28 · ⭐ 4.6K) - Visualizer for pandas data structures. ❗️LGPL-2.1 

-- [GitHub](https://github.com/man-group/dtale) (👨💻 27 · 🔀 290 · 📦 460 · 📋 470 - 8% open · ⏱️ 07.08.2022):
+- [GitHub](https://github.com/man-group/dtale) (👨💻 30 · 🔀 380 · 📦 1.1K · 📋 570 - 10% open · ⏱️ 30.04.2024):
```
git clone https://github.com/man-group/dtale
```
-- [PyPi](https://pypi.org/project/dtale) (📥 100K / month):
+- [PyPi](https://pypi.org/project/dtale) (📥 56K / month):
```
pip install dtale
```
-- [Conda](https://anaconda.org/conda-forge/dtale) (📥 150K · ⏱️ 07.08.2022):
+- [Conda](https://anaconda.org/conda-forge/dtale) (📥 280K · ⏱️ 30.04.2024):
```
conda install -c conda-forge dtale
```
-bqplot (🥈27 · ⭐ 3.3K) - 用于IPython / Jupyter笔记本的绘图库。Apache-2 
+missingno (🥈28 · ⭐ 3.8K · 💀) - Missing data visualization module for Python. MIT
-- [GitHub](https://github.com/bqplot/bqplot) (👨💻 59 · 🔀 440 · 📦 34 · 📋 570 - 36% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/ResidentMario/missingno) (👨💻 18 · 🔀 500 · 📦 16K · 📋 130 - 9% open · ⏱️ 26.02.2023):
```
- git clone https://github.com/bqplot/bqplot
- ```
-- [PyPi](https://pypi.org/project/bqplot) (📥 81K / month):
- ```
- pip install bqplot
+ git clone https://github.com/ResidentMario/missingno
```
-- [Conda](https://anaconda.org/conda-forge/bqplot) (📥 1M · ⏱️ 22.08.2022):
+- [PyPi](https://pypi.org/project/missingno) (📥 270K / month):
```
- conda install -c conda-forge bqplot
+ pip install missingno
```
-- [NPM](https://www.npmjs.com/package/bqplot) (📥 9.3K / month):
+- [Conda](https://anaconda.org/conda-forge/missingno) (📥 330K · ⏱️ 02.03.2024):
```
- npm install bqplot
+ conda install -c conda-forge missingno
```
-data-validation (🥈27 · ⭐ 660) - 用于探索和验证机器学习的库。Apache-2 

+bqplot (🥈28 · ⭐ 3.6K) - Plotting library for IPython/Jupyter notebooks. Apache-2 
-- [GitHub](https://github.com/tensorflow/data-validation) (👨💻 24 · 🔀 130 · 📥 370 · 📦 540 · 📋 150 - 16% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/bqplot/bqplot) (👨💻 64 · 🔀 450 · 📦 55 · 📋 590 - 37% open · ⏱️ 25.03.2024):
```
- git clone https://github.com/tensorflow/data-validation
+ git clone https://github.com/bqplot/bqplot
```
-- [PyPi](https://pypi.org/project/tensorflow-data-validation) (📥 1.1M / month):
+- [PyPi](https://pypi.org/project/bqplot) (📥 120K / month):
```
- pip install tensorflow-data-validation
+ pip install bqplot
+ ```
+- [Conda](https://anaconda.org/conda-forge/bqplot) (📥 1.3M · ⏱️ 19.02.2024):
+ ```
+ conda install -c conda-forge bqplot
+ ```
+- [NPM](https://www.npmjs.com/package/bqplot) (📥 3.2K / month):
+ ```
+ npm install bqplot
```
-hvPlot (🥈27 · ⭐ 620) - 用于构建的pandas,dask,xarray和networkx的高级绘图API。BSD-3
+datashader (🥈28 · ⭐ 3.2K) - Quickly and accurately render even the largest data. BSD-3
-- [GitHub](https://github.com/holoviz/hvplot) (👨💻 37 · 🔀 73 · 📦 1.6K · 📋 480 - 37% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/holoviz/datashader) (👨💻 55 · 🔀 360 · 📦 4.1K · 📋 580 - 22% open · ⏱️ 10.05.2024):
```
- git clone https://github.com/holoviz/hvplot
+ git clone https://github.com/holoviz/datashader
```
-- [PyPi](https://pypi.org/project/hvplot) (📥 160K / month):
+- [PyPi](https://pypi.org/project/datashader) (📥 110K / month):
```
- pip install hvplot
+ pip install datashader
```
-- [Conda](https://anaconda.org/conda-forge/hvplot) (📥 210K · ⏱️ 09.05.2022):
+- [Conda](https://anaconda.org/conda-forge/datashader) (📥 870K · ⏱️ 23.04.2024):
```
- conda install -c conda-forge hvplot
+ conda install -c conda-forge datashader
```
-wordcloud (🥈26 · ⭐ 8.9K) - Python中的词云生成器。MIT
+PyVista (🥈28 · ⭐ 2.4K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT 
-- [GitHub](https://github.com/amueller/word_cloud) (👨💻 65 · 🔀 2.2K · 📋 470 - 20% open · ⏱️ 27.06.2022):
+- [GitHub](https://github.com/pyvista/pyvista) (👨💻 160 · 🔀 430 · 📥 800 · 📦 2.9K · 📋 1.6K - 31% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/amueller/word_cloud
+ git clone https://github.com/pyvista/pyvista
```
-- [PyPi](https://pypi.org/project/wordcloud) (📥 690K / month):
+- [PyPi](https://pypi.org/project/pyvista) (📥 270K / month):
```
- pip install wordcloud
+ pip install pyvista
```
-- [Conda](https://anaconda.org/conda-forge/wordcloud) (📥 310K · ⏱️ 25.08.2022):
+- [Conda](https://anaconda.org/conda-forge/pyvista) (📥 470K · ⏱️ 14.05.2024):
```
- conda install -c conda-forge wordcloud
+ conda install -c conda-forge pyvista
```
-Cufflinks (🥈26 · ⭐ 2.6K · 💀) - Plotly + Pandas的生产力工具。MIT 
+data-validation (🥈28 · ⭐ 750) - Library for exploring and validating machine learning.. Apache-2 

-- [GitHub](https://github.com/santosjorge/cufflinks) (👨💻 38 · 🔀 600 · 📦 6.5K · 📋 210 - 41% open · ⏱️ 25.02.2021):
+- [GitHub](https://github.com/tensorflow/data-validation) (👨💻 26 · 🔀 160 · 📥 650 · 📦 890 · 📋 170 - 14% open · ⏱️ 08.05.2024):
```
- git clone https://github.com/santosjorge/cufflinks
+ git clone https://github.com/tensorflow/data-validation
```
-- [PyPi](https://pypi.org/project/cufflinks) (📥 310K / month):
+- [PyPi](https://pypi.org/project/tensorflow-data-validation) (📥 190K / month):
```
- pip install cufflinks
+ pip install tensorflow-data-validation
```
-HoloViews (🥈26 · ⭐ 2.3K) - 使用Holoviews,您的数据可以可视化。BSD-3 
+wordcloud (🥈27 · ⭐ 10K) - A little word cloud generator in Python. MIT
-- [GitHub](https://github.com/holoviz/holoviews) (👨💻 120 · 🔀 350 · 📋 2.8K - 31% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/amueller/word_cloud) (👨💻 72 · 🔀 2.3K · 📦 21 · 📋 510 - 18% open · ⏱️ 09.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/amueller/word_cloud
```
-- [Conda](https://anaconda.org/conda-forge/holoviews) (📥 850K · ⏱️ 07.07.2022):
+- [PyPi](https://pypi.org/project/wordcloud) (📥 1.9M / month):
```
- conda install -c conda-forge holoviews
+ pip install wordcloud
```
-- [NPM](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (📥 840 / month):
+- [Conda](https://anaconda.org/conda-forge/wordcloud) (📥 480K · ⏱️ 19.03.2024):
```
- npm install @pyviz/jupyterlab_pyviz
+ conda install -c conda-forge wordcloud
```
-PyVista (🥈26 · ⭐ 1.4K) - 通过简化的界面进行3D绘图和网格分析。MIT 
+Perspective (🥈27 · ⭐ 7.6K) - Streaming pivot visualization via WebAssembly. Apache-2 
-- [GitHub](https://github.com/pyvista/pyvista) (👨💻 100 · 🔀 280 · 📥 660 · 📦 900 · 📋 920 - 28% open · ⏱️ 26.08.2022):
+- [GitHub](https://github.com/finos/perspective) (👨💻 93 · 🔀 980 · 📥 2.6K · 📦 120 · 📋 740 - 12% open · ⏱️ 04.05.2024):
```
- git clone https://github.com/pyvista/pyvista
+ git clone https://github.com/finos/perspective
```
-- [PyPi](https://pypi.org/project/pyvista) (📥 46K / month):
+- [PyPi](https://pypi.org/project/perspective-python) (📥 5.8K / month):
```
- pip install pyvista
+ pip install perspective-python
```
-- [Conda](https://anaconda.org/conda-forge/pyvista) (📥 210K · ⏱️ 01.08.2022):
+- [NPM](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (📥 3.6K / month):
```
- conda install -c conda-forge pyvista
+ npm install @finos/perspective-jupyterlab
```
-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 · 📦 240 · 📋 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) (📥 280K / month):
```
pip install facets-overview
```
-Chartify (🥉25 · ⭐ 3.2K · 💀) - Python库,使数据科学家可以轻松创建。Apache-2
+FiftyOne (🥉26 · ⭐ 6.8K) - Visualize, create, and debug image and video datasets.. Apache-2 


-- [GitHub](https://github.com/spotify/chartify) (👨💻 21 · 🔀 280 · 📦 65 · 📋 72 - 56% open · ⏱️ 05.02.2021):
+- [GitHub](https://github.com/voxel51/fiftyone) (👨💻 120 · 🔀 500 · 📦 570 · 📋 1.4K - 30% open · ⏱️ 13.05.2024):
```
- git clone https://github.com/spotify/chartify
- ```
-- [PyPi](https://pypi.org/project/chartify) (📥 10K / month):
- ```
- pip install chartify
+ git clone https://github.com/voxel51/fiftyone
```
-- [Conda](https://anaconda.org/conda-forge/chartify) (📥 21K · ⏱️ 07.11.2020):
+- [PyPi](https://pypi.org/project/fiftyone) (📥 62K / month):
```
- conda install -c conda-forge chartify
+ 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 · 🔀 610 · 📦 1.5K · 📋 1.4K - 21% open · ⏱️ 13.05.2024):
```
git clone https://github.com/vispy/vispy
```
-- [PyPi](https://pypi.org/project/vispy) (📥 51K / month):
+- [PyPi](https://pypi.org/project/vispy) (📥 95K / month):
```
pip install vispy
```
-- [Conda](https://anaconda.org/conda-forge/vispy) (📥 270K · ⏱️ 05.07.2022):
+- [Conda](https://anaconda.org/conda-forge/vispy) (📥 490K · ⏱️ 15.03.2024):
```
conda install -c conda-forge vispy
```
-- [NPM](https://www.npmjs.com/package/vispy) (📥 10 / month):
+- [NPM](https://www.npmjs.com/package/vispy) (📥 9 / month):
```
npm install vispy
```
-HyperTools (🥉24 · ⭐ 1.7K) - 一个Python工具箱,用于获得对高维的几何洞察力。MIT
-
-- [GitHub](https://github.com/ContextLab/hypertools) (👨💻 21 · 🔀 150 · 📥 20 · 📦 210 · 📋 190 - 35% open · ⏱️ 12.02.2022):
-
- ```
- git clone https://github.com/ContextLab/hypertools
- ```
-- [PyPi](https://pypi.org/project/hypertools) (📥 550 / month):
- ```
- pip install hypertools
- ```
-
-pythreejs (🥉24 · ⭐ 830) - Jupyter-Three.js桥。❗Unlicensed 
+Cufflinks (🥉26 · ⭐ 3K · 💀) - Productivity Tools for Plotly + Pandas. MIT 
-- [GitHub](https://github.com/jupyter-widgets/pythreejs) (👨💻 30 · 🔀 170 · 📦 21 · 📋 220 - 23% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/santosjorge/cufflinks) (👨💻 38 · 🔀 650 · 📦 11K · 📋 210 - 42% open · ⏱️ 25.02.2021):
```
- git clone https://github.com/jupyter-widgets/pythreejs
- ```
-- [PyPi](https://pypi.org/project/pythreejs) (📥 64K / month):
- ```
- pip install pythreejs
- ```
-- [Conda](https://anaconda.org/conda-forge/pythreejs) (📥 410K · ⏱️ 25.08.2022):
- ```
- conda install -c conda-forge pythreejs
+ git clone https://github.com/santosjorge/cufflinks
```
-- [NPM](https://www.npmjs.com/package/jupyter-threejs) (📥 4.6K / month):
+- [PyPi](https://pypi.org/project/cufflinks) (📥 67K / month):
```
- npm install jupyter-threejs
+ pip install cufflinks
```
-PyQtGraph (🥉23 · ⭐ 2.9K) - 用于科学/工程的快速数据可视化和GUI工具。❗Unlicensed
+hvPlot (🥉26 · ⭐ 960) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3
-- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (👨💻 230 · 🔀 930 · 📋 1K - 31% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/holoviz/hvplot) (👨💻 46 · 🔀 99 · 📦 5K · 📋 750 - 43% open · ⏱️ 06.05.2024):
```
- git clone https://github.com/pyqtgraph/pyqtgraph
+ git clone https://github.com/holoviz/hvplot
```
-- [PyPi](https://pypi.org/project/pyqtgraph) (📥 100K / month):
+- [PyPi](https://pypi.org/project/hvplot) (📥 210K / month):
```
- pip install pyqtgraph
+ pip install hvplot
```
-- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (📥 280K · ⏱️ 05.03.2022):
+- [Conda](https://anaconda.org/conda-forge/hvplot) (📥 570K · ⏱️ 07.05.2024):
```
- conda install -c conda-forge pyqtgraph
+ conda install -c conda-forge hvplot
```
-FiftyOne (🥉23 · ⭐ 1.8K) - 可视化,创建和调试图像和视频数据集。Apache-2 


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

+
+
+## Text Data & NLP
+
+
+
+_Libraries for processing, cleaning, manipulating, and analyzing text data as well as libraries for NLP tasks such as language detection, fuzzy matching, classification, seq2seq learning, conversational AI, keyword extraction, and translation._
-- [GitHub](https://github.com/huggingface/transformers) (👨💻 1.4K · 🔀 15K · 📥 1.5K · 📦 34K · 📋 9.9K - 4% open · ⏱️ 25.08.2022):
+transformers (🥇39 · ⭐ 130K) - Transformers: State-of-the-art Natural Language.. Apache-2 

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

-- [GitHub](https://github.com/NTMC-Community/MatchZoo) (👨💻 36 · 🔀 900 · 📦 11 · 📋 460 - 7% open · ⏱️ 02.06.2021):
+- [GitHub](https://github.com/IndicoDataSolutions/finetune) (👨💻 23 · 🔀 80 · 📦 11 · 📋 140 - 15% open · ⏱️ 27.03.2024):
```
- git clone https://github.com/NTMC-Community/MatchZoo
+ git clone https://github.com/IndicoDataSolutions/finetune
```
-- [PyPi](https://pypi.org/project/matchzoo) (📥 63 / month):
+- [PyPi](https://pypi.org/project/finetune) (📥 290 / month):
```
- pip install matchzoo
+ pip install finetune
```
-NLP Architect (🥉20 · ⭐ 2.9K) - 用于探索最先进的深度学习的模型库。Apache-2
+MatchZoo (🥉20 · ⭐ 3.8K · 💀) - Facilitating the design, comparison and sharing of deep.. Apache-2 
-- [GitHub](https://github.com/IntelLabs/nlp-architect) (👨💻 37 · 🔀 430 · 📦 8 · 📋 130 - 11% open · ⏱️ 29.06.2022):
+- [GitHub](https://github.com/NTMC-Community/MatchZoo) (👨💻 36 · 🔀 880 · 📦 16 · 📋 460 - 7% open · ⏱️ 02.06.2021):
```
- git clone https://github.com/IntelLabs/nlp-architect
+ git clone https://github.com/NTMC-Community/MatchZoo
```
-- [PyPi](https://pypi.org/project/nlp-architect) (📥 170 / month):
+- [PyPi](https://pypi.org/project/matchzoo) (📥 72 / month):
```
- pip install nlp-architect
+ pip install matchzoo
```
-FARM (🥉20 · ⭐ 1.6K) - NLP的快速和轻松迁移学习。Apache-2 
+FARM (🥉20 · ⭐ 1.7K · 💀) - Fast & easy transfer learning for NLP. Harvesting language.. Apache-2 
-- [GitHub](https://github.com/deepset-ai/FARM) (👨💻 37 · 🔀 220 · 📋 400 - 0% open · ⏱️ 25.04.2022):
+- [GitHub](https://github.com/deepset-ai/FARM) (👨💻 37 · 🔀 240 · 📋 410 - 0% open · ⏱️ 31.08.2022):
```
git clone https://github.com/deepset-ai/FARM
```
-- [PyPi](https://pypi.org/project/farm) (📥 4.4K / month):
+- [PyPi](https://pypi.org/project/farm) (📥 1.8K / month):
```
pip install farm
```
-DELTA (🥉20 · ⭐ 1.5K · 💀) - DELTA是一个基于深度学习的自然语言和语音处理平台。Apache-2 
+DELTA (🥉20 · ⭐ 1.6K · 💀) - DELTA is a deep learning based natural language and speech.. Apache-2 
- [GitHub](https://github.com/Delta-ML/delta) (👨💻 41 · 🔀 290 · 📋 75 - 1% open · ⏱️ 17.12.2020):
```
git clone https://github.com/Delta-ML/delta
```
-- [PyPi](https://pypi.org/project/delta-nlp) (📥 14 / month):
+- [PyPi](https://pypi.org/project/delta-nlp) (📥 27 / month):
```
pip install delta-nlp
```
@@ -2367,1209 +2359,1241 @@ _用于处理,清理,处理和分析文本数据的库,以及用于NLP任
docker pull zh794390558/delta
```
-pyfasttext (🥉20 · ⭐ 230 · 💀) - fastText的另一个Python接口。❗️GPL-3.0
+pyfasttext (🥉20 · ⭐ 230 · 💀) - Yet another Python binding for fastText. ❗️GPL-3.0
-- [GitHub](https://github.com/vrasneur/pyfasttext) (👨💻 4 · 🔀 30 · 📥 350 · 📦 240 · 📋 49 - 42% open · ⏱️ 08.12.2018):
+- [GitHub](https://github.com/vrasneur/pyfasttext) (👨💻 4 · 🔀 31 · 📥 380 · 📦 430 · 📋 49 - 40% open · ⏱️ 08.12.2018):
```
git clone https://github.com/vrasneur/pyfasttext
```
-- [PyPi](https://pypi.org/project/pyfasttext) (📥 3.4K / month):
+- [PyPi](https://pypi.org/project/pyfasttext) (📥 1.2K / month):
```
pip install pyfasttext
```
-haystack (🥉19 · ⭐ 5.2K) - 用于构建自然语言搜索的端到端Python框架。Apache-2
+NLP Architect (🥉19 · ⭐ 2.9K · 💀) - A model library for exploring state-of-the-art deep.. Apache-2
-- [GitHub](https://github.com/deepset-ai/haystack) (👨💻 140 · 🔀 830 · 📥 15 · 📋 1.5K - 14% 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/deepset-ai/haystack
+ git clone https://github.com/IntelLabs/nlp-architect
```
-- [PyPi](https://pypi.org/project/haystack) (📥 870 / month):
+- [PyPi](https://pypi.org/project/nlp-architect) (📥 250 / month):
```
- pip install haystack
+ pip install nlp-architect
```
-Kashgari (🥉19 · ⭐ 2.3K · 💀) - Kashgari是工业级的NLP迁移学习框架。Apache-2 
+Kashgari (🥉19 · ⭐ 2.4K · 💀) - Kashgari is a production-level NLP Transfer learning.. Apache-2 
-- [GitHub](https://github.com/BrikerMan/Kashgari) (👨💻 21 · 🔀 440 · 📦 54 · 📋 370 - 11% open · ⏱️ 09.07.2021):
+- [GitHub](https://github.com/BrikerMan/Kashgari) (👨💻 21 · 🔀 440 · 📦 63 · 📋 380 - 7% open · ⏱️ 09.07.2021):
```
git clone https://github.com/BrikerMan/Kashgari
```
-- [PyPi](https://pypi.org/project/kashgari-tf) (📥 44 / month):
+- [PyPi](https://pypi.org/project/kashgari-tf) (📥 140 / month):
```
pip install kashgari-tf
```
-fast-bert (🥉19 · ⭐ 1.8K) - 用于基于BERT的NLP模型的简单易用工具库。Apache-2
+anaGo (🥉19 · ⭐ 1.5K · 💀) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,.. MIT 
-- [GitHub](https://github.com/utterworks/fast-bert) (👨💻 36 · 🔀 330 · 📋 250 - 61% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/Hironsan/anago) (👨💻 11 · 🔀 360 · 📦 32 · 📋 110 - 33% open · ⏱️ 01.04.2021):
```
- git clone https://github.com/kaushaltrivedi/fast-bert
+ git clone https://github.com/Hironsan/anago
```
-- [PyPi](https://pypi.org/project/fast-bert) (📥 1.4K / month):
+- [PyPi](https://pypi.org/project/anago) (📥 93 / month):
```
- pip install fast-bert
+ pip install anago
```
-Sockeye (🥉19 · ⭐ 1.1K) - 序列到序列框架。Apache-2 
+Sockeye (🥉19 · ⭐ 1.2K · 💤) - Sequence-to-sequence framework with a focus on Neural.. Apache-2 
-- [GitHub](https://github.com/awslabs/sockeye) (👨💻 57 · 🔀 300 · 📥 15 · 📋 280 - 2% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/awslabs/sockeye) (👨💻 60 · 🔀 310 · 📥 18 · 📋 310 - 2% open · ⏱️ 17.10.2023):
```
git clone https://github.com/awslabs/sockeye
```
-- [PyPi](https://pypi.org/project/sockeye) (📥 370 / month):
+- [PyPi](https://pypi.org/project/sockeye) (📥 1.7K / month):
```
pip install sockeye
```
-gpt-2-simple (🥉18 · ⭐ 3K) - 可轻松重新训练OpenAI的GPT-2文本模型的Python软件包。❗Unlicensed 
+PyText (🥉18 · ⭐ 6.3K · 💀) - A natural language modeling framework based on PyTorch. ❗Unlicensed 
-- [GitHub](https://github.com/minimaxir/gpt-2-simple) (👨💻 21 · 🔀 600 · 📥 340 · 📋 250 - 61% open · ⏱️ 22.05.2022):
+- [GitHub](https://github.com/facebookresearch/pytext) (👨💻 230 · 🔀 790 · 📥 360 · 📦 21 · 📋 140 - 45% open · ⏱️ 17.10.2022):
```
- git clone https://github.com/minimaxir/gpt-2-simple
+ git clone https://github.com/facebookresearch/pytext
```
-- [PyPi](https://pypi.org/project/gpt-2-simple) (📥 3.8K / month):
+- [PyPi](https://pypi.org/project/pytext-nlp) (📥 160 / month):
```
- pip install gpt-2-simple
+ pip install pytext-nlp
```
-textacy (🥉18 · ⭐ 2K) - spaCy之前和之后的NLP。❗Unlicensed
+T5 (🥉18 · ⭐ 5.9K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2 
-- [GitHub](https://github.com/chartbeat-labs/textacy) (👨💻 32 · 🔀 230 · 📋 250 - 11% open · ⏱️ 06.03.2022):
+- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (👨💻 58 · 🔀 740 · 📋 400 - 14% open · ⏱️ 23.01.2024):
```
- git clone https://github.com/chartbeat-labs/textacy
+ git clone https://github.com/google-research/text-to-text-transfer-transformer
```
-- [PyPi](https://pypi.org/project/textacy) (📥 38K / month):
+- [PyPi](https://pypi.org/project/t5) (📥 40K / month):
```
- pip install textacy
+ pip install t5
+ ```
+
+gpt-2-simple (🥉18 · ⭐ 3.4K · 💀) - Python package to easily retrain OpenAI's GPT-2 text-.. ❗Unlicensed 
+
+- [GitHub](https://github.com/minimaxir/gpt-2-simple) (👨💻 21 · 🔀 650 · 📥 560 · 📋 260 - 61% open · ⏱️ 22.05.2022):
+
+ ```
+ git clone https://github.com/minimaxir/gpt-2-simple
```
-- [Conda](https://anaconda.org/conda-forge/textacy) (📥 110K · ⏱️ 06.02.2022):
+- [PyPi](https://pypi.org/project/gpt-2-simple) (📥 3.3K / month):
```
- conda install -c conda-forge textacy
+ pip install gpt-2-simple
```
-finetune (🥉18 · ⭐ 660) - 针对NLP的Scikit风格模型微调。MPL-2.0 

+fast-bert (🥉18 · ⭐ 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 · 🔀 340 · 📋 250 - 62% open · ⏱️ 30.01.2024):
```
- 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) (📥 1.5K / month):
```
- pip install finetune
+ pip install fast-bert
```
-skift (🥉18 · ⭐ 230) - 适用于Python fastText的scikit-learn包装器。MIT 
+Camphr (🥉18 · ⭐ 340 · 💀) - spaCy plugin for Transformers , Udify, ELmo, etc. Apache-2 spacy
-- [GitHub](https://github.com/shaypal5/skift) (👨💻 9 · 🔀 23 · 📦 12 · 📋 11 - 9% open · ⏱️ 07.06.2022):
+- [GitHub](https://github.com/PKSHATechnology-Research/camphr) (👨💻 7 · 🔀 17 · 📦 13 · 📋 28 - 7% open · ⏱️ 18.08.2021):
```
- git clone https://github.com/shaypal5/skift
+ git clone https://github.com/PKSHATechnology-Research/camphr
```
-- [PyPi](https://pypi.org/project/skift) (📥 1.1K / month):
+- [PyPi](https://pypi.org/project/camphr) (📥 330 / month):
```
- pip install skift
+ pip install camphr
```
-DeepMatcher (🥉17 · ⭐ 440 · 💀) - 用于实体和文本匹配的Python包。BSD-3
+DeepMatcher (🥉17 · ⭐ 540 · 💀) - 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 · 📦 28 · 📋 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) (📥 2.7K / 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 · 🔀 23 · 📦 14 · 📋 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) (📥 740 / 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) (📥 220 / month):
```
pip install textpipe
```
-NeuroNER (🥉15 · ⭐ 1.6K · 💀) - 使用神经网络的命名实体识别。MIT
+OpenNRE (🥉15 · ⭐ 4.3K) - An Open-Source Package for Neural Relation Extraction (NRE). MIT
+
+- [GitHub](https://github.com/thunlp/OpenNRE) (👨💻 13 · 🔀 990 · 📦 3 · 📋 370 - 3% open · ⏱️ 10.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) (📥 160 / month):
```
pip install pyneuroner
```
-Translate (🥉15 · ⭐ 760) - Translate-PyTorch NLP库。BSD-3 
+Translate (🥉14 · ⭐ 820 · 💀) - 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) (📥 12 / 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 · 🔀 17 · 📋 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) (📥 110 / 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) (📥 100 / 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 · 🔀 32 · 📦 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) (📥 130 / month):
```
- pip install onnxt5
+ pip install neuralqa
```
-textvec (🥉14 · ⭐ 180) - 胜过TF-IDF文本向量化工具。MIT 
+VizSeq (🥉13 · ⭐ 440) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT
-- [GitHub](https://github.com/textvec/textvec) (👨💻 10 · 🔀 23 · 📦 4 · 📋 9 - 33% open · ⏱️ 05.07.2022):
+- [GitHub](https://github.com/facebookresearch/vizseq) (👨💻 4 · 🔀 59 · 📦 9 · 📋 15 - 40% open · ⏱️ 21.04.2024):
```
- git clone https://github.com/textvec/textvec
+ git clone https://github.com/facebookresearch/vizseq
```
-- [PyPi](https://pypi.org/project/textvec) (📥 26 / month):
+- [PyPi](https://pypi.org/project/vizseq) (📥 130 / month):
```
- pip install textvec
+ pip install vizseq
```
-VizSeq (🥉13 · ⭐ 400) - 用于自然语言生成的分析工具包。MIT
+textvec (🥉13 · ⭐ 190) - Text vectorization tool to outperform TFIDF for classification tasks. MIT 
-- [GitHub](https://github.com/facebookresearch/vizseq) (👨💻 3 · 🔀 49 · 📦 6 · 📋 15 - 40% open · ⏱️ 20.07.2022):
+- [GitHub](https://github.com/textvec/textvec) (👨💻 11 · 🔀 25 · 📦 4 · 📋 10 - 40% open · ⏱️ 09.01.2024):
```
- git clone https://github.com/facebookresearch/vizseq
+ git clone https://github.com/textvec/textvec
```
-- [PyPi](https://pypi.org/project/vizseq) (📥 59 / month):
+- [PyPi](https://pypi.org/project/textvec) (📥 62 / month):
```
- pip install vizseq
+ pip install textvec
```
-Headliner (🥉11 · ⭐ 230 · 💀) - 轻松训练和部署seq2seq模型。❗Unlicensed
+Headliner (🥉12 · ⭐ 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) (📥 380 / 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 (🥇37 · ⭐ 12K) - 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) (👨💻 470 · 🔀 2K · 📦 1.7M · 📋 3.1K - 2% open · ⏱️ 14.05.2024):
```
git clone https://github.com/python-pillow/Pillow
```
-- [PyPi](https://pypi.org/project/Pillow) (📥 45M / month):
+- [PyPi](https://pypi.org/project/Pillow) (📥 97M / month):
```
pip install Pillow
```
-- [Conda](https://anaconda.org/conda-forge/pillow) (📥 18M · ⏱️ 13.08.2022):
+- [Conda](https://anaconda.org/conda-forge/pillow) (📥 39M · ⏱️ 03.04.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 · 🔀 280 · 📥 1K · 📦 130K · 📋 590 - 16% open · ⏱️ 11.05.2024):
```
- 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) (📥 22M / 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) (📥 6.3M · ⏱️ 22.04.2024):
```
- conda install -c conda-forge moviepy
+ conda install -c conda-forge imageio
```
-imageio (🥇33 · ⭐ 1.1K) - 用于读取和写入图像数据的Python库。BSD-2
+imgaug (🥇34 · ⭐ 14K · 💀) - Image augmentation for machine learning experiments. MIT
-- [GitHub](https://github.com/imageio/imageio) (👨💻 91 · 🔀 220 · 📥 360 · 📦 67K · 📋 470 - 12% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/aleju/imgaug) (👨💻 36 · 🔀 2.4K · 📦 20K · 📋 510 - 56% open · ⏱️ 01.06.2020):
```
- git clone https://github.com/imageio/imageio
+ git clone https://github.com/aleju/imgaug
```
-- [PyPi](https://pypi.org/project/imageio) (📥 12M / month):
+- [PyPi](https://pypi.org/project/imgaug) (📥 440K / month):
```
- pip install imageio
+ pip install imgaug
```
-- [Conda](https://anaconda.org/conda-forge/imageio) (📥 3.5M · ⏱️ 08.08.2022):
+- [Conda](https://anaconda.org/conda-forge/imgaug) (📥 160K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge imageio
+ conda install -c conda-forge imgaug
```
-imgaug (🥇32 · ⭐ 13K · 💀) - 用于机器学习实验的图像增强。MIT
+MoviePy (🥇34 · ⭐ 12K · 💤) - Video editing with Python. MIT
-- [GitHub](https://github.com/aleju/imgaug) (👨💻 36 · 🔀 2.3K · 📦 11K · 📋 490 - 55% open · ⏱️ 01.06.2020):
+- [GitHub](https://github.com/Zulko/moviepy) (👨💻 160 · 🔀 1.5K · 📦 39K · 📋 1.5K - 28% open · ⏱️ 11.07.2023):
```
- git clone https://github.com/aleju/imgaug
+ git clone https://github.com/Zulko/moviepy
```
-- [PyPi](https://pypi.org/project/imgaug) (📥 390K / month):
+- [PyPi](https://pypi.org/project/moviepy) (📥 1.1M / month):
```
- pip install imgaug
+ pip install moviepy
```
-- [Conda](https://anaconda.org/conda-forge/imgaug) (📥 83K · ⏱️ 31.12.2021):
+- [Conda](https://anaconda.org/conda-forge/moviepy) (📥 240K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge imgaug
+ conda install -c conda-forge moviepy
```
-Albumentations (🥇32 · ⭐ 11K) - 快速的图像增强库和易于使用的包装器。MIT 
+opencv-python (🥇34 · ⭐ 4.2K · 📈) - Automated CI toolchain to produce precompiled opencv-python,.. MIT
-- [GitHub](https://github.com/albumentations-team/albumentations) (👨💻 110 · 🔀 1.4K · 📦 9.1K · 📋 660 - 41% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/opencv/opencv-python) (👨💻 48 · 🔀 780 · 📦 390K · 📋 760 - 13% open · ⏱️ 31.12.2023):
```
- git clone https://github.com/albumentations-team/albumentations
- ```
-- [PyPi](https://pypi.org/project/albumentations) (📥 370K / month):
- ```
- pip install albumentations
+ git clone https://github.com/skvark/opencv-python
```
-- [Conda](https://anaconda.org/conda-forge/albumentations) (📥 49K · ⏱️ 12.07.2022):
+- [PyPi](https://pypi.org/project/opencv-python) (📥 14M / month):
```
- conda install -c conda-forge albumentations
+ pip install opencv-python
```
-Kornia (🥇32 · ⭐ 7K) - PyTorch的开源可微分计算机视觉库。Apache-2 
+Albumentations (🥈32 · ⭐ 13K) - Fast image augmentation library and an easy-to-use wrapper.. MIT 
-- [GitHub](https://github.com/kornia/kornia) (👨💻 170 · 🔀 680 · 📥 430 · 📦 1.7K · 📋 600 - 26% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/albumentations-team/albumentations) (👨💻 140 · 🔀 1.6K · 📦 23K · 📋 910 - 43% open · ⏱️ 15.05.2024):
```
- git clone https://github.com/kornia/kornia
+ git clone https://github.com/albumentations-team/albumentations
```
-- [PyPi](https://pypi.org/project/kornia) (📥 470K / month):
+- [PyPi](https://pypi.org/project/albumentations) (📥 2.1M / month):
```
- pip install kornia
+ pip install albumentations
+ ```
+- [Conda](https://anaconda.org/conda-forge/albumentations) (📥 160K · ⏱️ 05.03.2024):
+ ```
+ conda install -c conda-forge albumentations
```
-scikit-image (🥇32 · ⭐ 5K) - Python中的图像处理。❗Unlicensed
+scikit-image (🥈32 · ⭐ 5.9K) - Image processing in Python. ❗Unlicensed
-- [GitHub](https://github.com/scikit-image/scikit-image) (👨💻 560 · 🔀 2K · 📦 110K · 📋 2.3K - 19% open · ⏱️ 23.08.2022):
+- [GitHub](https://github.com/scikit-image/scikit-image) (👨💻 660 · 🔀 2.1K · 📦 180K · 📋 2.6K - 20% open · ⏱️ 14.05.2024):
```
git clone https://github.com/scikit-image/scikit-image
```
-- [PyPi](https://pypi.org/project/scikit-image) (📥 5.3M / month):
+- [PyPi](https://pypi.org/project/scikit-image) (📥 13M / month):
```
pip install scikit-image
```
-- [Conda](https://anaconda.org/conda-forge/scikit-image) (📥 3.8M · ⏱️ 10.08.2022):
+- [Conda](https://anaconda.org/conda-forge/scikit-image) (📥 6.2M · ⏱️ 11.10.2023):
```
conda install -c conda-forge scikit-image
```
-Wand (🥇32 · ⭐ 1.2K) - 用于Python的基于ctypes的简单ImageMagick接口。MIT
+Wand (🥈32 · ⭐ 1.4K) - The ctypes-based simple ImageMagick binding for Python. MIT
-- [GitHub](https://github.com/emcconville/wand) (👨💻 100 · 🔀 190 · 📥 8.5K · 📦 12K · 📋 380 - 4% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/emcconville/wand) (👨💻 100 · 🔀 200 · 📥 46K · 📦 19K · 📋 420 - 4% open · ⏱️ 11.02.2024):
```
git clone https://github.com/emcconville/wand
```
-- [PyPi](https://pypi.org/project/wand) (📥 450K / month):
+- [PyPi](https://pypi.org/project/wand) (📥 810K / month):
```
pip install wand
```
-PyTorch Image Models (🥈31 · ⭐ 21K) - PyTorch图像模型,脚本,预训练权重。Apache-2 
+PyTorch Image Models (🥈31 · ⭐ 30K) - PyTorch image models, scripts, pretrained weights --.. Apache-2 
-- [GitHub](https://github.com/rwightman/pytorch-image-models) (👨💻 79 · 🔀 3.3K · 📥 1.7M · 📦 4.3K · 📋 570 - 9% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/huggingface/pytorch-image-models) (👨💻 140 · 🔀 4.5K · 📥 6.6M · 📦 28K · 📋 870 - 7% open · ⏱️ 15.05.2024):
```
git clone https://github.com/rwightman/pytorch-image-models
```
-GluonCV (🥈29 · ⭐ 5.3K) - Gluon CV工具包。Apache-2 
-
-- [GitHub](https://github.com/dmlc/gluon-cv) (👨💻 120 · 🔀 1.2K · 📦 840 · 📋 810 - 5% open · ⏱️ 11.08.2022):
-
- ```
- git clone https://github.com/dmlc/gluon-cv
- ```
-- [PyPi](https://pypi.org/project/gluoncv) (📥 570K / month):
- ```
- pip install gluoncv
- ```
-
-ImageHash (🥈29 · ⭐ 2.5K · 💤) - Python感知图像哈希模块。BSD-2
+glfw (🥈31 · ⭐ 12K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input. ❗️Zlib
-- [GitHub](https://github.com/JohannesBuchner/imagehash) (👨💻 20 · 🔀 300 · 📦 5.8K · 📋 110 - 13% open · ⏱️ 07.09.2021):
+- [GitHub](https://github.com/glfw/glfw) (👨💻 200 · 🔀 4.5K · 📥 3.8M · 📦 1.4K · 📋 1.8K - 27% open · ⏱️ 12.04.2024):
```
- git clone https://github.com/JohannesBuchner/imagehash
+ git clone https://github.com/glfw/glfw
```
-- [PyPi](https://pypi.org/project/ImageHash) (📥 1.4M / month):
+- [PyPi](https://pypi.org/project/glfw) (📥 200K / month):
```
- pip install ImageHash
+ pip install glfw
```
-- [Conda](https://anaconda.org/conda-forge/imagehash) (📥 230K · ⏱️ 15.07.2021):
+- [Conda](https://anaconda.org/conda-forge/glfw) (📥 200K · ⏱️ 24.02.2024):
```
- conda install -c conda-forge imagehash
+ conda install -c conda-forge glfw
```
-imutils (🥈28 · ⭐ 4.2K · 💤) - 图像处理库。MIT
+Kornia (🥈31 · ⭐ 9.5K) - Open Source Differentiable Computer Vision Library for PyTorch. Apache-2 
-- [GitHub](https://github.com/PyImageSearch/imutils) (👨💻 21 · 🔀 980 · 📦 27K · 📋 160 - 53% open · ⏱️ 27.01.2022):
+- [GitHub](https://github.com/kornia/kornia) (👨💻 260 · 🔀 920 · 📥 1.1K · 📦 9.8K · 📋 890 - 28% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/jrosebr1/imutils
- ```
-- [PyPi](https://pypi.org/project/imutils) (📥 330K / month):
- ```
- pip install imutils
+ git clone https://github.com/kornia/kornia
```
-- [Conda](https://anaconda.org/conda-forge/imutils) (📥 97K · ⏱️ 26.08.2022):
+- [PyPi](https://pypi.org/project/kornia) (📥 1.5M / month):
```
- conda install -c conda-forge imutils
+ pip install kornia
```
-MMDetection (🥈27 · ⭐ 21K) - OpenMMLab检测工具箱。Apache-2 
+MMDetection (🥈29 · ⭐ 28K) - 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) (👨💻 460 · 🔀 8.3K · 📦 2.5K · 📋 8.1K - 17% open · ⏱️ 05.02.2024):
```
git clone https://github.com/open-mmlab/mmdetection
```
-torchvision (🥈27 · ⭐ 12K) - 计算机视觉的数据集,转换和模型。BSD-3 
+torchvision (🥈29 · ⭐ 16K) - 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) (👨💻 590 · 🔀 6.7K · 📥 38K · 📦 21 · 📋 3.2K - 24% open · ⏱️ 10.05.2024):
```
git clone https://github.com/pytorch/vision
```
-- [PyPi](https://pypi.org/project/torchvision) (📥 3.9M / month):
+- [PyPi](https://pypi.org/project/torchvision) (📥 13M / month):
```
pip install torchvision
```
-- [Conda](https://anaconda.org/conda-forge/torchvision) (📥 340K · ⏱️ 24.07.2022):
+- [Conda](https://anaconda.org/conda-forge/torchvision) (📥 1.1M · ⏱️ 16.05.2024):
```
conda install -c conda-forge torchvision
```
-glfw (🥈27 · ⭐ 9.5K) - 一个用于OpenGL,OpenGL ES,Vulkan,窗口和输入的多平台库。❗️Zlib
+ImageHash (🥈29 · ⭐ 3K · 💤) - A Python Perceptual Image Hashing Module. BSD-2
-- [GitHub](https://github.com/glfw/glfw) (👨💻 180 · 🔀 3.5K · 📥 2.9M · 📦 1 · 📋 1.6K - 25% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/JohannesBuchner/imagehash) (👨💻 26 · 🔀 320 · 📦 13K · 📋 130 - 7% open · ⏱️ 24.10.2023):
```
- git clone https://github.com/glfw/glfw
+ git clone https://github.com/JohannesBuchner/imagehash
```
-- [PyPi](https://pypi.org/project/glfw) (📥 220K / month):
+- [PyPi](https://pypi.org/project/ImageHash) (📥 1.7M / month):
```
- pip install glfw
+ pip install ImageHash
```
-- [Conda](https://anaconda.org/conda-forge/glfw) (📥 68K · ⏱️ 23.07.2022):
+- [Conda](https://anaconda.org/conda-forge/imagehash) (📥 370K · ⏱️ 16.06.2023):
```
- conda install -c conda-forge glfw
+ conda install -c conda-forge imagehash
```
-InsightFace (🥈26 · ⭐ 12K) - MXNet和PyTorch上的人脸分析项目。MIT 
+InsightFace (🥈28 · ⭐ 21K) - 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) (👨💻 60 · 🔀 5.1K · 📥 3.1M · 📦 2.1K · 📋 2.4K - 43% open · ⏱️ 08.05.2024):
```
git clone https://github.com/deepinsight/insightface
```
-- [PyPi](https://pypi.org/project/insightface) (📥 21K / month):
+- [PyPi](https://pypi.org/project/insightface) (📥 390K / month):
```
pip install insightface
```
-imageai (🥈26 · ⭐ 7.2K · 💀) - python库旨在使开发人员能够构建应用程序。MIT
+imutils (🥈28 · ⭐ 4.5K · 💀) - 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 · 📦 43K · 📋 180 - 54% open · ⏱️ 27.01.2022):
```
- git clone https://github.com/OlafenwaMoses/ImageAI
- ```
-- [PyPi](https://pypi.org/project/imageai) (📥 8.9K / month):
- ```
- pip install imageai
+ git clone https://github.com/jrosebr1/imutils
```
-
-Face Recognition (🥈25 · ⭐ 46K) - 简单的面部识别API。MIT 
-
-- [GitHub](https://github.com/ageitgey/face_recognition) (👨💻 54 · 🔀 12K · 📥 470 · 📋 1.2K - 53% open · ⏱️ 10.06.2022):
-
+- [PyPi](https://pypi.org/project/imutils) (📥 630K / month):
```
- git clone https://github.com/ageitgey/face_recognition
+ pip install imutils
```
-- [PyPi](https://pypi.org/project/face_recognition) (📥 39K / month):
+- [Conda](https://anaconda.org/conda-forge/imutils) (📥 160K · ⏱️ 27.10.2023):
```
- pip install face_recognition
+ conda install -c conda-forge imutils
```
-detectron2 (🥈25 · ⭐ 22K) - Detectron2是Facebook FAIR的高级目标检测平台。Apache-2 
+lightly (🥈28 · ⭐ 2.8K) - A python library for self-supervised learning on images. MIT 
-- [GitHub](https://github.com/facebookresearch/detectron2) (👨💻 210 · 🔀 5.7K · 📦 710 · 📋 3.1K - 7% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/lightly-ai/lightly) (👨💻 39 · 🔀 240 · 📦 250 · 📋 520 - 18% open · ⏱️ 16.05.2024):
```
- git clone https://github.com/facebookresearch/detectron2
+ git clone https://github.com/lightly-ai/lightly
```
-- [Conda](https://anaconda.org/conda-forge/detectron2) (📥 78K · ⏱️ 25.04.2022):
+- [PyPi](https://pypi.org/project/lightly) (📥 32K / month):
```
- conda install -c conda-forge detectron2
+ pip install lightly
```
-vit-pytorch (🥈25 · ⭐ 11K) - 实现视觉transformer,一种简单的方法。MIT 
+Face Recognition (🥈27 · ⭐ 52K · 💀) - The world's simplest facial recognition api for.. MIT 
-- [GitHub](https://github.com/lucidrains/vit-pytorch) (👨💻 15 · 🔀 1.8K · 📦 140 · 📋 190 - 47% open · ⏱️ 27.07.2022):
+- [GitHub](https://github.com/ageitgey/face_recognition) (👨💻 54 · 🔀 13K · 📥 1.2K · 📦 21 · 📋 1.3K - 55% open · ⏱️ 10.06.2022):
```
- git clone https://github.com/lucidrains/vit-pytorch
+ git clone https://github.com/ageitgey/face_recognition
```
-- [PyPi](https://pypi.org/project/vit-pytorch) (📥 19K / month):
+- [PyPi](https://pypi.org/project/face_recognition) (📥 210K / month):
```
- pip install vit-pytorch
+ pip install face_recognition
```
-facenet-pytorch (🥈25 · ⭐ 3K · 💤) - 预训练的Pytorch人脸检测(MTCNN)和识别。MIT 
+vit-pytorch (🥈27 · ⭐ 18K) - Implementation of Vision Transformer, a simple way to.. MIT 
-- [GitHub](https://github.com/timesler/facenet-pytorch) (👨💻 14 · 🔀 650 · 📥 390K · 📦 850 · 📋 150 - 39% open · ⏱️ 13.12.2021):
+- [GitHub](https://github.com/lucidrains/vit-pytorch) (👨💻 21 · 🔀 2.8K · 📦 460 · 📋 250 - 46% open · ⏱️ 11.05.2024):
```
- git clone https://github.com/timesler/facenet-pytorch
+ git clone https://github.com/lucidrains/vit-pytorch
```
-- [PyPi](https://pypi.org/project/facenet-pytorch) (📥 18K / month):
+- [PyPi](https://pypi.org/project/vit-pytorch) (📥 23K / month):
```
- pip install facenet-pytorch
+ pip install vit-pytorch
```
-opencv-python (🥈25 · ⭐ 2.9K · 📈) - 自动化的CI工具链可生成预编译的opencv-python。MIT
+imageai (🥈27 · ⭐ 8.4K) - A python library built to empower developers to build applications and.. MIT
-- [GitHub](https://github.com/opencv/opencv-python) (👨💻 39 · 🔀 580 · 📋 570 - 7% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/OlafenwaMoses/ImageAI) (👨💻 19 · 🔀 2.1K · 📥 920K · 📦 1.6K · 📋 740 - 39% open · ⏱️ 20.02.2024):
```
- git clone https://github.com/skvark/opencv-python
+ git clone https://github.com/OlafenwaMoses/ImageAI
```
-- [PyPi](https://pypi.org/project/opencv-python) (📥 5.6M / month):
+- [PyPi](https://pypi.org/project/imageai) (📥 8.2K / month):
```
- pip install opencv-python
+ pip install imageai
```
-chainercv (🥈25 · ⭐ 1.5K · 💀) - ChainerCV:一个用于计算机视觉深度学习的库。MIT
+facenet-pytorch (🥈27 · ⭐ 4.2K) - Pretrained Pytorch face detection (MTCNN) and recognition.. MIT 
-- [GitHub](https://github.com/chainer/chainercv) (👨💻 39 · 🔀 300 · 📦 300 · 📋 200 - 18% open · ⏱️ 07.01.2020):
+- [GitHub](https://github.com/timesler/facenet-pytorch) (👨💻 17 · 🔀 840 · 📥 970K · 📦 1.8K · 📋 170 - 38% open · ⏱️ 05.04.2024):
```
- git clone https://github.com/chainer/chainercv
+ git clone https://github.com/timesler/facenet-pytorch
```
-- [PyPi](https://pypi.org/project/chainercv) (📥 3.2K / month):
+- [PyPi](https://pypi.org/project/facenet-pytorch) (📥 66K / month):
```
- pip install chainercv
+ pip install facenet-pytorch
```
-mahotas (🥈25 · ⭐ 770) - Python中的计算机视觉。❗Unlicensed
+detectron2 (🥉26 · ⭐ 29K) - Detectron2 is FAIR's next-generation platform for object.. Apache-2 
-- [GitHub](https://github.com/luispedro/mahotas) (👨💻 32 · 🔀 140 · 📦 870 · 📋 79 - 20% open · ⏱️ 28.06.2022):
+- [GitHub](https://github.com/facebookresearch/detectron2) (👨💻 270 · 🔀 6.9K · 📦 1.8K · 📋 3.5K - 11% open · ⏱️ 08.05.2024):
```
- git clone https://github.com/luispedro/mahotas
- ```
-- [PyPi](https://pypi.org/project/mahotas) (📥 11K / month):
- ```
- pip install mahotas
+ git clone https://github.com/facebookresearch/detectron2
```
-- [Conda](https://anaconda.org/conda-forge/mahotas) (📥 330K · ⏱️ 28.07.2022):
+- [Conda](https://anaconda.org/conda-forge/detectron2) (📥 250K · ⏱️ 18.01.2024):
```
- conda install -c conda-forge mahotas
+ conda install -c conda-forge detectron2
```
-vidgear (🥉24 · ⭐ 2.4K) - 高性能跨平台视频处理Python框架。Apache-2
+GluonCV (🥉26 · ⭐ 5.8K · 💀) - Gluon CV Toolkit. Apache-2 
-- [GitHub](https://github.com/abhiTronix/vidgear) (👨💻 13 · 🔀 190 · 📥 640 · 📦 230 · 📋 230 - 1% open · ⏱️ 06.07.2022):
+- [GitHub](https://github.com/dmlc/gluon-cv) (👨💻 120 · 🔀 1.2K · 📦 21 · 📋 830 - 4% open · ⏱️ 19.01.2023):
```
- git clone https://github.com/abhiTronix/vidgear
+ git clone https://github.com/dmlc/gluon-cv
```
-- [PyPi](https://pypi.org/project/vidgear) (📥 6.5K / month):
+- [PyPi](https://pypi.org/project/gluoncv) (📥 72K / month):
```
- pip install vidgear
+ pip install gluoncv
```
-PyTorch3D (🥉23 · ⭐ 6.4K) - PyTorch3D是FAIR的深度学习可重用组件库。❗Unlicensed 
+PyTorch3D (🥉25 · ⭐ 8.4K) - 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) (👨💻 140 · 🔀 1.2K · 📦 800 · 📋 1.5K - 16% open · ⏱️ 13.05.2024):
```
git clone https://github.com/facebookresearch/pytorch3d
```
-- [PyPi](https://pypi.org/project/pytorch3d) (📥 14K / month):
+- [PyPi](https://pypi.org/project/pytorch3d) (📥 7K / month):
```
pip install pytorch3d
```
-- [Conda](https://anaconda.org/pytorch3d/pytorch3d) (📥 60K · ⏱️ 14.08.2022):
+- [Conda](https://anaconda.org/pytorch3d/pytorch3d) (📥 210K · ⏱️ 31.10.2023):
```
conda install -c pytorch3d pytorch3d
```
-Face Alignment (🥉23 · ⭐ 5.8K · 💤) - 使用pytorch构建2D和3D人脸对齐库。BSD-3 
+Face Alignment (🥉25 · ⭐ 6.8K · 💤) - 2D and 3D Face alignment library build using pytorch. BSD-3 
-- [GitHub](https://github.com/1adrianb/face-alignment) (👨💻 23 · 🔀 1.2K · 📋 280 - 21% open · ⏱️ 04.08.2021):
+- [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) (📥 9.6K / month):
+- [PyPi](https://pypi.org/project/face-alignment) (📥 79K / month):
```
pip install face-alignment
```
-Augmentor (🥉23 · ⭐ 4.8K) - Python中的图像增强库,用于机器学习。MIT
+Norfair (🥉25 · ⭐ 2.3K) - Lightweight Python library for adding real-time 2D object tracking to.. BSD-3
-- [GitHub](https://github.com/mdbloice/Augmentor) (👨💻 22 · 🔀 820 · 📦 480 · 📋 190 - 61% open · ⏱️ 24.05.2022):
+- [GitHub](https://github.com/tryolabs/norfair) (👨💻 31 · 🔀 230 · 📥 310 · 📦 180 · 📋 160 - 8% open · ⏱️ 30.01.2024):
```
- 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) (📥 17K / month):
```
- pip install Augmentor
+ pip install norfair
```
-mtcnn (🥉23 · ⭐ 1.8K · 💀) - TensorFlow的MTCNN人脸检测实现。MIT 
+mtcnn (🥉25 · ⭐ 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 · 🔀 500 · 📦 5.2K · 📋 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) (📥 81K / month):
```
pip install mtcnn
```
-lightly (🥉23 · ⭐ 1.7K) - 一个用于对图像进行自监督学习的python库。MIT 
+chainercv (🥉25 · ⭐ 1.5K · 💀) - ChainerCV: a Library for Deep Learning in Computer Vision. MIT
-- [GitHub](https://github.com/lightly-ai/lightly) (👨💻 19 · 🔀 140 · 📦 46 · 📋 330 - 20% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/chainer/chainercv) (👨💻 39 · 🔀 300 · 📦 400 · 📋 200 - 18% open · ⏱️ 07.01.2020):
```
- git clone https://github.com/lightly-ai/lightly
+ git clone https://github.com/chainer/chainercv
```
-- [PyPi](https://pypi.org/project/lightly) (📥 3.3K / month):
+- [PyPi](https://pypi.org/project/chainercv) (📥 2.3K / month):
```
- pip install lightly
+ pip install chainercv
```
-Image Deduplicator (🥉22 · ⭐ 4.1K · 💀) - 图像查重。Apache-2 
+mahotas (🥉25 · ⭐ 830) - Computer Vision in Python. ❗Unlicensed
-- [GitHub](https://github.com/idealo/imagededup) (👨💻 10 · 🔀 370 · 📦 26 · 📋 93 - 36% open · ⏱️ 23.11.2020):
+- [GitHub](https://github.com/luispedro/mahotas) (👨💻 35 · 🔀 150 · 📦 1.3K · 📋 90 - 23% open · ⏱️ 02.05.2024):
```
- git clone https://github.com/idealo/imagededup
+ git clone https://github.com/luispedro/mahotas
```
-- [PyPi](https://pypi.org/project/imagededup) (📥 1.3K / month):
+- [PyPi](https://pypi.org/project/mahotas) (📥 18K / month):
```
- pip install imagededup
+ pip install mahotas
+ ```
+- [Conda](https://anaconda.org/conda-forge/mahotas) (📥 410K · ⏱️ 18.04.2024):
+ ```
+ conda install -c conda-forge mahotas
```
-pyvips (🥉22 · ⭐ 440) - 使用cffi的libvips的python接口。MIT
+Augmentor (🥉24 · ⭐ 5K · 💀) - Image augmentation library in Python for machine learning. MIT
-- [GitHub](https://github.com/libvips/pyvips) (👨💻 14 · 🔀 40 · 📦 350 · 📋 300 - 36% open · ⏱️ 13.08.2022):
+- [GitHub](https://github.com/mdbloice/Augmentor) (👨💻 23 · 🔀 840 · 📦 750 · 📋 190 - 61% open · ⏱️ 29.03.2023):
```
- git clone https://github.com/libvips/pyvips
- ```
-- [PyPi](https://pypi.org/project/pyvips) (📥 19K / month):
- ```
- pip install pyvips
+ git clone https://github.com/mdbloice/Augmentor
```
-- [Conda](https://anaconda.org/conda-forge/pyvips) (📥 29K · ⏱️ 24.07.2022):
+- [PyPi](https://pypi.org/project/Augmentor) (📥 9.8K / month):
```
- conda install -c conda-forge pyvips
+ pip install Augmentor
```
-PaddleDetection (🥉21 · ⭐ 8.3K) - 对象检测和实例分割工具箱。Apache-2 
+Image Deduplicator (🥉24 · ⭐ 5K · 💀) - Finding duplicate images made easy!. Apache-2 
-- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (👨💻 100 · 🔀 2.1K · 📦 30 · 📋 3.8K - 20% open · ⏱️ 16.08.2022):
+- [GitHub](https://github.com/idealo/imagededup) (👨💻 15 · 🔀 440 · 📦 110 · 📋 120 - 26% open · ⏱️ 28.04.2023):
```
- git clone https://github.com/PaddlePaddle/PaddleDetection
+ git clone https://github.com/idealo/imagededup
+ ```
+- [PyPi](https://pypi.org/project/imagededup) (📥 19K / month):
+ ```
+ pip install imagededup
```
-segmentation_models (🥉21 · ⭐ 4K) - Segmentation models with pretrained backbones. Keras.. MIT 
+vidgear (🥉24 · ⭐ 3.2K · 💤) - High-performance cross-platform Video Processing Python.. Apache-2
-- [GitHub](https://github.com/qubvel/segmentation_models) (👨💻 14 · 🔀 910 · 📋 480 - 46% open · ⏱️ 29.07.2022):
+- [GitHub](https://github.com/abhiTronix/vidgear) (👨💻 14 · 🔀 240 · 📥 1.3K · 📦 540 · 📋 280 - 2% open · ⏱️ 10.09.2023):
```
- git clone https://github.com/qubvel/segmentation_models
+ git clone https://github.com/abhiTronix/vidgear
```
-- [PyPi](https://pypi.org/project/segmentation_models) (📥 26K / month):
+- [PyPi](https://pypi.org/project/vidgear) (📥 17K / month):
```
- pip install segmentation_models
+ pip install vidgear
```
-Image Super-Resolution (🥉21 · ⭐ 3.8K · 💀) - 图像超精度变换。Apache-2 
+Image Super-Resolution (🥉22 · ⭐ 4.5K · 💀) - Super-scale your images and run experiments with.. Apache-2 
-- [GitHub](https://github.com/idealo/image-super-resolution) (👨💻 10 · 🔀 630 · 📦 97 · 📋 200 - 45% open · ⏱️ 02.06.2021):
+- [GitHub](https://github.com/idealo/image-super-resolution) (👨💻 10 · 🔀 730 · 📦 120 · 📋 220 - 47% open · ⏱️ 02.06.2021):
```
git clone https://github.com/idealo/image-super-resolution
```
-- [PyPi](https://pypi.org/project/ISR) (📥 4.5K / month):
+- [PyPi](https://pypi.org/project/ISR) (📥 5.1K / month):
```
pip install ISR
```
-- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (📥 220 · ⏱️ 01.04.2019):
+- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (📥 240 · ⭐ 1 · ⏱️ 01.04.2019):
```
docker pull idealo/image-super-resolution-gpu
```
-Norfair (🥉21 · ⭐ 1.6K) - 轻量级Python库,用于向其中添加实时2D对象跟踪。BSD-3
+pyvips (🥉22 · ⭐ 590) - python binding for libvips using cffi. MIT
-- [GitHub](https://github.com/tryolabs/norfair) (👨💻 18 · 🔀 150 · 📥 200 · 📋 75 - 16% open · ⏱️ 24.08.2022):
+- [GitHub](https://github.com/libvips/pyvips) (👨💻 16 · 🔀 50 · 📦 710 · 📋 410 - 42% open · ⏱️ 28.04.2024):
```
- git clone https://github.com/tryolabs/norfair
+ git clone https://github.com/libvips/pyvips
```
-- [PyPi](https://pypi.org/project/norfair) (📥 7.3K / month):
+- [PyPi](https://pypi.org/project/pyvips) (📥 43K / month):
```
- pip install norfair
+ pip install pyvips
+ ```
+- [Conda](https://anaconda.org/conda-forge/pyvips) (📥 82K · ⏱️ 28.04.2024):
+ ```
+ conda install -c conda-forge pyvips
```
-CellProfiler (🥉21 · ⭐ 700) - 生物图像分析的开源应用程序。❗Unlicensed
+tensorflow-graphics (🥉21 · ⭐ 2.7K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2 
-- [GitHub](https://github.com/CellProfiler/CellProfiler) (👨💻 130 · 🔀 320 · 📥 3.4K · 📦 9 · 📋 3.1K - 5% open · ⏱️ 17.08.2022):
+- [GitHub](https://github.com/tensorflow/graphics) (👨💻 39 · 🔀 360 · 📋 180 - 47% open · ⏱️ 13.03.2024):
```
- git clone https://github.com/CellProfiler/CellProfiler
+ git clone https://github.com/tensorflow/graphics
```
-- [PyPi](https://pypi.org/project/cellprofiler) (📥 900 / month):
+- [PyPi](https://pypi.org/project/tensorflow-graphics) (📥 40K / month):
```
- pip install cellprofiler
+ pip install tensorflow-graphics
```
-MMF (🥉20 · ⭐ 5K) - 来自视觉和语言多模态研究的模块化框架。BSD-3 
+Luminoth (🥉21 · ⭐ 2.4K · 💀) - Deep Learning toolkit for Computer Vision. BSD-3 
-- [GitHub](https://github.com/facebookresearch/mmf) (👨💻 100 · 🔀 840 · 📦 12 · 📋 620 - 30% open · ⏱️ 11.08.2022):
+- [GitHub](https://github.com/tryolabs/luminoth) (👨💻 15 · 🔀 400 · 📥 13K · 📦 61 · 📋 180 - 29% open · ⏱️ 07.01.2020):
```
- git clone https://github.com/facebookresearch/mmf
+ git clone https://github.com/tryolabs/luminoth
```
-- [PyPi](https://pypi.org/project/mmf) (📥 240 / month):
+- [PyPi](https://pypi.org/project/luminoth) (📥 2.2K / month):
```
- pip install mmf
+ pip install luminoth
```
-tensorflow-graphics (🥉20 · ⭐ 2.7K) - TensorFlow图神经网络:可微分的图layerApache-2 
+MMF (🥉20 · ⭐ 5.4K) - A modular framework for vision & language multimodal research from.. BSD-3 
-- [GitHub](https://github.com/tensorflow/graphics) (👨💻 36 · 🔀 340 · 📋 160 - 45% open · ⏱️ 04.04.2022):
+- [GitHub](https://github.com/facebookresearch/mmf) (👨💻 120 · 🔀 880 · 📦 17 · 📋 650 - 16% open · ⏱️ 03.03.2024):
```
- git clone https://github.com/tensorflow/graphics
+ git clone https://github.com/facebookresearch/mmf
```
-- [PyPi](https://pypi.org/project/tensorflow-graphics) (📥 2.7K / month):
+- [PyPi](https://pypi.org/project/mmf) (📥 510 / month):
```
- pip install tensorflow-graphics
+ pip install mmf
```
-nude.py (🥉20 · ⭐ 860 · 💀) - 使用Python进行裸露检测。MIT
+segmentation_models (🥉20 · ⭐ 4.6K · 💀) - Segmentation models with pretrained backbones. Keras.. MIT 
-- [GitHub](https://github.com/hhatto/nude.py) (👨💻 12 · 🔀 130 · 📦 2.6K · 📋 10 - 70% open · ⏱️ 23.11.2020):
+- [GitHub](https://github.com/qubvel/segmentation_models) (👨💻 14 · 🔀 1K · 📋 520 - 48% open · ⏱️ 29.07.2022):
```
- git clone https://github.com/hhatto/nude.py
+ git clone https://github.com/qubvel/segmentation_models
```
-- [PyPi](https://pypi.org/project/nudepy) (📥 9.5K / month):
+- [PyPi](https://pypi.org/project/segmentation_models) (📥 27K / month):
```
- pip install nudepy
+ pip install segmentation_models
```
-Luminoth (🥉19 · ⭐ 2.4K · 💀) - 用于计算机视觉的深度学习工具包。BSD-3 
+DE⫶TR (🥉19 · ⭐ 13K) - End-to-End Object Detection with Transformers. Apache-2 
-- [GitHub](https://github.com/tryolabs/luminoth) (👨💻 15 · 🔀 400 · 📥 13K · 📦 41 · 📋 180 - 28% open · ⏱️ 07.01.2020):
+- [GitHub](https://github.com/facebookresearch/detr) (👨💻 27 · 🔀 2.2K · 📦 21 · 📋 530 - 45% open · ⏱️ 12.03.2024):
```
- git clone https://github.com/tryolabs/luminoth
- ```
-- [PyPi](https://pypi.org/project/luminoth) (📥 610 / month):
- ```
- pip install luminoth
+ git clone https://github.com/facebookresearch/detr
```
-Classy Vision (🥉19 · ⭐ 1.5K) - 用于图像和视频的端到端PyTorch框架。MIT 
+PaddleDetection (🥉19 · ⭐ 12K) - Object detection and instance segmentation toolkit.. Apache-2 
-- [GitHub](https://github.com/facebookresearch/ClassyVision) (👨💻 76 · 🔀 260 · 📋 76 - 17% open · ⏱️ 03.08.2022):
+- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (👨💻 160 · 🔀 2.8K · 📋 5.3K - 22% open · ⏱️ 28.12.2023):
```
- git clone https://github.com/facebookresearch/ClassyVision
+ git clone https://github.com/PaddlePaddle/PaddleDetection
```
-- [PyPi](https://pypi.org/project/classy_vision) (📥 2K / month):
+
+nude.py (🥉18 · ⭐ 920 · 💀) - Nudity detection with Python. MIT
+
+- [GitHub](https://github.com/hhatto/nude.py) (👨💻 12 · 🔀 130 · 📦 3.6K · 📋 12 - 66% open · ⏱️ 23.11.2020):
+
```
- pip install classy_vision
+ git clone https://github.com/hhatto/nude.py
```
-- [Conda](https://anaconda.org/conda-forge/classy_vision) (📥 14K · ⏱️ 22.03.2022):
+- [PyPi](https://pypi.org/project/nudepy) (📥 680 / month):
```
- conda install -c conda-forge classy_vision
+ pip install nudepy
```
-Caer (🥉18 · ⭐ 630 · 💤) - 轻量级的计算机视觉库。MIT
+Caer (🥉18 · ⭐ 750 · 💀) - 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 · 🔀 98 · 📥 30 · 📋 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) (📥 4.5K / month):
```
pip install caer
```
-DE⫶TR (🥉17 · ⭐ 9.6K) - End-to-End Object Detection with Transformers. Apache-2 
+image-match (🥉17 · ⭐ 2.9K · 💀) - Quickly search over billions of images. ❗Unlicensed
-- [GitHub](https://github.com/facebookresearch/detr) (👨💻 25 · 🔀 1.7K · 📋 440 - 38% open · ⏱️ 07.03.2022):
+- [GitHub](https://github.com/rhsimplex/image-match) (👨💻 19 · 🔀 390 · 📋 100 - 53% open · ⏱️ 06.12.2022):
```
- git clone https://github.com/facebookresearch/detr
+ git clone https://github.com/EdjoLabs/image-match
+ ```
+- [PyPi](https://pypi.org/project/image_match) (📥 1.8K / month):
+ ```
+ pip install image_match
```
-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) (📥 610 / month):
```
- pip install pillow-simd
+ pip install classy_vision
+ ```
+- [Conda](https://anaconda.org/conda-forge/classy_vision) (📥 20K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge classy_vision
```
-PySlowFast (🥉16 · ⭐ 5K) - PySlowFast:来自FAIR的视频理解代码库。Apache-2 
+CellProfiler (🥉17 · ⭐ 860) - An open-source application for biological image analysis. ❗Unlicensed
-- [GitHub](https://github.com/facebookresearch/SlowFast) (👨💻 28 · 🔀 960 · 📦 10 · 📋 550 - 52% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/CellProfiler/CellProfiler) (👨💻 140 · 🔀 360 · 📥 6.9K · 📦 20 · 📋 3.3K - 9% open · ⏱️ 01.05.2024):
```
- git clone https://github.com/facebookresearch/SlowFast
+ git clone https://github.com/CellProfiler/CellProfiler
+ ```
+- [PyPi](https://pypi.org/project/cellprofiler) (📥 660 / month):
+ ```
+ pip install cellprofiler
```
-image-match (🥉16 · ⭐ 2.8K · 💤) - 快速搜索数十亿张图像。❗Unlicensed
+PySlowFast (🥉16 · ⭐ 6.3K · 💤) - PySlowFast: video understanding codebase from FAIR for.. Apache-2 
-- [GitHub](https://github.com/ProvenanceLabs/image-match) (👨💻 19 · 🔀 380 · 📋 100 - 53% open · ⏱️ 21.09.2021):
+- [GitHub](https://github.com/facebookresearch/SlowFast) (👨💻 31 · 🔀 1.1K · 📦 15 · 📋 660 - 57% open · ⏱️ 19.10.2023):
```
- git clone https://github.com/EdjoLabs/image-match
+ git clone https://github.com/facebookresearch/SlowFast
```
-- [PyPi](https://pypi.org/project/image_match) (📥 590 / month):
+
+pycls (🥉16 · ⭐ 2.1K · 💤) - Codebase for Image Classification Research, written in PyTorch. MIT 
+
+- [GitHub](https://github.com/facebookresearch/pycls) (👨💻 19 · 🔀 230 · 📦 18 · 📋 81 - 30% open · ⏱️ 26.08.2023):
+
```
- pip install image_match
+ git clone https://github.com/facebookresearch/pycls
```
-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 · 🔀 85 · 📋 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) (📥 43K / month):
+ ```
+ pip install pillow-simd
```
-Torch Points 3D (🥉14 · ⭐ 93 · 💤) - 用于在点云上进行深度学习的Pytorch框架。BSD-3 
+Torch Points 3D (🥉16 · ⭐ 200 · 💀) - 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 · 🔀 43 · ⏱️ 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) (📥 1K / month):
```
pip install torch-points3d
```
-## 图数据处理
+## 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) (👨💻 720 · 🔀 3.1K · 📥 71 · 📦 250K · 📋 3.2K - 5% open · ⏱️ 15.05.2024):
```
git clone https://github.com/networkx/networkx
```
-- [PyPi](https://pypi.org/project/networkx) (📥 19M / month):
+- [PyPi](https://pypi.org/project/networkx) (📥 54M / month):
```
pip install networkx
```
-- [Conda](https://anaconda.org/conda-forge/networkx) (📥 7.8M · ⏱️ 22.08.2022):
+- [Conda](https://anaconda.org/conda-forge/networkx) (📥 16M · ⏱️ 08.04.2024):
```
conda install -c conda-forge networkx
```
-dgl (🥇29 · ⭐ 10K) - 在现有基础之上构建的Python软件包,用于简化图上的深度学习。Apache-2
+dgl (🥇32 · ⭐ 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) (👨💻 290 · 🔀 2.9K · 📦 240 · 📋 2.7K - 14% open · ⏱️ 16.05.2024):
```
git clone https://github.com/dmlc/dgl
```
-- [PyPi](https://pypi.org/project/dgl) (📥 32K / month):
+- [PyPi](https://pypi.org/project/dgl) (📥 100K / month):
```
pip install dgl
```
-PyTorch Geometric (🥇28 · ⭐ 15K) - PyTorch的几何深度学习扩展库。MIT 
+PyTorch Geometric (🥇28 · ⭐ 20K) - 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) (👨💻 490 · 🔀 3.5K · 📋 3.4K - 23% open · ⏱️ 13.05.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) (📥 290K / month):
```
pip install torch-geometric
```
-ogb (🥇28 · ⭐ 1.4K) - 用于图机器学习的基准数据集,数据加载器和评估器。MIT
+StellarGraph (🥈27 · ⭐ 2.9K · 💀) - StellarGraph - Machine Learning on Graphs. Apache-2 
-- [GitHub](https://github.com/snap-stanford/ogb) (👨💻 23 · 🔀 310 · 📦 380 · 📋 230 - 0% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/stellargraph/stellargraph) (👨💻 37 · 🔀 420 · 📦 260 · 📋 1K - 28% open · ⏱️ 29.10.2021):
```
- git clone https://github.com/snap-stanford/ogb
+ git clone https://github.com/stellargraph/stellargraph
```
-- [PyPi](https://pypi.org/project/ogb) (📥 80K / month):
+- [PyPi](https://pypi.org/project/stellargraph) (📥 8.8K / month):
```
- pip install ogb
+ pip install stellargraph
```
-igraph (🥈27 · ⭐ 1K) - Igraph的Python接口。❗️GPL-2.0
+igraph (🥈27 · ⭐ 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) (👨💻 75 · 🔀 240 · 📥 560K · 📦 3.9K · 📋 540 - 7% open · ⏱️ 11.05.2024):
```
git clone https://github.com/igraph/python-igraph
```
-- [PyPi](https://pypi.org/project/python-igraph) (📥 260K / month):
+- [PyPi](https://pypi.org/project/python-igraph) (📥 240K / month):
```
pip install python-igraph
```
-- [Conda](https://anaconda.org/conda-forge/igraph) (📥 320K · ⏱️ 13.06.2022):
+- [Conda](https://anaconda.org/conda-forge/igraph) (📥 530K · ⏱️ 07.05.2024):
```
conda install -c conda-forge igraph
```
-StellarGraph (🥈25 · ⭐ 2.5K · 💤) - StellarGraph-图机器学习库。Apache-2 
+ogb (🥈26 · ⭐ 1.9K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT
-- [GitHub](https://github.com/stellargraph/stellargraph) (👨💻 36 · 🔀 380 · 📦 160 · 📋 1K - 27% open · ⏱️ 29.10.2021):
+- [GitHub](https://github.com/snap-stanford/ogb) (👨💻 32 · 🔀 380 · 📦 1.6K · 📋 290 - 6% open · ⏱️ 01.02.2024):
```
- git clone https://github.com/stellargraph/stellargraph
+ git clone https://github.com/snap-stanford/ogb
```
-- [PyPi](https://pypi.org/project/stellargraph) (📥 22K / month):
+- [PyPi](https://pypi.org/project/ogb) (📥 34K / month):
```
- pip install stellargraph
+ pip install ogb
```
-Spektral (🥈25 · ⭐ 2.1K) - 使用Keras和Tensorflow 2的图神经网络。MIT 
+Spektral (🥈25 · ⭐ 2.3K) - Graph Neural Networks with Keras and Tensorflow 2. MIT 
-- [GitHub](https://github.com/danielegrattarola/spektral) (👨💻 24 · 🔀 300 · 📦 140 · 📋 230 - 16% open · ⏱️ 22.07.2022):
+- [GitHub](https://github.com/danielegrattarola/spektral) (👨💻 27 · 🔀 330 · 📦 290 · 📋 270 - 24% open · ⏱️ 21.01.2024):
```
git clone https://github.com/danielegrattarola/spektral
```
-- [PyPi](https://pypi.org/project/spektral) (📥 6.8K / month):
+- [PyPi](https://pypi.org/project/spektral) (📥 8.6K / month):
```
pip install spektral
```
-Karate Club (🥈23 · ⭐ 1.7K) - 面向API的开源Python框架。❗️GPL-3.0
+Node2Vec (🥈24 · ⭐ 1.2K) - Implementation of the node2vec algorithm. MIT
-- [GitHub](https://github.com/benedekrozemberczki/karateclub) (👨💻 15 · 🔀 210 · 📦 100 · ⏱️ 20.08.2022):
+- [GitHub](https://github.com/eliorc/node2vec) (👨💻 15 · 🔀 230 · 📦 610 · 📋 92 - 5% open · ⏱️ 05.05.2024):
```
- git clone https://github.com/benedekrozemberczki/karateclub
+ git clone https://github.com/eliorc/node2vec
```
-- [PyPi](https://pypi.org/project/karateclub) (📥 2.8K / month):
+- [PyPi](https://pypi.org/project/node2vec) (📥 27K / month):
```
- pip install karateclub
+ pip install node2vec
+ ```
+- [Conda](https://anaconda.org/conda-forge/node2vec) (📥 28K · ⏱️ 16.06.2023):
+ ```
+ conda install -c conda-forge node2vec
```
-pytorch_geometric_temporal (🥈23 · ⭐ 1.7K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT 
+AmpliGraph (🥈23 · ⭐ 2.1K) - Python library for Representation Learning on Knowledge.. Apache-2 
-- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (👨💻 23 · 🔀 250 · 📋 120 - 5% open · ⏱️ 02.08.2022):
+- [GitHub](https://github.com/Accenture/AmpliGraph) (👨💻 21 · 🔀 250 · 📦 49 · 📋 220 - 15% open · ⏱️ 28.02.2024):
```
- git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
+ git clone https://github.com/Accenture/AmpliGraph
```
-- [PyPi](https://pypi.org/project/torch-geometric-temporal) (📥 1.8K / month):
+- [PyPi](https://pypi.org/project/ampligraph) (📥 1.3K / month):
```
- pip install torch-geometric-temporal
+ pip install ampligraph
```
-AmpliGraph (🥈22 · ⭐ 1.8K · 💀) - 用于知识表示学习的Python库。Apache-2 
+Karate Club (🥈23 · ⭐ 2.1K) - 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) (👨💻 20 · 🔀 240 · 📦 230 · 📋 120 - 4% open · ⏱️ 05.03.2024):
```
- 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) (📥 4.3K / month):
```
- pip install ampligraph
+ pip install karateclub
```
-Paddle Graph Learning (🥈22 · ⭐ 1.4K) - paddle图机器学习。Apache-2 
+PyKEEN (🥈23 · ⭐ 1.5K) - A Python library for learning and evaluating knowledge graph embeddings. MIT
-- [GitHub](https://github.com/PaddlePaddle/PGL) (👨💻 28 · 🔀 270 · 📦 33 · 📋 150 - 35% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/pykeen/pykeen) (👨💻 38 · 🔀 180 · 📥 180 · 📋 530 - 16% open · ⏱️ 04.05.2024):
```
- git clone https://github.com/PaddlePaddle/PGL
+ git clone https://github.com/pykeen/pykeen
```
-- [PyPi](https://pypi.org/project/pgl) (📥 1.8K / month):
+- [PyPi](https://pypi.org/project/pykeen) (📥 5K / month):
```
- pip install pgl
+ pip install pykeen
+ ```
+
+pytorch_geometric_temporal (🥈22 · ⭐ 2.5K · 💤) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT 
+
+- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (👨💻 28 · 🔀 350 · 📋 180 - 13% open · ⏱️ 01.07.2023):
+
+ ```
+ git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
+ ```
+- [PyPi](https://pypi.org/project/torch-geometric-temporal) (📥 2.1K / month):
+ ```
+ pip install torch-geometric-temporal
```
-pygal (🥈21 · ⭐ 2.5K · 💤) - PYthon svg GrAph绘图库。❗️LGPL-3.0
+pygal (🥉21 · ⭐ 2.6K) - PYthon svg GrAph plotting Library. ❗️LGPL-3.0
-- [GitHub](https://github.com/Kozea/pygal) (👨💻 71 · 🔀 390 · 📋 400 - 39% open · ⏱️ 24.11.2021):
+- [GitHub](https://github.com/Kozea/pygal) (👨💻 77 · 🔀 410 · 📋 420 - 41% open · ⏱️ 11.12.2023):
```
git clone https://github.com/Kozea/pygal
```
-- [PyPi](https://pypi.org/project/pygal) (📥 120K / month):
+- [PyPi](https://pypi.org/project/pygal) (📥 310K / month):
```
pip install pygal
```
-- [Conda](https://anaconda.org/conda-forge/pygal) (📥 20K · ⏱️ 04.06.2019):
+- [Conda](https://anaconda.org/conda-forge/pygal) (📥 40K · ⏱️ 21.11.2023):
```
conda install -c conda-forge pygal
```
-PyKEEN (🥈21 · ⭐ 960) - 一个用于学习和评估知识图嵌入的Python库。MIT
+Paddle Graph Learning (🥉21 · ⭐ 1.6K · 💤) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2 
-- [GitHub](https://github.com/pykeen/pykeen) (👨💻 31 · 🔀 130 · 📥 140 · 📋 420 - 13% open · ⏱️ 25.08.2022):
+- [GitHub](https://github.com/PaddlePaddle/PGL) (👨💻 31 · 🔀 310 · 📦 55 · 📋 190 - 19% open · ⏱️ 26.09.2023):
```
- git clone https://github.com/pykeen/pykeen
+ git clone https://github.com/PaddlePaddle/PGL
```
-- [PyPi](https://pypi.org/project/pykeen) (📥 1.4K / month):
+- [PyPi](https://pypi.org/project/pgl) (📥 1.3K / month):
```
- pip install pykeen
+ pip install pgl
```
-Node2Vec (🥈21 · ⭐ 950) - node2vec算法的实现。MIT
+PyTorch-BigGraph (🥉20 · ⭐ 3.4K) - Generate embeddings from large-scale graph-structured.. ❗Unlicensed 
-- [GitHub](https://github.com/eliorc/node2vec) (👨💻 11 · 🔀 200 · ⏱️ 01.08.2022):
+- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (👨💻 32 · 🔀 440 · 📥 180 · 📋 200 - 30% open · ⏱️ 03.03.2024):
```
- git clone https://github.com/eliorc/node2vec
+ git clone https://github.com/facebookresearch/PyTorch-BigGraph
```
-- [PyPi](https://pypi.org/project/node2vec) (📥 78K / month):
+- [PyPi](https://pypi.org/project/torchbiggraph) (📥 610K / month):
```
- pip install node2vec
+ pip install torchbiggraph
+ ```
+
+torch-cluster (🥉20 · ⭐ 760) - PyTorch Extension Library of Optimized Graph Cluster.. MIT 
+
+- [GitHub](https://github.com/rusty1s/pytorch_cluster) (👨💻 34 · 🔀 140 · 📋 160 - 17% open · ⏱️ 29.04.2024):
+
+ ```
+ git clone https://github.com/rusty1s/pytorch_cluster
```
-- [Conda](https://anaconda.org/conda-forge/node2vec) (📥 22K · ⏱️ 25.04.2020):
+- [PyPi](https://pypi.org/project/torch-cluster) (📥 14K / month):
```
- conda install -c conda-forge node2vec
+ pip install torch-cluster
```
-torch-cluster (🥈21 · ⭐ 560) - 优化图聚类的PyTorch扩展库MIT 
+graph-nets (🥉18 · ⭐ 5.3K · 💀) - Build Graph Nets in Tensorflow. Apache-2 
-- [GitHub](https://github.com/rusty1s/pytorch_cluster) (👨💻 25 · 🔀 100 · 📋 110 - 17% open · ⏱️ 22.08.2022):
+- [GitHub](https://github.com/google-deepmind/graph_nets) (👨💻 11 · 🔀 770 · 📦 20 · 📋 130 - 6% open · ⏱️ 12.12.2022):
```
- git clone https://github.com/rusty1s/pytorch_cluster
+ git clone https://github.com/deepmind/graph_nets
```
-- [PyPi](https://pypi.org/project/torch-cluster) (📥 27K / month):
+- [PyPi](https://pypi.org/project/graph-nets) (📥 1.2K / month):
```
- pip install torch-cluster
+ pip install graph-nets
```
-PyTorch-BigGraph (🥉19 · ⭐ 3.1K) - 从大型图网络结构生成embedding嵌入。❗Unlicensed 
+DeepGraph (🥉18 · ⭐ 280) - Analyze Data with Pandas-based Networks. Documentation:. ❗Unlicensed 
-- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (👨💻 27 · 🔀 410 · 📥 140 · 📋 190 - 26% open · ⏱️ 05.07.2022):
+- [GitHub](https://github.com/deepgraph/deepgraph) (👨💻 3 · 🔀 40 · 📦 9 · 📋 17 - 52% open · ⏱️ 27.03.2024):
```
- git clone https://github.com/facebookresearch/PyTorch-BigGraph
+ git clone https://github.com/deepgraph/deepgraph
```
-- [PyPi](https://pypi.org/project/torchbiggraph) (📥 320K / month):
+- [PyPi](https://pypi.org/project/deepgraph) (📥 780 / month):
```
- pip install torchbiggraph
+ pip install deepgraph
+ ```
+- [Conda](https://anaconda.org/conda-forge/deepgraph) (📥 180K · ⏱️ 27.03.2024):
+ ```
+ conda install -c conda-forge deepgraph
```
-DeepWalk (🥉19 · ⭐ 2.5K · 💀) - DeepWalk-图的深度学习。❗Unlicensed
+DeepWalk (🥉17 · ⭐ 2.6K · 💀) - DeepWalk - Deep Learning for Graphs. ❗Unlicensed
-- [GitHub](https://github.com/phanein/deepwalk) (👨💻 10 · 🔀 810 · 📦 56 · 📋 110 - 24% open · ⏱️ 02.04.2020):
+- [GitHub](https://github.com/phanein/deepwalk) (👨💻 10 · 🔀 820 · 📦 69 · 📋 110 - 27% open · ⏱️ 02.04.2020):
```
git clone https://github.com/phanein/deepwalk
```
-- [PyPi](https://pypi.org/project/deepwalk) (📥 3.1K / month):
+- [PyPi](https://pypi.org/project/deepwalk) (📥 660 / month):
```
pip install deepwalk
```
-kglib (🥉17 · ⭐ 520) - Grakn知识图库(ML R&D)。Apache-2
+pyRDF2Vec (🥉17 · ⭐ 240 · 💤) - Python Implementation and Extension of RDF2Vec. MIT
-- [GitHub](https://github.com/vaticle/typedb-ml) (👨💻 9 · 🔀 88 · 📥 210 · 📋 60 - 16% open · ⏱️ 01.08.2022):
+- [GitHub](https://github.com/IBCNServices/pyRDF2Vec) (👨💻 7 · 🔀 45 · 📦 40 · 📋 85 - 24% open · ⏱️ 02.07.2023):
```
- git clone https://github.com/graknlabs/kglib
+ git clone https://github.com/IBCNServices/pyRDF2Vec
```
-- [PyPi](https://pypi.org/project/grakn-kglib) (📥 26 / month):
+- [PyPi](https://pypi.org/project/pyrdf2vec) (📥 400 / month):
```
- pip install grakn-kglib
+ pip install pyrdf2vec
```
-GraphEmbedding (🥉16 · ⭐ 3K) - 图嵌入算法的实现和实验。MIT 
+GraphEmbedding (🥉16 · ⭐ 3.6K · 💀) - Implementation and experiments of graph embedding.. MIT 
-- [GitHub](https://github.com/shenweichen/GraphEmbedding) (👨💻 9 · 🔀 860 · 📦 21 · 📋 57 - 59% open · ⏱️ 21.06.2022):
+- [GitHub](https://github.com/shenweichen/GraphEmbedding) (👨💻 9 · 🔀 970 · 📦 32 · 📋 64 - 60% open · ⏱️ 21.06.2022):
```
git clone https://github.com/shenweichen/GraphEmbedding
```
-graph-nets (🥉15 · ⭐ 5.2K · 💀) - 在Tensorflow中构建图神经网络。Apache-2 
+Sematch (🥉16 · ⭐ 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) (📥 440 / month):
```
- pip install graph-nets
+ pip install sematch
```
-Euler (🥉15 · ⭐ 2.8K · 💀) - 分布式图深度学习框架。Apache-2 
+kglib (🥉15 · ⭐ 550) - Grakn Knowledge Graph Library (ML R&D). Apache-2
-- [GitHub](https://github.com/alibaba/euler) (👨💻 3 · 🔀 550 · 📋 320 - 67% open · ⏱️ 29.07.2020):
+- [GitHub](https://github.com/vaticle/typedb-ml) (👨💻 12 · 🔀 90 · 📥 220 · 📋 63 - 19% open · ⏱️ 18.11.2023):
```
- git clone https://github.com/alibaba/euler
+ git clone https://github.com/graknlabs/kglib
```
-- [PyPi](https://pypi.org/project/euler-gl) (📥 15 / month):
+- [PyPi](https://pypi.org/project/grakn-kglib) (📥 140 / month):
```
- pip install euler-gl
+ pip install grakn-kglib
```
-DeepGraph (🥉15 · ⭐ 260 · 💀) - 使用基于pandas的网络分析数据。❗Unlicensed 
+Euler (🥉14 · ⭐ 2.9K · 💀) - A distributed graph deep learning framework. Apache-2 
-- [GitHub](https://github.com/deepgraph/deepgraph) (👨💻 2 · 🔀 38 · 📦 5 · 📋 14 - 64% open · ⏱️ 14.06.2021):
+- [GitHub](https://github.com/alibaba/euler) (👨💻 3 · 🔀 560 · 📋 320 - 67% open · ⏱️ 29.07.2020):
```
- git clone https://github.com/deepgraph/deepgraph
- ```
-- [PyPi](https://pypi.org/project/deepgraph) (📥 290 / month):
- ```
- pip install deepgraph
+ git clone https://github.com/alibaba/euler
```
-- [Conda](https://anaconda.org/conda-forge/deepgraph) (📥 130K · ⏱️ 19.04.2022):
+- [PyPi](https://pypi.org/project/euler-gl) (📥 12 / month):
```
- conda install -c conda-forge deepgraph
+ pip install euler-gl
```
-pyRDF2Vec (🥉15 · ⭐ 160) - RDF2Vec的Python实现和扩展。MIT
+GraphVite (🥉14 · ⭐ 1.2K · 💀) - GraphVite: A General and High-performance Graph Embedding.. Apache-2
-- [GitHub](https://github.com/IBCNServices/pyRDF2Vec) (👨💻 6 · 🔀 32 · 📋 61 - 14% open · ⏱️ 06.05.2022):
+- [GitHub](https://github.com/DeepGraphLearning/graphvite) (🔀 150 · 📋 110 - 47% open · ⏱️ 14.01.2021):
```
- git clone https://github.com/IBCNServices/pyRDF2Vec
+ git clone https://github.com/DeepGraphLearning/graphvite
```
-- [PyPi](https://pypi.org/project/pyrdf2vec) (📥 300 / month):
+- [Conda](https://anaconda.org/milagraph/graphvite) (📥 4.7K · ⏱️ 16.06.2023):
```
- pip install pyrdf2vec
+ conda install -c milagraph graphvite
```
-GraphSAGE (🥉14 · ⭐ 2.8K · 💀) - 大型图上的表示学习。MIT 
+GraphSAGE (🥉13 · ⭐ 3.3K · 💀) - Representation learning on large graphs using stochastic.. MIT 
-- [GitHub](https://github.com/williamleif/GraphSAGE) (👨💻 9 · 🔀 770 · 📋 160 - 62% open · ⏱️ 19.09.2018):
+- [GitHub](https://github.com/williamleif/GraphSAGE) (👨💻 9 · 🔀 830 · 📋 170 - 64% open · ⏱️ 19.09.2018):
```
git clone https://github.com/williamleif/GraphSAGE
```
-OpenNE (🥉14 · ⭐ 1.6K · 💀) - 神经关系提取(NRE)的开源软件包。MIT 
+