Best-of Machine Learning with Python
? A ranked list of awesome machine learning Python libraries. Updated weekly.
This curated list contains 920 awesome open-source projects with a total of 5M stars grouped into 34 categories. All projects are ranked by a project-quality score, which is calculated based on various metrics automatically collected from GitHub and different package managers. If you like to add or update projects, feel free to open an issue, submit a pull request, or directly edit the projects.yaml. Contributions are very welcome!
?♂️ Discover other best-of lists or create your own.
? Subscribe to our newsletter for updates and trending projects.
Contents
- Machine Learning Frameworks 63 projects
- Data Visualization 55 projects
- Text Data & NLP 103 projects
- Image Data 64 projects
- Graph Data 36 projects
- Audio Data 29 projects
- Geospatial Data 22 projects
- Financial Data 25 projects
- Time Series Data 29 projects
- Medical Data 19 projects
- Tabular Data 6 projects
- Optical Character Recognition 12 projects
- Data Containers & Structures 1 projects
- Data Loading & Extraction 1 projects
- Web Scraping & Crawling 1 projects
- Data Pipelines & Streaming 2 projects
- Distributed Machine Learning 36 projects
- Hyperparameter Optimization & AutoML 52 projects
- Reinforcement Learning 23 projects
- Recommender Systems 17 projects
- Privacy Machine Learning 7 projects
- Workflow & Experiment Tracking 40 projects
- Model Serialization & Deployment 20 projects
- Model Interpretability 55 projects
- Vector Similarity Search (ANN) 13 projects
- Probabilistics & Statistics 24 projects
- Adversarial Robustness 9 projects
- GPU & Accelerator Utilities 20 projects
- Tensorflow Utilities 16 projects
- Jax Utilities 3 projects
- Sklearn Utilities 19 projects
- Pytorch Utilities 32 projects
- Database Clients 1 projects
- Others 66 projects
Explanation
- ??? Combined project-quality score
- ️ Star count from GitHub
- ? New project (less than 6 months old)
- ? Inactive project (6 months no activity)
- ? Dead project (12 months no activity)
- ?? Project is trending up or down
- ➕ Project was recently added
- ❗️ Warning (e.g. missing/risky license)
- ? Contributors count from GitHub
- ? Fork count from GitHub
- ? Issue count from GitHub
- ⏱️ Last update timestamp on package manager
- ? Download count from package manager
- ? Number of dependent projects
- Tensorflow related project
- Sklearn related project
- PyTorch related project
- MxNet related project
- Apache Spark related project
- Jupyter related project
- PaddlePaddle related project
- Pandas related project
- Jax related project
Machine Learning Frameworks
General-purpose machine learning and deep learning frameworks.
Tensorflow (?55 · 190K) – An Open Source Machine Learning Framework for Everyone. Apache-2
-
GitHub (? 4.9K · ? 75K · ? 540K · ? 41K – 3% open · ⏱️ 17.07.2025):
git clone https://g**it*hub.com/tensorflow/tensorflow -
PyPi (? 23M / month · ? 9.1K · ⏱️ 12.03.2025):
pip install tensorflow -
Conda (? 5.7M · ⏱️ 12.06.2025):
conda install -c conda-forge tensorflow -
Docker Hub (? 80M · 2.8K · ⏱️ 17.07.2025):
docker pull tensorflow/tensorflow
PyTorch (?55 · 92K) – Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3
-
GitHub (? 5.8K · ? 25K · ? 94K · ? 820K · ? 54K – 30% open · ⏱️ 17.07.2025):
git clone https://gith*u*b.c*om/pytorch/pytorch -
PyPi (? 50M / month · ? 27K · ⏱️ 04.06.2025):
pip install torch -
Conda (? 28M · ⏱️ 25.03.2025):
conda install -c pytorch pytorch
scikit-learn (?53 · 63K) – scikit-learn: machine learning in Python. BSD-3
-
GitHub (? 3.3K · ? 26K · ? 1.1K · ? 1.3M · ? 12K – 17% open · ⏱️ 16.07.2025):
git clone https://g*it*hu*b.com/scikit-learn/scikit-learn -
PyPi (? 110M / month · ? 32K · ⏱️ 05.06.2025):
pip install scikit-learn -
Conda (? 38M · ⏱️ 09.06.2025):
conda install -c conda-forge scikit-learn
Keras (?47 · 63K) – Deep Learning for humans. Apache-2
-
GitHub (? 1.4K · ? 20K · ? 13K – 2% open · ⏱️ 17.07.2025):
git clone https://gi**th*ub.com/keras-team/keras -
PyPi (? 13M / month · ? 1.9K · ⏱️ 19.05.2025):
pip install keras -
Conda (? 4.2M · ⏱️ 20.05.2025):
conda install -c conda-forge keras
jax (?46 · 33K) – Composable transformations of Python+NumPy programs: differentiate,.. Apache-2
-
GitHub (? 920 · ? 3.1K · ? 46K · ? 6.4K – 24% open · ⏱️ 17.07.2025):
git clone https://githu*b.co**m/google/jax -
PyPi (? 9M / month · ? 2.6K · ⏱️ 17.06.2025):
pip install jax -
Conda (? 2.9M · ⏱️ 31.05.2025):
conda install -c conda-forge jaxlib
XGBoost (?46 · 27K) – Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2
-
GitHub (? 660 · ? 8.8K · ? 18K · ? 170K · ? 5.6K – 8% open · ⏱️ 17.07.2025):
git clone https://gith**ub.co*m/dmlc/xgboost -
PyPi (? 26M / month · ? 2.5K · ⏱️ 25.05.2025):
pip install xgboost -
Conda (? 6.3M · ⏱️ 26.05.2025):
conda install -c conda-forge xgboost
PaddlePaddle (?46 · 23K · ?) – PArallel Distributed Deep LEarning: Machine Learning.. Apache-2
-
GitHub (? 1.4K · ? 5.8K · ? 15K · ? 8.6K · ? 20K – 9% open · ⏱️ 17.07.2025):
git clone https://gith*ub**.com/PaddlePaddle/Paddle -
PyPi (? 480K / month · ? 240 · ⏱️ 29.06.2025):
pip install paddlepaddle
PySpark (?44 · 41K) – Apache Spark Python API. Apache-2
-
GitHub (? 3.3K · ? 29K · ⏱️ 17.07.2025):
git clone https://git*h*ub.*com/apache/spark -
PyPi (? 43M / month · ? 1.9K · ⏱️ 14.07.2025):
pip install pyspark -
Conda (? 4.1M · ⏱️ 23.05.2025):
conda install -c conda-forge pyspark
pytorch-lightning (?44 · 30K) – Pretrain, finetune ANY AI model of ANY size on.. Apache-2
-
GitHub (? 1K · ? 3.5K · ? 14K · ? 48K · ? 7.4K – 13% open · ⏱️ 17.07.2025):
git clone https://gith**ub.com*/Lightning-AI/lightning -
PyPi (? 11M / month · ? 1.7K · ⏱️ 20.06.2025):
pip install pytorch-lightning -
Conda (? 1.6M · ⏱️ 21.06.2025):
conda install -c conda-forge pytorch-lightning
StatsModels (?44 · 11K) – Statsmodels: statistical modeling and econometrics in Python. BSD-3
-
GitHub (? 460 · ? 3.3K · ? 35 · ? 180K · ? 5.8K – 50% open · ⏱️ 17.07.2025):
git clone https://*gi*thub.com*/statsmodels/statsmodels -
PyPi (? 18M / month · ? 5.6K · ⏱️ 07.07.2025):
pip install statsmodels -
Conda (? 20M · ⏱️ 07.07.2025):
conda install -c conda-forge statsmodels
LightGBM (?42 · 17K) – A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT
-
GitHub (? 330 · ? 3.9K · ? 300K · ? 55K · ? 3.6K – 12% open · ⏱️ 15.07.2025):
git clone https://g*ithu*b*.com/microsoft/LightGBM -
PyPi (? 10M / month · ? 1.4K · ⏱️ 15.02.2025):
pip install lightgbm -
Conda (? 3.8M · ⏱️ 31.05.2025):
conda install -c conda-forge lightgbm
Catboost (?42 · 8.5K) – A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2
-
GitHub (? 1.3K · ? 1.2K · ? 410K · ? 19 · ? 2.5K – 25% open · ⏱️ 16.07.2025):
git clone https://git*hu*b.*com/catboost/catboost -
PyPi (? 2.8M / month · ? 650 · ⏱️ 13.04.2025):
pip install catboost -
Conda (? 2.1M · ⏱️ 19.05.2025):
conda install -c conda-forge catboost
Fastai (?41 · 27K) – The fastai deep learning library. Apache-2
-
GitHub (? 670 · ? 7.6K · ? 23K · ? 1.8K – 13% open · ⏱️ 05.06.2025):
git clone https://g*i*thub*.com/fastai/fastai -
PyPi (? 530K / month · ? 330 · ⏱️ 24.05.2025):
pip install fastai
PyFlink (?39 · 25K) – Apache Flink Python API. Apache-2
-
GitHub (? 2K · ? 14K · ? 21 · ⏱️ 17.07.2025):
git clone https://githu**b.co*m/apache/flink -
PyPi (? 470K / month · ? 36 · ⏱️ 07.07.2025):
pip install apache-flink
ivy (?37 · 14K) – Convert Machine Learning Code Between Frameworks. Apache-2
-
GitHub (? 1.5K · ? 5.6K · ? 17K – 5% open · ⏱️ 16.07.2025):
git clone https://github.*c*o*m/unifyai/ivy -
PyPi (? 14K / month · ? 16 · ⏱️ 16.06.2025):
pip install ivy
einops (?37 · 9K) – Flexible and powerful tensor operations for readable and reliable code (for.. MIT
-
GitHub (? 33 · ? 370 · ? 80K · ? 200 – 17% open · ⏱️ 25.04.2025):
git clone https://gi*th*ub.co*m/arogozhnikov/einops -
PyPi (? 10M / month · ? 2.6K · ⏱️ 09.02.2025):
pip install einops -
Conda (? 410K · ⏱️ 22.04.2025):
conda install -c conda-forge einops
Flax (?37 · 6.7K) – Flax is a neural network library for JAX that is designed for.. Apache-2
-
GitHub (? 270 · ? 720 · ? 61 · ? 15K · ? 1.2K – 33% open · ⏱️ 16.07.2025):
git clone https://*gith*u*b.com/google/flax -
PyPi (? 1.4M / month · ? 660 · ⏱️ 02.07.2025):
pip install flax -
Conda (? 110K · ⏱️ 22.04.2025):
conda install -c conda-forge flax
Ignite (?36 · 4.7K) – High-level library to help with training and evaluating neural.. BSD-3
-
GitHub (? 910 · ? 650 · ? 3.9K · ? 1.4K – 11% open · ⏱️ 07.07.2025):
git clone https://githu*b*.c*om/pytorch/ignite -
PyPi (? 120K / month · ? 110 · ⏱️ 17.07.2025):
pip install pytorch-ignite -
Conda (? 240K · ⏱️ 30.03.2025):
conda install -c pytorch ignite
Thinc (?35 · 2.9K) – A refreshing functional take on deep learning, compatible with your favorite.. MIT
-
GitHub (? 67 · ? 280 · ? 1.9K · ? 70K · ? 150 – 12% open · ⏱️ 07.03.2025):
git clone https://g*i*t*hub.com/explosion/thinc -
PyPi (? 11M / month · ? 160 · ⏱️ 04.04.2025):
pip install thinc -
Conda (? 3.6M · ⏱️ 06.07.2025):
conda install -c conda-forge thinc
Jina (?34 · 22K) – Build multimodal AI applications with cloud-native stack. Apache-2
-
GitHub (? 180 · ? 2.2K · ? 1.9K – 0% open · ⏱️ 24.03.2025):
git clone https://*git*hub.c*om/jina-ai/jina -
PyPi (? 44K / month · ? 29 · ⏱️ 24.03.2025):
pip install jina -
Conda (? 100K · ⏱️ 22.04.2025):
conda install -c conda-forge jina-core -
Docker Hub (? 1.8M · 8 · ⏱️ 24.03.2025):
docker pull jinaai/jina
mlpack (?33 · 5.4K) – mlpack: a fast, header-only C++ machine learning library. BSD-3
-
GitHub (? 330 · ? 1.7K · ? 1.7K – 1% open · ⏱️ 28.06.2025):
git clone https://gi*t*h*ub.com/mlpack/mlpack -
PyPi (? 3.5K / month · ? 6 · ⏱️ 22.05.2025):
pip install mlpack -
Conda (? 380K · ⏱️ 22.04.2025):
conda install -c conda-forge mlpack
Ludwig (?32 · 12K · ?) – Low-code framework for building custom LLMs, neural networks,.. Apache-2
-
GitHub (? 160 · ? 1.2K · ? 320 · ? 1.1K – 4% open · ⏱️ 17.10.2024):
git clone https://git*hu**b.com/ludwig-ai/ludwig -
PyPi (? 1.9K / month · ? 6 · ⏱️ 30.07.2024):
pip install ludwig
Vowpal Wabbit (?32 · 8.6K · ?) – Vowpal Wabbit is a machine learning system which pushes the.. BSD-3
-
GitHub (? 340 · ? 1.9K · ? 2 · ? 1.3K – 11% open · ⏱️ 01.08.2024):
git clone https://gith*ub.c**om/VowpalWabbit/vowpal_wabbit -
PyPi (? 24K / month · ? 40 · ⏱️ 08.08.2024):
pip install vowpalwabbit -
Conda (? 380K · ⏱️ 22.04.2025):
conda install -c conda-forge vowpalwabbit
Haiku (?32 · 3.1K) – JAX-based neural network library. Apache-2
-
GitHub (? 89 · ? 250 · ? 2.5K · ? 250 – 29% open · ⏱️ 13.07.2025):
git clone https://*git*h*ub.com/deepmind/dm-haiku -
PyPi (? 170K / month · ? 190 · ⏱️ 22.04.2025):
pip install dm-haiku -
Conda (? 37K · ⏱️ 23.04.2025):
conda install -c conda-forge dm-haiku
Sonnet (?31 · 9.9K) – TensorFlow-based neural network library. Apache-2
-
GitHub (? 61 · ? 1.3K · ? 1.5K · ? 190 – 16% open · ⏱️ 09.06.2025):
git clone https://gi*t*hub.c*om/deepmind/sonnet -
PyPi (? 20K / month · ? 19 · ⏱️ 02.01.2024):
pip install dm-sonnet -
Conda (? 44K · ⏱️ 22.04.2025):
conda install -c conda-forge sonnet
skorch (?31 · 6.1K) – A scikit-learn compatible neural network library that wraps.. BSD-3
-
GitHub (? 67 · ? 390 · ? 1.7K · ? 540 – 12% open · ⏱️ 26.06.2025):
git clone https://github.c*o**m/skorch-dev/skorch -
PyPi (? 110K / month · ? 94 · ⏱️ 10.01.2025):
pip install skorch -
Conda (? 800K · ⏱️ 22.04.2025):
conda install -c conda-forge skorch
tensorflow-upstream (?31 · 690) – TensorFlow ROCm port. Apache-2
-
GitHub (? 4.9K · ? 99 · ? 30 · ? 390 – 2% open · ⏱️ 14.07.2025):
git clone https://gi*thub.**com/ROCmSoftwarePlatform/tensorflow-upstream -
PyPi (? 4.5K / month · ? 9 · ⏱️ 10.01.2024):
pip install tensorflow-rocm
Geomstats (?28 · 1.4K) – Computations and statistics on manifolds with geometric structures. MIT
-
GitHub (? 95 · ? 260 · ? 150 · ? 570 – 36% open · ⏱️ 22.05.2025):
git clone https://gi*th*u*b.com/geomstats/geomstats -
PyPi (? 4.8K / month · ? 12 · ⏱️ 09.09.2024):
pip install geomstats -
Conda (? 7.2K · ⏱️ 22.04.2025):
conda install -c conda-forge geomstats
NuPIC (?27 · 6.4K · ?) – Numenta Platform for Intelligent Computing is an implementation of.. MIT
-
GitHub (? 120 · ? 1.6K · ? 23 · ? 21 · ? 1.8K – 25% open · ⏱️ 03.12.2024):
git clone https://g*i*thub.com*/numenta/nupic -
PyPi (? 740 / month · ⏱️ 01.09.2016):
pip install nupic
Determined (?27 · 3.2K) – Determined is an open-source machine learning platform.. Apache-2
-
GitHub (? 120 · ? 360 · ? 14K · ? 450 – 22% open · ⏱️ 20.03.2025):
git clone https://gi**t*hub.com/determined-ai/determined -
PyPi (? 20K / month · ? 4 · ⏱️ 19.03.2025):
pip install determined
Neural Network Libraries (?26 · 2.8K) – Neural Network Libraries. Apache-2
-
GitHub (? 76 · ? 330 · ? 1K · ? 95 – 36% open · ⏱️ 30.06.2025):
git clone https://g**ithub*.com/sony/nnabla -
PyPi (? 2.5K / month · ? 44 · ⏱️ 29.05.2024):
pip install nnabla
ktrain (?26 · 1.3K · ?) – ktrain is a Python library that makes deep learning and AI.. Apache-2
-
GitHub (? 17 · ? 270 · ? 580 · ? 500 – 0% open · ⏱️ 09.07.2024):
git clone https://gi*thu*b*.com/amaiya/ktrain -
PyPi (? 3.3K / month · ? 4 · ⏱️ 19.06.2024):
pip install ktrain
pyRiemann (?26 · 680) – Machine learning for multivariate data through the Riemannian.. BSD-3
-
GitHub (? 37 · ? 170 · ? 480 · ? 110 – 2% open · ⏱️ 02.07.2025):
git clone https://github**.*com/pyRiemann/pyRiemann -
PyPi (? 34K / month · ? 28 · ⏱️ 12.02.2025):
pip install pyriemann -
Conda (? 14K · ⏱️ 22.04.2025):
conda install -c conda-forge pyriemann
Towhee (?23 · 3.4K · ?) – Towhee is a framework that is dedicated to making neural data.. Apache-2
-
GitHub (? 38 · ? 260 · ? 2.7K · ? 670 – 0% open · ⏱️ 18.10.2024):
git clone https://github*.c**om/towhee-io/towhee -
PyPi (? 1.9K / month · ⏱️ 04.12.2023):
pip install towhee
fklearn (?21 · 1.5K · ?) – fklearn: Functional Machine Learning. Apache-2
-
GitHub (? 56 · ? 170 · ? 64 – 60% open · ⏱️ 23.04.2025):
git clone https://gith*u*b*.com/nubank/fklearn -
PyPi (? 1.4K / month · ⏱️ 26.02.2025):
pip install fklearn
Runhouse (?20 · 1K) – Distribute and run AI workloads magically in Python, like PyTorch for.. Apache-2
-
GitHub (? 16 · ? 37 · ? 79 · ? 52 – 19% open · ⏱️ 15.07.2025):
git clone https://gi*t*hub*.com/run-house/runhouse -
PyPi (? 5.5K / month · ? 1 · ⏱️ 10.03.2025):
pip install runhouse
NeoML (?20 · 780) – Machine learning framework for both deep learning and traditional.. Apache-2
-
GitHub (? 40 · ? 130 · ? 2 · ? 91 – 40% open · ⏱️ 15.07.2025):
git clone https://**github.co*m/neoml-lib/neoml -
PyPi (? 260 / month · ⏱️ 26.12.2023):
pip install neoml
chefboost (?19 · 480) – A Lightweight Decision Tree Framework supporting regular algorithms:.. MIT
-
GitHub (? 7 · ? 100 · ? 72 · ⏱️ 09.07.2025):
git clone https://gith*u*b.c*om/serengil/chefboost -
PyPi (? 480 / month · ⏱️ 30.10.2024):
pip install chefboost
ThunderGBM (?17 · 700) – ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2
-
GitHub (? 12 · ? 87 · ? 4 · ? 81 – 48% open · ⏱️ 19.03.2025):
git clone https://githu*b*.*com/Xtra-Computing/thundergbm -
PyPi (? 150 / month · ⏱️ 19.09.2022):
pip install thundergbm
Show 24 hidden projects…
-
dlib (?40 · 14K) – A toolkit for making real world machine learning and data analysis..
❗️BSL-1.0 -
MXNet (?38 · 21K · ?) – Lightweight, Portable, Flexible Distributed/Mobile Deep..
Apache-2 -
Theano (?37 · 10K · ?) – Theano was a Python library that allows you to define, optimize, and..
BSD-3 -
MindsDB (?33 · 35K) – AIs query engine – Platform for building AI that can answer..
❗️ICU -
Chainer (?33 · 5.9K · ?) – A flexible framework of neural networks for deep learning.
MIT -
Turi Create (?32 · 11K · ?) – Turi Create simplifies the development of custom machine..
BSD-3 -
tensorpack (?32 · 6.3K · ?) – A Neural Net Training Interface on TensorFlow, with..
Apache-2 -
TFlearn (?31 · 9.6K · ?) – Deep learning library featuring a higher-level API for TensorFlow.
MIT -
dyNET (?31 · 3.4K · ?) – DyNet: The Dynamic Neural Network Toolkit.
Apache-2 -
CNTK (?29 · 18K · ?) – Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit.
MIT -
Lasagne (?28 · 3.9K · ?) – Lightweight library to build and train neural networks in Theano.
MIT -
EvaDB (?27 · 2.7K · ?) – Database system for AI-powered apps.
Apache-2 -
SHOGUN (?26 · 3.1K · ?) – Unified and efficient Machine Learning.
BSD-3 -
xLearn (?24 · 3.1K · ?) – High performance, easy-to-use, and scalable machine learning (ML)..
Apache-2 -
neon (?22 · 3.9K · ?) – Intel Nervana reference deep learning framework committed to best..
Apache-2 -
NeuPy (?22 · 740 · ?) – NeuPy is a Tensorflow based python library for prototyping and building..
MIT -
mace (?21 · 5K · ?) – MACE is a deep learning inference framework optimized for mobile..
Apache-2 -
Neural Tangents (?21 · 2.4K · ?) – Fast and Easy Infinite Neural Networks in Python.
Apache-2 -
ThunderSVM (?21 · 1.6K · ?) – ThunderSVM: A Fast SVM Library on GPUs and CPUs.
Apache-2 -
Torchbearer (?21 · 640 · ?) – torchbearer: A model fitting library for PyTorch.
MIT -
Objax (?19 · 770 · ?) – Objax is a machine learning framework that provides an Object..
Apache-2 -
elegy (?19 · 470 · ?) – A High Level API for Deep Learning in JAX.
MIT -
StarSpace (?16 · 4K · ?) – Learning embeddings for classification, retrieval and ranking.
MIT -
nanodl (?13 · 290 · ?) – A Jax-based library for building transformers, includes..
MIT
Data Visualization
General-purpose and task-specific data visualization libraries.
Matplotlib (?49 · 21K) – matplotlib: plotting with Python. ❗Unlicensed
-
GitHub (? 1.8K · ? 7.9K · ? 1.8M · ? 11K – 14% open · ⏱️ 15.07.2025):
git clone https://gith*ub.c*o*m/matplotlib/matplotlib -
PyPi (? 93M / month · ? 60K · ⏱️ 08.05.2025):
pip install matplotlib -
Conda (? 31M · ⏱️ 15.05.2025):
conda install -c conda-forge matplotlib
Plotly (?47 · 17K) – The interactive graphing library for Python. MIT
-
GitHub (? 290 · ? 2.7K · ? 400 · ? 450K · ? 3.2K – 20% open · ⏱️ 16.07.2025):
git clone https://*githu**b.com/plotly/plotly.py -
PyPi (? 27M / month · ? 8.6K · ⏱️ 26.06.2025):
pip install plotly -
Conda (? 10M · ⏱️ 27.06.2025):
conda install -c conda-forge plotly -
npm (? 3.7K / month · ? 9 · ⏱️ 12.01.2021):
npm install plotlywidget
dash (?46 · 23K) – Data Apps & Dashboards for Python. No JavaScript Required. MIT
-
GitHub (? 190 · ? 2.2K · ? 90 · ? 89K · ? 2K – 27% open · ⏱️ 17.07.2025):
git clone https://gi*t*hub.c*om/plotly/dash -
PyPi (? 5.1M / month · ? 1.7K · ⏱️ 30.06.2025):
pip install dash -
Conda (? 1.9M · ⏱️ 10.07.2025):
conda install -c conda-forge dash
Bokeh (?44 · 20K) – Interactive Data Visualization in the browser, from Python. BSD-3
-
GitHub (? 710 · ? 4.2K · ? 100K · ? 8K – 10% open · ⏱️ 16.07.2025):
git clone https://git*h*u*b.com/bokeh/bokeh -
PyPi (? 4.2M / month · ? 2K · ⏱️ 05.06.2025):
pip install bokeh -
Conda (? 17M · ⏱️ 12.05.2025):
conda install -c conda-forge bokeh
Seaborn (?42 · 13K) – Statistical data visualization in Python. BSD-3
-
GitHub (? 220 · ? 2K · ? 500 · ? 690K · ? 2.6K – 6% open · ⏱️ 10.07.2025):
git clone https://gi*th*ub.co*m/mwaskom/seaborn -
PyPi (? 26M / month · ? 11K · ⏱️ 25.01.2024):
pip install seaborn -
Conda (? 14M · ⏱️ 22.04.2025):
conda install -c conda-forge seaborn
Altair (?41 · 9.9K) – Declarative visualization library for Python. BSD-3
-
GitHub (? 180 · ? 800 · ? 260 · ? 240K · ? 2.1K – 6% open · ⏱️ 16.07.2025):
git clone https://*g*ithub.co*m/altair-viz/altair -
PyPi (? 30M / month · ? 920 · ⏱️ 23.11.2024):
pip install altair -
Conda (? 2.8M · ⏱️ 22.04.2025):
conda install -c conda-forge altair
FiftyOne (?39 · 9.7K) – Visualize, create, and debug image and video datasets.. Apache-2
-
GitHub (? 160 · ? 650 · ? 1K · ? 1.7K – 34% open · ⏱️ 16.07.2025):
git clone https://gi*thub*.c*om/voxel51/fiftyone -
PyPi (? 110K / month · ? 31 · ⏱️ 01.07.2025):
pip install fiftyone
HoloViews (?39 · 2.8K) – With Holoviews, your data visualizes itself. BSD-3
-
GitHub (? 150 · ? 410 · ? 16K · ? 3.4K – 31% open · ⏱️ 10.07.2025):
git clone https://gi*t*hub.c*om/holoviz/holoviews -
PyPi (? 740K / month · ? 440 · ⏱️ 25.06.2025):
pip install holoviews -
Conda (? 2.1M · ⏱️ 25.06.2025):
conda install -c conda-forge holoviews -
npm (? 260 / month · ? 7 · ⏱️ 20.06.2025):
npm install @pyviz/jupyterlab_pyviz
PyVista (?38 · 3.2K) – 3D plotting and mesh analysis through a streamlined interface for.. MIT
-
GitHub (? 180 · ? 580 · ? 930 · ? 5.1K · ? 1.9K – 36% open · ⏱️ 16.07.2025):
git clone https://g*ith*ub.co*m/pyvista/pyvista -
PyPi (? 570K / month · ? 760 · ⏱️ 16.07.2025):
pip install pyvista -
Conda (? 730K · ⏱️ 17.07.2025):
conda install -c conda-forge pyvista
PyQtGraph (?37 · 4.1K) – Fast data visualization and GUI tools for scientific / engineering.. MIT
-
GitHub (? 300 · ? 1.1K · ? 13K · ? 1.4K – 32% open · ⏱️ 27.06.2025):
git clone https://g*ith*ub.c*om/pyqtgraph/pyqtgraph -
PyPi (? 450K / month · ? 1K · ⏱️ 29.04.2024):
pip install pyqtgraph -
Conda (? 770K · ⏱️ 22.04.2025):
conda install -c conda-forge pyqtgraph
Graphviz (?37 · 1.7K) – Simple Python interface for Graphviz. MIT
-
GitHub (? 24 · ? 220 · ? 93K · ? 190 – 6% open · ⏱️ 15.06.2025):
git clone https://g**it*hub.com/xflr6/graphviz -
PyPi (? 23M / month · ? 3.2K · ⏱️ 15.06.2025):
pip install graphviz -
Conda (? 56K · ⏱️ 22.04.2025):
conda install -c anaconda python-graphviz
pandas-profiling (?36 · 13K) – 1 Line of code data quality profiling & exploratory.. MIT
-
GitHub (? 140 · ? 1.7K · ? 400 · ? 6.9K · ? 840 – 30% open · ⏱️ 26.03.2025):
git clone https://git*hu*b.c*om/ydataai/pandas-profiling -
PyPi (? 350K / month · ? 180 · ⏱️ 03.02.2023):
pip install pandas-profiling -
Conda (? 530K · ⏱️ 22.04.2025):
conda install -c conda-forge pandas-profiling
plotnine (?36 · 4.3K) – A Grammar of Graphics for Python. MIT
-
GitHub (? 110 · ? 240 · ? 13K · ? 730 – 10% open · ⏱️ 15.07.2025):
git clone https://gith*ub.*com*/has2k1/plotnine -
PyPi (? 2M / month · ? 400 · ⏱️ 15.07.2025):
pip install plotnine -
Conda (? 490K · ⏱️ 15.07.2025):
conda install -c conda-forge plotnine
pyecharts (?35 · 15K) – Python Echarts Plotting Library. MIT
-
GitHub (? 45 · ? 2.9K · ? 74 · ? 5.5K · ? 1.9K – 0% open · ⏱️ 26.01.2025):
git clone https://*g*i*thub.com/pyecharts/pyecharts -
PyPi (? 280K / month · ? 220 · ⏱️ 24.01.2025):
pip install pyecharts
VisPy (?35 · 3.5K) – High-performance interactive 2D/3D data visualization library. BSD-3
-
GitHub (? 210 · ? 620 · ? 2.1K · ? 1.5K – 25% open · ⏱️ 15.07.2025):
下载源码
通过命令行克隆项目:
git clone https://github.com/lukasmasuch/best-of-ml-python.git
