python机器学习资源与工具库大全
python机器学习开源工具库资源大全,划分子版块并梳理排行,每周自动更新
本资源清单包含820个python机器学习相关的开源工具资源,这些热门工具总共分成32个不同的子板块,这些项目目前在github上已经收到3.5M个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新排行展示。本清单参考best-of模板完成,内容参考了awesome-machine-learning,欢迎大家提PR丰富本清单。
目录
- 机器学习框架 54 个项目
- 数据可视化 49 个项目
- 文本数据和NLP 82 个项目
- 图像数据与CV 49 个项目
- 图数据处理 29 个项目
- 音频处理 23 个项目
- 地理Geo处理 22 个项目
- 金融数据处理 23 个项目
- 时间序列 20 个项目
- 医疗领域 19 个项目
- 光学字符识别OCR 11 个项目
- 数据容器和结构 28 个项目
- 数据读写与提取 23 个项目
- 网页抓取和爬虫 1 个项目
- 数据管道和流处理 36 个项目
- 分布式机器学习 26 个项目
- 超参数优化和AutoML 45 个项目
- 强化学习 19 个项目
- 推荐系统 13 个项目
- 隐私机器学习 6 个项目
- 工作流程和实验跟踪 35 个项目
- 模型序列化和转换 11 个项目
- 模型的可解释性 46 个项目
- 向量相似度搜索(ANN) 12 个项目
- 概率统计 21 个项目
- 对抗学习与鲁棒性 7 个项目
- GPU实用程序 18 个项目
- Tensorflow实用程序 13 个项目
- Sklearn实用程序 17 个项目
- Pytorch实用程序 27 个项目
- 数据库客户端 1 个项目
- 中文自然语言处理 2 个项目
- Others 33 个项目
图标解释
- 🥇🥈🥉 综合项目质量分
- ⭐️ github上star的数量
- 🐣 小于6个月的新项目
- 💤 非活跃项目(6个月未更新)
- 💀 沉寂项目(12个月未更新)
- 📈📉 项目趋势(向上or向下)
- ➕ 最近添加的项目
- ❗️ 警告(例如 项目没有license)
- 👨💻 项目的开发贡献者数量
- 🔀 项目被fork的数量
- 📋 项目issue的数量
- ⏱️ 项目包上次更新时间
- 📥 工具库被下载次数
- 📦 项目依赖的工具库数量
Tensorflow相关项目
Sklearn相关项目
pytorch相关项目
MxNet相关项目
Apache Spark相关项目
Jupyter相关项目
PaddlePaddle相关项目
Pandas相关项目
机器学习框架

通用机器学习和深度学习框架。
Tensorflow (🥇44 · ⭐ 170K) - 适用于所有人的开源机器学习框架。Apache-2 
-
GitHub (👨💻 4.1K · 🔀 70K · 📦 210K · 📋 35K - 5% open · ⏱️ 26.08.2022):
it clone https://github.com/tensorflow/tensorflow
-
PyPi (📥 14M / month):
ip install tensorflow
-
Conda (📥 3.6M · ⏱️ 20.07.2022):
onda install -c conda-forge tensorflow
-
Docker Hub (📥 67M · ⭐ 2K · ⏱️ 25.08.2022):
ocker pull tensorflow/tensorflow
scikit-learn (🥇39 · ⭐ 51K) - scikit-learn:基于Python的机器学习工具库。BSD-3 
-
GitHub (👨💻 2.7K · 🔀 23K · 📥 810 · 📦 390K · 📋 9.6K - 16% open · ⏱️ 26.08.2022):
it clone https://github.com/scikit-learn/scikit-learn
-
PyPi (📥 31M / month):
ip install scikit-learn
-
Conda (📥 15M · ⏱️ 05.08.2022):
onda install -c conda-forge scikit-learn
XGBoost (🥇37 · ⭐ 23K) - 可扩展,高效和分布式梯度增强(GBDT,GBRT等)的boosting工具库。Apache-2
-
GitHub (👨💻 570 · 🔀 7.9K · 📥 5K · 📦 35K · 📋 4.5K - 5% open · ⏱️ 25.08.2022):
it clone https://github.com/dmlc/xgboost
-
PyPi (📥 8.3M / month):
ip install xgboost
-
Conda (📥 2.9M · ⏱️ 12.08.2022):
onda install -c conda-forge xgboost
LightGBM (🥇35 · ⭐ 14K) - 快速,分布式,高性能梯度提升(GBT,GBDT,GBRT等)的boosting工具库。MIT
-
GitHub (👨💻 270 · 🔀 3.5K · 📥 160K · 📦 15K · 📋 2.8K - 7% open · ⏱️ 25.08.2022):
it clone https://github.com/microsoft/LightGBM
-
PyPi (📥 6M / month):
ip install lightgbm
-
Conda (📥 1.2M · ⏱️ 08.01.2022):
onda install -c conda-forge lightgbm
Fastai (🥇34 · ⭐ 23K) - Fastai深度学习库。Apache-2 
Thinc (🥇34 · ⭐ 2.6K) - 深度学习工具库。MIT
-
GitHub (👨💻 53 · 🔀 240 · 📦 23K · 📋 120 - 11% open · ⏱️ 05.08.2022):
it clone https://github.com/explosion/thinc
-
PyPi (📥 4.1M / month):
ip install thinc
-
Conda (📥 2.2M · ⏱️ 08.07.2022):
onda install -c conda-forge thinc
PyTorch (🥈33 · ⭐ 58K) - 具有强大GPU的Python中的张量和动态神经网络构建工具库。BSD-3 
-
GitHub (👨💻 3.5K · 🔀 16K · 📥 5.6K · 📋 28K - 32% open · ⏱️ 26.08.2022):
it clone https://github.com/pytorch/pytorch
-
PyPi (📥 8.5M / month):
ip install torch
-
Conda (📥 19M · ⏱️ 04.08.2022):
onda install -c pytorch pytorch
dlib (🥈33 · ⭐ 11K) - 进行现实世界机器学习和数据分析的工具包。❗️BSL-1.0
-
GitHub (👨💻 180 · 🔀 2.7K · 📥 25K · 📦 16K · 📋 2.1K - 1% open · ⏱️ 26.08.2022):
it clone https://github.com/davisking/dlib
-
PyPi (📥 91K / month):
ip install dlib
-
Conda (📥 460K · ⏱️ 08.05.2022):
onda install -c conda-forge dlib
Keras (🥈32 · ⭐ 56K) - 易上手的深度学习工具库。Apache-2 
-
GitHub (👨💻 1.1K · 🔀 18K · 📋 11K - 2% open · ⏱️ 26.08.2022):
it clone https://github.com/keras-team/keras
-
PyPi (📥 8.4M / month):
ip install keras
-
Conda (📥 2.5M · ⏱️ 19.05.2022):
onda install -c conda-forge keras
PySpark (🥈32 · ⭐ 34K) - Apache Spark Python API。Apache-2 
-
GitHub (👨💻 2.7K · 🔀 25K · ⏱️ 26.08.2022):
it clone https://github.com/apache/spark
-
PyPi (📥 25M / month):
ip install pyspark
-
Conda (📥 1.9M · ⏱️ 27.07.2022):
onda install -c conda-forge pyspark
PaddlePaddle (🥈32 · ⭐ 19K) - paddlepaddle机器学习与深度学习工具库。Apache-2 
Jina (🥈32 · ⭐ 16K) - 在云端构建神经搜索的简便方法库。Apache-2
-
GitHub (👨💻 150 · 🔀 1.9K · 📦 350 · 📋 1.6K - 1% open · ⏱️ 25.08.2022):
it clone https://github.com/jina-ai/jina
-
PyPi (📥 88K / month):
ip install jina
-
Docker Hub (📥 1.1M · ⭐ 7 · ⏱️ 23.08.2022):
ocker pull jinaai/jina
StatsModels (🥈32 · ⭐ 7.7K) - Statsmodels:Python中的统计建模和计量经济学工具库。BSD-3
-
GitHub (👨💻 380 · 🔀 2.4K · 📥 26 · 📦 68K · 📋 4.8K - 46% open · ⏱️ 23.08.2022):
it clone https://github.com/statsmodels/statsmodels
-
PyPi (📥 8.8M / month):
ip install statsmodels
-
Conda (📥 7M · ⏱️ 09.06.2022):
onda install -c conda-forge statsmodels
jax (🥈31 · ⭐ 20K) - Python + NumPy程序工具库。Apache-2
-
GitHub (👨💻 440 · 🔀 1.8K · 📦 5.3K · 📋 3.4K - 24% open · ⏱️ 26.08.2022):
it clone https://github.com/google/jax
-
PyPi (📥 610K / month):
ip install jax
-
Conda (📥 410K · ⏱️ 25.08.2022):
onda install -c conda-forge jaxlib
Chainer (🥈31 · ⭐ 5.7K) - 灵活的深度学习神经网络框架。MIT
Theano (🥈30 · ⭐ 9.6K · 💤) - Theano是一个Python神经网络工具库。❗Unlicensed
-
GitHub (👨💻 380 · 🔀 2.4K · 📦 13K · 📋 2.7K - 21% open · ⏱️ 23.11.2021):
it clone https://github.com/Theano/Theano
-
PyPi (📥 270K / month):
ip install theano
-
Conda (📥 2.1M · ⏱️ 16.03.2022):
onda install -c conda-forge theano
einops (🥈30 · ⭐ 5.5K) - 重塑了深度学习操作(用于pytorch,tensorflow,jax等)的工具库。MIT
-
GitHub (👨💻 20 · 🔀 240 · 📦 3.9K · 📋 120 - 28% open · ⏱️ 24.08.2022):
it clone https://github.com/arogozhnikov/einops
-
PyPi (📥 1M / month):
ip install einops
-
Conda (📥 25K · ⏱️ 04.03.2022):
onda install -c conda-forge einops
MXNet (🥈29 · ⭐ 20K) - 轻巧,灵活的分布式/移动深度学习工具库。Apache-2 
-
GitHub (👨💻 980 · 🔀 6.5K · 📥 25K · 📋 9.5K - 18% open · ⏱️ 23.08.2022):
it clone https://github.com/apache/incubator-mxnet
-
PyPi (📥 410K / month):
ip install mxnet
-
Conda (📥 8K · ⏱️ 02.05.2022):
onda install -c anaconda mxnet
pytorch-lightning (🥈29 · ⭐ 20K · 📉) - 轻巧而具备高性能的PyTorch上层封装工具库。Apache-2 
-
GitHub (👨💻 740 · 🔀 2.5K · 📥 8K · 📋 5.3K - 8% open · ⏱️ 25.08.2022):
it clone https://github.com/PyTorchLightning/pytorch-lightning
-
PyPi (📥 1.8M / month):
ip install pytorch-lightning
-
Conda (📥 520K · ⏱️ 18.08.2022):
onda install -c conda-forge pytorch-lightning
Vowpal Wabbit (🥈28 · ⭐ 8K) - Vowpal Wabbit是一个推动机器学习的机器学习系统。BSD-3
Catboost (🥈28 · ⭐ 6.7K) - 快速,可扩展,高性能的梯度决策提升工具库。Apache-2
-
GitHub (👨💻 1K · 🔀 990 · 📥 86K · 📋 1.9K - 21% open · ⏱️ 21.08.2022):
it clone https://github.com/catboost/catboost
-
PyPi (📥 2.7M / month):
ip install catboost
-
Conda (📥 1.1M · ⏱️ 19.05.2022):
onda install -c conda-forge catboost
Flax (🥈28 · ⭐ 3.5K) - Flax是专为.NET设计的用于JAX的神经网络库。Apache-2 jax
dyNET (🥈28 · ⭐ 3.3K) - DyNet:动态神经网络工具包。Apache-2
PyFlink (🥉27 · ⭐ 20K) - Apache Flink Python API。Apache-2
TFlearn (🥉27 · ⭐ 9.6K · 💀) - 深度学习库,基于TensorFlow构建上层简单易用的API。❗Unlicensed 
Sonnet (🥉27 · ⭐ 9.4K) - 基于TensorFlow的神经网络库。Apache-2 
-
GitHub (👨💻 54 · 🔀 1.2K · 📦 900 · 📋 180 - 14% open · ⏱️ 23.08.2022):
it clone https://github.com/deepmind/sonnet
-
PyPi (📥 24K / month):
ip install dm-sonnet
-
Conda (📥 16K · ⏱️ 14.11.2020):
onda install -c conda-forge sonnet
Ludwig (🥉27 · ⭐ 8.5K) - 路德维希(Ludwig)是一个工具箱,可用于深度学习训练和评估。Apache-2 
tensorpack (🥉27 · ⭐ 6.2K) - TensorFlow上的神经网络训练接口。Apache-2 
skorch (🥉26 · ⭐ 4.6K) - 封装成scikit-learn接口模式的神经网络库。BSD-3 

-
GitHub (👨💻 50 · 🔀 310 · 📦 550 · 📋 440 - 9% open · ⏱️ 22.08.2022):
it clone https://github.com/skorch-dev/skorch
-
PyPi (📥 31K / month):
ip install skorch
-
Conda (📥 610K · ⏱️ 30.11.2021):
onda install -c conda-forge skorch
Ignite (🥉26 · ⭐ 4K) - 用于训练和评估神经等一系列操作的高级深度学习工具库。BSD-3 
-
GitHub (👨💻 180 · 🔀 540 · 📋 1.1K - 10% open · ⏱️ 25.08.2022):
it clone https://github.com/pytorch/ignite
-
PyPi (📥 150K / month):
ip install pytorch-ignite
-
Conda (📥 99K · ⏱️ 04.05.2022):
onda install -c pytorch ignite
ktrain (🥉26 · ⭐ 1K) - ktrain是一个Python库,可以使深度学习和AI更简单。Apache-2 
Turi Create (🥉25 · ⭐ 11K · 💤) - Turi Create简化了自定义机器学习的开发。BSD-3
xLearn (🥉25 · ⭐ 3K) - 高性能,易于使用且可扩展的机器学习(ML)工具库。Apache-2
NuPIC (🥉24 · ⭐ 6.3K · 💀) - Numenta智能计算平台。❗️AGPL-3.0
fklearn (🥉24 · ⭐ 1.4K) - fklearn:机器学习工具库。Apache-2
tensorflow-upstream (🥉24 · ⭐ 610) - TensorFlow ROCm端口。Apache-2 
-
GitHub (👨💻 4.1K · 🔀 71 · 📥 20 · 📋 330 - 16% open · ⏱️ 23.08.2022):
it clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream
-
PyPi (📥 1.7K / month):
ip install tensorflow-rocm
mlpack (🥉23 · ⭐ 4.1K) - mlpack:可扩展的C++机器学习库-。❗Unlicensed
-
GitHub (👨💻 290 · 🔀 1.4K · 📋 1.4K - 2% open · ⏱️ 18.08.2022):
it clone https://github.com/mlpack/mlpack
-
PyPi (📥 630 / month):
ip install mlpack
-
Conda (📥 110K · ⏱️ 09.11.2021):
onda install -c conda-forge mlpack
Neural Network Libraries (🥉23 · ⭐ 2.6K) - 神经网络工具库。Apache-2
Neural Tangents (🥉23 · ⭐ 1.8K) - Python中的快速简便的无限神经网络。Apache-2
-
GitHub (👨💻 23 · 🔀 200 · 📥 240 · 📦 47 · 📋 120 - 34% open · ⏱️ 19.08.2022):
it clone https://github.com/google/neural-tangents
-
PyPi (📥 1.5K / month):
ip install neural-tangents
CNTK (🥉22 · ⭐ 17K · 💀) - Microsoft认知工具包(CNTK),一种开源的深度学习工具包。❗Unlicensed
Lasagne (🥉22 · ⭐ 3.8K · 💀) - 轻量级的库,用于在Theano中构建和训练神经网络。❗Unlicensed
SHOGUN (🥉22 · ⭐ 2.9K · 💀) - 统一高效的机器学习。BSD-3
-
GitHub (👨💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 08.12.2020):
it clone https://github.com/shogun-toolbox/shogun
-
Conda (📥 120K · ⏱️ 25.06.2018):
onda install -c conda-forge shogun
-
Docker Hub (📥 1.5K · ⭐ 1 · ⏱️ 31.01.2019):
ocker pull shogun/shogun
NeuPy (🥉22 · ⭐ 710 · 💀) - NeuPy是一个基于Tensorflow的python库,用于原型设计和构建。MIT
Haiku (🥉21 · ⭐ 2.1K) - 基于JAX的神经网络库。Apache-2
mace (🥉20 · ⭐ 4.7K) - MACE是针对移动设备优化的深度学习推理框架。Apache-2
Objax (🥉20 · ⭐ 720) - Objax是加速研究与应用的开源深度学习框架。Apache-2 jax
MindsDB (🥉19 · ⭐ 9.7K) - 为各种现有数据库提供预测性AI层。❗️GPL-3.0 
neon (🥉19 · ⭐ 3.9K · 💀) - 英特尔Nervana深度学习框架。Apache-2
ThunderSVM (🥉19 · ⭐ 1.4K) - ThunderSVM:在GPU和CPU上的快速SVM库。Apache-2
Torchbearer (🥉19 · ⭐ 630 · 💀) - torchbearer:PyTorch的模型拟合库。MIT 
elegy (🥉18 · ⭐ 400) - Elegy是Jax的与框架无关的Trainer工具。MIT 
jax
ThunderGBM (🥉17 · ⭐ 640) - ThunderGBM:GPU上的快速GBDT和随机森林。Apache-2
NeoML (🥉15 · ⭐ 690) - neoml是可以用于深度学习和传统机器学习的工具库。Apache-2
StarSpace (🥉12 · ⭐ 3.8K · 💀) - 学习embedding嵌入用于分类,检索和排序。MIT
数据可视化

通用和特定于任务的数据可视化库。
Matplotlib (🥇36 · ⭐ 16K) - matplotlib:Python绘图工具库。❗Unlicensed
-
GitHub (👨💻 1.4K · 🔀 6.3K · 📦 610K · 📋 8.8K - 17% open · ⏱️ 26.08.2022):
it clone https://github.com/matplotlib/matplotlib
-
PyPi (📥 28M / month):
ip install matplotlib
-
Conda (📥 13M · ⏱️ 25.08.2022):
onda install -c conda-forge matplotlib
pandas-profiling (🥇33 · ⭐ 9.4K) - 从pandas DataFrame创建HTML分析报告。MIT 

-
GitHub (👨💻 92 · 🔀 1.3K · 📦 8.8K · 📋 580 - 19% open · ⏱️ 25.08.2022):
it clone https://github.com/pandas-profiling/pandas-profiling
-
PyPi (📥 1.2M / month):
ip install pandas-profiling
-
Conda (📥 270K · ⏱️ 02.05.2022):
onda install -c conda-forge pandas-profiling
Altair (🥇33 · ⭐ 7.7K) - 用于Python的声明式统计可视化库。BSD-3
-
GitHub (👨💻 140 · 🔀 650 · 📦 32K · 📋 1.6K - 13% open · ⏱️ 23.08.2022):
it clone https://github.com/altair-viz/altair
-
PyPi (📥 7.3M / month):
ip install altair
-
Conda (📥 1.3M · ⏱️ 29.12.2021):
onda install -c conda-forge altair
dash (🥇32 · ⭐ 17K) - 适用于Python,R,Julia和Jupyter的分析型Web应用程序。MIT
-
GitHub (👨💻 120 · 🔀 1.7K · 📦 220 · 📋 1.3K - 47% open · ⏱️ 19.08.2022):
it clone https://github.com/plotly/dash
-
PyPi (📥 1M / month):
ip install dash
-
Conda (📥 590K · ⏱️ 03.08.2022):
onda install -c conda-forge dash
Plotly (🥇32 · ⭐ 12K) - 适用于Python的交互式图形库(包括Plotly Express)。MIT
-
GitHub (👨💻 200 · 🔀 2.1K · 📦 12 · 📋 2.4K - 49% open · ⏱️ 11.08.2022):
it clone https://github.com/plotly/plotly.py
-
PyPi (📥 8.6M / month):
ip install plotly
-
Conda (📥 3M · ⏱️ 14.08.2022):
onda install -c conda-forge plotly
-
NPM (📥 46K / month):
pm install plotlywidget
UMAP (🥇32 · ⭐ 5.7K) - 均匀流形逼近和投影。BSD-3
Graphviz (🥈30 · ⭐ 1.3K) - Graphviz的简单Python界面。MIT
Seaborn (🥈29 · ⭐ 9.7K · 📉) - 使用matplotlib进行统计数据可视化。BSD-3
-
GitHub (👨💻 170 · 🔀 1.6K · 📥 230 · 📋 2.1K - 4% open · ⏱️ 26.08.2022):
it clone https://github.com/mwaskom/seaborn
-
PyPi (📥 7.6M / month):
ip install seaborn
-
Conda (📥 4.5M · ⏱️ 16.08.2021):
onda install -c conda-forge seaborn
datashader (🥈29 · ⭐ 2.8K) - 快速准确地渲染大数据。BSD-3
-
GitHub (👨💻 49 · 🔀 340 · 📦 1.3K · 📋 500 - 23% open · ⏱️ 10.08.2022):
it clone https://github.com/holoviz/datashader
-
PyPi (📥 42K / month):
ip install datashader
-
Conda (📥 370K · ⏱️ 10.08.2022):
onda install -c conda-forge datashader
Bokeh (🥈28 · ⭐ 17K) - 浏览器中的Python交互式数据可视化。BSD-3
-
GitHub (👨💻 610 · 🔀 3.9K · 📦 150 · 📋 7K - 9% open · ⏱️ 24.08.2022):
it clone https://github.com/bokeh/bokeh
-
PyPi (📥 3.7M / month):
ip install bokeh
-
Conda (📥 8.3M · ⏱️ 15.08.2022):
onda install -c conda-forge bokeh
pyecharts (🥈28 · ⭐ 13K) - Python Echarts绘图库。MIT 
missingno (🥈28 · ⭐ 3.3K) - 在缺失值和混乱数据下,用于数据可视化的python模块。MIT
-
GitHub (👨💻 17 · 🔀 410 · 📦 8.3K · 📋 120 - 6% open · ⏱️ 27.02.2022):
it clone https://github.com/ResidentMario/missingno
-
PyPi (📥 1M / month):
ip install missingno
-
Conda (📥 210K · ⏱️ 15.02.2020):
onda install -c conda-forge missingno
D-Tale (🥈27 · ⭐ 3.6K) - pandas数据结构的可视化工具。❗️LGPL-2.1 

-
GitHub (👨💻 27 · 🔀 290 · 📦 460 · 📋 470 - 8% open · ⏱️ 07.08.2022):
it clone https://github.com/man-group/dtale
-
PyPi (📥 100K / month):
ip install dtale
-
Conda (📥 150K · ⏱️ 07.08.2022):
onda install -c conda-forge dtale
bqplot (🥈27 · ⭐ 3.3K) - 用于IPython / Jupyter笔记本的绘图库。Apache-2 
-
GitHub (👨💻 59 · 🔀 440 · 📦 34 · 📋 570 - 36% open · ⏱️ 22.08.2022):
it clone https://github.com/bqplot/bqplot
-
PyPi (📥 81K / month):
ip install bqplot
-
Conda (📥 1M · ⏱️ 22.08.2022):
onda install -c conda-forge bqplot
-
NPM (📥 9.3K / month):
pm install bqplot
data-validation (🥈27 · ⭐ 660) - 用于探索和验证机器学习的库。Apache-2 

-
GitHub (👨💻 24 · 🔀 130 · 📥 370 · 📦 540 · 📋 150 - 16% open · ⏱️ 24.08.2022):
it clone https://github.com/tensorflow/data-validation
-
PyPi (📥 1.1M / month):
ip install tensorflow-data-validation
hvPlot (🥈27 · ⭐ 620) - 用于构建的pandas,dask,xarray和networkx的高级绘图API。BSD-3
-
GitHub (👨💻 37 · 🔀 73 · 📦 1.6K · 📋 480 - 37% open · ⏱️ 25.08.2022):
it clone https://github.com/holoviz/hvplot
-
PyPi (📥 160K / month):
ip install hvplot
-
Conda (📥 210K · ⏱️ 09.05.2022):
onda install -c conda-forge hvplot
wordcloud (🥈26 · ⭐ 8.9K) - Python中的词云生成器。MIT
-
GitHub (👨💻 65 · 🔀 2.2K · 📋 470 - 20% open · ⏱️ 27.06.2022):
it clone https://github.com/amueller/word_cloud
-
PyPi (📥 690K / month):
ip install wordcloud
-
Conda (📥 310K · ⏱️ 25.08.2022):
onda install -c conda-forge wordcloud
Cufflinks (🥈26 · ⭐ 2.6K · 💀) - Plotly + Pandas的生产力工具。MIT 
HoloViews (🥈26 · ⭐ 2.3K) - 使用Holoviews,您的数据可以可视化。BSD-3 
-
GitHub (👨💻 120 · 🔀 350 · 📋 2.8K - 31% open · ⏱️ 22.08.2022):
it clone https://github.com/holoviz/holoviews
-
PyPi (📥 380K / month):
ip install holoviews
-
Conda (📥 850K · ⏱️ 07.07.2022):
onda install -c conda-forge holoviews
-
NPM (📥 840 / month):
pm install @pyviz/jupyterlab_pyviz
PyVista (🥈26 · ⭐ 1.4K) - 通过简化的界面进行3D绘图和网格分析。MIT 
-
GitHub (👨💻 100 · 🔀 280 · 📥 660 · 📦 900 · 📋 920 - 28% open · ⏱️ 26.08.2022):
it clone https://github.com/pyvista/pyvista
-
PyPi (📥 46K / month):
ip install pyvista
-
Conda (📥 210K · ⏱️ 01.08.2022):
onda install -c conda-forge pyvista
Facets Overview (🥉25 · ⭐ 7K · 💀) - 机器学习数据集的可视化。Apache-2 
-
GitHub (👨💻 28 · 🔀 850 · 📦 130 · 📋 150 - 50% open · ⏱️ 06.05.2021):
it clone https://github.com/pair-code/facets
-
PyPi (📥 300K / month):
ip install facets-overview
Chartify (🥉25 · ⭐ 3.2K · 💀) - Python库,使数据科学家可以轻松创建。Apache-2
-
GitHub (👨💻 21 · 🔀 280 · 📦 65 · 📋 72 - 56% open · ⏱️ 05.02.2021):
it clone https://github.com/spotify/chartify
-
PyPi (📥 10K / month):
ip install chartify
-
Conda (📥 21K · ⏱️ 07.11.2020):
onda install -c conda-forge chartify
VisPy (🥉24 · ⭐ 2.9K) - 高性能交互式2D / 3D数据可视化库。❗Unlicensed 
-
GitHub (👨💻 180 · 🔀 580 · 📦 820 · 📋 1.3K - 20% open · ⏱️ 24.08.2022):
it clone https://github.com/vispy/vispy
-
PyPi (📥 51K / month):
ip install vispy
-
Conda (📥 270K · ⏱️ 05.07.2022):
onda install -c conda-forge vispy
-
NPM (📥 10 / month):
pm install vispy
HyperTools (🥉24 · ⭐ 1.7K) - 一个Python工具箱,用于获得对高维的几何洞察力。MIT
pythreejs (🥉24 · ⭐ 830) - Jupyter-Three.js桥。❗Unlicensed 
-
GitHub (👨💻 30 · 🔀 170 · 📦 21 · 📋 220 - 23% open · ⏱️ 25.08.2022):
it clone https://github.com/jupyter-widgets/pythreejs
-
PyPi (📥 64K / month):
ip install pythreejs
-
Conda (📥 410K · ⏱️ 25.08.2022):
onda install -c conda-forge pythreejs
-
NPM (📥 4.6K / month):
pm install jupyter-threejs
PyQtGraph (🥉23 · ⭐ 2.9K) - 用于科学/工程的快速数据可视化和GUI工具。❗Unlicensed
-
GitHub (👨💻 230 · 🔀 930 · 📋 1K - 31% open · ⏱️ 24.08.2022):
it clone https://github.com/pyqtgraph/pyqtgraph
-
PyPi (📥 100K / month):
ip install pyqtgraph
-
Conda (📥 280K · ⏱️ 05.03.2022):
onda install -c conda-forge pyqtgraph
FiftyOne (🥉23 · ⭐ 1.8K) - 可视化,创建和调试图像和视频数据集。Apache-2 


openTSNE (🥉23 · ⭐ 1K) - t-SNE的可扩展并行实现。BSD-3
-
GitHub (👨💻 10 · 🔀 120 · 📦 380 · 📋 110 - 5% open · ⏱️ 18.03.2022):
it clone https://github.com/pavlin-policar/openTSNE
-
PyPi (📥 21K / month):
ip install opentsne
-
Conda (📥 150K · ⏱️ 27.05.2022):
onda install -c conda-forge opentsne
python-ternary (🥉23 · ⭐ 580) - 带有matplotlib的python三元绘图库。MIT
-
GitHub (👨💻 27 · 🔀 140 · 📥 18 · 📦 100 · 📋 130 - 25% open · ⏱️ 27.02.2022):
it clone https://github.com/marcharper/python-ternary
-
PyPi (📥 27K / month):
ip install python-ternary
-
Conda (📥 66K · ⏱️ 17.02.2021):
onda install -c conda-forge python-ternary
Sweetviz (🥉22 · ⭐ 2.1K) - 可视化和比较数据集,目标值和相关性。MIT
lets-plot (🥉22 · ⭐ 780) - 一个用于统计数据的开源绘图库。MIT
PDPbox (🥉22 · ⭐ 700 · 💀) - python部分依赖图工具箱。MIT
-
GitHub (👨💻 7 · 🔀 110 · 📦 510 · 📋 60 - 36% open · ⏱️ 14.03.2021):
it clone https://github.com/SauceCat/PDPbox
-
PyPi (📥 34K / month):
ip install pdpbox
-
Conda (📥 13K · ⏱️ 14.03.2021):
onda install -c conda-forge pdpbox
Perspective (🥉21 · ⭐ 4.8K) - 通过WebAssembly进行流式透视显示。Apache-2 
-
GitHub (👨💻 72 · 🔀 490 · 📦 4 · 📋 540 - 14% open · ⏱️ 25.08.2022):
it clone https://github.com/finos/perspective
-
PyPi (📥 3K / month):
ip install perspective-python
-
NPM (📥 1.4K / month):
pm install @finos/perspective-jupyterlab
plotnine (🥉21 · ⭐ 3.2K) - Python的图形语法。MIT
-
GitHub (👨💻 96 · 🔀 170 · 📋 500 - 13% open · ⏱️ 01.07.2022):
it clone https://github.com/has2k1/plotnine
-
PyPi (📥 350K / month):
ip install plotnine
-
Conda (📥 190K · ⏱️ 02.07.2022):
onda install -c conda-forge plotnine
Multicore-TSNE (🥉21 · ⭐ 1.7K · 💀) - 使用Python和Torch并行执行t-SNE。BSD-3 
-
GitHub (👨💻 15 · 🔀 200 · 📦 310 · 📋 58 - 63% open · ⏱️ 19.08.2020):
it clone https://github.com/DmitryUlyanov/Multicore-TSNE
-
PyPi (📥 19K / month):
ip install MulticoreTSNE
-
Conda (📥 18K · ⏱️ 09.11.2021):
onda install -c conda-forge multicore-tsne
AutoViz (🥉20 · ⭐ 890) - 自动显示任意行的任何大小的任何数据集。Apache-2
PyWaffle (🥉20 · ⭐ 500) - 用Python作图。MIT
PandasGUI (🥉19 · ⭐ 2.7K) - pandas Dataframe的GUI。❗️MIT-0 
HiPlot (🥉19 · ⭐ 2.3K) - HiPlot使理解高维数据变得容易。MIT
-
GitHub (👨💻 8 · 🔀 120 · 📦 5 · 📋 80 - 15% open · ⏱️ 05.07.2022):
it clone https://github.com/facebookresearch/hiplot
-
PyPi (📥 27K / month):
ip install hiplot
-
Conda (📥 98K · ⏱️ 31.05.2022):
onda install -c conda-forge hiplot
pivottablejs (🥉19 · ⭐ 470 · 💀) - Jupyter/IPython的Dragndrop数据透视表和图表。❗Unlicensed 
joypy (🥉19 · ⭐ 440 · 💤) - 带有matplotlib和pandas的Python中的Joyplots。MIT
-
GitHub (👨💻 6 · 🔀 47 · 📦 190 · 📋 47 - 21% open · ⏱️ 19.12.2021):
it clone https://github.com/sbebo/joypy
-
PyPi (📥 13K / month):
ip install joypy
-
Conda (📥 15K · ⏱️ 28.12.2020):
onda install -c conda-forge joypy
ivis (🥉19 · ⭐ 280) - 使用算法对非常大的数据集进行降维。Apache-2 
Pandas-Bokeh (🥉18 · ⭐ 800) - pandas和GeoPandas的Bokeh绘图后端。MIT 
animatplot (🥉18 · ⭐ 400 · 💀) - 用于在patpliblib上构建动画图的python程序包。MIT
-
GitHub (👨💻 7 · 🔀 34 · 📦 35 · 📋 30 - 43% open · ⏱️ 05.10.2020):
it clone https://github.com/t-makaro/animatplot
-
PyPi (📥 260 / month):
ip install animatplot
-
Conda (📥 9K · ⏱️ 06.10.2020):
onda install -c conda-forge animatplot
vega (🥉18 · ⭐ 330) - 适用于Vega和Vega-Lite的IPython/Jupyter笔记本模块。BSD-3 
-
GitHub (👨💻 11 · 🔀 55 · 📋 95 - 13% open · ⏱️ 01.08.2022):
it clone https://github.com/vega/ipyvega
-
PyPi (📥 7.3K / month):
ip install vega
-
Conda (📥 500K · ⏱️ 10.02.2022):
onda install -c conda-forge vega
pdvega (🥉16 · ⭐ 340 · 💀) - 使用Vega-Lite交互式绘制pandas数据图。MIT
data-describe (🥉14 · ⭐ 290 · 💤) - 数据描述:Pythonic EDA数据科学加速器。❗Unlicensed
nx-altair (🥉14 · ⭐ 200 · 💀) - 使用Altair绘制交互式NetworkX图形。MIT 
nptsne (🥉11 · ⭐ 29 · 💀) - nptsne是numpy兼容的python二进制包。Apache-2
文本数据和NLP

用于处理,清理,处理和分析文本数据的库,以及用于NLP任务的库,例如语言检测,模糊匹配,文本分类,seq2seq学习,智能对话,关键字提取和机器翻译。
spaCy (🥇38 · ⭐ 24K) - Python中的工业级自然语言处理(NLP)工具包。MIT
-
GitHub (👨💻 700 · 🔀 3.8K · 📥 3.1K · 📦 43K · 📋 5.2K - 1% open · ⏱️ 23.08.2022):
it clone https://github.com/explosion/spaCy
-
PyPi (📥 4.7M / month):
ip install spacy
-
Conda (📥 2.8M · ⏱️ 27.07.2022):
onda install -c conda-forge spacy
transformers (🥇37 · ⭐ 69K) - transformers:先进的自然语言模型库。Apache-2 

-
GitHub (👨💻 1.4K · 🔀 15K · 📥 1.5K · 📦 34K · 📋 9.9K - 4% open · ⏱️ 25.08.2022):
it clone https://github.com/huggingface/transformers
-
PyPi (📥 6.1M / month):
ip install transformers
-
Conda (📥 370K · ⏱️ 25.08.2022):
onda install -c conda-forge transformers
gensim (🥇36 · ⭐ 13K) - 主题模型工具库。❗️LGPL-2.1
-
GitHub (👨💻 430 · 🔀 4K · 📥 3.8K · 📦 36K · 📋 1.8K - 20% open · ⏱️ 22.08.2022):
it clone https://github.com/RaRe-Technologies/gensim
-
PyPi (📥 4.9M / month):
ip install gensim
-
Conda (📥 860K · ⏱️ 29.07.2022):
onda install -c conda-forge gensim
sentence-transformers (🥇34 · ⭐ 8.3K) - BERT和XLNet的句子嵌入。Apache-2 
-
GitHub (👨💻 93 · 🔀 1.6K · 📦 4K · 📋 1.5K - 51% open · ⏱️ 15.08.2022):
it clone https://github.com/UKPLab/sentence-transformers
-
PyPi (📥 1.5M / month):
ip install sentence-transformers
AllenNLP (🥇33 · ⭐ 11K) - 基于PyTorch的开源NLP研究库。Apache-2 
nltk (🥇33 · ⭐ 11K) - 用于符号和统计自然的库和程序套件。Apache-2
-
GitHub (👨💻 430 · 🔀 2.5K · 📦 150K · 📋 1.6K - 13% open · ⏱️ 29.07.2022):
it clone https://github.com/nltk/nltk
-
PyPi (📥 12M / month):
ip install nltk
-
Conda (📥 1.4M · ⏱️ 29.12.2021):
onda install -c conda-forge nltk
sentencepiece (🥇33 · ⭐ 6.1K) - 用于基于神经网络的文本的预处理器。Apache-2
-
GitHub (👨💻 68 · 🔀 810 · 📥 22K · 📦 17K · 📋 540 - 2% open · ⏱️ 21.08.2022):
it clone https://github.com/google/sentencepiece
-
PyPi (📥 5.6M / month):
ip install sentencepiece
-
Conda (📥 220K · ⏱️ 08.04.2022):
onda install -c conda-forge sentencepiece
ChatterBot (🥇32 · ⭐ 12K · 💀) - ChatterBot是机器学习的对话引擎。BSD-3
fastText (🥇31 · ⭐ 24K) - 用于快速文本表示和分类的库。MIT
-
GitHub (👨💻 59 · 🔀 4.3K · 📦 3.2K · 📋 1K - 41% open · ⏱️ 04.03.2022):
it clone https://github.com/facebookresearch/fastText
-
PyPi (📥 810K / month):
ip install fasttext
-
Conda (📥 36K · ⏱️ 16.04.2022):
onda install -c conda-forge fasttext
TextBlob (🥇31 · ⭐ 8.3K · 💤) - 包含情感分析、词性标注等等功能的NLP工具库。MIT
-
GitHub (👨💻 35 · 🔀 1K · 📥 100 · 📦 22K · 📋 250 - 37% open · ⏱️ 22.10.2021):
it clone https://github.com/sloria/TextBlob
-
PyPi (📥 860K / month):
ip install textblob
-
Conda (📥 170K · ⏱️ 24.02.2019):
onda install -c conda-forge textblob
flair (🥈30 · ⭐ 12K) - 一个用于最先进的自然语言处理的非常简单的框架。❗Unlicensed 
fuzzywuzzy (🥈30 · ⭐ 8.7K · 💤) - Python中的模糊字符串匹配。❗️GPL-2.0
-
GitHub (👨💻 70 · 🔀 870 · 📦 14K · 📋 180 - 43% open · ⏱️ 09.09.2021):
it clone https://github.com/seatgeek/fuzzywuzzy
-
PyPi (📥 7.3M / month):
ip install fuzzywuzzy
-
Conda (📥 380K · ⏱️ 18.11.2020):
onda install -c conda-forge fuzzywuzzy
fairseq (🥈29 · ⭐ 19K) - 用Python编写的Facebook AI Research Sequence-to-Sequence工具包。MIT 
TextDistance (🥈29 · ⭐ 2.9K) - 计算序列之间的距离,包含30多种算法。MIT
-
GitHub (👨💻 12 · 🔀 230 · 📥 830 · 📦 2.6K · ⏱️ 21.08.2022):
it clone https://github.com/life4/textdistance
-
PyPi (📥 640K / month):
ip install textdistance
-
Conda (📥 180K · ⏱️ 21.08.2022):
onda install -c conda-forge textdistance
TensorFlow Text (🥈29 · ⭐ 980) - TensorFlow文本处理。Apache-2 
-
GitHub (👨💻 91 · 🔀 230 · 📦 2.2K · 📋 180 - 18% open · ⏱️ 22.08.2022):
it clone https://github.com/tensorflow/text
-
PyPi (📥 2.2M / month):
ip install tensorflow-text
GluonNLP (🥈28 · ⭐ 2.4K · 💤) - 可轻松进行文本预处理,数据集加载和处理的工具包。Apache-2 
DeepPavlov (🥈27 · ⭐ 5.8K) - 一个用于深度学习端到端对话的开源库。Apache-2 
OpenNMT (🥈27 · ⭐ 5.7K) - PyTorch中的开源神经机器翻译。MIT 
spark-nlp (🥈27 · ⭐ 2.9K) - 最先进的自然语言处理。Apache-2 
spacy-transformers (🥈27 · ⭐ 1.1K) - 使用经过预训练的transformer模型,例如BERT,XLNet和GPT-2。MIT spacy
-
GitHub (👨💻 18 · 🔀 140 · 📦 610 · ⏱️ 23.08.2022):
it clone https://github.com/explosion/spacy-transformers
-
PyPi (📥 100K / month):
ip install spacy-transformers
ParlAI (🥈26 · ⭐ 9.4K) - 一个用于训练和评估AI模型的框架。MIT 
Tokenizers (🥈26 · ⭐ 5.8K) - 针对研究和应用进行了优化的快速最先进的分词器。Apache-2
-
GitHub (👨💻 59 · 🔀 480 · 📦 51 · 📋 650 - 30% open · ⏱️ 25.08.2022):
it clone https://github.com/huggingface/tokenizers
-
PyPi (📥 5.9M / month):
ip install tokenizers
-
Conda (📥 330K · ⏱️ 21.05.2022):
onda install -c conda-forge tokenizers
Sumy (🥈26 · ⭐ 2.9K) - 自动汇总文本文档和HTML页面的模块。Apache-2
jellyfish (🥈26 · ⭐ 1.7K · 💤) - 一个python库,用于进行文本相似度和距离计算。BSD-2
-
GitHub (👨💻 25 · 🔀 140 · 📦 4.1K · 📋 110 - 10% open · ⏱️ 07.01.2022):
it clone https://github.com/jamesturk/jellyfish
-
PyPi (📥 2.6M / month):
ip install jellyfish
-
Conda (📥 300K · ⏱️ 08.04.2022):
onda install -c conda-forge jellyfish
Rasa (🥈25 · ⭐ 15K) - 开源机器学习框架,可处理文本和语音多场景问题。Apache-2 
stanza (🥈25 · ⭐ 6.2K) - 斯坦福NLP官方Python语言库,支持多种语言。❗Unlicensed
-
GitHub (👨💻 48 · 🔀 790 · 📦 1.2K · 📋 720 - 11% open · ⏱️ 23.04.2022):
it clone https://github.com/stanfordnlp/stanza
-
PyPi (📥 330K / month):
ip install stanza
-
Conda (📥 5.6K · ⏱️ 23.04.2022):
onda install -c stanfordnlp stanza
ftfy (🥈25 · ⭐ 3.3K) - 修复Unicode文本中的故障功能的工具库。MIT
-
GitHub (👨💻 18 · 🔀 110 · 📦 6.6K · 📋 130 - 9% open · ⏱️ 09.02.2022):
it clone https://github.com/LuminosoInsight/python-ftfy
-
PyPi (📥 2.1M / month):
ip install ftfy
-
Conda (📥 180K · ⏱️ 13.03.2022):
onda install -c conda-forge ftfy
fastNLP (🥈25 · ⭐ 2.7K) - fastNLP:模块化和可扩展的NLP框架。Apache-2
neuralcoref (🥈25 · ⭐ 2.6K · 💀) - 基于SpaCy的神经网络实现快速共指解析。MIT
-
GitHub (👨💻 21 · 🔀 440 · 📥 450 · 📦 520 · 📋 300 - 16% open · ⏱️ 22.06.2021):
it clone https://github.com/huggingface/neuralcoref
-
PyPi (📥 270K / month):
ip install neuralcoref
-
Conda (📥 12K · ⏱️ 21.02.2020):
onda install -c conda-forge neuralcoref
PyTextRank (🥈25 · ⭐ 1.9K) - TextRank的Python实现。MIT
SciSpacy (🥈25 · ⭐ 1.2K) - 完整的科学/生物医学的SpaCy应用案例。Apache-2
pyahocorasick (🥈25 · ⭐ 740) - Python文本工具库。BSD-3
-
GitHub (👨💻 24 · 🔀 110 · 📦 1.2K · 📋 120 - 20% open · ⏱️ 04.05.2022):
it clone https://github.com/WojciechMula/pyahocorasick
-
PyPi (📥 400K / month):
ip install pyahocorasick
-
Conda (📥 150K · ⏱️ 15.04.2022):
onda install -c conda-forge pyahocorasick
Ciphey (🥈24 · ⭐ 11K) - 在不知道密钥或密码的情况下自动解密加密。MIT
-
GitHub (👨💻 46 · 🔀 650 · 📋 290 - 15% open · ⏱️ 28.06.2022):
it clone https://github.com/Ciphey/Ciphey
-
PyPi (📥 23K / month):
ip install ciphey
-
Docker Hub (📥 16K · ⭐ 8 · ⏱️ 27.05.2022):
ocker pull remnux/ciphey
vaderSentiment (🥈24 · ⭐ 3.7K) - VADER情感分析。MIT
-
GitHub (👨💻 11 · 🔀 880 · 📦 4.1K · 📋 110 - 31% open · ⏱️ 01.04.2022):
it clone https://github.com/cjhutto/vaderSentiment
-
PyPi (📥 190K / month):
ip install vadersentiment
torchtext (🥈24 · ⭐ 3.1K) - 文本和NLP的数据加载器和抽象。BSD-3 
pytorch-nlp (🥈24 · ⭐ 2.1K · 💀) - PyTorch自然语言处理(NLP)的基本实用程序。BSD-3 
CLTK (🥈24 · ⭐ 740) - 古典语言工具包。MIT
flashtext (🥉23 · ⭐ 5.2K · 💀) - 从句子中提取关键字或替换句子中的关键字。MIT
Dedupe (🥉23 · ⭐ 3.5K) - 一个用于准确和可扩展的模糊匹配的python库。MIT
snowballstemmer (🥉23 · ⭐ 580 · 💤) - Snowball编译器和词干算法。BSD-3
-
GitHub (👨💻 28 · 🔀 160 · 📦 4 · 📋 60 - 26% open · ⏱️ 17.12.2021):
it clone https://github.com/snowballstem/snowball
-
PyPi (📥 7.6M / month):
ip install snowballstemmer
-
Conda (📥 4.9M · ⏱️ 17.11.2021):
onda install -c conda-forge snowballstemmer
pySBD (🥉23 · ⭐ 470 · 💀) - pySBD(Python句子边界歧义消除)。MIT
stop-words (🥉23 · ⭐ 140 · 💀) - 获取Python中各种语言的常用停用词表。BSD-3
textgenrnn (🥉22 · ⭐ 4.7K · 💀) - 轻松地训练自己的文本生成神经网络。❗Unlicensed 
NeMo (🥉22 · ⭐ 4.6K) - NeMo:用于智能对话的工具包。Apache-2 
T5 (🥉22 · ⭐ 4.4K) - 探索迁移学习的论文源码Apache-2 
phonenumbers (🥉22 · ⭐ 3.1K) - Google的libphonenumber的Python端口。Apache-2
-
GitHub (👨💻 26 · 🔀 370 · 📋 150 - 2% open · ⏱️ 19.08.2022):
it clone https://github.com/daviddrysdale/python-phonenumbers
-
PyPi (📥 4.6M / month):
ip install phonenumbers
-
Conda (📥 610K · ⏱️ 19.08.2022):
onda install -c conda-forge phonenumbers
langid (🥉22 · ⭐ 2K · 💀) - 独立的语言识别系统。❗Unlicensed
scattertext (🥉22 · ⭐ 1.9K) - 文件之间语言分布的漂亮可视化效果。Apache-2
-
GitHub (👨💻 12 · 🔀 250 · 📦 310 · 📋 89 - 17% open · ⏱️ 26.03.2022):
it clone https://github.com/JasonKessler/scattertext
-
PyPi (📥 2.4K / month):
ip install scattertext
-
Conda (📥 66K · ⏱️ 26.03.2022):
onda install -c conda-forge scattertext
anaGo (🥉22 · ⭐ 1.5K · 💀) - 双向LSTM-CRF和ELMo实现,可用于命名实体识别和文本分类等任务。MIT 
sense2vec (🥉22 · ⭐ 1.4K · 💤) - 上下文相关性构建词向量。MIT
-
GitHub (👨💻 17 · 🔀 220 · 📥 36K · 📦 170 · 📋 110 - 18% open · ⏱️ 16.08.2021):
it clone https://github.com/explosion/sense2vec
-
PyPi (📥 3.5K / month):
ip install sense2vec
-
Conda (📥 27K · ⏱️ 14.07.2021):
onda install -c conda-forge sense2vec
Snips NLU (🥉21 · ⭐ 3.7K · 💀) - 从文本中提取含义的Python库。Apache-2
Texthero (🥉21 · ⭐ 2.5K) - 文本预处理,表示和可视化从入门到精通。MIT
Texar (🥉21 · ⭐ 2.3K · 💀) - 机器学习,自然语言处理等工具包。Apache-2 
polyglot (🥉21 · ⭐ 2K · 💀) - 多语言文本(NLP)处理工具包。❗Unlicensed
YouTokenToMe (🥉21 · ⭐ 820 · 💀) - 用于基于神经网络的文本的预处理器。MIT
inflect (🥉21 · ⭐ 690) - 辅助功能,正确生成复数,序数,不定冠词,转换数字。MIT
-
GitHub (👨💻 45 · 🔀 74 · 📋 91 - 18% open · ⏱️ 26.08.2022):
it clone https://github.com/jaraco/inflect
-
PyPi (📥 2.5M / month):
ip install inflect
-
Conda (📥 240K · ⏱️ 31.07.2022):
onda install -c conda-forge inflect
PyText (🥉20 · ⭐ 6.4K) - 基于PyTorch的自然语言建模框架。❗Unlicensed 
MatchZoo (🥉20 · ⭐ 3.7K · 💀) - 便于深层设计,比较和共享的工具库。Apache-2 
NLP Architect (🥉20 · ⭐ 2.9K) - 用于探索最先进的深度学习的模型库。Apache-2
FARM (🥉20 · ⭐ 1.6K) - NLP的快速和轻松迁移学习。Apache-2 
DELTA (🥉20 · ⭐ 1.5K · 💀) - DELTA是一个基于深度学习的自然语言和语音处理平台。Apache-2 
-
GitHub (👨💻 41 · 🔀 290 · 📋 75 - 1% open · ⏱️ 17.12.2020):
it clone https://github.com/Delta-ML/delta
-
PyPi (📥 14 / month):
ip install delta-nlp
-
Docker Hub (📥 13K · ⏱️ 03.08.2021):
ocker pull zh794390558/delta
pyfasttext (🥉20 · ⭐ 230 · 💀) - fastText的另一个Python接口。❗️GPL-3.0
haystack (🥉19 · ⭐ 5.2K) - 用于构建自然语言搜索的端到端Python框架。Apache-2
Kashgari (🥉19 · ⭐ 2.3K · 💀) - Kashgari是工业级的NLP迁移学习框架。Apache-2 
fast-bert (🥉19 · ⭐ 1.8K) - 用于基于BERT的NLP模型的简单易用工具库。Apache-2
Sockeye (🥉19 · ⭐ 1.1K) - 序列到序列框架。Apache-2 
gpt-2-simple (🥉18 · ⭐ 3K) - 可轻松重新训练OpenAI的GPT-2文本模型的Python软件包。❗Unlicensed 
textacy (🥉18 · ⭐ 2K) - spaCy之前和之后的NLP。❗Unlicensed
-
GitHub (👨💻 32 · 🔀 230 · 📋 250 - 11% open · ⏱️ 06.03.2022):
it clone https://github.com/chartbeat-labs/textacy
-
PyPi (📥 38K / month):
ip install textacy
-
Conda (📥 110K · ⏱️ 06.02.2022):
onda install -c conda-forge textacy
finetune (🥉18 · ⭐ 660) - 针对NLP的Scikit风格模型微调。MPL-2.0 

skift (🥉18 · ⭐ 230) - 适用于Python fastText的scikit-learn包装器。MIT 
DeepMatcher (🥉17 · ⭐ 440 · 💀) - 用于实体和文本匹配的Python包。BSD-3
Camphr (🥉16 · ⭐ 340 · 💤) - 适用于Transformers,Udify,ELmo等的spaCy插件。Apache-2 spacy
textpipe (🥉16 · ⭐ 300 · 💀) - Textpipe:从文本中清理并提取元数据。MIT
NeuroNER (🥉15 · ⭐ 1.6K · 💀) - 使用神经网络的命名实体识别。MIT
Translate (🥉15 · ⭐ 760) - Translate-PyTorch NLP库。BSD-3 
-
GitHub (👨💻 87 · 🔀 180 · 📋 38 - 28% open · ⏱️ 10.06.2022):
it clone https://github.com/pytorch/translate
-
PyPi (📥 10 / month):
ip install pytorch-translate
NeuralQA (🥉15 · ⭐ 220 · 💀) - NeuralQA:用于对大型数据集进行问答构建。MIT
OpenNRE (🥉14 · ⭐ 3.8K) - 神经关系提取(NRE)的开源软件包。MIT
TransferNLP (🥉14 · ⭐ 290 · 💀) - 用于可重复的实验的NLP库。MIT 
ONNX-T5 (🥉14 · ⭐ 200 · 💀) - 文本摘要,翻译,情感分析,文本生成等实现。Apache-2
textvec (🥉14 · ⭐ 180) - 胜过TF-IDF文本向量化工具。MIT 
VizSeq (🥉13 · ⭐ 400) - 用于自然语言生成的分析工具包。MIT
Headliner (🥉11 · ⭐ 230 · 💀) - 轻松训练和部署seq2seq模型。❗Unlicensed
图像数据与CV

用于图像和视频处理,操纵和扩充的库,以及用于计算机视觉任务(例如面部识别,对象检测和图像分类)的库。
Pillow (🥇36 · ⭐ 10K · 📈) - 友好的PIL分支(Python Imaging Library)。❗️PIL
-
GitHub (👨💻 410 · 🔀 1.7K · 📦 820K · 📋 2.6K - 3% open · ⏱️ 25.08.2022):
it clone https://github.com/python-pillow/Pillow
-
PyPi (📥 45M / month):
ip install Pillow
-
Conda (📥 18M · ⏱️ 13.08.2022):
onda install -c conda-forge pillow
MoviePy (🥇34 · ⭐ 9.5K) - 使用Python进行视频编辑。MIT
-
GitHub (👨💻 150 · 🔀 1.2K · 📦 18K · 📋 1.2K - 24% open · ⏱️ 01.06.2022):
it clone https://github.com/Zulko/moviepy
-
PyPi (📥 2.5M / month):
ip install moviepy
-
Conda (📥 130K · ⏱️ 16.04.2022):
onda install -c conda-forge moviepy
imageio (🥇33 · ⭐ 1.1K) - 用于读取和写入图像数据的Python库。BSD-2
-
GitHub (👨💻 91 · 🔀 220 · 📥 360 · 📦 67K · 📋 470 - 12% open · ⏱️ 24.08.2022):
it clone https://github.com/imageio/imageio
-
PyPi (📥 12M / month):
ip install imageio
-
Conda (📥 3.5M · ⏱️ 08.08.2022):
onda install -c conda-forge imageio
imgaug (🥇32 · ⭐ 13K · 💀) - 用于机器学习实验的图像增强。MIT
-
GitHub (👨💻 36 · 🔀 2.3K · 📦 11K · 📋 490 - 55% open · ⏱️ 01.06.2020):
it clone https://github.com/aleju/imgaug
-
PyPi (📥 390K / month):
ip install imgaug
-
Conda (📥 83K · ⏱️ 31.12.2021):
onda install -c conda-forge imgaug
Albumentations (🥇32 · ⭐ 11K) - 快速的图像增强库和易于使用的包装器。MIT 
-
GitHub (👨💻 110 · 🔀 1.4K · 📦 9.1K · 📋 660 - 41% open · ⏱️ 24.08.2022):
it clone https://github.com/albumentations-team/albumentations
-
PyPi (📥 370K / month):
ip install albumentations
-
Conda (📥 49K · ⏱️ 12.07.2022):
onda install -c conda-forge albumentations
Kornia (🥇32 · ⭐ 7K) - PyTorch的开源可微分计算机视觉库。Apache-2 
scikit-image (🥇32 · ⭐ 5K) - Python中的图像处理。❗Unlicensed
-
GitHub (👨💻 560 · 🔀 2K · 📦 110K · 📋 2.3K - 19% open · ⏱️ 23.08.2022):
it clone https://github.com/scikit-image/scikit-image
-
PyPi (📥 5.3M / month):
ip install scikit-image
-
Conda (📥 3.8M · ⏱️ 10.08.2022):
onda install -c conda-forge scikit-image
Wand (🥇32 · ⭐ 1.2K) - 用于Python的基于ctypes的简单ImageMagick接口。MIT
PyTorch Image Models (🥈31 · ⭐ 21K) - PyTorch图像模型,脚本,预训练权重。Apache-2 
GluonCV (🥈29 · ⭐ 5.3K) - Gluon CV工具包。Apache-2 
ImageHash (🥈29 · ⭐ 2.5K · 💤) - Python感知图像哈希模块。BSD-2
-
GitHub (👨💻 20 · 🔀 300 · 📦 5.8K · 📋 110 - 13% open · ⏱️ 07.09.2021):
it clone https://github.com/JohannesBuchner/imagehash
-
PyPi (📥 1.4M / month):
ip install ImageHash
-
Conda (📥 230K · ⏱️ 15.07.2021):
onda install -c conda-forge imagehash
imutils (🥈28 · ⭐ 4.2K · 💤) - 图像处理库。MIT
-
GitHub (👨💻 21 · 🔀 980 · 📦 27K · 📋 160 - 53% open · ⏱️ 27.01.2022):
it clone https://github.com/jrosebr1/imutils
-
PyPi (📥 330K / month):
ip install imutils
-
Conda (📥 97K · ⏱️ 26.08.2022):
onda install -c conda-forge imutils
MMDetection (🥈27 · ⭐ 21K) - OpenMMLab检测工具箱。Apache-2 
torchvision (🥈27 · ⭐ 12K) - 计算机视觉的数据集,转换和模型。BSD-3 
-
GitHub (👨💻 500 · 🔀 6K · 📥 11K · 📋 2.5K - 23% open · ⏱️ 25.08.2022):
it clone https://github.com/pytorch/vision
-
PyPi (📥 3.9M / month):
ip install torchvision
-
Conda (📥 340K · ⏱️ 24.07.2022):
onda install -c conda-forge torchvision
glfw (🥈27 · ⭐ 9.5K) - 一个用于OpenGL,OpenGL ES,Vulkan,窗口和输入的多平台库。❗️Zlib
-
GitHub (👨💻 180 · 🔀 3.5K · 📥 2.9M · 📦 1 · 📋 1.6K - 25% open · ⏱️ 22.08.2022):
it clone https://github.com/glfw/glfw
-
PyPi (📥 220K / month):
ip install glfw
-
Conda (📥 68K · ⏱️ 23.07.2022):
onda install -c conda-forge glfw
InsightFace (🥈26 · ⭐ 12K) - MXNet和PyTorch上的人脸分析项目。MIT 
imageai (🥈26 · ⭐ 7.2K · 💀) - python库旨在使开发人员能够构建应用程序。MIT
Face Recognition (🥈25 · ⭐ 46K) - 简单的面部识别API。MIT 
-
GitHub (👨💻 54 · 🔀 12K · 📥 470 · 📋 1.2K - 53% open · ⏱️ 10.06.2022):
it clone https://github.com/ageitgey/face_recognition
-
PyPi (📥 39K / month):
ip install face_recognition
detectron2 (🥈25 · ⭐ 22K) - Detectron2是Facebook FAIR的高级目标检测平台。Apache-2 
-
GitHub (👨💻 210 · 🔀 5.7K · 📦 710 · 📋 3.1K - 7% open · ⏱️ 24.08.2022):
it clone https://github.com/facebookresearch/detectron2
-
Conda (📥 78K · ⏱️ 25.04.2022):
onda install -c conda-forge detectron2
vit-pytorch (🥈25 · ⭐ 11K) - 实现视觉transformer,一种简单的方法。MIT 
facenet-pytorch (🥈25 · ⭐ 3K · 💤) - 预训练的Pytorch人脸检测(MTCNN)和识别。MIT 
-
GitHub (👨💻 14 · 🔀 650 · 📥 390K · 📦 850 · 📋 150 - 39% open · ⏱️ 13.12.2021):
it clone https://github.com/timesler/facenet-pytorch
-
PyPi (📥 18K / month):
ip install facenet-pytorch
opencv-python (🥈25 · ⭐ 2.9K · 📈) - 自动化的CI工具链可生成预编译的opencv-python。MIT
chainercv (🥈25 · ⭐ 1.5K · 💀) - ChainerCV:一个用于计算机视觉深度学习的库。MIT
mahotas (🥈25 · ⭐ 770) - Python中的计算机视觉。❗Unlicensed
-
GitHub (👨💻 32 · 🔀 140 · 📦 870 · 📋 79 - 20% open · ⏱️ 28.06.2022):
it clone https://github.com/luispedro/mahotas
-
PyPi (📥 11K / month):
ip install mahotas
-
Conda (📥 330K · ⏱️ 28.07.2022):
onda install -c conda-forge mahotas
vidgear (🥉24 · ⭐ 2.4K) - 高性能跨平台视频处理Python框架。Apache-2
PyTorch3D (🥉23 · ⭐ 6.4K) - PyTorch3D是FAIR的深度学习可重用组件库。❗Unlicensed 
-
GitHub (👨💻 96 · 🔀 940 · 📦 270 · 📋 1.1K - 7% open · ⏱️ 25.08.2022):
it clone https://github.com/facebookresearch/pytorch3d
-
PyPi (📥 14K / month):
ip install pytorch3d
-
Conda (📥 60K · ⏱️ 14.08.2022):
onda install -c pytorch3d pytorch3d
Face Alignment (🥉23 · ⭐ 5.8K · 💤) - 使用pytorch构建2D和3D人脸对齐库。BSD-3 
-
GitHub (👨💻 23 · 🔀 1.2K · 📋 280 - 21% open · ⏱️ 04.08.2021):
it clone https://github.com/1adrianb/face-alignment
-
PyPi (📥 9.6K / month):
ip install face-alignment
Augmentor (🥉23 · ⭐ 4.8K) - Python中的图像增强库,用于机器学习。MIT
mtcnn (🥉23 · ⭐ 1.8K · 💀) - TensorFlow的MTCNN人脸检测实现。MIT 
lightly (🥉23 · ⭐ 1.7K) - 一个用于对图像进行自监督学习的python库。MIT 
Image Deduplicator (🥉22 · ⭐ 4.1K · 💀) - 图像查重。Apache-2 
pyvips (🥉22 · ⭐ 440) - 使用cffi的libvips的python接口。MIT
-
GitHub (👨💻 14 · 🔀 40 · 📦 350 · 📋 300 - 36% open · ⏱️ 13.08.2022):
it clone https://github.com/libvips/pyvips
-
PyPi (📥 19K / month):
ip install pyvips
-
Conda (📥 29K · ⏱️ 24.07.2022):
onda install -c conda-forge pyvips
PaddleDetection (🥉21 · ⭐ 8.3K) - 对象检测和实例分割工具箱。Apache-2 
segmentation_models (🥉21 · ⭐ 4K) - Segmentation models with pretrained backbones. Keras.. MIT 
-
GitHub (👨💻 14 · 🔀 910 · 📋 480 - 46% open · ⏱️ 29.07.2022):
it clone https://github.com/qubvel/segmentation_models
-
PyPi (📥 26K / month):
ip install segmentation_models
Image Super-Resolution (🥉21 · ⭐ 3.8K · 💀) - 图像超精度变换。Apache-2 
-
GitHub (👨💻 10 · 🔀 630 · 📦 97 · 📋 200 - 45% open · ⏱️ 02.06.2021):
it clone https://github.com/idealo/image-super-resolution
-
PyPi (📥 4.5K / month):
ip install ISR
-
Docker Hub (📥 220 · ⏱️ 01.04.2019):
ocker pull idealo/image-super-resolution-gpu
Norfair (🥉21 · ⭐ 1.6K) - 轻量级Python库,用于向其中添加实时2D对象跟踪。BSD-3
CellProfiler (🥉21 · ⭐ 700) - 生物图像分析的开源应用程序。❗Unlicensed
MMF (🥉20 · ⭐ 5K) - 来自视觉和语言多模态研究的模块化框架。BSD-3 
tensorflow-graphics (🥉20 · ⭐ 2.7K) - TensorFlow图神经网络:可微分的图layerApache-2 
-
GitHub (👨💻 36 · 🔀 340 · 📋 160 - 45% open · ⏱️ 04.04.2022):
it clone https://github.com/tensorflow/graphics
-
PyPi (📥 2.7K / month):
ip install tensorflow-graphics
nude.py (🥉20 · ⭐ 860 · 💀) - 使用Python进行裸露检测。MIT
Luminoth (🥉19 · ⭐ 2.4K · 💀) - 用于计算机视觉的深度学习工具包。BSD-3 
Classy Vision (🥉19 · ⭐ 1.5K) - 用于图像和视频的端到端PyTorch框架。MIT 
-
GitHub (👨💻 76 · 🔀 260 · 📋 76 - 17% open · ⏱️ 03.08.2022):
it clone https://github.com/facebookresearch/ClassyVision
-
PyPi (📥 2K / month):
ip install classy_vision
-
Conda (📥 14K · ⏱️ 22.03.2022):
onda install -c conda-forge classy_vision
Caer (🥉18 · ⭐ 630 · 💤) - 轻量级的计算机视觉库。MIT
DE⫶TR (🥉17 · ⭐ 9.6K) - End-to-End Object Detection with Transformers. Apache-2 
Pillow-SIMD (🥉17 · ⭐ 1.9K · 💤) - 友好的PIL fork。❗️PIL
PySlowFast (🥉16 · ⭐ 5K) - PySlowFast:来自FAIR的视频理解代码库。Apache-2 
image-match (🥉16 · ⭐ 2.8K · 💤) - 快速搜索数十亿张图像。❗Unlicensed
pycls (🥉15 · ⭐ 2K) - 用PyTorch编写的图像分类研究代码库。MIT 
Torch Points 3D (🥉14 · ⭐ 93 · 💤) - 用于在点云上进行深度学习的Pytorch框架。BSD-3 
-
GitHub (👨💻 29 · 🔀 19 · ⏱️ 10.12.2021):
it clone https://github.com/nicolas-chaulet/torch-points3d
-
PyPi (📥 570 / month):
ip install torch-points3d
图数据处理

用于图数据处理,聚类,图嵌入和机器学习任务的库。
networkx (🥇32 · ⭐ 11K) - Python中的网络分析。❗Unlicensed
-
GitHub (👨💻 610 · 🔀 2.6K · 📥 60 · 📦 120K · 📋 2.8K - 5% open · ⏱️ 23.08.2022):
it clone https://github.com/networkx/networkx
-
PyPi (📥 19M / month):
ip install networkx
-
Conda (📥 7.8M · ⏱️ 22.08.2022):
onda install -c conda-forge networkx
dgl (🥇29 · ⭐ 10K) - 在现有基础之上构建的Python软件包,用于简化图上的深度学习。Apache-2
PyTorch Geometric (🥇28 · ⭐ 15K) - PyTorch的几何深度学习扩展库。MIT 
-
GitHub (👨💻 300 · 🔀 2.7K · 📋 2.6K - 35% open · ⏱️ 25.08.2022):
it clone https://github.com/rusty1s/pytorch_geometric
-
PyPi (📥 92K / month):
ip install torch-geometric
ogb (🥇28 · ⭐ 1.4K) - 用于图机器学习的基准数据集,数据加载器和评估器。MIT
igraph (🥈27 · ⭐ 1K) - Igraph的Python接口。❗️GPL-2.0
-
GitHub (👨💻 61 · 🔀 220 · 📥 460K · 📦 850 · 📋 410 - 9% open · ⏱️ 24.08.2022):
it clone https://github.com/igraph/python-igraph
-
PyPi (📥 260K / month):
ip install python-igraph
-
Conda (📥 320K · ⏱️ 13.06.2022):
onda install -c conda-forge igraph
StellarGraph (🥈25 · ⭐ 2.5K · 💤) - StellarGraph-图机器学习库。Apache-2 
Spektral (🥈25 · ⭐ 2.1K) - 使用Keras和Tensorflow 2的图神经网络。MIT 
Karate Club (🥈23 · ⭐ 1.7K) - 面向API的开源Python框架。❗️GPL-3.0
pytorch_geometric_temporal (🥈23 · ⭐ 1.7K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT 
-
GitHub (👨💻 23 · 🔀 250 · 📋 120 - 5% open · ⏱️ 02.08.2022):
it clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal
-
PyPi (📥 1.8K / month):
ip install torch-geometric-temporal
AmpliGraph (🥈22 · ⭐ 1.8K · 💀) - 用于知识表示学习的Python库。Apache-2 
Paddle Graph Learning (🥈22 · ⭐ 1.4K) - paddle图机器学习。Apache-2 
pygal (🥈21 · ⭐ 2.5K · 💤) - PYthon svg GrAph绘图库。❗️LGPL-3.0
-
GitHub (👨💻 71 · 🔀 390 · 📋 400 - 39% open · ⏱️ 24.11.2021):
it clone https://github.com/Kozea/pygal
-
PyPi (📥 120K / month):
ip install pygal
-
Conda (📥 20K · ⏱️ 04.06.2019):
onda install -c conda-forge pygal
PyKEEN (🥈21 · ⭐ 960) - 一个用于学习和评估知识图嵌入的Python库。MIT
Node2Vec (🥈21 · ⭐ 950) - node2vec算法的实现。MIT
-
GitHub (👨💻 11 · 🔀 200 · ⏱️ 01.08.2022):
it clone https://github.com/eliorc/node2vec
-
PyPi (📥 78K / month):
ip install node2vec
-
Conda (📥 22K · ⏱️ 25.04.2020):
onda install -c conda-forge node2vec
torch-cluster (🥈21 · ⭐ 560) - 优化图聚类的PyTorch扩展库MIT 
PyTorch-BigGraph (🥉19 · ⭐ 3.1K) - 从大型图网络结构生成embedding嵌入。❗Unlicensed 
DeepWalk (🥉19 · ⭐ 2.5K · 💀) - DeepWalk-图的深度学习。❗Unlicensed
kglib (🥉17 · ⭐ 520) - Grakn知识图库(ML R&D)。Apache-2
GraphEmbedding (🥉16 · ⭐ 3K) - 图嵌入算法的实现和实验。MIT 
graph-nets (🥉15 · ⭐ 5.2K · 💀) - 在Tensorflow中构建图神经网络。Apache-2 
Euler (🥉15 · ⭐ 2.8K · 💀) - 分布式图深度学习框架。Apache-2 
DeepGraph (🥉15 · ⭐ 260 · 💀) - 使用基于pandas的网络分析数据。❗Unlicensed 
-
GitHub (👨💻 2 · 🔀 38 · 📦 5 · 📋 14 - 64% open · ⏱️ 14.06.2021):
it clone https://github.com/deepgraph/deepgraph
-
PyPi (📥 290 / month):
ip install deepgraph
-
Conda (📥 130K · ⏱️ 19.04.2022):
onda install -c conda-forge deepgraph
pyRDF2Vec (🥉15 · ⭐ 160) - RDF2Vec的Python实现和扩展。MIT
GraphSAGE (🥉14 · ⭐ 2.8K · 💀) - 大型图上的表示学习。MIT 
OpenNE (🥉14 · ⭐ 1.6K · 💀) - 神经关系提取(NRE)的开源软件包。MIT 
AutoGL (🥉14 · ⭐ 840) - 用于图上机器学习的autoML框架和工具包。Apache-2 
-
GitHub (👨💻 13 · 🔀 98 · 📋 23 - 34% open · ⏱️ 19.04.2022):
it clone https://github.com/THUMNLab/AutoGL
-
PyPi:
ip install auto-graph-learning
Sematch (🥉14 · ⭐ 400 · 💀) - 知识图的语义相似性框架。Apache-2
GraphVite (🥉12 · ⭐ 1.1K · 💀) - GraphVite:通用的高性能图形嵌入系统。Apache-2
-
GitHub (🔀 140 · 📋 100 - 42% open · ⏱️ 14.01.2021):
it clone https://github.com/DeepGraphLearning/graphvite
-
Conda (📥 4.4K · ⏱️ 19.03.2020):
onda install -c milagraph graphvite
OpenKE (🥉11 · ⭐ 3.2K · 💀) - 神经关系提取(NRE)的开源软件包。❗Unlicensed
音频处理

用于音频分析,处理,转换和提取以及语音识别和音乐生成任务的库。
DeepSpeech (🥇30 · ⭐ 20K · 💤) - DeepSpeech是开源的语音转文本引擎。MPL-2.0 
Pydub (🥇30 · ⭐ 6.3K) - 使用简单易用的高级界面处理音频。MIT
-
GitHub (👨💻 92 · 🔀 840 · 📦 14K · 📋 490 - 46% open · ⏱️ 14.05.2022):
it clone https://github.com/jiaaro/pydub
-
PyPi (📥 1.6M / month):
ip install pydub
-
Conda (📥 28K · ⏱️ 13.03.2021):
onda install -c conda-forge pydub
espnet (🥇29 · ⭐ 5.4K) - 端到端语音处理工具包。Apache-2
Magenta (🥈27 · ⭐ 18K) - 借助机器智能进行音乐和艺术创作。Apache-2 
torchaudio (🥈27 · ⭐ 1.8K) - 音频信号的数据处理和转换。BSD-2 
aubio (🥈26 · ⭐ 2.8K · 💤) - 用于音频和音乐分析的库。❗️GPL-3.0
-
GitHub (👨💻 24 · 🔀 340 · 📦 310 · 📋 310 - 41% open · ⏱️ 25.01.2022):
it clone https://github.com/aubio/aubio
-
PyPi (📥 1.5K / month):
ip install aubio
-
Conda (📥 540K · ⏱️ 13.07.2022):
onda install -c conda-forge aubio
spleeter (🥈24 · ⭐ 20K) - Deezer源分离库,包括预训练的模型。MIT 
-
GitHub (👨💻 19 · 🔀 2.2K · 📥 1.8M · 📋 680 - 21% open · ⏱️ 10.06.2022):
it clone https://github.com/deezer/spleeter
-
PyPi (📥 10K / month):
ip install spleeter
-
Conda (📥 68K · ⏱️ 30.06.2020):
onda install -c conda-forge spleeter
SpeechRecognition (🥈24 · ⭐ 6.5K) - 适用于Python的语音识别模块。BSD-3
-
GitHub (👨💻 47 · 🔀 2K · 📋 510 - 44% open · ⏱️ 02.08.2022):
it clone https://github.com/Uberi/speech_recognition
-
PyPi (📥 330K / month):
ip install SpeechRecognition
-
Conda (📥 140K · ⏱️ 13.12.2021):
onda install -c conda-forge speechrecognition
pyAudioAnalysis (🥈24 · ⭐ 4.9K) - Python音频分析库。Apache-2
-
GitHub (👨💻 26 · 🔀 1.1K · 📦 290 · 📋 290 - 59% open · ⏱️ 19.04.2022):
it clone https://github.com/tyiannak/pyAudioAnalysis
-
PyPi (📥 21K / month):
ip install pyAudioAnalysis
Essentia (🥈24 · ⭐ 2.2K) - C++库,用于音频和音乐分析,描述等。❗️AGPL-3.0
librosa (🥉23 · ⭐ 5.4K) - 用于音频和音乐分析的Python库。ISC
-
GitHub (👨💻 110 · 🔀 810 · 📋 1K - 4% open · ⏱️ 25.08.2022):
it clone https://github.com/librosa/librosa
-
PyPi (📥 1.2M / month):
ip install librosa
-
Conda (📥 510K · ⏱️ 27.06.2022):
onda install -c conda-forge librosa
tinytag (🥉23 · ⭐ 560) - 读取音乐元数据和MP3,OGG,OPUS,MP4,M4A,FLAC,WMA等的长度。MIT
kapre (🥉22 · ⭐ 850) - kapre:Keras音频预处理器。MIT 
Porcupine (🥉21 · ⭐ 2.8K) - 深度学习支持的设备上唤醒词识别。Apache-2
DDSP (🥉21 · ⭐ 2.2K) - DDSP:微分数字信号处理。Apache-2 
python-soundfile (🥉21 · ⭐ 470) - SoundFile是基于libsndfile,CFFI等的音频库。BSD-3
python_speech_features (🥉20 · ⭐ 2.1K · 💀) - This library provides common speech features for ASR.. MIT
-
GitHub (👨💻 19 · 🔀 590 · 📋 71 - 28% open · ⏱️ 31.12.2020):
it clone https://github.com/jameslyons/python_speech_features
-
PyPi (📥 150K / month):
ip install python_speech_features
TTS (🥉19 · ⭐ 6.2K · 💀) - 文本到语音的深度学习。MPL-2.0
Dejavu (🥉19 · ⭐ 5.8K · 💀) - Python中的音频指纹识别。MIT
Madmom (🥉19 · ⭐ 950 · 💤) - Python音频和音乐信号处理库。❗Unlicensed
audioread (🥉19 · ⭐ 410 · 📉) - 跨库(GStreamer + Core Audio + MAD + FFmpeg)音频编解码。MIT
-
GitHub (👨💻 22 · 🔀 94 · 📋 80 - 38% open · ⏱️ 12.08.2022):
it clone https://github.com/beetbox/audioread
-
PyPi (📥 1.2M / month):
ip install audioread
-
Conda (📥 480K · ⏱️ 14.08.2022):
onda install -c conda-forge audioread
Muda (🥉17 · ⭐ 210 · 💀) - 用于扩充带注释的音频数据的库。ISC
Julius (🥉15 · ⭐ 280 · 💤) - 基于PyTorch的快速DSP,用于音频和一维信号。MIT 
地理Geo处理

用于加载,处理,分析和写入geo地理数据的库,以及用于空间分析,地图可视化和地理编码的库。
pydeck (🥇35 · ⭐ 10K) - WebGL2支持的地理空间可视化图层。MIT 
-
GitHub (👨💻 200 · 🔀 1.7K · 📦 4.5K · 📋 2.5K - 5% open · ⏱️ 24.08.2022):
it clone https://github.com/visgl/deck.gl
-
PyPi (📥 790K / month):
ip install pydeck
-
Conda (📥 170K · ⏱️ 26.10.2021):
onda install -c conda-forge pydeck
-
NPM (📥 320K / month):
pm install deck.gl
geopy (🥇32 · ⭐ 3.7K) - 适用于Python的地址解析库。MIT
-
GitHub (👨💻 130 · 🔀 580 · 📦 41K · 📋 260 - 7% open · ⏱️ 07.08.2022):
it clone https://github.com/geopy/geopy
-
PyPi (📥 5M / month):
ip install geopy
-
Conda (📥 780K · ⏱️ 12.07.2021):
onda install -c conda-forge geopy
Shapely (🥇31 · ⭐ 2.9K) - 操作和分析几何对象。BSD-3
-
GitHub (👨💻 130 · 🔀 460 · 📥 220 · 📦 32K · 📋 910 - 17% open · ⏱️ 23.08.2022):
it clone https://github.com/Toblerity/Shapely
-
PyPi (📥 8M / month):
ip install shapely
-
Conda (📥 4.3M · ⏱️ 18.08.2022):
onda install -c conda-forge shapely
Geocoder (🥇31 · ⭐ 1.5K · 💀) - Python Geocoder。MIT
-
GitHub (👨💻 73 · 🔀 260 · 📦 5.3K · 📋 290 - 25% open · ⏱️ 12.10.2018):
it clone https://github.com/DenisCarriere/geocoder
-
PyPi (📥 580K / month):
ip install geocoder
-
Conda (📥 110K · ⏱️ 27.06.2019):
onda install -c conda-forge geocoder
GeoPandas (🥈30 · ⭐ 3.3K) - 用于地理数据的Python工具。BSD-3 
-
GitHub (👨💻 180 · 🔀 700 · 📥 1.6K · 📦 15K · 📋 1.3K - 26% open · ⏱️ 25.08.2022):
it clone https://github.com/geopandas/geopandas
-
PyPi (📥 2.9M / month):
ip install geopandas
-
Conda (📥 1.9M · ⏱️ 24.07.2022):
onda install -c conda-forge geopandas
ipyleaflet (🥈30 · ⭐ 1.3K) - Jupyter-Leaflet.js桥。MIT 
-
GitHub (👨💻 80 · 🔀 320 · 📦 2.6K · 📋 500 - 36% open · ⏱️ 23.08.2022):
it clone https://github.com/jupyter-widgets/ipyleaflet
-
PyPi (📥 110K / month):
ip install ipyleaflet
-
Conda (📥 870K · ⏱️ 23.08.2022):
onda install -c conda-forge ipyleaflet
-
NPM (📥 50K / month):
pm install jupyter-leaflet
Fiona (🥈30 · ⭐ 940) - Fiona读写地理数据文件。BSD-3
-
GitHub (👨💻 66 · 🔀 170 · 📦 9.4K · 📋 680 - 10% open · ⏱️ 01.03.2022):
it clone https://github.com/Toblerity/Fiona
-
PyPi (📥 3.1M / month):
ip install fiona
-
Conda (📥 3.3M · ⏱️ 30.05.2022):
onda install -c conda-forge fiona
pyproj (🥈29 · ⭐ 780) - 与PROJ的Python界面(图形投影和坐标。MIT
-
GitHub (👨💻 52 · 🔀 180 · 📦 16K · 📋 500 - 1% open · ⏱️ 26.08.2022):
it clone https://github.com/pyproj4/pyproj
-
PyPi (📥 5M / month):
ip install pyproj
-
Conda (📥 4M · ⏱️ 17.06.2022):
onda install -c conda-forge pyproj
folium (🥈28 · ⭐ 5.9K) - Leaflet.js地图的Python数据。MIT
-
GitHub (👨💻 130 · 🔀 2.1K · 📦 18K · 📋 940 - 22% open · ⏱️ 06.05.2022):
it clone https://github.com/python-visualization/folium
-
PyPi (📥 820K / month):
ip install folium
-
Conda (📥 1.1M · ⏱️ 03.12.2021):
onda install -c conda-forge folium
Rasterio (🥉27 · ⭐ 1.8K) - Rasterio读写地理空间栅格数据集。❗Unlicensed
-
GitHub (👨💻 130 · 🔀 470 · 📥 760 · 📦 5.4K · 📋 1.6K - 8% open · ⏱️ 18.08.2022):
it clone https://github.com/mapbox/rasterio
-
PyPi (📥 600K / month):
ip install rasterio
-
Conda (📥 1.7M · ⏱️ 19.08.2022):
onda install -c conda-forge rasterio
geojson (🥉27 · ⭐ 740) - GeoJSON的Python接口。BSD-3
-
GitHub (👨💻 48 · 🔀 93 · 📦 10K · 📋 85 - 25% open · ⏱️ 07.05.2022):
it clone https://github.com/jazzband/geojson
-
PyPi (📥 780K / month):
ip install geojson
-
Conda (📥 560K · ⏱️ 11.08.2019):
onda install -c conda-forge geojson
Cartopy (🥉26 · ⭐ 1.8K) - Rasterio读写地理空间栅格数据集。❗Unlicensed
-
GitHub (👨💻 130 · 🔀 470 · 📥 760 · 📦 5.4K · 📋 1.6K - 8% open · ⏱️ 18.08.2022):
it clone https://github.com/mapbox/rasterio
-
PyPi (📥 120K / month):
ip install Cartopy
-
Conda (📥 2.3M · ⏱️ 25.08.2022):
onda install -c conda-forge cartopy
GeoViews (🥉25 · ⭐ 430) - 使用Python进行简单,简洁的地理可视化。BSD-3
-
GitHub (👨💻 28 · 🔀 66 · 📦 470 · 📋 300 - 34% open · ⏱️ 24.08.2022):
it clone https://github.com/holoviz/geoviews
-
PyPi (📥 7.7K / month):
ip install geoviews
-
Conda (📥 120K · ⏱️ 08.03.2022):
onda install -c conda-forge geoviews
ArcGIS API (🥉24 · ⭐ 1.4K) - ArcGIS API for Python的文档和示例。Apache-2
-
GitHub (👨💻 81 · 🔀 910 · 📥 5.2K · 📋 470 - 8% open · ⏱️ 17.08.2022):
it clone https://github.com/Esri/arcgis-python-api
-
PyPi (📥 45K / month):
ip install arcgis
-
Docker Hub (📥 7.2K · ⭐ 35 · ⏱️ 17.06.2022):
ocker pull esridocker/arcgis-api-python-notebook
PySAL (🥉23 · ⭐ 1.1K) - PySAL:Python空间分析库元包。BSD-3
-
GitHub (👨💻 77 · 🔀 260 · 📋 610 - 1% open · ⏱️ 23.07.2022):
it clone https://github.com/pysal/pysal
-
PyPi (📥 30K / month):
ip install pysal
-
Conda (📥 450K · ⏱️ 01.08.2022):
onda install -c conda-forge pysal
Sentinelsat (🥉22 · ⭐ 790) - 搜索和下载哥白尼前哨卫星图像。❗️GPL-3.0
Mapbox GL (🥉22 · ⭐ 620 · 💀) - 使用Mapbox GL JS可视化Python Jupyter笔记本中的数据。MIT 
Satpy (🥉21 · ⭐ 850) - 用于地球观测卫星数据处理的Python软件包。❗️GPL-3.0
-
GitHub (👨💻 130 · 🔀 240 · 📦 72 · 📋 790 - 38% open · ⏱️ 25.08.2022):
it clone https://github.com/pytroll/satpy
-
PyPi (📥 1.1K / month):
ip install satpy
-
Conda (📥 100K · ⏱️ 15.08.2022):
onda install -c conda-forge satpy
EarthPy (🥉21 · ⭐ 380 · 💤) - 使用开放源代码处理空间数据。BSD-3
-
GitHub (👨💻 40 · 🔀 140 · 📦 160 · 📋 230 - 8% open · ⏱️ 20.12.2021):
it clone https://github.com/earthlab/earthpy
-
PyPi (📥 8.4K / month):
ip install earthpy
-
Conda (📥 49K · ⏱️ 04.10.2021):
onda install -c conda-forge earthpy
geoplotlib (🥉19 · ⭐ 970 · 💀) - python工具箱,用于可视化地理数据和制作地图。MIT
gmaps (🥉18 · ⭐ 740 · 💀) - Google为Jupyter笔记本电脑映射。BSD-3 
-
GitHub (👨💻 16 · 🔀 140 · 📦 1 · 📋 200 - 32% open · ⏱️ 22.07.2019):
it clone https://github.com/pbugnion/gmaps
-
PyPi (📥 9K / month):
ip install gmaps
-
Conda (📥 270K · ⏱️ 02.08.2019):
onda install -c conda-forge gmaps
-
NPM (📥 1.8K / month):
pm install jupyter-gmaps
pymap3d (🥉18 · ⭐ 270) - 纯Python实现(Numpy可选)的3D坐标转换。BSD-2
-
GitHub (👨💻 11 · 🔀 68 · 📋 38 - 2% open · ⏱️ 03.07.2022):
it clone https://github.com/geospace-code/pymap3d
-
PyPi (📥 50K / month):
ip install pymap3d
-
Conda (📥 29K · ⏱️ 04.07.2022):
onda install -c conda-forge pymap3d
金融数据处理

用于算法股票/加密交易,风险分析,回测,技术分析以及其他金融数据任务的库。
zipline (🥇30 · ⭐ 15K · 💀) - Zipline,一个Pythonic算法交易库。Apache-2
yfinance (🥇30 · ⭐ 7.5K) - Yahoo! 金融市场数据下载器(+更快的Pandas数据加载读取器)。Apache-2
-
GitHub (👨💻 60 · 🔀 1.6K · 📦 13K · 📋 810 - 56% open · ⏱️ 11.07.2022):
it clone https://github.com/ranaroussi/yfinance
-
PyPi (📥 500K / month):
ip install yfinance
-
Conda (📥 51K · ⏱️ 10.07.2021):
onda install -c ranaroussi yfinance
backtrader (🥇27 · ⭐ 9.2K · 💀) - 用于交易策略的Python Backtesting库。❗️GPL-3.0
pyfolio (🥈26 · ⭐ 4.5K · 💀) - Python中的投资组合和风险分析。Apache-2
-
GitHub (👨💻 56 · 🔀 1.4K · 📦 450 · 📋 400 - 34% open · ⏱️ 15.07.2020):
it clone https://github.com/quantopian/pyfolio
-
PyPi (📥 6.5K / month):
ip install pyfolio
-
Conda (📥 9.3K · ⏱️ 16.05.2020):
onda install -c conda-forge pyfolio
ta (🥈26 · ⭐ 3.2K) - 使用Pandas和Numpy的技术分析库。MIT
ffn (🥈26 · ⭐ 1.3K) - ffn-Python的金融函数库。MIT
Alphalens (🥈25 · ⭐ 2.4K · 💀) - 股票因子预测分析。Apache-2
-
GitHub (👨💻 25 · 🔀 880 · 📦 570 · 📋 180 - 20% open · ⏱️ 27.04.2020):
it clone https://github.com/quantopian/alphalens
-
PyPi (📥 13K / month):
ip install alphalens
-
Conda (📥 16K · ⏱️ 16.05.2020):
onda install -c conda-forge alphalens
empyrical (🥈25 · ⭐ 970 · 💀) - 常见的金融风险和绩效指标。Apache-2
-
GitHub (👨💻 22 · 🔀 300 · 📦 940 · 📋 49 - 46% open · ⏱️ 14.10.2020):
it clone https://github.com/quantopian/empyrical
-
PyPi (📥 28K / month):
ip install empyrical
-
Conda (📥 18K · ⏱️ 14.10.2020):
onda install -c conda-forge empyrical
Qlib (🥈24 · ⭐ 9.5K) - Qlib是一个面向AI的量化投资平台。MIT 
bt (🥈24 · ⭐ 1.5K) - bt-Python的灵活回测。MIT
FinTA (🥉23 · ⭐ 1.7K) - 基于pandas实现的通用金融技术指标。❗️LGPL-3.0
arch (🥉23 · ⭐ 970) - Python中的ARCH模型。❗Unlicensed
TensorTrade (🥉22 · ⭐ 3.9K) - 一个开放源代码的强化学习框架。Apache-2
PyAlgoTrade (🥉22 · ⭐ 3.7K · 💀) - Python算法交易库。Apache-2
Alpha Vantage (🥉21 · ⭐ 3.7K · 💀) - 用于金融数据的Alpha Vantage API的python包装器。MIT
Enigma Catalyst (🥉21 · ⭐ 2.4K · 💤) - Python中加密资产的算法交易库。Apache-2
-
GitHub (👨💻 150 · 🔀 700 · 📦 25 · 📋 480 - 25% open · ⏱️ 22.09.2021):
it clone https://github.com/enigmampc/catalyst
-
PyPi (📥 430 / month):
ip install enigma-catalyst
tf-quant-finance (🥉20 · ⭐ 3.2K) - 用于量化投资的高性能TensorFlow库。Apache-2 
-
GitHub (👨💻 41 · 🔀 420 · 📋 40 - 37% open · ⏱️ 19.08.2022):
it clone https://github.com/google/tf-quant-finance
-
PyPi (📥 4.8K / month):
ip install tf-quant-finance
IB-insync (🥉20 · ⭐ 1.9K) - 用于Interactive Brokers API的Python同步/异步框架。BSD-2
-
GitHub (👨💻 31 · 🔀 490 · 📋 420 - 1% open · ⏱️ 23.08.2022):
it clone https://github.com/erdewit/ib_insync
-
PyPi (📥 7.4K / month):
ip install ib_insync
-
Conda (📥 20K · ⏱️ 29.11.2021):
onda install -c conda-forge ib-insync
Crypto Signals (🥉19 · ⭐ 4.1K) - CryptoSignal量化交易技术。MIT
-
GitHub (👨💻 28 · 🔀 1.1K · 📋 260 - 20% open · ⏱️ 09.08.2022):
it clone https://github.com/CryptoSignal/crypto-signal
-
Docker Hub (📥 140K · ⭐ 7 · ⏱️ 03.09.2020):
ocker pull shadowreaver/crypto-signal
stockstats (🥉19 · ⭐ 1K · 💤) - 提供StockDataFrame包装器❗Unlicensed
finmarketpy (🥉18 · ⭐ 3K) - Python库,用于回测交易策略和分析。Apache-2
Backtesting.py (🥉17 · ⭐ 2.8K) - 回溯Python中的交易策略。❗️AGPL-3.0
surpriver (🥉12 · ⭐ 1.5K · 💀) - 使用机器学习在股票大波动之前找到它。❗️GPL-3.0
时间序列

用于按时间序列和顺序数据进行预测,异常检测,特征提取和机器学习的库。
pmdarima (🥇30 · ⭐ 1.2K · 📈) - 一个统计数据库,旨在填补Python时间序列中的空白。MIT
sktime (🥇27 · ⭐ 5.6K) - 具有时间序列的机器学习的统一框架。BSD-3 
STUMPY (🥈26 · ⭐ 2.4K) - STUMPY是一个功能强大且可扩展的Python库,用于矩阵计算。BSD-3
-
GitHub (👨💻 31 · 🔀 230 · 📦 260 · 📋 340 - 11% open · ⏱️ 04.08.2022):
it clone https://github.com/TDAmeritrade/stumpy
-
PyPi (📥 170K / month):
ip install stumpy
-
Conda (📥 48K · ⏱️ 31.03.2022):
onda install -c conda-forge stumpy
Prophet (🥈25 · ⭐ 15K) - 产生具有时间序列数据的高质量预测的工具。MIT
Darts (🥈25 · ⭐ 4.6K) - 一个易于操作和预测时间序列的python库。Apache-2
-
GitHub (👨💻 61 · 🔀 480 · 📦 92 · 📋 600 - 23% open · ⏱️ 25.08.2022):
it clone https://github.com/unit8co/darts
-
PyPi (📥 6.4K / month):
ip install u8darts
-
Docker Hub (📥 360 · ⏱️ 12.08.2022):
ocker pull unit8/darts
tslearn (🥈25 · ⭐ 2.2K) - 专门用于时间序列数据的机器学习工具包。BSD-2 
-
GitHub (👨💻 39 · 🔀 280 · 📦 560 · 📋 280 - 32% open · ⏱️ 17.06.2022):
it clone https://github.com/tslearn-team/tslearn
-
PyPi (📥 100K / month):
ip install tslearn
-
Conda (📥 270K · ⏱️ 15.01.2022):
onda install -c conda-forge tslearn
pytorch-forecasting (🥈25 · ⭐ 2.2K) - 使用PyTorch进行时间序列预测。MIT
-
GitHub (👨💻 32 · 🔀 350 · 📋 510 - 49% open · ⏱️ 22.08.2022):
it clone https://github.com/jdb78/pytorch-forecasting
-
PyPi (📥 74K / month):
ip install pytorch-forecasting
tsfresh (🥈23 · ⭐ 6.6K · 💤) - 从时间序列中自动提取相关特征。MIT 
-
GitHub (👨💻 82 · 🔀 1K · 📋 490 - 10% open · ⏱️ 21.12.2021):
it clone https://github.com/blue-yonder/tsfresh
-
PyPi (📥 420K / month):
ip install tsfresh
-
Conda (📥 220K · ⏱️ 21.12.2021):
onda install -c conda-forge tsfresh
pyts (🥈23 · ⭐ 1.3K) - 用于时间序列分类的Python软件包。BSD-3
-
GitHub (👨💻 11 · 🔀 140 · 📦 240 · 📋 64 - 59% open · ⏱️ 16.06.2022):
it clone https://github.com/johannfaouzi/pyts
-
PyPi (📥 140K / month):
ip install pyts
-
Conda (📥 13K · ⏱️ 31.10.2021):
onda install -c conda-forge pyts
Streamz (🥈23 · ⭐ 1.1K) - python的实时流处理。BSD-3
-
GitHub (👨💻 45 · 🔀 140 · 📦 310 · 📋 240 - 39% open · ⏱️ 27.07.2022):
it clone https://github.com/python-streamz/streamz
-
PyPi (📥 12K / month):
ip install streamz
-
Conda (📥 380K · ⏱️ 28.07.2022):
onda install -c conda-forge streamz
GluonTS (🥉22 · ⭐ 2.9K) - Python中的概率时间序列建模。Apache-2 
PyFlux (🥉22 · ⭐ 2K · 💀) - 适用于Python的开源时间序列库。BSD-3
luminol (🥉20 · ⭐ 1K · 💀) - 异常检测和相关库。Apache-2
ADTK (🥉18 · ⭐ 850 · 💀) - 一个Python工具包,用于基于规则的/无监督的异常检测。MPL-2.0
pydlm (🥉18 · ⭐ 420 · 💀) - 用于贝叶斯时间序列建模的python库。BSD-3
tick (🥉18 · ⭐ 400 · 💀) - 统计学习模块。BSD-3
matrixprofile-ts (🥉17 · ⭐ 690 · 💀) - 一个用于检测模式和异常的Python库。Apache-2
-
GitHub (👨💻 15 · 🔀 97 · 📦 19 · 📋 53 - 35% open · ⏱️ 25.04.2020):
it clone https://github.com/target/matrixprofile-ts
-
PyPi (📥 520 / month):
ip install matrixprofile-ts
seglearn (🥉17 · ⭐ 520) - 机器学习时间序列的Python模块。BSD-3
Auto TS (🥉17 · ⭐ 470) - 自动实现ARIMA,SARIMAX,VAR,FB Prophet和XGBoost等模型时序建模。Apache-2
atspy (🥉13 · ⭐ 450 · 💤) - AtsPy:Python中的自动时间序列模型。❗Unlicensed
医疗领域

用于处理和分析MRI,EEG,基因组数据和其他医学成像格式等医学数据的库。
NIPYPE (🥇31 · ⭐ 640) - 神经影像软件包的工作流程和接口。Apache-2
-
GitHub (👨💻 240 · 🔀 460 · 📦 1K · 📋 1.3K - 28% open · ⏱️ 22.08.2022):
it clone https://github.com/nipy/nipype
-
PyPi (📥 54K / month):
ip install nipype
-
Conda (📥 490K · ⏱️ 14.07.2022):
onda install -c conda-forge nipype
Lifelines (🥇30 · ⭐ 1.9K) - Python中的生存分析。MIT
-
GitHub (👨💻 100 · 🔀 480 · 📦 1K · 📋 870 - 25% open · ⏱️ 17.07.2022):
it clone https://github.com/CamDavidsonPilon/lifelines
-
PyPi (📥 370K / month):
ip install lifelines
-
Conda (📥 210K · ⏱️ 18.05.2022):
onda install -c conda-forge lifelines
NiBabel (🥈28 · ⭐ 490) - Python软件包,用于访问神经影像文件格式。❗Unlicensed
-
GitHub (👨💻 94 · 🔀 230 · 📦 7.9K · 📋 440 - 26% open · ⏱️ 20.08.2022):
it clone https://github.com/nipy/nibabel
-
PyPi (📥 230K / month):
ip install nibabel
-
Conda (📥 470K · ⏱️ 18.06.2022):
onda install -c conda-forge nibabel
MNE (🥈27 · ⭐ 2K) - MNE:Python中的磁脑图(MEG)和脑电图(EEG)。BSD-3
-
GitHub (👨💻 310 · 🔀 1K · 📦 1.8K · 📋 4.2K - 9% open · ⏱️ 25.08.2022):
it clone https://github.com/mne-tools/mne-python
-
PyPi (📥 48K / month):
ip install mne
-
Conda (📥 220K · ⏱️ 24.08.2022):
onda install -c conda-forge mne
Hail (🥈27 · ⭐ 820) - 可扩展的基因组数据分析。MIT 
MONAI (🥈25 · ⭐ 3.3K) - 用于医疗成像的AI工具包。Apache-2 
Nilearn (🥈24 · ⭐ 880) - Python中NeuroImaging的机器学习。❗Unlicensed 
-
GitHub (👨💻 190 · 🔀 450 · 📥 64 · 📦 1.7K · 📋 1.6K - 14% open · ⏱️ 25.08.2022):
it clone https://github.com/nilearn/nilearn
-
PyPi (📥 38K / month):
ip install nilearn
-
Conda (📥 180K · ⏱️ 24.08.2022):
onda install -c conda-forge nilearn
DIPY (🥈24 · ⭐ 540) - DIPY是Python中的Paragon 3D/4D +影像库。❗Unlicensed
-
GitHub (👨💻 130 · 🔀 340 · 📦 600 · 📋 780 - 14% open · ⏱️ 25.08.2022):
it clone https://github.com/dipy/dipy
-
PyPi (📥 13K / month):
ip install dipy
-
Conda (📥 320K · ⏱️ 15.03.2022):
onda install -c conda-forge dipy
DeepVariant (🥉22 · ⭐ 2.6K) - DeepVariant是使用深度神经网络的分析管道。BSD-3 
-
GitHub (👨💻 24 · 🔀 620 · 📥 4.1K · 📋 500 - 1% open · ⏱️ 02.06.2022):
it clone https://github.com/google/deepvariant
-
Conda (📥 44K · ⏱️ 05.06.2022):
onda install -c bioconda deepvariant
NiftyNet (🥉22 · ⭐ 1.3K · 💀) - 开源医疗卷积神经网络工具库。Apache-2 
MedPy (🥉22 · ⭐ 430 · 💀) - Python中的医学图像处理。❗️GPL-3.0
Glow (🥉22 · ⭐ 210) - 一个用于大规模基因组分析的开源工具包。Apache-2
DLTK (🥉18 · ⭐ 1.3K · 💀) - 用于医学图像分析的深度学习工具包。Apache-2 
NIPY (🥉18 · ⭐ 320 · 💀) - Python FMRI分析软件包中的Neuroimaging。BSD-3
-
GitHub (👨💻 63 · 🔀 130 · 📋 150 - 26% open · ⏱️ 29.03.2021):
it clone https://github.com/nipy/nipy
-
PyPi (📥 1.5K / month):
ip install nipy
-
Conda (📥 95K · ⏱️ 04.05.2020):
onda install -c conda-forge nipy
Brainiak (🥉18 · ⭐ 280 · 💀) - 脑成像分析套件。Apache-2
-
GitHub (👨💻 34 · 🔀 130 · 📦 16 · 📋 200 - 37% open · ⏱️ 28.05.2021):
it clone https://github.com/brainiak/brainiak
-
PyPi (📥 180 / month):
ip install brainiak
-
Docker Hub (📥 760 · ⭐ 1 · ⏱️ 15.10.2020):
ocker pull brainiak/brainiak
MedicalTorch (🥉15 · ⭐ 790 · 💀) - Pytorch的医学成像框架。Apache-2 
MedicalNet (🥉14 · ⭐ 1.4K · 💀) - Transfer Learning for 3D Medical Image Analysis的论文实现。MIT
Medical Detection Toolkit (🥉14 · ⭐ 1.1K) - Medical Detection Toolkit包含2D + 3D。Apache-2 
DeepNeuro (🥉11 · ⭐ 110 · 💀) - 用于神经影像数据的深度学习python软件包。MIT
光学字符识别OCR

用于光学字符识别(OCR)和从图像或视频中提取文本的库。
EasyOCR (🥇31 · ⭐ 16K) - 即用型OCR,具有80多种受支持的语言和所有流行的手写文字。Apache-2
PaddleOCR (🥇27 · ⭐ 24K) - 基于PaddlePaddle的多语言OCR工具包。Apache-2 
tesserocr (🥈26 · ⭐ 1.7K) - 用于tesseract-ocr API的Python包装器。MIT
-
GitHub (👨💻 26 · 🔀 220 · 📦 700 · 📋 250 - 31% open · ⏱️ 23.08.2022):
it clone https://github.com/sirfz/tesserocr
-
PyPi (📥 49K / month):
ip install tesserocr
-
Conda (📥 81K · ⏱️ 04.05.2022):
onda install -c conda-forge tesserocr
Tesseract (🥈25 · ⭐ 4.4K) - Python-tesseract是一种光学字符识别(OCR)工具。Apache-2
-
GitHub (👨💻 41 · 🔀 600 · 📋 310 - 4% open · ⏱️ 16.08.2022):
it clone https://github.com/madmaze/pytesseract
-
PyPi (📥 670K / month):
ip install pytesseract
-
Conda (📥 520K · ⏱️ 15.03.2022):
onda install -c conda-forge pytesseract
OCRmyPDF (🥈22 · ⭐ 7K) - OCRmyPDF将OCR文本层添加到扫描的PDF文件中使用。MPL-2.0
pdftabextract (🥉19 · ⭐ 2K) - 一组用于从PDF文件提取表格的工具。Apache-2
calamari (🥉19 · ⭐ 940) - 基于OCRopy的基于行的ATR引擎。Apache-2
attention-ocr (🥉19 · ⭐ 920 · 💤) - 用于文本识别的Tensorflow模型。MIT 
doc2text (🥉18 · ⭐ 1.3K · 💀) - 批量检测文本块和OCR扫描不良的PDF。MIT
keras-ocr (🥉18 · ⭐ 1.1K) - CRAFT文本检测器。MIT 
Mozart (🥉11 · ⭐ 400) - 光学音乐识别(OMR)系统。Apache-2 
数据容器和结构

通用数据容器和结构以及pandas的实用程序和扩展。
pandas (🥇39 · ⭐ 35K) - 灵活而强大的数据分析/操作库。BSD-3 
-
GitHub (👨💻 3.1K · 🔀 15K · 📥 160K · 📦 800K · 📋 23K - 14% open · ⏱️ 25.08.2022):
it clone https://github.com/pandas-dev/pandas
-
PyPi (📥 100M / month):
ip install pandas
-
Conda (📥 29M · ⏱️ 24.08.2022):
onda install -c conda-forge pandas
numpy (🥇38 · ⭐ 21K) - 使用Python进行科学计算的基本软件包。BSD-3
-
GitHub (👨💻 1.5K · 🔀 7K · 📥 560K · 📦 1.2M · 📋 11K - 18% open · ⏱️ 24.08.2022):
it clone https://github.com/numpy/numpy
-
PyPi (📥 130M / month):
ip install numpy
-
Conda (📥 38M · ⏱️ 16.08.2022):
onda install -c conda-forge numpy
h5py (🥇36 · ⭐ 1.8K) - 适用于Python的HDF5-h5py软件包,HDF5的Pythonic接口。BSD-3
-
GitHub (👨💻 180 · 🔀 450 · 📥 2.1K · 📦 170K · 📋 1.3K - 16% open · ⏱️ 01.07.2022):
it clone https://github.com/h5py/h5py
-
PyPi (📥 12M / month):
ip install h5py
-
Conda (📥 8.8M · ⏱️ 14.08.2022):
onda install -c conda-forge h5py
Arrow (🥈33 · ⭐ 10K) - Apache Arrow定义了一种在内存中表示tabular data的格式。Apache-2
-
GitHub (👨💻 930 · 🔀 2.4K · 📦 77 · 📋 840 - 6% open · ⏱️ 25.08.2022):
it clone https://github.com/apache/arrow
-
PyPi (📥 68M / month):
ip install pyarrow
-
Conda (📥 1.1M · ⏱️ 27.01.2022):
onda install -c conda-forge arrow
Modin (🥈29 · ⭐ 7.7K) - Modin:通过更改一行来加快Pandas工作流程。Apache-2 
xarray (🥈29 · ⭐ 2.7K) - Python中带有N-D标签的数组和数据集。Apache-2
-
GitHub (👨💻 390 · 🔀 800 · 📦 12K · 📋 3.4K - 26% open · ⏱️ 25.08.2022):
it clone https://github.com/pydata/xarray
-
PyPi (📥 1.6M / month):
ip install xarray
-
Conda (📥 5.7M · ⏱️ 26.07.2022):
onda install -c conda-forge xarray
sklearn-pandas (🥈29 · ⭐ 2.6K) - pandas与sklearn集成。❗️Zlib 

-
GitHub (👨💻 39 · 🔀 380 · 📦 4.4K · 📋 150 - 16% open · ⏱️ 17.07.2022):
it clone https://github.com/scikit-learn-contrib/sklearn-pandas
-
PyPi (📥 580K / month):
ip install sklearn-pandas
datasketch (🥈29 · ⭐ 1.8K) - MinHash, LSH, LSH Forest, Weighted MinHash, HyperLogLog等实现。MIT
Bottleneck (🥈29 · ⭐ 780) - 用C编写的快速NumPy数组函数。BSD-2
-
GitHub (👨💻 25 · 🔀 80 · 📦 35K · 📋 220 - 15% open · ⏱️ 02.07.2022):
it clone https://github.com/pydata/bottleneck
-
PyPi (📥 430K / month):
ip install Bottleneck
-
Conda (📥 2.5M · ⏱️ 03.07.2022):
onda install -c conda-forge bottleneck
Koalas (🥈28 · ⭐ 3.2K · 💤) - Apache Spark上的pandas API。Apache-2 

-
GitHub (👨💻 51 · 🔀 330 · 📥 1K · 📦 220 · 📋 580 - 16% open · ⏱️ 21.10.2021):
it clone https://github.com/databricks/koalas
-
PyPi (📥 1.6M / month):
ip install koalas
-
Conda (📥 180K · ⏱️ 20.10.2021):
onda install -c conda-forge koalas
Blaze (🥈28 · ⭐ 3.1K · 💀) - NumPy和Pandas连接到大数据。BSD-3
-
GitHub (👨💻 65 · 🔀 360 · 📦 8.3K · 📋 750 - 33% open · ⏱️ 15.08.2019):
it clone https://github.com/blaze/blaze
-
PyPi (📥 8.1K / month):
ip install blaze
-
Conda (📥 200K · ⏱️ 15.07.2018):
onda install -c conda-forge blaze
Vaex (🥉26 · ⭐ 7.3K) - 用于Python,ML的核外混合Apache Arrow / NumPy DataFrame可视化等实现。MIT
-
GitHub (👨💻 70 · 🔀 550 · 📥 240 · 📦 310 · 📋 1.1K - 31% open · ⏱️ 25.08.2022):
it clone https://github.com/vaexio/vaex
-
PyPi (📥 44K / month):
ip install vaex
-
Conda (📥 140K · ⏱️ 27.07.2022):
onda install -c conda-forge vaex
zarr (🥉26 · ⭐ 970) - Python的分块,压缩N维数组的实现。MIT
-
GitHub (👨💻 65 · 🔀 160 · 📦 1.4K · 📋 500 - 38% open · ⏱️ 15.08.2022):
it clone https://github.com/zarr-developers/zarr-python
-
PyPi (📥 120K / month):
ip install zarr
-
Conda (📥 1.6M · ⏱️ 23.06.2022):
onda install -c conda-forge zarr
numexpr (🥉25 · ⭐ 1.8K) - 适用于Python,NumPy,PyTables等的快速数值数组表达式评估器。MIT
-
GitHub (👨💻 63 · 🔀 180 · 📥 62 · 📋 330 - 18% open · ⏱️ 19.07.2022):
it clone https://github.com/pydata/numexpr
-
PyPi (📥 2.6M / month):
ip install numexpr
-
Conda (📥 4.7M · ⏱️ 17.07.2022):
onda install -c conda-forge numexpr
PyTables (🥉25 · ⭐ 1.1K) - 一个Python包,用于管理大量数据。BSD-3
-
GitHub (👨💻 110 · 🔀 210 · 📥 170 · 📋 650 - 22% open · ⏱️ 24.08.2022):
it clone https://github.com/PyTables/PyTables
-
PyPi (📥 1M / month):
ip install tables
-
Conda (📥 4.6M · ⏱️ 13.08.2022):
onda install -c conda-forge pytables
Arctic (🥉24 · ⭐ 2.8K) - Arctic是用于数字数据的高性能数据存储。❗️LGPL-2.1
-
GitHub (👨💻 76 · 🔀 530 · 📥 190 · 📦 180 · 📋 530 - 14% open · ⏱️ 02.03.2022):
it clone https://github.com/man-group/arctic
-
PyPi (📥 6.4K / month):
ip install arctic
-
Conda (📥 21K · ⏱️ 11.05.2022):
onda install -c conda-forge arctic
Pandaral·lel (🥉24 · ⭐ 2.4K) - A simple and efficient tool to parallelize Pandas.. BSD-3 

swifter (🥉24 · ⭐ 2.1K) - 一个可以对pandas Dataframe或者series做高效function映射的工具库。MIT 
-
GitHub (👨💻 17 · 🔀 97 · 📦 660 · 📋 120 - 7% open · ⏱️ 16.08.2022):
it clone https://github.com/jmcarpenter2/swifter
-
PyPi (📥 270K / month):
ip install swifter
-
Conda (📥 150K · ⏱️ 17.08.2022):
onda install -c conda-forge swifter
pandasql (🥉24 · ⭐ 1.1K · 💀) - pandas的sqldf。MIT 
bcolz (🥉24 · ⭐ 940 · 💀) - 可以压缩的列式数据容器。❗Unlicensed
-
GitHub (👨💻 33 · 🔀 130 · 📦 1.8K · 📋 240 - 50% open · ⏱️ 10.09.2020):
it clone https://github.com/Blosc/bcolz
-
PyPi (📥 14K / month):
ip install bcolz
-
Conda (📥 310K · ⏱️ 20.06.2022):
onda install -c conda-forge bcolz
TinyDB (🥉23 · ⭐ 5.3K) - TinyDB:轻型面向文档的数据库。MIT
-
GitHub (👨💻 78 · 🔀 450 · 📋 280 - 3% open · ⏱️ 23.07.2022):
it clone https://github.com/msiemens/tinydb
-
PyPi (📥 390K / month):
ip install tinydb
-
Conda (📥 200K · ⏱️ 19.02.2022):
onda install -c conda-forge tinydb
StaticFrame (🥉22 · ⭐ 310) - 类似Pandas的DataFrame的不可变且仅增长的高效数据结构实现。MIT
-
GitHub (👨💻 20 · 🔀 26 · 📦 11 · 📋 450 - 9% open · ⏱️ 23.08.2022):
it clone https://github.com/InvestmentSystems/static-frame
-
PyPi (📥 1.6K / month):
ip install static-frame
-
Conda (📥 180K · ⏱️ 14.08.2022):
onda install -c conda-forge static-frame
datatable (🥉20 · ⭐ 1.6K) - 一个用于处理二维表格数据的Python包。MPL-2.0
pickleDB (🥉20 · ⭐ 700 · 💀) - pickleDB是使用Python的json的开源键值存储。BSD-3
fletcher (🥉19 · ⭐ 220 · 💀) - 由Apache Arrow支持的Pandas ExtensionDType/Array。MIT 
-
GitHub (👨💻 24 · 🔀 33 · 📥 13 · 📦 4 · 📋 74 - 45% open · ⏱️ 18.02.2021):
it clone https://github.com/xhochy/fletcher
-
PyPi (📥 620 / month):
ip install fletcher
-
Conda (📥 46K · ⏱️ 04.11.2021):
onda install -c conda-forge fletcher
Bounter (🥉18 · ⭐ 940 · 💀) - 使用有限内存的高效计数器。MIT
Pandas Summary (🥉16 · ⭐ 430) - pandas Dataframe的describe函数功能扩展。Apache-2 
-
GitHub (👨💻 8 · 🔀 39 · 📋 13 - 46% open · ⏱️ 14.08.2022):
it clone https://github.com/mouradmourafiq/pandas-summary
-
PyPi (📥 46K / month):
ip install pandas-summary
PandaPy (🥉10 · ⭐ 510 · 💤) - PandaPy:具有NumPy的速度,性能高于pandas的表格数据实现。❗Unlicensed 
数据读写与提取

用于从各种数据源和格式加载,收集和提取数据的库。
Faker (🥇37 · ⭐ 15K) - Faker是一个Python软件包,可为您生成伪造数据。MIT
-
GitHub (👨💻 470 · 🔀 1.6K · 📦 67K · 📋 580 - 2% open · ⏱️ 17.08.2022):
it clone https://github.com/joke2k/faker
-
PyPi (📥 6.6M / month):
ip install Faker
-
Conda (📥 620K · ⏱️ 18.08.2022):
onda install -c conda-forge faker
Datasets (🥇32 · ⭐ 14K) - 具有ML模型的最大的即用型NLP数据集合。Apache-2
Tablib (🥇32 · ⭐ 4.2K) - 用于XLS,CSV,JSON,YAML和&c中表格数据集的Python模块。MIT
-
GitHub (👨💻 120 · 🔀 540 · 📦 15K · 📋 240 - 12% open · ⏱️ 11.07.2022):
it clone https://github.com/jazzband/tablib
-
PyPi (📥 1.2M / month):
ip install tablib
-
Conda (📥 75K · ⏱️ 09.04.2022):
onda install -c conda-forge tablib
xmltodict (🥈31 · ⭐ 4.9K) - 像处理JSON一样处理XML。MIT
-
GitHub (👨💻 49 · 🔀 430 · 📦 42K · 📋 220 - 27% open · ⏱️ 08.05.2022):
it clone https://github.com/martinblech/xmltodict
-
PyPi (📥 18M / month):
ip install xmltodict
-
Conda (📥 1.9M · ⏱️ 08.05.2022):
onda install -c conda-forge xmltodict
python-magic (🥈29 · ⭐ 2.2K) - 用于libmagic的python包装器。❗Unlicensed
-
GitHub (👨💻 55 · 🔀 240 · 📦 31K · 📋 180 - 15% open · ⏱️ 20.06.2022):
it clone https://github.com/ahupp/python-magic
-
PyPi (📥 5.9M / month):
ip install python-magic
-
Conda (📥 160K · ⏱️ 10.06.2022):
onda install -c conda-forge python-magic
xlrd (🥈29 · ⭐ 2K · 💤) - xlrd是python语言中用于读取excel表格内容的库。❗Unlicensed
-
GitHub (👨💻 51 · 🔀 420 · 📦 100K · ⏱️ 21.08.2021):
it clone https://github.com/python-excel/xlrd
-
PyPi (📥 18M / month):
ip install xlrd
-
Conda (📥 2.6M · ⏱️ 09.01.2021):
onda install -c conda-forge xlrd
csvkit (🥈28 · ⭐ 5.1K) - 一套实用工具,可转换为CSV并操作。MIT
-
GitHub (👨💻 100 · 🔀 560 · 📦 1.1K · 📋 860 - 8% open · ⏱️ 11.04.2022):
it clone https://github.com/wireservice/csvkit
-
PyPi (📥 160K / month):
ip install csvkit
-
Conda (📥 67K · ⏱️ 20.03.2022):
onda install -c conda-forge csvkit
TensorFlow Datasets (🥈28 · ⭐ 3.4K) - TFDS是一个高级数据集合。Apache-2 
-
GitHub (👨💻 260 · 🔀 1.3K · 📋 980 - 36% open · ⏱️ 25.08.2022):
it clone https://github.com/tensorflow/datasets
-
PyPi (📥 1.2M / month):
ip install tensorflow-datasets
PDFMiner (🥈26 · ⭐ 4.9K · 💀) - Python PDF解析器。MIT
-
GitHub (👨💻 28 · 🔀 980 · 📦 3.2K · 📋 240 - 82% open · ⏱️ 18.01.2020):
it clone https://github.com/euske/pdfminer
-
PyPi (📥 120K / month):
ip install pdfminer
-
Conda (📥 24K · ⏱️ 15.02.2021):
onda install -c conda-forge pdfminer
smart-open (🥈26 · ⭐ 2.6K) - 用于大文件(S3,HDFS,gzip,bz2 ...)流传输的实用程序。MIT
snorkel (🥉25 · ⭐ 5.2K) - 在弱监督环境下快速生成训练数据的系统。Apache-2
-
GitHub (👨💻 78 · 🔀 820 · 📥 980 · 📦 190 · 📋 970 - 1% open · ⏱️ 29.07.2022):
it clone https://github.com/snorkel-team/snorkel
-
PyPi (📥 65K / month):
ip install snorkel
-
Conda (📥 30K · ⏱️ 29.07.2022):
onda install -c conda-forge snorkel
Intake (🥉24 · ⭐ 800) - Intake是一个轻量级的程序包,用于查找,调查,加载等。BSD-2
-
GitHub (👨💻 78 · 🔀 120 · 📦 480 · 📋 310 - 27% open · ⏱️ 22.08.2022):
it clone https://github.com/intake/intake
-
PyPi (📥 21K / month):
ip install intake
-
Conda (📥 220K · ⏱️ 10.01.2022):
onda install -c conda-forge intake
textract (🥉23 · ⭐ 3.3K) - 从任何文档中提取文本。MIT
-
GitHub (👨💻 40 · 🔀 470 · 📋 210 - 39% open · ⏱️ 10.03.2022):
it clone https://github.com/deanmalmgren/textract
-
PyPi (📥 120K / month):
ip install textract
-
Conda (📥 16K · ⏱️ 10.03.2022):
onda install -c conda-forge textract
SDV (🥉23 · ⭐ 980) - 用于表格,关系和时间序列数据的综合数据生成。❗Unlicensed
tabulator-py (🥉22 · ⭐ 230 · 💀) - 用于读取和写入图像数据的Python库。MIT
-
GitHub (👨💻 27 · 🔀 42 · 📦 830 · ⏱️ 22.03.2021):
it clone https://github.com/frictionlessdata/tabulator-py
-
PyPi (📥 210K / month):
ip install tabulator
-
Conda (📥 48K · ⏱️ 24.07.2018):
onda install -c conda-forge tabulator-py
pyexcel-xlsx (🥉22 · ⭐ 110 · 💀) - 一个包装器库,用于在xlsx和xlsm等文件格式中读取,操作和写入数据。❗Unlicensed
-
GitHub (👨💻 4 · 🔀 23 · 📥 51 · 📦 1.7K · 📋 34 - 26% open · ⏱️ 28.11.2020):
it clone https://github.com/pyexcel/pyexcel-xlsx
-
PyPi (📥 88K / month):
ip install pyexcel-xlsx
-
Conda (📥 21K · ⏱️ 10.10.2020):
onda install -c conda-forge pyexcel-xlsx
messytables (🥉21 · ⭐ 380 · 💀) - 解析混乱的表格数据的工具。❗Unlicensed
rows (🥉20 · ⭐ 810) - 通用美观的表格数据界面。❗️LGPL-3.0
Camelot (🥉19 · ⭐ 3.3K · 💀) - Camelot:简单的PDF表提取。❗Unlicensed
pandas-datareader (🥉19 · ⭐ 2.4K) - 从各种各样的网络来源中提取数据。❗Unlicensed 
-
GitHub (👨💻 85 · 🔀 590 · 📋 500 - 20% open · ⏱️ 16.03.2022):
it clone https://github.com/pydata/pandas-datareader
-
PyPi (📥 320K / month):
ip install pandas-datareader
-
Conda (📥 190K · ⏱️ 14.07.2021):
onda install -c conda-forge pandas-datareader
datatest (🥉19 · ⭐ 260 · 💤) - 用于测试驱动的数据整理和数据验证的工具。❗Unlicensed
Singer (🥉17 · ⭐ 1K · 💀) - 在数据库,Web API,文件,队列等之间移动数据的标准。❗️AGPL-3.0
openpyxl (🥉16 · ⭐ 45) - 一个用于读取/写入Excel 2010 xlsx/xlsm文件的Python库。MIT
-
PyPi (📥 35M / month):
ip install openpyxl
-
GitLab (🔀 0 · 📋 1.9K - 12% open · ⏱️ 07.07.2022):
it clone https://foss.heptapod.net/openpyxl/openpyxl
-
Conda (📥 98K · ⏱️ 07.07.2022):
onda install -c anaconda openpyxl
-
Docker Hub (📥 1.2K · ⏱️ 13.09.2018):
ocker pull openpyxl/openpyxl-ci
网页抓取和爬虫

用于Web抓取、爬虫,下载和挖掘的库以及库。
🔗 Python Web Scraping ( ⭐ 1.6K) - Collection of web-scraping and crawling libraries.
数据管道和流处理

用于数据批处理和流处理,工作流自动化,作业调度和其他数据管道任务的库。
Celery (🥇36 · ⭐ 20K) - 基于分布式消息传递的异步任务队列/作业队列。❗Unlicensed
-
GitHub (👨💻 1.2K · 🔀 4.2K · 📦 75K · 📋 4.7K - 10% open · ⏱️ 25.08.2022):
it clone https://github.com/celery/celery
-
PyPi (📥 5.9M / month):
ip install celery
-
Conda (📥 930K · ⏱️ 29.05.2022):
onda install -c conda-forge celery
luigi (🥇34 · ⭐ 16K) - Luigi是一个Python模块,可帮助您构建复杂的批处理管道。Apache-2
-
GitHub (👨💻 590 · 🔀 2.3K · 📦 1.8K · 📋 940 - 7% open · ⏱️ 18.08.2022):
it clone https://github.com/spotify/luigi
-
PyPi (📥 670K / month):
ip install luigi
-
Conda (📥 11K · ⏱️ 02.05.2022):
onda install -c anaconda luigi
joblib (🥇33 · ⭐ 2.9K) - 使用Python函数进行计算。BSD-3
-
GitHub (👨💻 110 · 🔀 330 · 📦 210K · 📋 710 - 43% open · ⏱️ 20.05.2022):
it clone https://github.com/joblib/joblib
-
PyPi (📥 23M / month):
ip install joblib
-
Conda (📥 11M · ⏱️ 07.10.2021):
onda install -c conda-forge joblib
rq (🥇32 · ⭐ 8.5K) - 适用于Python的简单作业队列。❗Unlicensed
-
GitHub (👨💻 270 · 🔀 1.3K · 📦 11K · 📋 980 - 19% open · ⏱️ 21.08.2022):
it clone https://github.com/rq/rq
-
PyPi (📥 680K / month):
ip install rq
-
Conda (📥 76K · ⏱️ 30.06.2021):
onda install -c conda-forge rq
Dagster (🥇32 · ⭐ 5.3K) - 用于机器学习,分析和ETL的数据协调器。Apache-2
-
GitHub (👨💻 230 · 🔀 650 · 📦 500 · 📋 4.4K - 23% open · ⏱️ 25.08.2022):
it clone https://github.com/dagster-io/dagster
-
PyPi (📥 480K / month):
ip install dagster
-
Conda (📥 610K · ⏱️ 12.08.2022):
onda install -c conda-forge dagster
Beam (🥈31 · ⭐ 5.8K) - 统一的编程模型,用于定义和执行数据处理。Apache-2
dbt (🥈30 · ⭐ 5.4K) - dbt(数据构建工具)方便数据分析人员和工程师快速使用。Apache-2
-
GitHub (👨💻 230 · 🔀 960 · 📥 520 · 📦 660 · 📋 3K - 10% open · ⏱️ 25.08.2022):
it clone https://github.com/fishtown-analytics/dbt
-
PyPi (📥 170K / month):
ip install dbt
-
Conda (📥 210K · ⏱️ 09.12.2021):
onda install -c conda-forge dbt
Airflow (🥈29 · ⭐ 28K) - 代码实现的创建,安排和监视工作流的平台。Apache-2
-
GitHub (👨💻 2.5K · 🔀 11K · 📥 340K · 📋 6K - 11% open · ⏱️ 25.08.2022):
it clone https://github.com/apache/airflow
-
PyPi (📥 8.9M / month):
ip install apache-airflow
-
Conda (📥 700K · ⏱️ 25.08.2022):
onda install -c conda-forge airflow
-
Docker Hub (📥 82M · ⭐ 380 · ⏱️ 23.08.2022):
ocker pull apache/airflow
mrjob (🥈29 · ⭐ 2.6K · 💀) - 在Hadoop或Amazon Web Services上运行MapReduce作业。Apache-2
-
GitHub (👨💻 140 · 🔀 580 · 📦 1.1K · 📋 1.3K - 15% open · ⏱️ 16.11.2020):
it clone https://github.com/Yelp/mrjob
-
PyPi (📥 76K / month):
ip install mrjob
-
Conda (📥 490K · ⏱️ 06.02.2022):
onda install -c conda-forge mrjob
Prefect (🥈28 · ⭐ 9.9K) - 自动化数据的最简单方法。Apache-2
-
GitHub (👨💻 60 · 🔀 950 · 📦 1.1K · 📋 2.6K - 25% open · ⏱️ 25.08.2022):
it clone https://github.com/PrefectHQ/prefect
-
PyPi (📥 400K / month):
ip install prefect
-
Conda (📥 310K · ⏱️ 23.08.2022):
onda install -c conda-forge prefect
Kedro (🥈28 · ⭐ 7.5K) - 用于创建可重现,可维护和模块化的Python框架。Apache-2
petl (🥈28 · ⭐ 1K) - Python提取转换并加载数据表。MIT
-
GitHub (👨💻 55 · 🔀 170 · 📦 790 · 📋 440 - 16% open · ⏱️ 21.08.2022):
it clone https://github.com/petl-developers/petl
-
PyPi (📥 280K / month):
ip install petl
-
Conda (📥 120K · ⏱️ 22.08.2022):
onda install -c conda-forge petl
PyFunctional (🥈26 · ⭐ 2.1K) - 用于创建具有链功能的数据管道的Python库。MIT
Great Expectations (🥈25 · ⭐ 7.1K) - 通过数据测试,文档编制和性能分析,帮助数据团队加速流水线效率。Apache-2
-
GitHub (👨💻 320 · 🔀 1K · 📋 1.4K - 12% open · ⏱️ 26.08.2022):
it clone https://github.com/great-expectations/great_expectations
-
PyPi (📥 5.3M / month):
ip install great_expectations
faust (🥈25 · ⭐ 6.3K · 💀) - Python流处理。❗Unlicensed
TFX (🥈25 · ⭐ 1.8K) - TFX是用于部署机器学习生产流水线的端到端平台。Apache-2 
ploomber (🥉24 · ⭐ 2.6K) - 精益数据科学工作流程。Apache-2
streamparse (🥉24 · ⭐ 1.5K) - 在Apache Storm拓扑中运行Python。 Pythonic API,CLI 等。Apache-2
Hub (🥉23 · ⭐ 4.8K) - TensorFlow/PyTorch最快的非结构化数据集管理。MPL-2.0 

bonobo (🥉21 · ⭐ 1.5K · 💀) - 提取适用于Python 3.5+的Transform Load。Apache-2
TaskTiger (🥉21 · ⭐ 1.2K) - 使用Redis的Python任务队列。MIT
pdpipe (🥉21 · ⭐ 680) - pandas DataFrames的简单管道。MIT 
dpark (🥉20 · ⭐ 2.7K · 💀) - dpark是Python中与MapReduce相似的框架。BSD-3 
zenml (🥉20 · ⭐ 2.3K) - ZenML:MLOps框架。Apache-2
Pypeline (🥉20 · ⭐ 1.4K) - Python中的并发数据管道。MIT
pysparkling (🥉20 · ⭐ 250 · 💀) - Apache Spark的RDD和DStream的纯Python实现。❗Unlicensed
Optimus (🥉19 · ⭐ 1.2K) - 基于pandas、dask等的敏捷数据预处理工作流程。Apache-2 
-
GitHub (👨💻 23 · 🔀 210 · 📋 230 - 14% open · ⏱️ 21.06.2022):
it clone https://github.com/ironmussa/Optimus
-
PyPi (📥 52K / month):
ip install optimuspyspark
mrq (🥉19 · ⭐ 870 · 💀) - Mr. Queue - 使用Redis和gevent的Python中的分布式worker任务队列。MIT
BatchFlow (🥉19 · ⭐ 180) - BatchFlow可帮助您方便地使用随机或顺序调度数据进行机器学习任务。Apache-2
spark-deep-learning (🥉17 · ⭐ 1.9K) - 适用于Apache Spark的深度学习管道。Apache-2 
Mara Pipelines (🥉17 · ⭐ 1.9K) - 一个轻量级的ETL框架。MIT
-
GitHub (👨💻 17 · 🔀 89 · 📋 30 - 53% open · ⏱️ 18.07.2022):
it clone https://github.com/mara/mara-pipelines
-
PyPi (📥 360 / month):
ip install mara-pipelines
riko (🥉15 · ⭐ 1.6K · 💤) - 一个模仿Yahoo!的Python流处理引擎。MIT
Databolt Flow (🥉15 · ⭐ 940 · 💤) - Python库,用于构建高效的数据科学工作流程。MIT
flupy (🥉14 · ⭐ 170) - python中的流利数据管道。❗Unlicensed
bodywork-core (🥉13 · ⭐ 400) - MLOps工具,用于将机器学习项目部署到Kubernetes。❗️AGPL-3.0
Botflow (🥉12 · ⭐ 1.2K · 💀) - 适用于数据管道工作的Python快速数据流编程框架。❗Unlicensed
分布式机器学习

提供在大型计算基础架构中分布和并行化机器学习任务的功能的库。
Ray (🥇35 · ⭐ 22K) - 一个开源代码框架,提供了用于构建分布式应用程序的简单通用API。Apache-2
dask (🥇32 · ⭐ 10K) - 具有任务调度的并行计算。BSD-3
-
GitHub (👨💻 550 · 🔀 1.5K · 📦 39K · 📋 4.4K - 15% open · ⏱️ 25.08.2022):
it clone https://github.com/dask/dask
-
PyPi (📥 7.1M / month):
ip install dask
-
Conda (📥 6.4M · ⏱️ 19.08.2022):
onda install -c conda-forge dask
horovod (🥇30 · ⭐ 13K) - 基于TensorFlow,Keras,PyTorch,MXNet等的分布式训练框架。❗Unlicensed
dask.distributed (🥇30 · ⭐ 1.4K) - Dask的分布式任务调度规划程序。BSD-3
-
GitHub (👨💻 280 · 🔀 620 · 📦 25K · 📋 2.9K - 33% open · ⏱️ 26.08.2022):
it clone https://github.com/dask/distributed
-
PyPi (📥 4.9M / month):
ip install distributed
-
Conda (📥 7.8M · ⏱️ 19.08.2022):
onda install -c conda-forge distributed
DeepSpeed (🥈28 · ⭐ 7.7K) - DeepSpeed是一个深度学习优化库。MIT 
-
GitHub (👨💻 130 · 🔀 830 · 📦 340 · 📋 980 - 48% open · ⏱️ 25.08.2022):
it clone https://github.com/microsoft/DeepSpeed
-
PyPi (📥 220K / month):
ip install deepspeed
-
Docker Hub (📥 14K · ⭐ 3 · ⏱️ 06.06.2022):
ocker pull deepspeed/deepspeed
DEAP (🥈27 · ⭐ 4.8K) - Python中的分布式进化算法。❗️LGPL-3.0
-
GitHub (👨💻 79 · 🔀 980 · 📦 2.8K · 📋 470 - 43% open · ⏱️ 08.08.2022):
it clone https://github.com/deap/deap
-
PyPi (📥 160K / month):
ip install deap
-
Conda (📥 200K · ⏱️ 08.08.2022):
onda install -c conda-forge deap
petastorm (🥈27 · ⭐ 1.5K) - Petastorm库单机或分布式训练。Apache-2
BigDL (🥈26 · ⭐ 4K) - BigDL:适用于Apache Spark的分布式深度学习框架。Apache-2
-
GitHub (👨💻 170 · 🔀 970 · 📦 38 · 📋 1.4K - 30% open · ⏱️ 26.08.2022):
it clone https://github.com/intel-analytics/BigDL
-
PyPi (📥 4K / month):
ip install bigdl
-
Maven:
dependency>
<groupId>com.intel.analytics.bigdl</groupId>
<artifactId>bigdl-SPARK_2.4</artifactId>
<version>[VERSION]</version>
/dependency>
FairScale (🥈26 · ⭐ 1.8K) - PyTorch扩展用于高性能和大规模训练。BSD-3 
Elephas (🥈26 · ⭐ 1.5K) - 使用Keras和Spark进行分布式深度学习。MIT keras 
Mesh (🥈26 · ⭐ 1.3K) - Mesh TensorFlow:简化模型并行化。Apache-2 
-
GitHub (👨💻 48 · 🔀 220 · 📦 710 · 📋 78 - 82% open · ⏱️ 10.06.2022):
it clone https://github.com/tensorflow/mesh
-
PyPi (📥 21K / month):
ip install mesh-tensorflow
dask-ml (🥉25 · ⭐ 820) - 使用Dask进行可扩展的机器学习。BSD-3
-
GitHub (👨💻 76 · 🔀 230 · 📦 660 · 📋 440 - 45% open · ⏱️ 19.06.2022):
it clone https://github.com/dask/dask-ml
-
PyPi (📥 70K / month):
ip install dask-ml
-
Conda (📥 400K · ⏱️ 27.05.2022):
onda install -c conda-forge dask-ml
TensorFlowOnSpark (🥉23 · ⭐ 3.8K) - TensorFlowOnSpark将TensorFlow程序引入Spark。Apache-2 

-
GitHub (👨💻 34 · 🔀 920 · 📋 360 - 2% open · ⏱️ 21.04.2022):
it clone https://github.com/yahoo/TensorFlowOnSpark
-
PyPi (📥 270K / month):
ip install tensorflowonspark
analytics-zoo (🥉23 · ⭐ 2.5K) - Apache上的分布式Tensorflow,Keras和PyTorch。Apache-2 
Hivemind (🥉23 · ⭐ 1.1K) - PyTorch中的分布式深度学习。专为训练模型而设计。MIT
mpi4py (🥉22 · ⭐ 570) - MPI的Python接口。BSD-2
-
GitHub (👨💻 21 · 🔀 78 · 📥 6.2K · 📋 84 - 11% open · ⏱️ 21.08.2022):
it clone https://github.com/mpi4py/mpi4py
-
PyPi (📥 290K / month):
ip install mpi4py
-
Conda (📥 1.3M · ⏱️ 12.08.2022):
onda install -c conda-forge mpi4py
MMLSpark (🥉20 · ⭐ 3.5K) - 适用于Apache Spark的Microsoft机器学习。MIT 
Apache Singa (🥉19 · ⭐ 2.7K) - 分布式深度学习平台。Apache-2
-
GitHub (👨💻 79 · 🔀 780 · 📦 1 · 📋 79 - 21% open · ⏱️ 01.06.2022):
it clone https://github.com/apache/singa
-
Conda (📥 510 · ⏱️ 09.08.2021):
onda install -c nusdbsystem singa
-
Docker Hub (📥 690 · ⭐ 4 · ⏱️ 31.05.2022):
ocker pull apache/singa
TensorFrames (🥉19 · ⭐ 760 · 💀) - 用于DataFrames的Tensorflow包装器。Apache-2 

ipyparallel (🥉18 · ⭐ 2.3K) - Python中的交互式并行计算。❗Unlicensed 
-
GitHub (👨💻 110 · 🔀 870 · 📋 330 - 15% open · ⏱️ 16.08.2022):
it clone https://github.com/ipython/ipyparallel
-
PyPi (📥 120K / month):
ip install ipyparallel
-
Conda (📥 670K · ⏱️ 21.06.2022):
onda install -c conda-forge ipyparallel
Submit it (🥉18 · ⭐ 680) - 用于将作业提交到Slurm的Python工具箱。MIT
-
GitHub (👨💻 23 · 🔀 74 · 📋 71 - 32% open · ⏱️ 23.08.2022):
it clone https://github.com/facebookincubator/submitit
-
PyPi (📥 37K / month):
ip install submitit
-
Conda (📥 8.1K · ⏱️ 10.02.2021):
onda install -c conda-forge submitit
sk-dist (🥉18 · ⭐ 280 · 💀) - PySpark中的分布式scikit学习元估计器。Apache-2 

somoclu (🥉17 · ⭐ 240 · 💤) - 大规模并行的自组织图:加速训练。MIT
-
GitHub (👨💻 19 · 🔀 62 · 📥 1.6K · 📋 130 - 18% open · ⏱️ 31.10.2021):
it clone https://github.com/peterwittek/somoclu
-
PyPi (📥 980 / month):
ip install somoclu
-
Conda (📥 64K · ⏱️ 15.11.2021):
onda install -c conda-forge somoclu
BytePS (🥉16 · ⭐ 3.3K) - 分布式DNN训练的高性能通用框架。Apache-2
-
GitHub (👨💻 19 · 🔀 450 · 📋 260 - 38% open · ⏱️ 10.02.2022):
it clone https://github.com/bytedance/byteps
-
PyPi (📥 19 / month):
ip install byteps
-
Docker Hub (📥 1.3K · ⏱️ 03.03.2020):
ocker pull bytepsimage/tensorflow
Fiber (🥉16 · ⭐ 980 · 💀) - 简化了AI的分布式计算。Apache-2
LazyCluster (🥉13 · ⭐ 43 · 💤) - 分布式机器学习框架。Apache-2
超参数优化和AutoML

用于超参数优化,自动机器学习和神经体系结构搜索的库。
Optuna (🥇34 · ⭐ 6.8K) - 超参数优化框架。MIT
-
GitHub (👨💻 200 · 🔀 730 · 📦 4K · 📋 1.2K - 7% open · ⏱️ 26.08.2022):
it clone https://github.com/optuna/optuna
-
PyPi (📥 1.5M / month):
ip install optuna
-
Conda (📥 320K · ⏱️ 06.07.2022):
onda install -c conda-forge optuna
NNI (🥇30 · ⭐ 12K) - 一个开源AutoML工具箱,用于自动化机器学习生命周期。MIT
AutoKeras (🥇30 · ⭐ 8.6K) - 用于深度学习的AutoML库。Apache-2 
Keras Tuner (🥇30 · ⭐ 2.6K) - 简单易用的超参数调整。Apache-2 
scikit-optimize (🥇30 · ⭐ 2.4K · 💤) - SMBO模型优化实现。BSD-3
-
GitHub (👨💻 76 · 🔀 420 · 📦 3K · 📋 600 - 35% open · ⏱️ 12.10.2021):
it clone https://github.com/scikit-optimize/scikit-optimize
-
PyPi (📥 790K / month):
ip install scikit-optimize
-
Conda (📥 570K · ⏱️ 15.12.2021):
onda install -c conda-forge scikit-optimize
TPOT (🥈29 · ⭐ 8.7K) - Python自动化机器学习工具。❗️LGPL-3.0 
-
GitHub (👨💻 110 · 🔀 1.5K · 📦 1.6K · 📋 860 - 29% open · ⏱️ 29.07.2022):
it clone https://github.com/EpistasisLab/tpot
-
PyPi (📥 41K / month):
ip install tpot
-
Conda (📥 170K · ⏱️ 05.03.2021):
onda install -c conda-forge tpot
auto-sklearn (🥈29 · ⭐ 6.5K) - 使用scikit-learn的自动化机器学习。BSD-3 
Bayesian Optimization (🥈29 · ⭐ 6.2K) - 全局优化的Python实现。MIT
-
GitHub (👨💻 35 · 🔀 1.3K · 📥 96 · 📦 1.3K · 📋 260 - 7% open · ⏱️ 17.08.2022):
it clone https://github.com/fmfn/BayesianOptimization
-
PyPi (📥 200K / month):
ip install bayesian-optimization
Hyperopt (🥈28 · ⭐ 6.4K · 💤) - Python中的分布式异步超参数优化。❗Unlicensed
-
GitHub (👨💻 93 · 🔀 860 · 📦 7.4K · 📋 610 - 61% open · ⏱️ 29.11.2021):
it clone https://github.com/hyperopt/hyperopt
-
PyPi (📥 1.8M / month):
ip install hyperopt
-
Conda (📥 500K · ⏱️ 30.04.2022):
onda install -c conda-forge hyperopt
AutoGluon (🥈26 · ⭐ 4.7K) - AutoGluon:用于文本,图像和表格数据的AutoML。Apache-2 
BoTorch (🥈26 · ⭐ 2.3K) - PyTorch中的贝叶斯优化。MIT 
Ax (🥈26 · ⭐ 1.9K) - 自适应实验平台。MIT 
Hyperas (🥈24 · ⭐ 2.1K · 💤) - Keras + Hyperopt:一个非常简单的包装,方便使用。MIT 
mljar-supervised (🥈24 · ⭐ 2K) - 使用scikit-learn的自动化机器学习。MIT
-
GitHub (👨💻 19 · 🔀 280 · 📦 50 · 📋 490 - 19% open · ⏱️ 16.08.2022):
it clone https://github.com/mljar/mljar-supervised
-
PyPi (📥 7.4K / month):
ip install mljar-supervised
nevergrad (🥈23 · ⭐ 3.3K) - 用于执行无梯度优化(gradient-free optimization)的Python工具箱。MIT
-
GitHub (👨💻 50 · 🔀 310 · 📦 370 · 📋 220 - 30% open · ⏱️ 10.08.2022):
it clone https://github.com/facebookresearch/nevergrad
-
PyPi (📥 33K / month):
ip install nevergrad
-
Conda (📥 31K · ⏱️ 14.06.2021):
onda install -c conda-forge nevergrad
GPyOpt (🥈23 · ⭐ 830 · 💀) - 使用GPy进行高斯过程优化。BSD-3
featuretools (🥈22 · ⭐ 6.3K) - 一个用于自动化特征工程的开源python库。BSD-3
-
GitHub (👨💻 67 · 🔀 800 · 📋 850 - 18% open · ⏱️ 24.08.2022):
it clone https://github.com/alteryx/featuretools
-
PyPi (📥 160K / month):
ip install featuretools
-
Conda (📥 100K · ⏱️ 18.08.2022):
onda install -c conda-forge featuretools
AdaNet (🥈22 · ⭐ 3.4K · 💤) - 具有学习保证的快速灵活的AutoML。Apache-2 
Talos (🥈22 · ⭐ 1.5K) - TensorFlow,Keras和PyTorch的超参数优化。MIT 
Orion (🥈22 · ⭐ 240) - 异步分布式超参数优化。❗Unlicensed
MLBox (🥉21 · ⭐ 1.3K · 💀) - MLBox是功能强大的自动机器学习python库。❗Unlicensed
Neuraxle (🥉21 · ⭐ 540) - 类似于Sklearn的超参数调整和AutoML输入框架。Apache-2
optunity (🥉21 · ⭐ 390 · 💀) - 超参数优化的优化例程。BSD-3
HpBandSter (🥉20 · ⭐ 540) - 分布式自动化机器学习库。BSD-3
auto_ml (🥉19 · ⭐ 1.6K · 💀) - [UNMAINTAINED] Automated machine learning for analytics & production. MIT
lazypredict (🥉19 · ⭐ 380) - Lazy Predict帮助您无需大量代码即可构建许多基本模型。MIT 
Sherpa (🥉19 · ⭐ 310 · 💀) - 超参数优化库。❗️GPL-3.0
-
GitHub (👨💻 43 · 🔀 48 · 📦 23 · 📋 57 - 28% open · ⏱️ 18.10.2020):
it clone https://github.com/sherpa-ai/sherpa
-
PyPi (📥 1.1K / month):
ip install parameter-sherpa
SMAC3 (🥉18 · ⭐ 730) - Sequential Model-based算法的配置。❗Unlicensed
Test Tube (🥉18 · ⭐ 720 · 💀) - 可轻松记录实验并进行并行化的Python库。MIT
sklearn-deap (🥉18 · ⭐ 700 · 💀) - 使用进化算法而非gridsearch的超参数优化。MIT 
Dragonfly (🥉18 · ⭐ 670) - 一个用于自动化特征工程的开源python库。MIT
AlphaPy (🥉17 · ⭐ 800) - 使用scikit-learn的自动化机器学习。Apache-2
Auto Tune Models (🥉17 · ⭐ 520 · 💀) - 自动调整模型。MIT
Auto ViML (🥉17 · ⭐ 360) - 用单行代码自动构建多个ML模型。Apache-2
Parfit (🥉17 · ⭐ 200 · 💀) - 并行化拟合与评估工具库。MIT 
automl-gs (🥉16 · ⭐ 1.8K · 💀) - 提供输入CSV和目标字段以进行预测,自动生成可运行代码。MIT
featurewiz (🥉16 · ⭐ 270) - 自动化特征工程并进行特征选择的工具库。Apache-2
Advisor (🥉15 · ⭐ 1.5K · 💀) - Google Vizier的超参数开源实现。Apache-2
-
GitHub (👨💻 11 · 🔀 260 · 📋 32 - 59% open · ⏱️ 11.11.2019):
it clone https://github.com/tobegit3hub/advisor
-
PyPi (📥 34 / month):
ip install advisor
-
Docker Hub (📥 1.7K · ⏱️ 11.11.2019):
ocker pull tobegit3hub/advisor
Xcessiv (🥉15 · ⭐ 1.3K · 💀) - 基于Web的应用程序,高效、可扩展且自动化。Apache-2
HyperparameterHunter (🥉15 · ⭐ 690 · 💀) - 轻松进行超参数优化和自动结果评估。MIT
-
GitHub (👨💻 4 · 🔀 88 · 📥 330 · 📋 120 - 27% open · ⏱️ 20.01.2021):
it clone https://github.com/HunterMcGushion/hyperparameter_hunter
-
PyPi (📥 61 / month):
ip install hyperparameter-hunter
ENAS (🥉13 · ⭐ 2.6K · 💀) - Efficient Neural Architecture Search的Pytorch实现。Apache-2
Auptimizer (🥉13 · ⭐ 190 · 💀) - 自动ML模型优化工具。❗️GPL-3.0
Hypermax (🥉12 · ⭐ 100 · 💀) - 更好更快的超参数优化。BSD-3
Devol (🥉11 · ⭐ 940 · 💀) - 使用Keras进行遗传神经体系结构搜索。MIT
Hypertunity (🥉10 · ⭐ 120 · 💀) - 黑盒超参数优化的工具集。Apache-2
强化学习

用于构建和评估强化学习和基于agent的系统的库。
OpenAI Gym (🥇36 · ⭐ 28K) - 开发和比较强化学习的工具包。MIT
TF-Agents (🥇27 · ⭐ 2.3K) - TF-Agents:可靠,可扩展且易于使用的TensorFlow的强化学习库。Apache-2 
keras-rl (🥈25 · ⭐ 5.3K · 💀) - Keras的深度强化学习。MIT 
baselines (🥈24 · ⭐ 13K · 💀) - OpenAI基线:强化学习的高质量实现。MIT
Acme (🥈24 · ⭐ 2.7K) - 强化学习组件和代理库。Apache-2 
garage (🥈23 · ⭐ 1.5K) - 用于可重复的强化学习研究的工具包。MIT 
ViZDoom (🥈23 · ⭐ 1.4K) - 人工智能强化学习工具库。❗Unlicensed
Dopamine (🥈22 · ⭐ 9.9K) - Dopamine是一个用于快速对强化学习进行原型制作的研究框架。Apache-2 
TensorForce (🥈22 · ⭐ 3.2K) - Tensorforce:一个基于TensorFlow的强化学习库。Apache-2 
ChainerRL (🥈22 · ⭐ 1.1K · 💀) - ChainerRL是建立在Chainer之上的深度强化学习库。MIT
RLax (🥈22 · ⭐ 890) - 强化学习组件和代理库。Apache-2 jax
TensorLayer (🥉21 · ⭐ 7.1K) - 深度学习和强化学习库。❗Unlicensed 
Stable Baselines (🥉20 · ⭐ 3.6K · 💤) - OpenAI Baselines的一个分支,强化学习的实现。MIT
-
GitHub (👨💻 110 · 🔀 690 · 📋 920 - 11% open · ⏱️ 25.08.2021):
it clone https://github.com/hill-a/stable-baselines
-
PyPi (📥 7.9K / month):
ip install stable-baselines
PARL (🥉20 · ⭐ 2.7K) - 强化学习高性能分布式训练框架。Apache-2 
PFRL (🥉20 · ⭐ 890) - PFRL:基于PyTorch的深度强化学习库。MIT
TRFL (🥉19 · ⭐ 3.1K · 💤) - TensorFlow强化学习。Apache-2 
Coach (🥉18 · ⭐ 2.2K · 💀) - 英特尔AI实验室的强化学习训练器。Apache-2
ReAgent (🥉17 · ⭐ 3.2K) - 推理系统平台。BSD-3 
DeepMind Lab (🥉15 · ⭐ 6.7K) - 可定制的3D平台,用于agent-based AI研究。❗Unlicensed
推荐系统

用于建立和评估推荐系统的库。
lightfm (🥇26 · ⭐ 4.1K) - 全局优化的Python实现。Apache-2
-
GitHub (👨💻 44 · 🔀 630 · 📦 790 · 📋 460 - 24% open · ⏱️ 19.07.2022):
it clone https://github.com/lyst/lightfm
-
PyPi (📥 360K / month):
ip install lightfm
-
Conda (📥 130K · ⏱️ 09.03.2022):
onda install -c conda-forge lightfm
implicit (🥇26 · ⭐ 2.9K) - 隐式反馈数据集的快速Python协同过滤。MIT
-
GitHub (👨💻 32 · 🔀 530 · 📥 95 · 📦 650 · 📋 420 - 16% open · ⏱️ 21.08.2022):
it clone https://github.com/benfred/implicit
-
PyPi (📥 160K / month):
ip install implicit
-
Conda (📥 390K · ⏱️ 29.01.2022):
onda install -c conda-forge implicit
TF Recommenders (🥇26 · ⭐ 1.4K) - TensorFlow Recommenders是一个用于构建推荐系统的工具库。Apache-2 
-
GitHub (👨💻 37 · 🔀 200 · 📦 140 · 📋 280 - 49% open · ⏱️ 23.08.2022):
it clone https://github.com/tensorflow/recommenders
-
PyPi (📥 560K / month):
ip install tensorflow-recommenders
TF Ranking (🥈23 · ⭐ 2.5K) - 在TensorFlow中学习推荐排序。Apache-2 
-
GitHub (👨💻 28 · 🔀 430 · 📋 290 - 19% open · ⏱️ 26.04.2022):
it clone https://github.com/tensorflow/ranking
-
PyPi (📥 110K / month):
ip install tensorflow_ranking
Cornac (🥈23 · ⭐ 630) - 多模态推荐系统的比较框架。Apache-2
-
GitHub (👨💻 15 · 🔀 100 · 📦 120 · 📋 100 - 8% open · ⏱️ 22.07.2022):
it clone https://github.com/PreferredAI/cornac
-
PyPi (📥 40K / month):
ip install cornac
-
Conda (📥 240K · ⏱️ 19.02.2022):
onda install -c conda-forge cornac
scikit-surprise (🥉22 · ⭐ 5.5K) - 用于构建和分析推荐算法的Python scikit工具库。BSD-3
-
GitHub (👨💻 43 · 🔀 920 · 📋 350 - 15% open · ⏱️ 21.08.2022):
it clone https://github.com/NicolasHug/Surprise
-
PyPi (📥 120K / month):
ip install scikit-surprise
-
Conda (📥 250K · ⏱️ 18.11.2021):
onda install -c conda-forge scikit-surprise
RecBole (🥉22 · ⭐ 2K) - 统一,全面,高效的推荐库。MIT 
-
GitHub (👨💻 47 · 🔀 380 · 📋 460 - 13% open · ⏱️ 26.08.2022):
it clone https://github.com/RUCAIBox/RecBole
-
PyPi (📥 6.7K / month):
ip install recbole
-
Conda (📥 1.9K · ⏱️ 25.02.2022):
onda install -c aibox recbole
Recommenders (🥉21 · ⭐ 14K) - 推荐系统最佳实践。MIT
fastFM (🥉19 · ⭐ 1K · 💀) - fastFM:用于分解机的工具库。❗Unlicensed
recmetrics (🥉19 · ⭐ 420) - 用于评估推荐系统的度量标准库。MIT
Spotlight (🥉18 · ⭐ 2.8K · 💀) - 使用PyTorch的深度推荐系统模型实现。MIT 
-
GitHub (👨💻 11 · 🔀 400 · 📋 110 - 56% open · ⏱️ 09.02.2020):
it clone https://github.com/maciejkula/spotlight
-
Conda (📥 7.6K · ⏱️ 27.05.2018):
onda install -c maciejkula spotlight
tensorrec (🥉18 · ⭐ 1.2K · 💀) - TensorFlow推荐算法和框架。Apache-2 
Case Recommender (🥉17 · ⭐ 420 · 💤) - Case Recommender:灵活且可扩展的Python推荐系统工具库。MIT 
-
GitHub (👨💻 11 · 🔀 79 · 📦 10 · 📋 25 - 20% open · ⏱️ 25.11.2021):
it clone https://github.com/caserec/CaseRecommender
-
PyPi (📥 130 / month):
ip install caserecommender
隐私机器学习

使用联合学习和差异隐私之类的方法进行加密和保留隐私的机器学习的库。
PySyft (🥇26 · ⭐ 8.3K) - 基于内部数据自动化回答问题的工具库。Apache-2 
Opacus (🥈24 · ⭐ 1.2K) - 使用不同的隐私训练PyTorch模型。Apache-2 
TensorFlow Privacy (🥈23 · ⭐ 1.6K) - 用于训练机器学习模型的库。Apache-2 
-
GitHub (👨💻 49 · 🔀 350 · 📥 80 · 📋 150 - 43% open · ⏱️ 22.08.2022):
it clone https://github.com/tensorflow/privacy
-
PyPi (📥 32K / month):
ip install tensorflow-privacy
FATE (🥉22 · ⭐ 4.4K) - 工业级联邦学习框架。Apache-2
TFEncrypted (🥉20 · ⭐ 1K) - TensorFlow中的加密机器学习框架。Apache-2 
CrypTen (🥉18 · ⭐ 1.1K) - 隐私保护的机器学习框架。MIT 
工作流程和实验跟踪

跟踪和可视化机器学习实验的工具库整理。
Tensorboard (🥇37 · ⭐ 6K) - TensorFlow的可视化工具包。Apache-2 
-
GitHub (👨💻 290 · 🔀 1.5K · 📦 120K · 📋 1.7K - 31% open · ⏱️ 25.08.2022):
it clone https://github.com/tensorflow/tensorboard
-
PyPi (📥 14M / month):
ip install tensorboard
-
Conda (📥 3.2M · ⏱️ 11.08.2022):
onda install -c conda-forge tensorboard
SageMaker SDK (🥇33 · ⭐ 1.7K) - 一个用于训练和部署机器学习的库。Apache-2 

PyCaret (🥇32 · ⭐ 6.1K) - Python中的开源代码,低代码机器学习库。MIT
wandb client (🥇32 · ⭐ 4.6K) - 用于可视化和跟踪机器学习的工具。MIT
tensorboardX (🥈31 · ⭐ 7.4K) - pytorch(和链接器,mxnet,numpy,...)的张量板。MIT
-
GitHub (👨💻 72 · 🔀 850 · 📥 350 · 📦 21K · 📋 430 - 15% open · ⏱️ 08.06.2022):
it clone https://github.com/lanpa/tensorboardX
-
PyPi (📥 1.1M / month):
ip install tensorboardX
-
Conda (📥 780K · ⏱️ 07.06.2022):
onda install -c conda-forge tensorboardx
mlflow (🥈30 · ⭐ 12K) - 机器学习生命周期的开源平台。Apache-2
-
GitHub (👨💻 470 · 🔀 2.8K · 📋 2.4K - 33% open · ⏱️ 26.08.2022):
it clone https://github.com/mlflow/mlflow
-
PyPi (📥 13M / month):
ip install mlflow
-
Conda (📥 740K · ⏱️ 19.08.2022):
onda install -c conda-forge mlflow
sacred (🥈30 · ⭐ 3.9K) - Sacred是可帮助您配置,组织,记录和复现的工具。MIT
ClearML (🥈29 · ⭐ 3.5K) - ClearML-自动精简工具套件。Apache-2
-
GitHub (👨💻 52 · 🔀 460 · 📥 500 · 📦 290 · 📋 600 - 44% open · ⏱️ 23.08.2022):
it clone https://github.com/allegroai/clearml
-
PyPi (📥 94K / month):
ip install clearml
-
Docker Hub (📥 30K · ⏱️ 05.10.2020):
ocker pull allegroai/trains
Metaflow (🥈28 · ⭐ 5.9K) - 轻松构建和管理现实生活中的数据科学项目。Apache-2
-
GitHub (👨💻 54 · 🔀 500 · 📦 310 · 📋 420 - 45% open · ⏱️ 24.08.2022):
it clone https://github.com/Netflix/metaflow
-
PyPi (📥 62K / month):
ip install metaflow
-
Conda (📥 63K · ⏱️ 25.08.2022):
onda install -c conda-forge metaflow
VisualDL (🥈27 · ⭐ 4.4K) - 深度学习可视化工具包。Apache-2 
Catalyst (🥈27 · ⭐ 3K) - 加快深度学习研发。Apache-2 
snakemake (🥈27 · ⭐ 1.5K) - 工作流管理系统snakemake。MIT
-
GitHub (👨💻 260 · 🔀 360 · 📦 1.2K · 📋 1.1K - 59% open · ⏱️ 25.08.2022):
it clone https://github.com/snakemake/snakemake
-
PyPi (📥 51K / month):
ip install snakemake
-
Conda (📥 510K · ⏱️ 11.08.2022):
onda install -c bioconda snakemake
ml-metadata (🥈26 · ⭐ 490) - 用于记录和检索与ML相关的元数据。Apache-2
DVC (🥈25 · ⭐ 10K) - 数据版本控制|针对数据和模型的Git。|) - 数据版本控制|针对数据和模型的Git。Apache-2
-
GitHub (👨💻 270 · 🔀 950 · 📥 120K · 📋 3.8K - 16% open · ⏱️ 25.08.2022):
it clone https://github.com/iterative/dvc
-
PyPi (📥 530K / month):
ip install dvc
-
Conda (📥 1.2M · ⏱️ 25.08.2022):
onda install -c conda-forge dvc
AzureML SDK (🥈25 · ⭐ 3.4K) - 带有ML的Python笔记本和带有Azure的深度学习示例。MIT
aim (🥉24 · ⭐ 2.7K) - 以一种非常简单的方式来记录,搜索和比较数千次ML训练。Apache-2
livelossplot (🥉23 · ⭐ 1.2K) - Jupyter Notebook for Keras的实时训练loss图。MIT 
Labml (🥉23 · ⭐ 1.2K) - 从您的手机监控深度学习模型训练和硬件使用情况。MIT
knockknock (🥉22 · ⭐ 2.5K · 💀) - 当您的训练结束后通知您。MIT
-
GitHub (👨💻 18 · 🔀 210 · 📦 380 · 📋 39 - 41% open · ⏱️ 16.03.2020):
it clone https://github.com/huggingface/knockknock
-
PyPi (📥 59K / month):
ip install knockknock
-
Conda (📥 10K · ⏱️ 17.03.2020):
onda install -c conda-forge knockknock
kaggle (🥉21 · ⭐ 4.9K · 💀) - 官方Kaggle API。Apache-2
-
GitHub (👨💻 36 · 🔀 940 · 📋 350 - 57% open · ⏱️ 15.03.2021):
it clone https://github.com/Kaggle/kaggle-api
-
PyPi (📥 120K / month):
ip install kaggle
-
Conda (📥 95K · ⏱️ 17.12.2021):
onda install -c conda-forge kaggle
Guild AI (🥉21 · ⭐ 730) - 实验跟踪,ML开发人员工具库。Apache-2
hiddenlayer (🥉20 · ⭐ 1.6K · 💀) - 神经网络图和训练指标。MIT 


TNT (🥉20 · ⭐ 1.4K) - 用于记录和可视化,加载和训练的简单工具。BSD-3 
TensorWatch (🥉19 · ⭐ 3.2K · 💀) - Python机器学习的调试,监视和可视化。MIT
lore (🥉19 · ⭐ 1.5K) - lore使机器学习对软件工程师更易上手,对机器学习研究人员更可维护。MIT
gokart (🥉19 · ⭐ 260) - 数据管道库luigi的包装。MIT
Studio.ml (🥉18 · ⭐ 380 · 💤) - Studio:简化和加快模型构建过程。Apache-2
MXBoard (🥉18 · ⭐ 330 · 💀) - MXNet日志记录器,以在TensorBoard中进行可视化。Apache-2 
quinn (🥉17 · ⭐ 350 · 💀) - pyspark方法可提高开发人员的工作效率。❗Unlicensed 
TensorBoard Logger (🥉15 · ⭐ 620 · 💀) - 简易TensorBoard日志记录库。MIT
-
GitHub (👨💻 5 · 🔀 49 · 📋 24 - 37% open · ⏱️ 21.10.2019):
it clone https://github.com/TeamHG-Memex/tensorboard_logger
-
PyPi (📥 56K / month):
ip install tensorboard_logger
datmo (🥉15 · ⭐ 340 · 💀) - 面向数据科学家的开源生产模型管理工具。MIT
steppy (🥉15 · ⭐ 130 · 💀) - 轻量级的Python库,可进行快速且可重复的实验。MIT
SKLL (🥉14 · ⭐ 530 · 💤) - SciKit学习实验室(SKLL)使机器学习易于操作。❗Unlicensed 
ModelChimp (🥉14 · ⭐ 120 · 💤) - 机器和深度学习项目的实验跟踪。BSD-2
-
GitHub (👨💻 3 · 🔀 12 · 📋 14 - 28% open · ⏱️ 01.08.2021):
it clone https://github.com/ModelChimp/modelchimp
-
PyPi (📥 43 / month):
ip install modelchimp
-
Docker Hub (📥 660 · ⏱️ 09.04.2019):
ocker pull modelchimp/modelchimp-server
traintool (🥉7 · ⭐ 10 · 💀) - 一站式训练现成的机器学习模型。Apache-2 


模型序列化和转换

用于将模型序列化为文件,在各种模型格式之间进行转换以及优化模型以进行部署的库。
onnx (🥇32 · ⭐ 13K) - 机器学习互操作性的开放标准。Apache-2
-
GitHub (👨💻 250 · 🔀 2.9K · 📥 18K · 📦 8.1K · 📋 2K - 11% open · ⏱️ 25.08.2022):
it clone https://github.com/onnx/onnx
-
PyPi (📥 1.6M / month):
ip install onnx
-
Conda (📥 490K · ⏱️ 18.08.2022):
onda install -c conda-forge onnx
Core ML Tools (🥇25 · ⭐ 2.8K) - 核心ML工具包含用于核心ML模型的支持工具。BSD-3
m2cgen (🥇25 · ⭐ 2.2K) - 将ML模型转换成本机代码(Java,C,Python,Go,JavaScript)等。MIT
TorchServe (🥈24 · ⭐ 2.8K) - 在PyTorch上进行模型服务。Apache-2 
-
GitHub (👨💻 120 · 🔀 570 · 📥 2K · 📋 970 - 14% open · ⏱️ 25.08.2022):
it clone https://github.com/pytorch/serve
-
PyPi (📥 17K / month):
ip install torchserve
-
Conda (📥 33K · ⏱️ 13.05.2022):
onda install -c pytorch torchserve
-
Docker Hub (📥 1M · ⭐ 15 · ⏱️ 19.07.2022):
ocker pull pytorch/torchserve
mmdnn (🥈23 · ⭐ 5.6K · 💀) - MMdnn是一组工具,可以帮助用户在不同的深度学习框架之间进行互操作。MIT
cortex (🥉22 · ⭐ 7.8K) - 具有成本效益的无服务器大规模计算。Apache-2
Hummingbird (🥉22 · ⭐ 3K) - 蜂鸟将训练有素的机器学习模型编译为张量计算,以用于..MIT
-
GitHub (👨💻 31 · 🔀 240 · 📥 180 · 📦 39 · 📋 250 - 16% open · ⏱️ 17.08.2022):
it clone https://github.com/microsoft/hummingbird
-
PyPi (📥 3.9K / month):
ip install hummingbird-ml
sklearn-porter (🥉20 · ⭐ 1.2K) - 将经过训练的scikit-learn估计器转换为C,Java等。BSD-3 
-
GitHub (👨💻 12 · 🔀 160 · 📦 44 · 📋 68 - 50% open · ⏱️ 22.05.2022):
it clone https://github.com/nok/sklearn-porter
-
PyPi (📥 340 / month):
ip install sklearn-porter
pytorch2keras (🥉18 · ⭐ 810 · 💤) - PyTorch到Keras模型转换器。MIT
Larq Compute Engine (🥉17 · ⭐ 210) - 高度优化的二值化推理引擎。Apache-2
-
GitHub (👨💻 18 · 🔀 32 · 📥 730 · 📦 6 · 📋 140 - 9% open · ⏱️ 25.08.2022):
it clone https://github.com/larq/compute-engine
-
PyPi (📥 870 / month):
ip install larq-compute-engine
tfdeploy (🥉14 · ⭐ 350 · 💀) - 部署张量流图以进行快速评估并导出到无tensorflow环境中基于numpy运行。BSD-3 
模型的可解释性

用于可视化,解释,调试,评估和解释机器学习模型的库。
shap (🥇36 · ⭐ 17K) - 用于解释任何机器学习模型的输出的一种博弈论方法实现。MIT
-
GitHub (👨💻 200 · 🔀 2.6K · 📦 6.4K · 📋 2K - 69% open · ⏱️ 16.06.2022):
it clone https://github.com/slundberg/shap
-
PyPi (📥 3.7M / month):
ip install shap
-
Conda (📥 1.4M · ⏱️ 20.06.2022):
onda install -c conda-forge shap
Lime (🥇30 · ⭐ 10K · 💀) - Lime:解释任何机器学习分类器的预测。BSD-2
-
GitHub (👨💻 61 · 🔀 1.6K · 📦 2.6K · 📋 580 - 9% open · ⏱️ 29.07.2021):
it clone https://github.com/marcotcr/lime
-
PyPi (📥 560K / month):
ip install lime
-
Conda (📥 110K · ⏱️ 28.06.2020):
onda install -c conda-forge lime
pyLDAvis (🥇29 · ⭐ 1.6K · 💀) - 用于交互式主题模型可视化的Python库。BSD-3 
-
GitHub (👨💻 32 · 🔀 330 · 📦 3.8K · 📋 160 - 51% open · ⏱️ 24.03.2021):
it clone https://github.com/bmabey/pyLDAvis
-
PyPi (📥 640K / month):
ip install pyldavis
-
Conda (📥 46K · ⏱️ 24.03.2021):
onda install -c conda-forge pyldavis
InterpretML (🥇28 · ⭐ 4.9K) - 拟合可解释的模型。对机器学习黑匣子进行解释。MIT 
dtreeviz (🥇28 · ⭐ 2.2K) - 用于决策树可视化和模型解释的python库。MIT
arviz (🥇28 · ⭐ 1.3K) - 使用Python探索性分析贝叶斯模型。Apache-2
-
GitHub (👨💻 130 · 🔀 290 · 📥 110 · 📦 2.7K · 📋 760 - 20% open · ⏱️ 17.08.2022):
it clone https://github.com/arviz-devs/arviz
-
PyPi (📥 740K / month):
ip install arviz
-
Conda (📥 810K · ⏱️ 13.07.2022):
onda install -c conda-forge arviz
Captum (🥈27 · ⭐ 3.4K) - PyTorch的模型可解释性和理解。BSD-3 
scikit-plot (🥈26 · ⭐ 2.2K · 💀) - 一个直观的库,可向其中添加绘图功能。MIT 
-
GitHub (👨💻 13 · 🔀 260 · 📦 2.3K · 📋 58 - 32% open · ⏱️ 19.08.2018):
it clone https://github.com/reiinakano/scikit-plot
-
PyPi (📥 650K / month):
ip install scikit-plot
-
Conda (📥 120K · ⏱️ 05.06.2019):
onda install -c conda-forge scikit-plot
explainerdashboard (🥈26 · ⭐ 1.3K) - 快速构建可显示内部信息的可解释AI仪表板。MIT
-
GitHub (👨💻 15 · 🔀 160 · 📦 160 · 📋 180 - 8% open · ⏱️ 16.06.2022):
it clone https://github.com/oegedijk/explainerdashboard
-
PyPi (📥 59K / month):
ip install explainerdashboard
Model Analysis (🥈26 · ⭐ 1.2K) - TensorFlow的模型分析工具。Apache-2 

-
GitHub (👨💻 47 · 🔀 240 · 📋 65 - 24% open · ⏱️ 25.08.2022):
it clone https://github.com/tensorflow/model-analysis
-
PyPi (📥 1M / month):
ip install tensorflow-model-analysis
Alibi (🥈25 · ⭐ 1.7K) - 监视和解释机器学习模型的算法。Apache-2
Lucid (🥈24 · ⭐ 4.4K · 💀) - 用于神经科学研究的基础设施和工具的集合。Apache-2 
Fairness 360 (🥈24 · ⭐ 1.8K) - 一整套用于数据集的公平度量标准。Apache-2
CausalNex (🥈24 · ⭐ 1.6K) - 一个可帮助数据科学家进行因果推断的Python库。Apache-2 

Explainability 360 (🥈24 · ⭐ 1.1K) - 数据和机器学习的可解释性。Apache-2
keras-vis (🥈23 · ⭐ 2.9K · 💀) - 用于Keras的神经网络可视化工具包。MIT 
yellowbrick (🥈22 · ⭐ 3.7K) - 可视化分析和诊断工具,方便机器使用。Apache-2 
eli5 (🥈22 · ⭐ 2.6K · 💀) - 一个用于调试/检查机器学习分类器的库。MIT
-
GitHub (👨💻 14 · 🔀 310 · 📋 250 - 55% open · ⏱️ 22.01.2020):
it clone https://github.com/TeamHG-Memex/eli5
-
PyPi (📥 480K / month):
ip install eli5
-
Conda (📥 120K · ⏱️ 14.05.2022):
onda install -c conda-forge eli5
imodels (🥈22 · ⭐ 890) - 可解释的ML包,用于简洁,透明和准确的预测。MIT
DoWhy (🥉21 · ⭐ 5.1K) - DoWhy是用于因果推断的Python库。MIT
-
GitHub (👨💻 60 · 🔀 700 · 📥 31 · 📋 250 - 31% open · ⏱️ 23.08.2022):
it clone https://github.com/Microsoft/dowhy
-
PyPi (📥 180K / month):
ip install dowhy
-
Conda (📥 8.2K · ⏱️ 19.07.2022):
onda install -c conda-forge dowhy
checklist (🥉21 · ⭐ 1.7K) - 超越准确性:使用CheckList对NLP模型进行行为测试。MIT 
fairlearn (🥉21 · ⭐ 1.4K) - 一个用于评估和改善机器公平性的Python程序包。MIT 
-
GitHub (👨💻 68 · 🔀 310 · 📋 360 - 39% open · ⏱️ 24.08.2022):
it clone https://github.com/fairlearn/fairlearn
-
PyPi (📥 230K / month):
ip install fairlearn
-
Conda (📥 20K · ⏱️ 07.07.2021):
onda install -c conda-forge fairlearn
DALEX (🥉21 · ⭐ 1.1K) - 用于模型探索和扩展的模块。❗️GPL-3.0
keract (🥉21 · ⭐ 990) - 在Keras中分层输出和渐变。MIT 
tf-explain (🥉21 · ⭐ 940) - 使用Tensorflow 2.x的tf.keras模型的可解释性方法。MIT 
random-forest-importances (🥉21 · ⭐ 510 · 💀) - 随机森林特征重要度计算。MIT 
sklearn-evaluation (🥉21 · ⭐ 340) - 机器学习模型评估变得容易。MIT 
-
GitHub (👨💻 8 · 🔀 28 · 📦 49 · 📋 39 - 20% open · ⏱️ 22.08.2022):
it clone https://github.com/edublancas/sklearn-evaluation
-
PyPi (📥 1.7K / month):
ip install sklearn-evaluation
DiCE (🥉20 · ⭐ 890) - 生成任何机器学习的各种反事实说明。MIT 

TreeInterpreter (🥉20 · ⭐ 720 · 💀) - 解释scikit-learn决策树的程序包。BSD-3 
-
GitHub (👨💻 11 · 🔀 140 · 📦 280 · 📋 23 - 82% open · ⏱️ 28.02.2021):
it clone https://github.com/andosa/treeinterpreter
-
PyPi (📥 150K / month):
ip install treeinterpreter
LIT (🥉19 · ⭐ 3K) - 语言可解释性工具:交互式分析NLP模型。Apache-2
What-If Tool (🥉19 · ⭐ 740 · 💤) - What-If工具的源代码/网页/演示。Apache-2
deeplift (🥉19 · ⭐ 650 · 💤) - Public facing deeplift repo。MIT
aequitas (🥉19 · ⭐ 490 · 💀) - 偏差和公平审计工具包。MIT
model-card-toolkit (🥉19 · ⭐ 300) - 模型解释与分析卡片工具库。Apache-2
-
GitHub (👨💻 13 · 🔀 60 · 📦 10 · 📋 14 - 85% open · ⏱️ 28.04.2022):
it clone https://github.com/tensorflow/model-card-toolkit
-
PyPi (📥 850 / month):
ip install model-card-toolkit
fairness-indicators (🥉19 · ⭐ 270) - Tensorflow的公平性评估和可视化。Apache-2 

-
GitHub (👨💻 33 · 🔀 68 · 📋 11 - 27% open · ⏱️ 26.07.2022):
it clone https://github.com/tensorflow/fairness-indicators
-
PyPi (📥 620 / month):
ip install fairness-indicators
iNNvestigate (🥉18 · ⭐ 1K) - 神经网络预估分析工具箱。BSD-2 
Skater (🥉17 · ⭐ 1K) - 用于模型解释/说明的Python库。❗️UPL-1.0
-
GitHub (👨💻 36 · 🔀 170 · 📋 160 - 40% open · ⏱️ 11.02.2022):
it clone https://github.com/oracle/Skater
-
PyPi (📥 3K / month):
ip install skater
-
Conda (📥 51K · ⏱️ 15.11.2021):
onda install -c conda-forge skater
FlashTorch (🥉17 · ⭐ 680 · 💀) - PyTorch中用于神经网络的可视化工具包。MIT 
tcav (🥉17 · ⭐ 530 · 💤) - TCAV ML可解释性项目的代码。Apache-2 
ExplainX.ai (🥉17 · ⭐ 320 · 💀) - 适用于数据科学家的可解释AI框架。MIT
XAI (🥉15 · ⭐ 840 · 💤) - XAI-用于机器学习的可解释性工具箱。MIT
Anchor (🥉15 · ⭐ 720) - High-Precision Model-Agnostic Explanations论文代码。BSD-2
LOFO (🥉15 · ⭐ 480) - Leave One Feature Out特征重要度。MIT
-
GitHub (👨💻 3 · 🔀 56 · 📦 19 · 📋 18 - 11% open · ⏱️ 27.04.2022):
it clone https://github.com/aerdem4/lofo-importance
-
PyPi (📥 310 / month):
ip install lofo-importance
contextual-ai (🥉13 · ⭐ 81 · 💤) - AI 模型可解释性工具。Apache-2
Attribution Priors (🥉11 · ⭐ 100 · 💀) - 训练可解释模型的工具。MIT 

-
GitHub (👨💻 6 · 🔀 10 · 📦 3 · 📋 5 - 40% open · ⏱️ 19.03.2021):
it clone https://github.com/suinleelab/attributionpriors
-
PyPi (📥 18 / month):
ip install attributionpriors
bias-detector (🥉11 · ⭐ 40 · 💤) - Bias Detector是用于检测机器偏差的python软件包。MIT
向量相似度搜索(ANN)

用于近似最近邻居搜索和向量索引/相似性搜索的库。
🔗 ANN Benchmarks ( ⭐ 3K) - Benchmarks of approximate nearest neighbor libraries in Python.
Annoy (🥇31 · ⭐ 10K) - C++/Python中的近似最近邻居实现,并针对内存使用进行了优化。Apache-2
Milvus (🥇29 · ⭐ 12K) - 一个开源的embedding嵌入向量相似度搜索引擎。Apache-2
-
GitHub (👨💻 220 · 🔀 1.4K · 📥 44K · 📋 5.7K - 4% open · ⏱️ 26.08.2022):
it clone https://github.com/milvus-io/milvus
-
PyPi (📥 130K / month):
ip install pymilvus
-
Docker Hub (📥 1.3M · ⭐ 21 · ⏱️ 26.08.2022):
ocker pull milvusdb/milvus
NMSLIB (🥈28 · ⭐ 2.8K) - 非度量空间库(NMSLIB):一种有效的相似度搜索。Apache-2
-
GitHub (👨💻 48 · 🔀 400 · 📦 660 · 📋 400 - 14% open · ⏱️ 31.05.2022):
it clone https://github.com/nmslib/nmslib
-
PyPi (📥 120K / month):
ip install nmslib
-
Conda (📥 61K · ⏱️ 15.04.2022):
onda install -c conda-forge nmslib
PyNNDescent (🥈28 · ⭐ 660) - 适用于近似最近邻查找的Python库。BSD-2
-
GitHub (👨💻 21 · 🔀 88 · 📦 2K · 📋 110 - 47% open · ⏱️ 21.07.2022):
it clone https://github.com/lmcinnes/pynndescent
-
PyPi (📥 610K / month):
ip install pynndescent
-
Conda (📥 850K · ⏱️ 15.05.2022):
onda install -c conda-forge pynndescent
Faiss (🥈27 · ⭐ 18K) - 一个用于高效相似性搜索和密集向量聚类的库。MIT
-
GitHub (👨💻 100 · 🔀 2.6K · 📦 720 · 📋 1.9K - 11% open · ⏱️ 08.08.2022):
it clone https://github.com/facebookresearch/faiss
-
PyPi (📥 130K / month):
ip install pymilvus
-
Conda (📥 450K · ⏱️ 09.02.2022):
onda install -c conda-forge faiss
hnswlib (🥈27 · ⭐ 2.1K) - 仅标头的C++/python库,用于快速近似最近邻查找。Apache-2
Magnitude (🥉22 · ⭐ 1.5K · 💀) - 快速,高效的通用向量嵌入实用程序包。MIT
NGT (🥉19 · ⭐ 930) - 最近邻搜索算法实现包。Apache-2
NearPy (🥉19 · ⭐ 710 · 💀) - 用于快速(近似)最近邻搜索的Python框架。MIT
N2 (🥉18 · ⭐ 520 · 💀) - TOROS N2-快速运行的轻量级近似最近邻库。Apache-2
PySparNN (🥉11 · ⭐ 900 · 💀) - C++/Python中的近似最近邻居实现,并针对内存使用进行了优化。BSD-3
概率统计

提供概率编程/推理,贝叶斯推理,高斯过程或统计信息的功能的库。
Pyro (🥇30 · ⭐ 7.6K) - 使用Python和PyTorch进行深度通用概率编程。Apache-2 
GPyTorch (🥇29 · ⭐ 2.8K) - 高斯过程的高效和模块化实现。MIT 
filterpy (🥇28 · ⭐ 2.4K) - Python卡尔曼过滤和最佳估计库。MIT
-
GitHub (👨💻 43 · 🔀 520 · 📦 1.6K · 📋 200 - 23% open · ⏱️ 22.08.2022):
it clone https://github.com/rlabbe/filterpy
-
PyPi (📥 760K / month):
ip install filterpy
-
Conda (📥 140K · ⏱️ 05.05.2020):
onda install -c conda-forge filterpy
GPflow (🥇28 · ⭐ 1.7K) - TensorFlow中的高斯过程。Apache-2 
-
GitHub (👨💻 78 · 🔀 410 · 📦 390 · 📋 780 - 15% open · ⏱️ 17.08.2022):
it clone https://github.com/GPflow/GPflow
-
PyPi (📥 16K / month):
ip install gpflow
-
Conda (📥 15K · ⏱️ 24.05.2022):
onda install -c conda-forge gpflow
pingouin (🥈27 · ⭐ 1.2K) - 基于Pandas的Python统计软件包。❗️GPL-3.0
-
GitHub (👨💻 33 · 🔀 110 · 📦 680 · 📋 220 - 14% open · ⏱️ 18.07.2022):
it clone https://github.com/raphaelvallat/pingouin
-
PyPi (📥 59K / month):
ip install pingouin
-
Conda (📥 66K · ⏱️ 24.06.2022):
onda install -c conda-forge pingouin
patsy (🥈27 · ⭐ 850) - 使用符号公式描述Python中的统计模型。❗Unlicensed
-
GitHub (👨💻 17 · 🔀 88 · 📦 56K · 📋 130 - 46% open · ⏱️ 16.08.2022):
it clone https://github.com/pydata/patsy
-
PyPi (📥 7.5M / month):
ip install patsy
-
Conda (📥 5.5M · ⏱️ 26.09.2021):
onda install -c conda-forge patsy
PyMC3 (🥈26 · ⭐ 6.9K) - Python中的概率编程。❗Unlicensed
-
GitHub (👨💻 410 · 🔀 1.6K · 📥 1.9K · 📦 690 · 📋 2.8K - 6% open · ⏱️ 25.08.2022):
it clone https://github.com/pymc-devs/pymc3
-
PyPi (📥 410K / month):
ip install pymc3
-
Conda (📥 440K · ⏱️ 20.05.2022):
onda install -c conda-forge pymc3
pomegranate (🥈26 · ⭐ 2.9K) - 在Python中快速,灵活且易于使用的概率建模。MIT
-
GitHub (👨💻 66 · 🔀 530 · 📦 740 · 📋 670 - 8% open · ⏱️ 04.07.2022):
it clone https://github.com/jmschrei/pomegranate
-
PyPi (📥 53K / month):
ip install pomegranate
-
Conda (📥 95K · ⏱️ 16.11.2021):
onda install -c conda-forge pomegranate
hmmlearn (🥈26 · ⭐ 2.6K) - Python中的隐马尔可夫模型,具有类似于scikit-learn的API。BSD-3 
-
GitHub (👨💻 41 · 🔀 660 · 📦 1.4K · 📋 390 - 13% open · ⏱️ 04.07.2022):
it clone https://github.com/hmmlearn/hmmlearn
-
PyPi (📥 110K / month):
ip install hmmlearn
-
Conda (📥 130K · ⏱️ 12.02.2022):
onda install -c conda-forge hmmlearn
pgmpy (🥉25 · ⭐ 2.1K) - 用于学习(结构和参数)和推理的Python库。MIT
tensorflow-probability (🥉24 · ⭐ 3.8K) - 概率推理与统计分析。Apache-2 
-
GitHub (👨💻 460 · 🔀 960 · 📋 1.2K - 42% open · ⏱️ 26.08.2022):
it clone https://github.com/tensorflow/probability
-
PyPi (📥 910K / month):
ip install tensorflow-probability
-
Conda (📥 70K · ⏱️ 08.08.2022):
onda install -c conda-forge tensorflow-probability
Edward (🥉23 · ⭐ 4.7K · 💀) - TensorFlow中的一种概率编程语言。❗Unlicensed 
Orbit (🥉21 · ⭐ 1.5K) - 用于贝叶斯预测的Python软件包,具有面向对象的设计。❗Unlicensed
bambi (🥉20 · ⭐ 820) - Python中的贝叶斯模型构建接口(Bambi)。MIT
SALib (🥉20 · ⭐ 620) - Python(Numpy)中的灵敏度分析库。MIT
-
GitHub (👨💻 37 · 🔀 190 · 📋 280 - 15% open · ⏱️ 21.08.2022):
it clone https://github.com/SALib/SALib
-
PyPi (📥 160K / month):
ip install salib
-
Conda (📥 90K · ⏱️ 04.09.2021):
onda install -c conda-forge salib
scikit-posthocs (🥉20 · ⭐ 250) - Python中的多个成对比较(Post Hoc)测试。MIT 
-
GitHub (👨💻 10 · 🔀 28 · 📥 25 · 📋 47 - 12% open · ⏱️ 21.08.2022):
it clone https://github.com/maximtrp/scikit-posthocs
-
PyPi (📥 40K / month):
ip install scikit-posthocs
Funsor (🥉19 · ⭐ 200) - 用于概率编程的函数张量。Apache-2 
Baal (🥉18 · ⭐ 630) - 在深度网络中使用近似贝叶斯后验进行主动学习。Apache-2
PyStan (🥉18 · ⭐ 200) - PyStan是Stan的Python接口。ISC
-
GitHub (👨💻 10 · 🔀 39 · 📋 180 - 2% open · ⏱️ 07.07.2022):
it clone https://github.com/stan-dev/pystan
-
PyPi (📥 2.8M / month):
ip install pystan
-
Conda (📥 1.6M · ⏱️ 25.07.2022):
onda install -c conda-forge pystan
pyhsmm (🥉17 · ⭐ 520 · 💀) - HSMM和HMM中的贝叶斯推断。MIT
ZhuSuan (🥉14 · ⭐ 2.1K · 💀) - TensorFlow中的一种概率编程语言。MIT 
对抗学习与鲁棒性

用于测试机器学习模型抵抗攻击性/恶意示例的鲁棒性的库。
Foolbox (🥇27 · ⭐ 2.3K) - 一个Python工具箱,用于创建欺骗神经网络的对抗示例。MIT
CleverHans (🥈26 · ⭐ 5.6K · 💤) - 一个用于构造攻击的对抗性示例库。MIT 
TextAttack (🥈26 · ⭐ 2.1K) - TextAttack是用于对抗攻击,数据的Python框架。MIT
ART (🥉24 · ⭐ 3.2K) - 对抗性鲁棒性工具箱(ART)- 用于机器学习的Python库。MIT
-
GitHub (👨💻 110 · 🔀 850 · 📦 250 · 📋 710 - 12% open · ⏱️ 25.08.2022):
it clone https://github.com/Trusted-AI/adversarial-robustness-toolbox
-
PyPi (📥 5.6K / month):
ip install adversarial-robustness-toolbox
advertorch (🥉18 · ⭐ 1.1K) - 对抗性鲁棒性研究的工具箱。❗️GPL-3.0 
robustness (🥉17 · ⭐ 720) - 一个用于实验,训练和评估神经网络的库。MIT
AdvBox (🥉15 · ⭐ 1.2K) - Advbox是一个工具箱,用于生成对抗示例。Apache-2
GPU实用程序

需要并利用CUDA / GPU系统功能来优化数据处理和机器学习任务的库。
CuPy (🥇32 · ⭐ 6.3K) - CUDA加速了与NumPy兼容的数组库。MIT
-
GitHub (👨💻 310 · 🔀 590 · 📥 42K · 📦 1.2K · 📋 1.8K - 21% open · ⏱️ 23.08.2022):
it clone https://github.com/cupy/cupy
-
PyPi (📥 20K / month):
ip install cupy
-
Conda (📥 1.8M · ⏱️ 29.07.2022):
onda install -c conda-forge cupy
-
Docker Hub (📥 55K · ⭐ 8 · ⏱️ 28.07.2022):
ocker pull cupy/cupy
gpustat (🥇28 · ⭐ 3K) - 一个简单的命令行实用程序,用于查询和监控GPU状态。MIT
-
GitHub (👨💻 14 · 🔀 220 · 📦 2.1K · 📋 86 - 22% open · ⏱️ 09.08.2022):
it clone https://github.com/wookayin/gpustat
-
PyPi (📥 820K / month):
ip install gpustat
-
Conda (📥 140K · ⏱️ 24.11.2020):
onda install -c conda-forge gpustat
ArrayFire (🥈25 · ⭐ 3.9K) - ArrayFire:通用GPU库。BSD-3
GPUtil (🥈25 · ⭐ 900 · 💀) - 一个Python模块,用于从NVIDA GPU获取GPU状态。MIT
Apex (🥈24 · ⭐ 6.6K) - PyTorch扩展:易于实现混合精度和分布式的工具。BSD-3 
-
GitHub (👨💻 100 · 🔀 1K · 📦 1.2K · 📋 1K - 53% open · ⏱️ 25.08.2022):
it clone https://github.com/NVIDIA/apex
-
Conda (📥 100K · ⏱️ 06.04.2022):
onda install -c conda-forge nvidia-apex
py3nvml (🥈23 · ⭐ 210) - NVML库的Python3接口。在内部获取NVIDIA GPU状态。BSD-3
-
GitHub (👨💻 9 · 🔀 30 · 📦 510 · 📋 13 - 7% open · ⏱️ 14.04.2022):
it clone https://github.com/fbcotter/py3nvml
-
PyPi (📥 110K / month):
ip install py3nvml
-
Conda (📥 31K · ⏱️ 20.06.2022):
onda install -c conda-forge py3nvml
PyCUDA (🥈22 · ⭐ 1.4K) - 适用于Python的CUDA集成,有着出色的功能。❗Unlicensed
cuDF (🥉20 · ⭐ 4.9K) - cuDF-GPU DataFrame库。Apache-2
scikit-cuda (🥉20 · ⭐ 910) - GPU工具库的python接口。❗Unlicensed
cuML (🥉19 · ⭐ 2.9K) - cuML-RAPIDS机器学习库。Apache-2
Vulkan Kompute (🥉18 · ⭐ 920) - 适用于跨供应商的通用GPU计算框架。Apache-2
DALI (🥉17 · ⭐ 4K) - GPU加速的库,其中包含高度优化的构建块。Apache-2
nvidia-ml-py3 (🥉17 · ⭐ 86 · 💀) - NVIDIA Management Library的Python3接口。❗Unlicensed
cuGraph (🥉16 · ⭐ 1.1K) - cuGraph-RAPIDS图形分析库。Apache-2
BlazingSQL (🥉15 · ⭐ 1.8K · 💤) - BlazingSQL是一种用于GPU的轻量级,GPU加速的引擎。Apache-2
-
GitHub (👨💻 49 · 🔀 170 · 📋 710 - 17% open · ⏱️ 30.09.2021):
it clone https://github.com/BlazingDB/blazingsql
-
Conda (📥 950 · ⏱️ 11.11.2019):
onda install -c blazingsql blazingsql-protocol
SpeedTorch (🥉14 · ⭐ 660 · 💀) - 用于更快的Pytorch中CPU-GPU传输的工具库。MIT 
cuSignal (🥉14 · ⭐ 610) - GPU加速信号处理。Apache-2
ipyexperiments (🥉11 · ⭐ 150 · 💤) - jupyter/ipython实验容器。❗Unlicensed 
-
GitHub (👨💻 3 · 🔀 11 · 📦 6 · ⏱️ 07.12.2021):
it clone https://github.com/stas00/ipyexperiments
-
PyPi (📥 100 / month):
ip install ipyexperiments
Tensorflow实用程序

TensorFlow的拓展工具库。
TF Addons (🥇33 · ⭐ 1.6K) - 由TensorFlow 2.x维护的有用额外功能。Apache-2 
-
GitHub (👨💻 200 · 🔀 530 · 📦 7.2K · 📋 920 - 21% open · ⏱️ 24.08.2022):
it clone https://github.com/tensorflow/addons
-
PyPi (📥 2.2M / month):
ip install tensorflow-addons
tensor2tensor (🥇31 · ⭐ 13K) - 设计深度学习模型和数据集的库。Apache-2 
tensorflow-hub (🥇31 · ⭐ 3.2K) - 通过重用部分库来进行迁移学习的库。Apache-2 
-
GitHub (👨💻 94 · 🔀 1.6K · 📦 13K · 📋 650 - 2% open · ⏱️ 23.08.2022):
it clone https://github.com/tensorflow/hub
-
PyPi (📥 3.3M / month):
ip install tensorflow-hub
-
Conda (📥 67K · ⏱️ 18.04.2021):
onda install -c conda-forge tensorflow-hub
TensorFlow Transform (🥈30 · ⭐ 930 · 📈) - 输入管道框架。Apache-2 
-
GitHub (👨💻 27 · 🔀 190 · 📦 1K · 📋 190 - 17% open · ⏱️ 25.08.2022):
it clone https://github.com/tensorflow/transform
-
PyPi (📥 3.3M / month):
ip install tensorflow-transform
TF Model Optimization (🥈29 · ⭐ 1.3K) - 用于优化ML模型以进行部署的工具包。Apache-2 
-
GitHub (👨💻 71 · 🔀 280 · 📦 2K · 📋 300 - 48% open · ⏱️ 23.08.2022):
it clone https://github.com/tensorflow/model-optimization
-
PyPi (📥 140K / month):
ip install tensorflow-model-optimization
Neural Structured Learning (🥉26 · ⭐ 930) - 用结构化信号训练神经模型。Apache-2 
-
GitHub (👨💻 34 · 🔀 170 · 📦 260 · 📋 65 - 3% open · ⏱️ 19.08.2022):
it clone https://github.com/tensorflow/neural-structured-learning
-
PyPi (📥 16K / month):
ip install neural-structured-learning
TensorFlow I/O (🥉25 · ⭐ 570) - Dataset, streaming, and file system extensions.. Apache-2 
efficientnet (🥉24 · ⭐ 2K · 💀) - EfficientNet模型的实现。Apache-2 
TensorFlow Cloud (🥉23 · ⭐ 330) - TensorFlow Cloud存储库提供的API。Apache-2 
-
GitHub (👨💻 27 · 🔀 71 · 📦 170 · 📋 82 - 68% open · ⏱️ 24.03.2022):
it clone https://github.com/tensorflow/cloud
-
PyPi (📥 150K / month):
ip install tensorflow-cloud
TensorNets (🥉20 · ⭐ 1K · 💀) - 具有预先训练的权重的高级网络定义。MIT 
TF Compression (🥉19 · ⭐ 640) - TensorFlow中的数据压缩。Apache-2 
-
GitHub (👨💻 16 · 🔀 210 · 📋 87 - 2% open · ⏱️ 25.08.2022):
it clone https://github.com/tensorflow/compression
-
PyPi (📥 1K / month):
ip install tensorflow-compression
Saliency (🥉17 · ⭐ 810) - 与框架无关的实现,可实现最新的显着性。Apache-2 
tffm (🥉17 · ⭐ 780 · 💤) - 任意阶乘分解机的TensorFlow实现。MIT 
Sklearn实用程序

scikit-learn的拓展工具库。
imbalanced-learn (🥇32 · ⭐ 6K) - 一个解决不平衡类别数据建模的Python程序包。MIT 
-
GitHub (👨💻 63 · 🔀 1.1K · 📦 12K · 📋 510 - 8% open · ⏱️ 16.05.2022):
it clone https://github.com/scikit-learn-contrib/imbalanced-learn
-
PyPi (📥 3.2M / month):
ip install imbalanced-learn
-
Conda (📥 250K · ⏱️ 16.05.2022):
onda install -c conda-forge imbalanced-learn
MLxtend (🥇30 · ⭐ 4.1K) - 用于Python数据的扩展和帮助程序模块库。❗Unlicensed 
-
GitHub (👨💻 90 · 🔀 760 · 📦 6.6K · 📋 420 - 25% open · ⏱️ 10.08.2022):
it clone https://github.com/rasbt/mlxtend
-
PyPi (📥 1.4M / month):
ip install mlxtend
-
Conda (📥 220K · ⏱️ 27.05.2022):
onda install -c conda-forge mlxtend
category_encoders (🥇30 · ⭐ 2K) - A library of sklearn compatible categorical variable.. BSD-3 
-
GitHub (👨💻 52 · 🔀 360 · 📦 3.8K · 📋 250 - 25% open · ⏱️ 02.06.2022):
it clone https://github.com/scikit-learn-contrib/category_encoders
-
PyPi (📥 950K / month):
ip install category_encoders
-
Conda (📥 180K · ⏱️ 02.06.2022):
onda install -c conda-forge category_encoders
fancyimpute (🥈25 · ⭐ 1.1K · 💤) - 多元插补和矩阵补全算法。Apache-2 
scikit-multilearn (🥈24 · ⭐ 770) - 基于scikit-learn的多标签等模块。BSD-2 
-
GitHub (👨💻 17 · 🔀 140 · 📦 820 · 📋 180 - 46% open · ⏱️ 09.07.2022):
it clone https://github.com/scikit-multilearn/scikit-multilearn
-
PyPi (📥 87K / month):
ip install scikit-multilearn
scikit-opt (🥈23 · ⭐ 3.5K) - 遗传算法,粒子群优化等实现。MIT 
scikit-lego (🥈22 · ⭐ 880) - scikit学习管道的额外块。MIT 
-
GitHub (👨💻 52 · 🔀 90 · 📦 59 · 📋 240 - 9% open · ⏱️ 18.08.2022):
it clone https://github.com/koaning/scikit-lego
-
PyPi (📥 23K / month):
ip install scikit-lego
-
Conda (📥 23K · ⏱️ 06.06.2022):
onda install -c conda-forge scikit-lego
iterative-stratification (🥈22 · ⭐ 710) - scikit-learn交叉验证器。BSD-3 
-
GitHub (👨💻 7 · 🔀 64 · 📦 220 · 📋 20 - 5% open · ⏱️ 06.06.2022):
it clone https://github.com/trent-b/iterative-stratification
-
PyPi (📥 35K / month):
ip install iterative-stratification
sklearn-crfsuite (🥈22 · ⭐ 410 · 💀) - 用于CRFsuite的scikit-learn启发式API。❗Unlicensed 
-
GitHub (👨💻 6 · 🔀 190 · 📦 4K · 📋 56 - 58% open · ⏱️ 05.12.2019):
it clone https://github.com/TeamHG-Memex/sklearn-crfsuite
-
PyPi (📥 200K / month):
ip install sklearn-crfsuite
combo (🥉20 · ⭐ 590) - (AAAI'20)用于机器学习模型的Python工具箱。BSD-2 
xgboost
skope-rules (🥉20 · ⭐ 480 · 💀) - 使用Python中的逻辑规则进行机器学习。❗Unlicensed 
sklearn-contrib-lightning (🥉19 · ⭐ 1.6K · 💤) - 大规模线性分类,回归分析等。❗Unlicensed 
-
GitHub (👨💻 17 · 🔀 180 · 📥 230 · 📦 100 · 📋 88 - 52% open · ⏱️ 30.01.2022):
it clone https://github.com/scikit-learn-contrib/lightning
-
PyPi (📥 1.7K / month):
ip install sklearn-contrib-lightning
-
Conda (📥 170K · ⏱️ 13.11.2021):
onda install -c conda-forge sklearn-contrib-lightning
DESlib (🥉17 · ⭐ 420) - 一个用于动态分类器和集成选择的Python库。BSD-3 
celer (🥉17 · ⭐ 160) - L1型问题的快速求解器:Lasso,稀疏Logisitic回归等BSD-3 
scikit-tda (🥉16 · ⭐ 360) - Python的拓扑数据分析。❗Unlicensed 
skggm (🥉16 · ⭐ 210) - 通用图形模型的Scikit学习兼容估计。MIT 
dabl (🥉13 · ⭐ 120 · 💀) - 数据分析基准库。BSD-3 
Pytorch实用程序

Pytorch的拓展工具库。
PML (🥇28 · ⭐ 4.7K) - 在应用程序中使用深度度量学习的最简单方法。MIT 
-
GitHub (👨💻 27 · 🔀 560 · 📦 320 · 📋 380 - 13% open · ⏱️ 13.08.2022):
it clone https://github.com/KevinMusgrave/pytorch-metric-learning
-
PyPi (📥 90K / month):
ip install pytorch-metric-learning
-
Conda (📥 8K · ⏱️ 03.08.2022):
onda install -c metric-learning pytorch-metric-learning
pretrainedmodels (🥇27 · ⭐ 8.6K · 💀) - pytorch预训练的ConvNets:NASNet,ResNeXt等BSD-3 
-
GitHub (👨💻 22 · 🔀 1.8K · 📦 1.8K · 📋 180 - 46% open · ⏱️ 16.04.2020):
it clone https://github.com/Cadene/pretrained-models.pytorch
-
PyPi (📥 170K / month):
ip install pretrainedmodels
pytorch-optimizer (🥇26 · ⭐ 2.5K · 💤) - torch-optimizer - pytorch的优化器集合。Apache-2 
-
GitHub (👨💻 25 · 🔀 240 · 📦 670 · 📋 50 - 42% open · ⏱️ 11.11.2021):
it clone https://github.com/jettify/pytorch-optimizer
-
PyPi (📥 48K / month):
ip install torch_optimizer
pytorch-summary (🥈25 · ⭐ 3.6K · 💀) - PyTorch中的模型摘要类似于`model.summary()`。MIT 
torchdiffeq (🥈24 · ⭐ 4.2K) - 具有完整GPU支持的可微分ODE求解器。MIT 
SRU (🥈22 · ⭐ 2.1K · 💀) - 与CNN一样快地训练RNN(https://arxiv.org/abs/1709.02755)。MIT 
EfficientNet-PyTorch (🥈21 · ⭐ 7.1K · 💀) - EfficientNet等模型的PyTorch实现Apache-2 
-
GitHub (👨💻 24 · 🔀 1.4K · 📥 1.9M · 📋 280 - 50% open · ⏱️ 15.04.2021):
it clone https://github.com/lukemelas/EfficientNet-PyTorch
-
PyPi (📥 100K / month):
ip install efficientnet-pytorch
TabNet (🥈21 · ⭐ 1.8K) - Efficient Neural Architecture Search的Pytorch实现。MIT 
-
GitHub (👨💻 19 · 🔀 370 · 📋 230 - 7% open · ⏱️ 27.06.2022):
it clone https://github.com/dreamquark-ai/tabnet
-
PyPi (📥 20K / month):
ip install pytorch-tabnet
EfficientNets (🥈21 · ⭐ 1.5K · 💀) - 预训练的EfficientNet,EfficientNet-Lite,MixNet等Apache-2 
Pytorch Toolbelt (🥈21 · ⭐ 1.3K) - PyTorch扩展用于快速研发原型和Kaggle实验。MIT 
-
GitHub (👨💻 7 · 🔀 100 · 📋 24 - 8% open · ⏱️ 20.08.2022):
it clone https://github.com/BloodAxe/pytorch-toolbelt
-
PyPi (📥 15K / month):
ip install pytorch_toolbelt
PyTorch Sparse (🥈21 · ⭐ 710) - 优化图聚类的PyTorch扩展库MIT 
reformer-pytorch (🥉20 · ⭐ 1.8K) - Reformer,Pytorch中高效的transformer实现。MIT 
-
GitHub (👨💻 11 · 🔀 240 · 📋 120 - 11% open · ⏱️ 24.06.2022):
it clone https://github.com/lucidrains/reformer-pytorch
-
PyPi (📥 1.9K / month):
ip install reformer-pytorch
Torchmeta (🥉20 · ⭐ 1.7K · 💤) - 少量学习的扩展程序和数据加载器的集合。MIT 
torch-scatter (🥉20 · ⭐ 1.1K) - 优化图聚类的PyTorch扩展库MIT 
Performer Pytorch (🥉20 · ⭐ 860) - Performer的实现。MIT 
-
GitHub (👨💻 6 · 🔀 120 · 📦 49 · 📋 78 - 44% open · ⏱️ 02.02.2022):
it clone https://github.com/lucidrains/performer-pytorch
-
PyPi (📥 75K / month):
ip install performer-pytorch
Poutyne (🥉20 · ⭐ 530) - PyTorch的简化框架和实用程序。❗️LGPL-3.0 
AdaBound (🥉19 · ⭐ 2.9K · 💀) - 训练速度与Adam一样快且与SGD一样好的优化器。Apache-2 
Antialiased CNNs (🥉19 · ⭐ 1.6K · 💤) - pip安装antialiased-cnns以提高稳定性等。❗️CC BY-NC-SA 4.0 
-
GitHub (👨💻 6 · 🔀 200 · 📦 29 · 📋 44 - 29% open · ⏱️ 29.09.2021):
it clone https://github.com/adobe/antialiased-cnns
-
PyPi (📥 1.5K / month):
ip install antialiased-cnns
Higher (🥉19 · ⭐ 1.4K · 💤) - Higher是一个pytorch库,允许用户在跨训练循环而不是单个训练步骤的损失上获得更高阶的梯度。Apache-2 
tinygrad (🥉17 · ⭐ 6.5K) - You like pytorch? You like micrograd? You love tinygrad!. MIT 
Tensor Sensor (🥉17 · ⭐ 650) - 该库的目标是为numpy/pytorch矩阵代数表达式生成更有用的异常消息。MIT 
micrograd (🥉16 · ⭐ 2.4K · 💀) - 一个微型的标量值autograd引擎和一个神经网络库。MIT 
Lambda Networks (🥉16 · ⭐ 1.5K · 💀) - LambdaNetworks的实现。MIT 
-
GitHub (👨💻 3 · 🔀 160 · 📦 6 · 📋 28 - 46% open · ⏱️ 18.11.2020):
it clone https://github.com/lucidrains/lambda-networks
-
PyPi (📥 45 / month):
ip install lambda-networks
Tez (🥉16 · ⭐ 1.1K) - Tez是用于PyTorch的超级简单且轻巧的Trainer。Apache-2 
torchsde (🥉16 · ⭐ 1K · 💀) - 具有GPU支持且高效的可微分SDE求解器。Apache-2 
Pywick (🥉14 · ⭐ 370 · 💤) - 更高层次的pytorch神经网络训练库。❗Unlicensed 
Torch-Struct (🥉13 · ⭐ 1K · 💤) - 快速,通用和经过测试的微分结构化预测。MIT 
数据库客户端

用于连接,操作和查询数据库的库。
🔗 Python DB Clients ( ⭐ 7 · 💤) - Collection of database clients for python.
中文自然语言处理

jieba (🥇32 · ⭐ 29K · 💀) - Chinese Words Segementation Utilities. MIT
-
GitHub (👨💻 48 · 🔀 6.3K · 📦 14K · 📋 810 - 73% open · ⏱️ 15.02.2020):
it clone https://github.com/fxsjy/jieba
-
PyPi (📥 440K / month):
ip install jieba
-
Conda (📥 120K · ⏱️ 30.05.2021):
onda install -c conda-forge jieba
snownlp (🥉22 · ⭐ 5.9K · 💀) - Python library for processing Chinese text. MIT
Others

scipy (🥇38 · ⭐ 10K) - 用于数学,科学和工程的开源软件生态系统。BSD-3
-
GitHub (👨💻 1.3K · 🔀 4.3K · 📥 350K · 📦 560K · 📋 8.4K - 16% open · ⏱️ 25.08.2022):
it clone https://github.com/scipy/scipy
-
PyPi (📥 43M / month):
ip install scipy
-
Conda (📥 26M · ⏱️ 30.07.2022):
onda install -c conda-forge scipy
SymPy (🥇35 · ⭐ 9.5K) - 用纯Python编写的计算机代数系统。❗Unlicensed
-
GitHub (👨💻 1.2K · 🔀 3.6K · 📥 460K · 📦 45K · 📋 12K - 32% open · ⏱️ 26.08.2022):
it clone https://github.com/sympy/sympy
-
PyPi (📥 2.6M / month):
ip install sympy
-
Conda (📥 2.3M · ⏱️ 23.08.2022):
onda install -c conda-forge sympy
PyOD (🥇31 · ⭐ 6.1K) - (JMLR'19)用于可扩展离群值检测的Python工具箱。BSD-2
Streamlit (🥇30 · ⭐ 20K · 📈) - Streamlit用Python构建数据应用程序的最快方法。Apache-2
Gradio (🥇30 · ⭐ 8.5K) - 对任何模型做UI封装并与他人共享。Apache-2
Autograd (🥈29 · ⭐ 5.9K) - 高效地计算导数的numpy代码。MIT
-
GitHub (👨💻 52 · 🔀 800 · 📦 3.8K · 📋 370 - 39% open · ⏱️ 15.06.2022):
it clone https://github.com/HIPS/autograd
-
PyPi (📥 1.2M / month):
ip install autograd
-
Conda (📥 230K · ⏱️ 29.06.2022):
onda install -c conda-forge autograd
Datasette (🥈28 · ⭐ 6.4K) - 用于探索和发布数据的开源多功能工具。Apache-2
DeepChem (🥈28 · ⭐ 3.8K) - 在药物发现,量子化学,材料科学和生物学方面普及深度学习。MIT 
hdbscan (🥈28 · ⭐ 2.2K) - HDBSCAN群集的高性能实现。BSD-3 
-
GitHub (👨💻 80 · 🔀 390 · 📦 1.5K · 📋 440 - 63% open · ⏱️ 23.08.2022):
it clone https://github.com/scikit-learn-contrib/hdbscan
-
PyPi (📥 450K / month):
ip install hdbscan
-
Conda (📥 1.2M · ⏱️ 11.02.2022):
onda install -c conda-forge hdbscan
agate (🥈28 · ⭐ 1.1K · 💀) - 为人而不是为机器优化的Python数据分析库。MIT
-
GitHub (👨💻 49 · 🔀 140 · 📦 1.1K · 📋 640 - 1% open · ⏱️ 15.07.2021):
it clone https://github.com/wireservice/agate
-
PyPi (📥 1.6M / month):
ip install agate
-
Conda (📥 91K · ⏱️ 16.07.2021):
onda install -c conda-forge agate
Cython BLIS (🥈28 · ⭐ 190) - 快速矩阵乘法库。❗Unlicensed
-
GitHub (👨💻 12 · 🔀 34 · 📦 20K · 📋 28 - 17% open · ⏱️ 04.08.2022):
it clone https://github.com/explosion/cython-blis
-
PyPi (📥 3.8M / month):
ip install blis
-
Conda (📥 1.6M · ⏱️ 05.08.2022):
onda install -c conda-forge cython-blis
PaddleHub (🥈27 · ⭐ 8.3K) - 基于PaddlePaddle的出色的预训练模型工具包。Apache-2 
carla (🥈27 · ⭐ 8.2K · 💤) - 用于自动驾驶研究的开源模拟器。❗Unlicensed
Pythran (🥈27 · ⭐ 1.8K) - 用于数字内核的时间编译器。BSD-3
-
GitHub (👨💻 66 · 🔀 170 · 📦 220 · 📋 760 - 14% open · ⏱️ 19.07.2022):
it clone https://github.com/serge-sans-paille/pythran
-
PyPi (📥 370K / month):
ip install pythran
-
Conda (📥 260K · ⏱️ 31.07.2022):
onda install -c conda-forge pythran
pyjanitor (🥈27 · ⭐ 960) - 用于数据清理的API。MIT
-
GitHub (👨💻 100 · 🔀 150 · 📦 220 · 📋 490 - 20% open · ⏱️ 24.08.2022):
it clone https://github.com/ericmjl/pyjanitor
-
PyPi (📥 29K / month):
ip install pyjanitor
-
Conda (📥 130K · ⏱️ 22.11.2021):
onda install -c conda-forge pyjanitor
metric-learn (🥉26 · ⭐ 1.3K) - Python中的度量学习算法。MIT 
Trax (🥉25 · ⭐ 7.1K) - 借助清晰的代码和速度来进行深度学习。Apache-2
TabPy (🥉25 · ⭐ 1.3K) - 快速执行Python代码,并在Tableau可视化文件中显示结果。MIT
causalml (🥉24 · ⭐ 3.2K) - 利用机器学习提升建模和因果推理。❗Unlicensed
pyclustering (🥉24 · ⭐ 990 · 💀) - pyclustring是Python,C++数据挖掘库。BSD-3
-
GitHub (👨💻 26 · 🔀 220 · 📥 410 · 📦 350 · 📋 650 - 9% open · ⏱️ 12.02.2021):
it clone https://github.com/annoviko/pyclustering
-
PyPi (📥 50K / month):
ip install pyclustering
-
Conda (📥 41K · ⏱️ 13.09.2021):
onda install -c conda-forge pyclustering
PySwarms (🥉23 · ⭐ 960) - 用于Python中粒子群优化的研究工具包。MIT
gplearn (🥉22 · ⭐ 1.2K) - 使用scikit-learn启发式API进行Python遗传编程。BSD-3 
pyopencl (🥉22 · ⭐ 910) - 适用于Python的OpenCL集成。❗Unlicensed
-
GitHub (👨💻 92 · 🔀 220 · 📦 800 · 📋 300 - 20% open · ⏱️ 23.08.2022):
it clone https://github.com/inducer/pyopencl
-
PyPi (📥 34K / month):
ip install pyopencl
-
Conda (📥 670K · ⏱️ 22.06.2022):
onda install -c conda-forge pyopencl
Prince (🥉22 · ⭐ 850 · 💤) - Python因子分析库(PCA,CA,MCA,MFA,FAMD)。MIT 
findspark (🥉22 · ⭐ 440) - 查找pyspark并导入的工具库。BSD-3 
-
GitHub (👨💻 15 · 🔀 68 · 📦 2.7K · 📋 22 - 50% open · ⏱️ 11.02.2022):
it clone https://github.com/minrk/findspark
-
PyPi (📥 2.1M / month):
ip install findspark
-
Conda (📥 690K · ⏱️ 11.02.2022):
onda install -c conda-forge findspark
River (🥉20 · ⭐ 3.6K) - Python中的在线机器学习。BSD-3
BioPandas (🥉20 · ⭐ 500) - 在pandas DataFrames中处理分子结构。BSD-3 
-
GitHub (👨💻 10 · 🔀 100 · 📦 120 · 📋 47 - 42% open · ⏱️ 06.08.2022):
it clone https://github.com/rasbt/biopandas
-
PyPi (📥 5.3K / month):
ip install biopandas
-
Conda (📥 120K · ⏱️ 13.05.2022):
onda install -c conda-forge biopandas
StreamAlert (🥉19 · ⭐ 2.7K) - StreamAlert是无服务器的实时数据分析框架。Apache-2
SUOD (🥉19 · ⭐ 330) - (MLSys' 21)大型无人驾驶加速系统。BSD-2
impyute (🥉19 · ⭐ 320 · 💤) - 数据插补库可对缺少数据的数据集进行预处理。MIT
AstroML (🥉17 · ⭐ 840) - 天文学和天体物理学的机器学习,统计和数据挖掘.BSD-2 
-
GitHub (👨💻 30 · 🔀 270 · 📋 150 - 37% open · ⏱️ 17.08.2022):
it clone https://github.com/astroML/astroML
-
PyPi (📥 1.3K / month):
ip install astroML
-
Conda (📥 31K · ⏱️ 02.03.2022):
onda install -c conda-forge astroml
Feature Engine (🥉16 · ⭐ 22) - 具有sklearn类功能的功能工程包。BSD-3
-
GitHub (👨💻 36 · 🔀 8 · ⏱️ 05.07.2022):
it clone https://github.com/solegalli/feature_engine
-
PyPi (📥 93K / month):
ip install feature_engine
-
Conda (📥 14K · ⏱️ 14.06.2022):
onda install -c conda-forge feature_engine
cleanlab (🥉13 · ⭐ 49 · 🐣) - 机器学习的标准软件包。❗️AGPL-3.0
相关资源