diff --git a/README.md b/README.md index 29d3953..5d7eb3c 100644 --- a/README.md +++ b/README.md @@ -14,794 +14,794 @@

-本资源清单包含820个python机器学习相关的开源工具资源,这些热门工具总共分成32个不同的子板块,这些项目目前在github上已经收到3.5M个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新排行展示。本清单参考[best-of模板](https://github.com/best-of-lists/best-of)完成,内容参考了[awesome-machine-learning](https://github.com/josephmisiti/awesome-machine-learning),欢迎大家提PR丰富本清单。 -## 目录 - -- [机器学习框架](#机器学习框架) _54 个项目_ -- [数据可视化](#数据可视化) _49 个项目_ -- [文本数据和NLP](#文本数据和NLP) _82 个项目_ -- [图像数据与CV](#图像数据与CV) _49 个项目_ -- [图数据处理](#图数据处理) _29 个项目_ -- [音频处理](#音频处理) _23 个项目_ -- [地理Geo处理](#地理Geo处理) _22 个项目_ -- [金融数据处理](#金融数据处理) _23 个项目_ -- [时间序列](#时间序列) _20 个项目_ -- [医疗领域](#医疗领域) _19 个项目_ -- [光学字符识别OCR](#光学字符识别OCR) _11 个项目_ -- [数据容器和结构](#数据容器和结构) _28 个项目_ -- [数据读写与提取](#数据读写与提取) _23 个项目_ -- [网页抓取和爬虫](#网页抓取和爬虫) _1 个项目_ -- [数据管道和流处理](#数据管道和流处理) _36 个项目_ -- [分布式机器学习](#分布式机器学习) _26 个项目_ -- [超参数优化和AutoML](#超参数优化和AutoML) _45 个项目_ -- [强化学习](#强化学习) _19 个项目_ -- [推荐系统](#推荐系统) _13 个项目_ -- [隐私机器学习](#隐私机器学习) _6 个项目_ -- [工作流程和实验跟踪](#工作流程和实验跟踪) _35 个项目_ -- [模型序列化和转换](#模型序列化和转换) _11 个项目_ -- [模型的可解释性](#模型的可解释性) _46 个项目_ -- [向量相似度搜索(ANN)](#向量相似度搜索(ANN)) _12 个项目_ -- [概率统计](#概率统计) _21 个项目_ -- [对抗学习与鲁棒性](#对抗学习与鲁棒性) _7 个项目_ -- [GPU实用程序](#GPU实用程序) _18 个项目_ -- [Tensorflow实用程序](#Tensorflow实用程序) _13 个项目_ -- [Sklearn实用程序](#Sklearn实用程序) _17 个项目_ -- [Pytorch实用程序](#Pytorch实用程序) _27 个项目_ -- [数据库客户端](#数据库客户端) _1 个项目_ -- [中文自然语言处理](#中文自然语言处理) _2 个项目_ -- [Others](#Others) _33 个项目_ - -## 图标解释 -- 🥇🥈🥉  综合项目质量分 -- ⭐️  github上star的数量 -- 🐣  小于6个月的新项目 -- 💤  非活跃项目(6个月未更新) -- 💀  沉寂项目(12个月未更新) -- 📈📉  项目趋势(向上or向下) -- ➕  最近添加的项目 -- ❗️  警告(例如 项目没有license) -- 👨‍💻  项目的开发贡献者数量 -- 🔀  项目被fork的数量 -- 📋  项目issue的数量 -- ⏱️  项目包上次更新时间 -- 📥  工具库被下载次数 -- 📦  项目依赖的工具库数量 --   Tensorflow相关项目 --   Sklearn相关项目 --   pytorch相关项目 --   MxNet相关项目 --   Apache Spark相关项目 --   Jupyter相关项目 --   PaddlePaddle相关项目 --   Pandas相关项目 +本资源清单包含820个python机器学习相关的开源工具资源,这些热门工具总共分成32个不同的子板块,这些项目目前在github上已经收到4.2M个点赞。所有的工具资源每周会自动从GitHub和工具维护平台采集信息,并更新排行展示。本清单参考[best-of模板](https://github.com/best-of-lists/best-of)完成,内容参考了[awesome-machine-learning](https://github.com/josephmisiti/awesome-machine-learning),欢迎大家提PR丰富本清单。 +## Contents + +- [Machine Learning Frameworks](#machine-learning-frameworks) _54 projects_ +- [Data Visualization](#data-visualization) _49 projects_ +- [Text Data & NLP](#text-data--nlp) _82 projects_ +- [Image Data](#image-data) _49 projects_ +- [Graph Data](#graph-data) _29 projects_ +- [Audio Data](#audio-data) _23 projects_ +- [Geospatial Data](#geospatial-data) _22 projects_ +- [Financial Data](#financial-data) _23 projects_ +- [Time Series Data](#time-series-data) _20 projects_ +- [Medical Data](#medical-data) _19 projects_ +- [Optical Character Recognition](#optical-character-recognition) _11 projects_ +- [Data Containers & Structures](#data-containers--structures) _28 projects_ +- [Data Loading & Extraction](#data-loading--extraction) _23 projects_ +- [Web Scraping & Crawling](#web-scraping--crawling) _1 projects_ +- [Data Pipelines & Streaming](#data-pipelines--streaming) _36 projects_ +- [Distributed Machine Learning](#distributed-machine-learning) _26 projects_ +- [Hyperparameter Optimization & AutoML](#hyperparameter-optimization--automl) _45 projects_ +- [Reinforcement Learning](#reinforcement-learning) _19 projects_ +- [Recommender Systems](#recommender-systems) _13 projects_ +- [Privacy Machine Learning](#privacy-machine-learning) _6 projects_ +- [Workflow & Experiment Tracking](#workflow--experiment-tracking) _35 projects_ +- [Model Serialization & Conversion](#model-serialization--conversion) _11 projects_ +- [Model Interpretability](#model-interpretability) _45 projects_ +- [Vector Similarity Search (ANN)](#vector-similarity-search-ann) _12 projects_ +- [Probabilistics & Statistics](#probabilistics--statistics) _21 projects_ +- [Adversarial Robustness](#adversarial-robustness) _7 projects_ +- [GPU Utilities](#gpu-utilities) _18 projects_ +- [Tensorflow Utilities](#tensorflow-utilities) _13 projects_ +- [Sklearn Utilities](#sklearn-utilities) _17 projects_ +- [Pytorch Utilities](#pytorch-utilities) _27 projects_ +- [Database Clients](#database-clients) _1 projects_ +- [Chinese NLP](#chinese-nlp) _2 projects_ +- [Others](#others) _33 projects_ + +## Explanation +- 🥇🥈🥉  Combined project-quality score +- ⭐️  Star count from GitHub +- 🐣  New project _(less than 6 months old)_ +- 💤  Inactive project _(6 months no activity)_ +- 💀  Dead project _(12 months no activity)_ +- 📈📉  Project is trending up or down +- ➕  Project was recently added +- ❗️  Warning _(e.g. missing/risky license)_ +- 👨‍💻  Contributors count from GitHub +- 🔀  Fork count from GitHub +- 📋  Issue count from GitHub +- ⏱️  Last update timestamp on package manager +- 📥  Download count from package manager +- 📦  Number of dependent projects +-   Tensorflow related project +-   Sklearn related project +-   PyTorch related project +-   MxNet related project +-   Apache Spark related project +-   Jupyter related project +-   PaddlePaddle related project +-   Pandas related project
-## 机器学习框架 +## Machine Learning Frameworks -Back to top +Back to top -_通用机器学习和深度学习框架。_ +_General-purpose machine learning and deep learning frameworks._ -
Tensorflow (🥇44 · ⭐ 170K) - 适用于所有人的开源机器学习框架。Apache-2 +
Tensorflow (🥇44 · ⭐ 180K) - An Open Source Machine Learning Framework for Everyone. Apache-2 -- [GitHub](https://github.com/tensorflow/tensorflow) (👨‍💻 4.1K · 🔀 70K · 📦 210K · 📋 35K - 5% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/tensorflow/tensorflow) (👨‍💻 4.5K · 🔀 72K · 📦 340K · 📋 39K - 4% open · ⏱️ 15.02.2024): ``` git clone https://github.com/tensorflow/tensorflow ``` -- [PyPi](https://pypi.org/project/tensorflow) (📥 14M / month): +- [PyPi](https://pypi.org/project/tensorflow) (📥 19M / month): ``` pip install tensorflow ``` -- [Conda](https://anaconda.org/conda-forge/tensorflow) (📥 3.6M · ⏱️ 20.07.2022): +- [Conda](https://anaconda.org/conda-forge/tensorflow) (📥 4.5M · ⏱️ 30.01.2024): ``` conda install -c conda-forge tensorflow ``` -- [Docker Hub](https://hub.docker.com/r/tensorflow/tensorflow) (📥 67M · ⭐ 2K · ⏱️ 25.08.2022): +- [Docker Hub](https://hub.docker.com/r/tensorflow/tensorflow) (📥 76M · ⭐ 2.3K · ⏱️ 15.02.2024): ``` docker pull tensorflow/tensorflow ```
-
scikit-learn (🥇39 · ⭐ 51K) - scikit-learn:基于Python的机器学习工具库。BSD-3 +
PyTorch (🥇39 · ⭐ 75K) - Tensors and Dynamic neural networks in Python with strong GPU.. BSD-3 -- [GitHub](https://github.com/scikit-learn/scikit-learn) (👨‍💻 2.7K · 🔀 23K · 📥 810 · 📦 390K · 📋 9.6K - 16% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/pytorch/pytorch) (👨‍💻 4.7K · 🔀 20K · 📥 34K · 📦 390K · 📋 40K - 31% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/scikit-learn/scikit-learn + git clone https://github.com/pytorch/pytorch ``` -- [PyPi](https://pypi.org/project/scikit-learn) (📥 31M / month): +- [PyPi](https://pypi.org/project/torch) (📥 18M / month): ``` - pip install scikit-learn + pip install torch ``` -- [Conda](https://anaconda.org/conda-forge/scikit-learn) (📥 15M · ⏱️ 05.08.2022): +- [Conda](https://anaconda.org/pytorch/pytorch) (📥 20M · ⏱️ 29.01.2024): ``` - conda install -c conda-forge scikit-learn + conda install -c pytorch pytorch ```
-
XGBoost (🥇37 · ⭐ 23K) - 可扩展,高效和分布式梯度增强(GBDT,GBRT等)的boosting工具库。Apache-2 +
scikit-learn (🥇39 · ⭐ 57K) - scikit-learn: machine learning in Python. BSD-3 -- [GitHub](https://github.com/dmlc/xgboost) (👨‍💻 570 · 🔀 7.9K · 📥 5K · 📦 35K · 📋 4.5K - 5% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/scikit-learn/scikit-learn) (👨‍💻 3.1K · 🔀 24K · 📥 940 · 📦 700K · 📋 11K - 15% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/dmlc/xgboost + git clone https://github.com/scikit-learn/scikit-learn ``` -- [PyPi](https://pypi.org/project/xgboost) (📥 8.3M / month): +- [PyPi](https://pypi.org/project/scikit-learn) (📥 51M / month): ``` - pip install xgboost + pip install scikit-learn ``` -- [Conda](https://anaconda.org/conda-forge/xgboost) (📥 2.9M · ⏱️ 12.08.2022): +- [Conda](https://anaconda.org/conda-forge/scikit-learn) (📥 26M · ⏱️ 19.01.2024): ``` - conda install -c conda-forge xgboost + conda install -c conda-forge scikit-learn ```
-
LightGBM (🥇35 · ⭐ 14K) - 快速,分布式,高性能梯度提升(GBT,GBDT,GBRT等)的boosting工具库。MIT +
XGBoost (🥇39 · ⭐ 25K) - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or.. Apache-2 -- [GitHub](https://github.com/microsoft/LightGBM) (👨‍💻 270 · 🔀 3.5K · 📥 160K · 📦 15K · 📋 2.8K - 7% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/dmlc/xgboost) (👨‍💻 640 · 🔀 8.1K · 📥 8.1K · 📦 81K · 📋 5.1K - 7% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/microsoft/LightGBM + git clone https://github.com/dmlc/xgboost ``` -- [PyPi](https://pypi.org/project/lightgbm) (📥 6M / month): +- [PyPi](https://pypi.org/project/xgboost) (📥 13M / month): ``` - pip install lightgbm + pip install xgboost ``` -- [Conda](https://anaconda.org/conda-forge/lightgbm) (📥 1.2M · ⏱️ 08.01.2022): +- [Conda](https://anaconda.org/conda-forge/xgboost) (📥 4.5M · ⏱️ 19.01.2024): ``` - conda install -c conda-forge lightgbm + conda install -c conda-forge xgboost ```
-
Fastai (🥇34 · ⭐ 23K) - Fastai深度学习库。Apache-2 +
pytorch-lightning (🥇37 · ⭐ 26K · 📈) - The lightweight PyTorch wrapper for high-performance.. Apache-2 -- [GitHub](https://github.com/fastai/fastai) (👨‍💻 210 · 🔀 7.1K · 📦 11K · 📋 1.7K - 6% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/Lightning-AI/pytorch-lightning) (👨‍💻 930 · 🔀 3.1K · 📥 10K · 📦 29K · 📋 6.7K - 9% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/fastai/fastai + git clone https://github.com/PyTorchLightning/pytorch-lightning ``` -- [PyPi](https://pypi.org/project/fastai) (📥 280K / month): +- [PyPi](https://pypi.org/project/pytorch-lightning) (📥 4.7M / month): ``` - pip install fastai + pip install pytorch-lightning + ``` +- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (📥 1.1M · ⏱️ 21.12.2023): + ``` + conda install -c conda-forge pytorch-lightning ```
-
Thinc (🥇34 · ⭐ 2.6K) - 深度学习工具库。MIT +
LightGBM (🥇37 · ⭐ 16K) - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,.. MIT -- [GitHub](https://github.com/explosion/thinc) (👨‍💻 53 · 🔀 240 · 📦 23K · 📋 120 - 11% open · ⏱️ 05.08.2022): +- [GitHub](https://github.com/microsoft/LightGBM) (👨‍💻 300 · 🔀 3.7K · 📥 210K · 📦 30K · 📋 3.2K - 10% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/explosion/thinc + git clone https://github.com/microsoft/LightGBM ``` -- [PyPi](https://pypi.org/project/thinc) (📥 4.1M / month): +- [PyPi](https://pypi.org/project/lightgbm) (📥 7.5M / month): ``` - pip install thinc + pip install lightgbm ``` -- [Conda](https://anaconda.org/conda-forge/thinc) (📥 2.2M · ⏱️ 08.07.2022): +- [Conda](https://anaconda.org/conda-forge/lightgbm) (📥 2.2M · ⏱️ 26.01.2024): ``` - conda install -c conda-forge thinc + conda install -c conda-forge lightgbm ```
-
PyTorch (🥈33 · ⭐ 58K) - 具有强大GPU的Python中的张量和动态神经网络构建工具库。BSD-3 +
PaddlePaddle (🥈36 · ⭐ 21K) - PArallel Distributed Deep LEarning: Machine Learning.. Apache-2 -- [GitHub](https://github.com/pytorch/pytorch) (👨‍💻 3.5K · 🔀 16K · 📥 5.6K · 📋 28K - 32% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/PaddlePaddle/Paddle) (👨‍💻 1.2K · 🔀 5.2K · 📥 15K · 📦 4.6K · 📋 18K - 5% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/pytorch/pytorch - ``` -- [PyPi](https://pypi.org/project/torch) (📥 8.5M / month): - ``` - pip install torch + git clone https://github.com/PaddlePaddle/Paddle ``` -- [Conda](https://anaconda.org/pytorch/pytorch) (📥 19M · ⏱️ 04.08.2022): +- [PyPi](https://pypi.org/project/paddlepaddle) (📥 230K / month): ``` - conda install -c pytorch pytorch + pip install paddlepaddle ```
-
dlib (🥈33 · ⭐ 11K) - 进行现实世界机器学习和数据分析的工具包。❗️BSL-1.0 +
StatsModels (🥈35 · ⭐ 9.3K) - Statsmodels: statistical modeling and econometrics in Python. BSD-3 -- [GitHub](https://github.com/davisking/dlib) (👨‍💻 180 · 🔀 2.7K · 📥 25K · 📦 16K · 📋 2.1K - 1% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/statsmodels/statsmodels) (👨‍💻 420 · 🔀 2.6K · 📥 30 · 📦 110K · 📋 5.3K - 48% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/davisking/dlib + git clone https://github.com/statsmodels/statsmodels ``` -- [PyPi](https://pypi.org/project/dlib) (📥 91K / month): +- [PyPi](https://pypi.org/project/statsmodels) (📥 13M / month): ``` - pip install dlib + pip install statsmodels ``` -- [Conda](https://anaconda.org/conda-forge/dlib) (📥 460K · ⏱️ 08.05.2022): +- [Conda](https://anaconda.org/conda-forge/statsmodels) (📥 12M · ⏱️ 14.12.2023): ``` - conda install -c conda-forge dlib + conda install -c conda-forge statsmodels ```
-
Keras (🥈32 · ⭐ 56K) - 易上手的深度学习工具库。Apache-2 +
Keras (🥈34 · ⭐ 60K) - Deep Learning for humans. Apache-2 -- [GitHub](https://github.com/keras-team/keras) (👨‍💻 1.1K · 🔀 18K · 📋 11K - 2% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/keras-team/keras) (👨‍💻 1.3K · 🔀 19K · 📋 12K - 1% open · ⏱️ 14.02.2024): ``` git clone https://github.com/keras-team/keras ``` -- [PyPi](https://pypi.org/project/keras) (📥 8.4M / month): +- [PyPi](https://pypi.org/project/keras) (📥 15M / month): ``` pip install keras ``` -- [Conda](https://anaconda.org/conda-forge/keras) (📥 2.5M · ⏱️ 19.05.2022): +- [Conda](https://anaconda.org/conda-forge/keras) (📥 3.4M · ⏱️ 15.02.2024): ``` conda install -c conda-forge keras ```
-
PySpark (🥈32 · ⭐ 34K) - Apache Spark Python API。Apache-2 +
Fastai (🥈34 · ⭐ 25K) - The fastai deep learning library. Apache-2 -- [GitHub](https://github.com/apache/spark) (👨‍💻 2.7K · 🔀 25K · ⏱️ 26.08.2022): +- [GitHub](https://github.com/fastai/fastai) (👨‍💻 250 · 🔀 7.3K · 📦 16K · 📋 1.8K - 10% open · ⏱️ 01.02.2024): ``` - git clone https://github.com/apache/spark - ``` -- [PyPi](https://pypi.org/project/pyspark) (📥 25M / month): - ``` - pip install pyspark + git clone https://github.com/fastai/fastai ``` -- [Conda](https://anaconda.org/conda-forge/pyspark) (📥 1.9M · ⏱️ 27.07.2022): +- [PyPi](https://pypi.org/project/fastai) (📥 420K / month): ``` - conda install -c conda-forge pyspark + pip install fastai ```
-
PaddlePaddle (🥈32 · ⭐ 19K) - paddlepaddle机器学习与深度学习工具库。Apache-2 +
Jina (🥈34 · ⭐ 20K) - An easier way to build neural search on the cloud. Apache-2 -- [GitHub](https://github.com/PaddlePaddle/Paddle) (👨‍💻 810 · 🔀 4.5K · 📥 15K · 📦 140 · 📋 15K - 14% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/jina-ai/jina) (👨‍💻 180 · 🔀 2.1K · 📦 1.6K · 📋 1.9K - 0% open · ⏱️ 10.01.2024): ``` - git clone https://github.com/PaddlePaddle/Paddle + git clone https://github.com/jina-ai/jina ``` -- [PyPi](https://pypi.org/project/paddlepaddle) (📥 79K / month): +- [PyPi](https://pypi.org/project/jina) (📥 150K / month): ``` - pip install paddlepaddle + pip install jina + ``` +- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (📥 1.3M · ⭐ 8 · ⏱️ 08.01.2024): + ``` + docker pull jinaai/jina ```
-
Jina (🥈32 · ⭐ 16K) - 在云端构建神经搜索的简便方法库。Apache-2 +
dlib (🥈34 · ⭐ 13K) - A toolkit for making real world machine learning and data analysis.. ❗️BSL-1.0 -- [GitHub](https://github.com/jina-ai/jina) (👨‍💻 150 · 🔀 1.9K · 📦 350 · 📋 1.6K - 1% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/davisking/dlib) (👨‍💻 190 · 🔀 2.8K · 📥 25K · 📦 25K · 📋 2.2K - 1% open · ⏱️ 05.02.2024): ``` - git clone https://github.com/jina-ai/jina + git clone https://github.com/davisking/dlib ``` -- [PyPi](https://pypi.org/project/jina) (📥 88K / month): +- [PyPi](https://pypi.org/project/dlib) (📥 370K / month): ``` - pip install jina + pip install dlib ``` -- [Docker Hub](https://hub.docker.com/r/jinaai/jina) (📥 1.1M · ⭐ 7 · ⏱️ 23.08.2022): +- [Conda](https://anaconda.org/conda-forge/dlib) (📥 660K · ⏱️ 11.01.2024): ``` - docker pull jinaai/jina + conda install -c conda-forge dlib ```
-
StatsModels (🥈32 · ⭐ 7.7K) - Statsmodels:Python中的统计建模和计量经济学工具库。BSD-3 +
Thinc (🥈34 · ⭐ 2.8K) - A refreshing functional take on deep learning, compatible with your favorite.. MIT -- [GitHub](https://github.com/statsmodels/statsmodels) (👨‍💻 380 · 🔀 2.4K · 📥 26 · 📦 68K · 📋 4.8K - 46% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/explosion/thinc) (👨‍💻 63 · 🔀 270 · 📦 43K · 📋 140 - 10% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/statsmodels/statsmodels + git clone https://github.com/explosion/thinc ``` -- [PyPi](https://pypi.org/project/statsmodels) (📥 8.8M / month): +- [PyPi](https://pypi.org/project/thinc) (📥 5.9M / month): ``` - pip install statsmodels + pip install thinc ``` -- [Conda](https://anaconda.org/conda-forge/statsmodels) (📥 7M · ⏱️ 09.06.2022): +- [Conda](https://anaconda.org/conda-forge/thinc) (📥 2.7M · ⏱️ 29.12.2023): ``` - conda install -c conda-forge statsmodels + conda install -c conda-forge thinc ```
-
jax (🥈31 · ⭐ 20K) - Python + NumPy程序工具库。Apache-2 +
jax (🥈33 · ⭐ 27K) - Composable transformations of Python+NumPy programs: differentiate,.. Apache-2 -- [GitHub](https://github.com/google/jax) (👨‍💻 440 · 🔀 1.8K · 📦 5.3K · 📋 3.4K - 24% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/google/jax) (👨‍💻 640 · 🔀 2.4K · 📦 22K · 📋 4.9K - 25% open · ⏱️ 15.02.2024): ``` git clone https://github.com/google/jax ``` -- [PyPi](https://pypi.org/project/jax) (📥 610K / month): +- [PyPi](https://pypi.org/project/jax) (📥 5.6M / month): ``` pip install jax ``` -- [Conda](https://anaconda.org/conda-forge/jaxlib) (📥 410K · ⏱️ 25.08.2022): +- [Conda](https://anaconda.org/conda-forge/jaxlib) (📥 1M · ⏱️ 14.02.2024): ``` conda install -c conda-forge jaxlib ```
-
Chainer (🥈31 · ⭐ 5.7K) - 灵活的深度学习神经网络框架。MIT +
MXNet (🥈33 · ⭐ 21K · 💀) - Lightweight, Portable, Flexible Distributed/Mobile Deep.. Apache-2 -- [GitHub](https://github.com/chainer/chainer) (👨‍💻 320 · 🔀 1.3K · 📦 2.7K · 📋 2K - 0% open · ⏱️ 29.06.2022): +- [GitHub](https://github.com/apache/mxnet) (👨‍💻 980 · 🔀 6.5K · 📥 27K · 📦 7K · 📋 9.6K - 18% open · ⏱️ 26.01.2023): ``` - git clone https://github.com/chainer/chainer + git clone https://github.com/apache/incubator-mxnet ``` -- [PyPi](https://pypi.org/project/chainer) (📥 23K / month): +- [PyPi](https://pypi.org/project/mxnet) (📥 380K / month): ``` - pip install chainer + pip install mxnet + ``` +- [Conda](https://anaconda.org/anaconda/mxnet) (📥 11K · ⏱️ 16.06.2023): + ``` + conda install -c anaconda mxnet ```
-
Theano (🥈30 · ⭐ 9.6K · 💤) - Theano是一个Python神经网络工具库。❗Unlicensed +
einops (🥈33 · ⭐ 7.7K) - Deep learning operations reinvented (for pytorch, tensorflow, jax and.. MIT -- [GitHub](https://github.com/Theano/Theano) (👨‍💻 380 · 🔀 2.4K · 📦 13K · 📋 2.7K - 21% open · ⏱️ 23.11.2021): +- [GitHub](https://github.com/arogozhnikov/einops) (👨‍💻 26 · 🔀 320 · 📦 26K · 📋 160 - 16% open · ⏱️ 11.02.2024): ``` - git clone https://github.com/Theano/Theano + git clone https://github.com/arogozhnikov/einops ``` -- [PyPi](https://pypi.org/project/theano) (📥 270K / month): +- [PyPi](https://pypi.org/project/einops) (📥 7.4M / month): ``` - pip install theano + pip install einops ``` -- [Conda](https://anaconda.org/conda-forge/theano) (📥 2.1M · ⏱️ 16.03.2022): +- [Conda](https://anaconda.org/conda-forge/einops) (📥 180K · ⏱️ 01.10.2023): ``` - conda install -c conda-forge theano + conda install -c conda-forge einops ```
-
einops (🥈30 · ⭐ 5.5K) - 重塑了深度学习操作(用于pytorch,tensorflow,jax等)的工具库。MIT +
PySpark (🥈32 · ⭐ 38K) - Apache Spark Python API. Apache-2 -- [GitHub](https://github.com/arogozhnikov/einops) (👨‍💻 20 · 🔀 240 · 📦 3.9K · 📋 120 - 28% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/apache/spark) (👨‍💻 3K · 🔀 26K · ⏱️ 15.02.2024): ``` - git clone https://github.com/arogozhnikov/einops + git clone https://github.com/apache/spark ``` -- [PyPi](https://pypi.org/project/einops) (📥 1M / month): +- [PyPi](https://pypi.org/project/pyspark) (📥 29M / month): ``` - pip install einops + pip install pyspark ``` -- [Conda](https://anaconda.org/conda-forge/einops) (📥 25K · ⏱️ 04.03.2022): +- [Conda](https://anaconda.org/conda-forge/pyspark) (📥 3M · ⏱️ 04.10.2023): ``` - conda install -c conda-forge einops + conda install -c conda-forge pyspark ```
-
MXNet (🥈29 · ⭐ 20K) - 轻巧,灵活的分布式/移动深度学习工具库。Apache-2 +
Catboost (🥈32 · ⭐ 7.6K) - A fast, scalable, high performance Gradient Boosting on Decision.. Apache-2 -- [GitHub](https://github.com/apache/incubator-mxnet) (👨‍💻 980 · 🔀 6.5K · 📥 25K · 📋 9.5K - 18% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/catboost/catboost) (👨‍💻 1.2K · 🔀 1.1K · 📥 220K · 📦 13 · 📋 2.2K - 23% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/apache/incubator-mxnet + git clone https://github.com/catboost/catboost ``` -- [PyPi](https://pypi.org/project/mxnet) (📥 410K / month): +- [PyPi](https://pypi.org/project/catboost) (📥 1.7M / month): ``` - pip install mxnet + pip install catboost ``` -- [Conda](https://anaconda.org/anaconda/mxnet) (📥 8K · ⏱️ 02.05.2022): +- [Conda](https://anaconda.org/conda-forge/catboost) (📥 1.4M · ⏱️ 19.09.2023): ``` - conda install -c anaconda mxnet + conda install -c conda-forge catboost ```
-
pytorch-lightning (🥈29 · ⭐ 20K · 📉) - 轻巧而具备高性能的PyTorch上层封装工具库。Apache-2 +
Theano (🥈31 · ⭐ 9.8K) - Theano is a Python library that allows you to define, optimize,.. ❗Unlicensed -- [GitHub](https://github.com/Lightning-AI/lightning) (👨‍💻 740 · 🔀 2.5K · 📥 8K · 📋 5.3K - 8% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Theano/Theano) (👨‍💻 390 · 🔀 2.4K · 📦 15K · 📋 2.7K - 22% open · ⏱️ 15.01.2024): ``` - git clone https://github.com/PyTorchLightning/pytorch-lightning + git clone https://github.com/Theano/Theano ``` -- [PyPi](https://pypi.org/project/pytorch-lightning) (📥 1.8M / month): +- [PyPi](https://pypi.org/project/theano) (📥 360K / month): ``` - pip install pytorch-lightning + pip install theano ``` -- [Conda](https://anaconda.org/conda-forge/pytorch-lightning) (📥 520K · ⏱️ 18.08.2022): +- [Conda](https://anaconda.org/conda-forge/theano) (📥 2.4M · ⏱️ 16.06.2023): ``` - conda install -c conda-forge pytorch-lightning + conda install -c conda-forge theano ```
-
Vowpal Wabbit (🥈28 · ⭐ 8K) - Vowpal Wabbit是一个推动机器学习的机器学习系统。BSD-3 +
Flax (🥈31 · ⭐ 5.2K) - Flax is a neural network library for JAX that is designed for.. Apache-2 jax -- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (👨‍💻 320 · 🔀 1.7K · 📋 1.2K - 10% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/google/flax) (👨‍💻 220 · 🔀 560 · 📥 50 · 📦 6K · 📋 790 - 13% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/VowpalWabbit/vowpal_wabbit + git clone https://github.com/google/flax ``` -- [PyPi](https://pypi.org/project/vowpalwabbit) (📥 92K / month): +- [PyPi](https://pypi.org/project/flax) (📥 3.6M / month): ``` - pip install vowpalwabbit + pip install flax ```
-
Catboost (🥈28 · ⭐ 6.7K) - 快速,可扩展,高性能的梯度决策提升工具库。Apache-2 +
Ignite (🥈31 · ⭐ 4.4K) - High-level library to help with training and evaluating neural.. BSD-3 -- [GitHub](https://github.com/catboost/catboost) (👨‍💻 1K · 🔀 990 · 📥 86K · 📋 1.9K - 21% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/pytorch/ignite) (👨‍💻 210 · 🔀 600 · 📦 2.7K · 📋 1.4K - 8% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/catboost/catboost + git clone https://github.com/pytorch/ignite ``` -- [PyPi](https://pypi.org/project/catboost) (📥 2.7M / month): +- [PyPi](https://pypi.org/project/pytorch-ignite) (📥 250K / month): ``` - pip install catboost + pip install pytorch-ignite ``` -- [Conda](https://anaconda.org/conda-forge/catboost) (📥 1.1M · ⏱️ 19.05.2022): +- [Conda](https://anaconda.org/pytorch/ignite) (📥 180K · ⏱️ 19.10.2023): ``` - conda install -c conda-forge catboost + conda install -c pytorch ignite ```
-
Flax (🥈28 · ⭐ 3.5K) - Flax是专为.NET设计的用于JAX的神经网络库。Apache-2 jax +
PyFlink (🥈30 · ⭐ 23K) - Apache Flink Python API. Apache-2 -- [GitHub](https://github.com/google/flax) (👨‍💻 170 · 🔀 380 · 📥 42 · 📦 1.3K · 📋 550 - 17% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/apache/flink) (👨‍💻 1.8K · 🔀 12K · 📦 21 · ⏱️ 15.02.2024): ``` - git clone https://github.com/google/flax + git clone https://github.com/apache/flink ``` -- [PyPi](https://pypi.org/project/flax) (📥 310K / month): +- [PyPi](https://pypi.org/project/apache-flink) (📥 150K / month): ``` - pip install flax + pip install apache-flink ```
-
dyNET (🥈28 · ⭐ 3.3K) - DyNet:动态神经网络工具包。Apache-2 +
Ludwig (🥈30 · ⭐ 11K) - Ludwig is a toolbox that allows to train and evaluate deep.. Apache-2 -- [GitHub](https://github.com/clab/dynet) (👨‍💻 160 · 🔀 670 · 📥 6.9K · 📦 220 · 📋 920 - 27% open · ⏱️ 14.08.2022): +- [GitHub](https://github.com/ludwig-ai/ludwig) (👨‍💻 150 · 🔀 1.1K · 📦 240 · 📋 1K - 26% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/clab/dynet + git clone https://github.com/ludwig-ai/ludwig ``` -- [PyPi](https://pypi.org/project/dyNET) (📥 20K / month): +- [PyPi](https://pypi.org/project/ludwig) (📥 3.9K / month): ``` - pip install dyNET + pip install ludwig ```
-
PyFlink (🥉27 · ⭐ 20K) - Apache Flink Python API。Apache-2 +
Chainer (🥉29 · ⭐ 5.8K · 💀) - A flexible framework of neural networks for deep learning. MIT -- [GitHub](https://github.com/apache/flink) (👨‍💻 1.6K · 🔀 11K · ⏱️ 26.08.2022): +- [GitHub](https://github.com/chainer/chainer) (👨‍💻 320 · 🔀 1.3K · 📦 3.2K · 📋 2K - 0% open · ⏱️ 17.10.2022): ``` - git clone https://github.com/apache/flink + git clone https://github.com/chainer/chainer ``` -- [PyPi](https://pypi.org/project/apache-flink) (📥 54K / month): +- [PyPi](https://pypi.org/project/chainer) (📥 22K / month): ``` - pip install apache-flink + pip install chainer ```
-
TFlearn (🥉27 · ⭐ 9.6K · 💀) - 深度学习库,基于TensorFlow构建上层简单易用的API。❗Unlicensed +
skorch (🥉29 · ⭐ 5.6K) - A scikit-learn compatible neural network library that wraps.. BSD-3 -- [GitHub](https://github.com/tflearn/tflearn) (👨‍💻 130 · 🔀 2.3K · 📦 4.1K · 📋 910 - 60% open · ⏱️ 30.11.2020): +- [GitHub](https://github.com/skorch-dev/skorch) (👨‍💻 62 · 🔀 370 · 📦 1.1K · 📋 500 - 10% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/tflearn/tflearn + git clone https://github.com/skorch-dev/skorch ``` -- [PyPi](https://pypi.org/project/tflearn) (📥 16K / month): +- [PyPi](https://pypi.org/project/skorch) (📥 79K / month): ``` - pip install tflearn + pip install skorch + ``` +- [Conda](https://anaconda.org/conda-forge/skorch) (📥 780K · ⏱️ 06.09.2023): + ``` + conda install -c conda-forge skorch ```
-
Sonnet (🥉27 · ⭐ 9.4K) - 基于TensorFlow的神经网络库。Apache-2 +
dyNET (🥉29 · ⭐ 3.4K) - DyNet: The Dynamic Neural Network Toolkit. Apache-2 -- [GitHub](https://github.com/deepmind/sonnet) (👨‍💻 54 · 🔀 1.2K · 📦 900 · 📋 180 - 14% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/clab/dynet) (👨‍💻 160 · 🔀 670 · 📥 15K · 📦 260 · 📋 930 - 28% open · ⏱️ 08.11.2023): ``` - git clone https://github.com/deepmind/sonnet - ``` -- [PyPi](https://pypi.org/project/dm-sonnet) (📥 24K / month): - ``` - pip install dm-sonnet + git clone https://github.com/clab/dynet ``` -- [Conda](https://anaconda.org/conda-forge/sonnet) (📥 16K · ⏱️ 14.11.2020): +- [PyPi](https://pypi.org/project/dyNET) (📥 230K / month): ``` - conda install -c conda-forge sonnet + pip install dyNET ```
-
Ludwig (🥉27 · ⭐ 8.5K) - 路德维希(Ludwig)是一个工具箱,可用于深度学习训练和评估。Apache-2 +
Sonnet (🥉28 · ⭐ 9.7K) - TensorFlow-based neural network library. Apache-2 -- [GitHub](https://github.com/ludwig-ai/ludwig) (👨‍💻 130 · 🔀 960 · 📦 130 · 📋 820 - 23% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/google-deepmind/sonnet) (👨‍💻 58 · 🔀 1.3K · 📦 1.2K · 📋 190 - 16% open · ⏱️ 02.01.2024): ``` - git clone https://github.com/ludwig-ai/ludwig + git clone https://github.com/deepmind/sonnet ``` -- [PyPi](https://pypi.org/project/ludwig) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/dm-sonnet) (📥 17K / month): ``` - pip install ludwig + pip install dm-sonnet + ``` +- [Conda](https://anaconda.org/conda-forge/sonnet) (📥 27K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge sonnet ```
-
tensorpack (🥉27 · ⭐ 6.2K) - TensorFlow上的神经网络训练接口。Apache-2 +
TFlearn (🥉27 · ⭐ 9.6K · 💀) - Deep learning library featuring a higher-level API for.. ❗Unlicensed -- [GitHub](https://github.com/tensorpack/tensorpack) (👨‍💻 58 · 🔀 1.8K · 📥 140 · 📦 1.1K · 📋 1.3K - 0% open · ⏱️ 04.05.2022): +- [GitHub](https://github.com/tflearn/tflearn) (👨‍💻 130 · 🔀 2.3K · 📦 4.8K · 📋 920 - 60% open · ⏱️ 30.11.2020): ``` - git clone https://github.com/tensorpack/tensorpack + git clone https://github.com/tflearn/tflearn ``` -- [PyPi](https://pypi.org/project/tensorpack) (📥 19K / month): +- [PyPi](https://pypi.org/project/tflearn) (📥 6.4K / month): ``` - pip install tensorpack + pip install tflearn ```
-
skorch (🥉26 · ⭐ 4.6K) - 封装成scikit-learn接口模式的神经网络库。BSD-3 +
Vowpal Wabbit (🥉27 · ⭐ 8.4K) - Vowpal Wabbit is a machine learning system which pushes the.. BSD-3 -- [GitHub](https://github.com/skorch-dev/skorch) (👨‍💻 50 · 🔀 310 · 📦 550 · 📋 440 - 9% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/VowpalWabbit/vowpal_wabbit) (👨‍💻 330 · 🔀 1.9K · 📋 1.3K - 10% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/skorch-dev/skorch - ``` -- [PyPi](https://pypi.org/project/skorch) (📥 31K / month): - ``` - pip install skorch + git clone https://github.com/VowpalWabbit/vowpal_wabbit ``` -- [Conda](https://anaconda.org/conda-forge/skorch) (📥 610K · ⏱️ 30.11.2021): +- [PyPi](https://pypi.org/project/vowpalwabbit) (📥 46K / month): ``` - conda install -c conda-forge skorch + pip install vowpalwabbit ```
-
Ignite (🥉26 · ⭐ 4K) - 用于训练和评估神经等一系列操作的高级深度学习工具库。BSD-3 +
tensorpack (🥉27 · ⭐ 6.3K) - A Neural Net Training Interface on TensorFlow, with focus.. Apache-2 -- [GitHub](https://github.com/pytorch/ignite) (👨‍💻 180 · 🔀 540 · 📋 1.1K - 10% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/tensorpack/tensorpack) (👨‍💻 58 · 🔀 1.8K · 📥 160 · 📦 1.5K · 📋 1.4K - 0% open · ⏱️ 06.08.2023): ``` - git clone https://github.com/pytorch/ignite - ``` -- [PyPi](https://pypi.org/project/pytorch-ignite) (📥 150K / month): - ``` - pip install pytorch-ignite + git clone https://github.com/tensorpack/tensorpack ``` -- [Conda](https://anaconda.org/pytorch/ignite) (📥 99K · ⏱️ 04.05.2022): +- [PyPi](https://pypi.org/project/tensorpack) (📥 9.6K / month): ``` - conda install -c pytorch ignite + pip install tensorpack ```
-
ktrain (🥉26 · ⭐ 1K) - ktrain是一个Python库,可以使深度学习和AI更简单。Apache-2 +
ktrain (🥉27 · ⭐ 1.2K) - ktrain is a Python library that makes deep learning and AI more.. Apache-2 -- [GitHub](https://github.com/amaiya/ktrain) (👨‍💻 15 · 🔀 240 · 📦 330 · 📋 420 - 0% open · ⏱️ 04.08.2022): +- [GitHub](https://github.com/amaiya/ktrain) (👨‍💻 16 · 🔀 260 · 📦 500 · 📋 480 - 0% open · ⏱️ 27.01.2024): ``` git clone https://github.com/amaiya/ktrain ``` -- [PyPi](https://pypi.org/project/ktrain) (📥 20K / month): +- [PyPi](https://pypi.org/project/ktrain) (📥 11K / month): ``` pip install ktrain ```
-
Turi Create (🥉25 · ⭐ 11K · 💤) - Turi Create简化了自定义机器学习的开发。BSD-3 +
Turi Create (🥉25 · ⭐ 11K · 💀) - Turi Create simplifies the development of custom machine.. BSD-3 -- [GitHub](https://github.com/apple/turicreate) (👨‍💻 85 · 🔀 1.1K · 📥 6.8K · 📦 320 · 📋 1.8K - 27% open · ⏱️ 29.11.2021): +- [GitHub](https://github.com/apple/turicreate) (👨‍💻 86 · 🔀 1.1K · 📥 9.6K · 📦 370 · 📋 1.8K - 27% open · ⏱️ 29.11.2021): ``` git clone https://github.com/apple/turicreate ``` -- [PyPi](https://pypi.org/project/turicreate) (📥 20K / month): +- [PyPi](https://pypi.org/project/turicreate) (📥 37K / month): ``` pip install turicreate ```
-
xLearn (🥉25 · ⭐ 3K) - 高性能,易于使用且可扩展的机器学习(ML)工具库。Apache-2 +
mlpack (🥉24 · ⭐ 4.7K) - mlpack: a scalable C++ machine learning library --. ❗Unlicensed -- [GitHub](https://github.com/aksnzhy/xlearn) (👨‍💻 30 · 🔀 510 · 📥 3.4K · 📦 93 · 📋 300 - 61% open · ⏱️ 05.06.2022): +- [GitHub](https://github.com/mlpack/mlpack) (👨‍💻 310 · 🔀 1.5K · 📋 1.6K - 1% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/aksnzhy/xlearn - ``` -- [PyPi](https://pypi.org/project/xlearn) (📥 5.2K / month): - ``` - pip install xlearn + git clone https://github.com/mlpack/mlpack ``` -
-
NuPIC (🥉24 · ⭐ 6.3K · 💀) - Numenta智能计算平台。❗️AGPL-3.0 - -- [GitHub](https://github.com/numenta/nupic) (👨‍💻 120 · 🔀 1.6K · 📦 110 · 📋 1.8K - 25% open · ⏱️ 23.10.2019): - +- [PyPi](https://pypi.org/project/mlpack) (📥 4.3K / month): ``` - git clone https://github.com/numenta/nupic + pip install mlpack ``` -- [PyPi](https://pypi.org/project/nupic) (📥 1.4K / month): +- [Conda](https://anaconda.org/conda-forge/mlpack) (📥 170K · ⏱️ 29.11.2023): ``` - pip install nupic + conda install -c conda-forge mlpack ```
-
fklearn (🥉24 · ⭐ 1.4K) - fklearn:机器学习工具库。Apache-2 +
NuPIC (🥉23 · ⭐ 6.3K) - Numenta Platform for Intelligent Computing is an implementation.. ❗️AGPL-3.0 -- [GitHub](https://github.com/nubank/fklearn) (👨‍💻 47 · 🔀 160 · 📦 13 · 📋 48 - 54% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/numenta/nupic-legacy) (👨‍💻 120 · 🔀 1.6K · 📥 3 · 📦 21 · 📋 1.8K - 25% open · ⏱️ 31.08.2023): ``` - git clone https://github.com/nubank/fklearn + git clone https://github.com/numenta/nupic ``` -- [PyPi](https://pypi.org/project/fklearn) (📥 12K / month): +- [PyPi](https://pypi.org/project/nupic) (📥 2K / month): ``` - pip install fklearn + pip install nupic ```
-
tensorflow-upstream (🥉24 · ⭐ 610) - TensorFlow ROCm端口。Apache-2 +
xLearn (🥉23 · ⭐ 3.1K · 💀) - High performance, easy-to-use, and scalable machine learning (ML).. Apache-2 -- [GitHub](https://github.com/ROCmSoftwarePlatform/tensorflow-upstream) (👨‍💻 4.1K · 🔀 71 · 📥 20 · 📋 330 - 16% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/aksnzhy/xlearn) (👨‍💻 30 · 🔀 510 · 📥 4.5K · 📦 120 · 📋 300 - 61% open · ⏱️ 05.06.2022): ``` - git clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream + git clone https://github.com/aksnzhy/xlearn ``` -- [PyPi](https://pypi.org/project/tensorflow-rocm) (📥 1.7K / month): +- [PyPi](https://pypi.org/project/xlearn) (📥 700 / month): ``` - pip install tensorflow-rocm + pip install xlearn ```
-
mlpack (🥉23 · ⭐ 4.1K) - mlpack:可扩展的C++机器学习库-。❗Unlicensed +
SHOGUN (🥉23 · ⭐ 3K) - Unified and efficient Machine Learning. BSD-3 -- [GitHub](https://github.com/mlpack/mlpack) (👨‍💻 290 · 🔀 1.4K · 📋 1.4K - 2% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/shogun-toolbox/shogun) (👨‍💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 19.12.2023): ``` - git clone https://github.com/mlpack/mlpack + git clone https://github.com/shogun-toolbox/shogun ``` -- [PyPi](https://pypi.org/project/mlpack) (📥 630 / month): +- [Conda](https://anaconda.org/conda-forge/shogun) (📥 130K · ⏱️ 16.06.2023): ``` - pip install mlpack + conda install -c conda-forge shogun ``` -- [Conda](https://anaconda.org/conda-forge/mlpack) (📥 110K · ⏱️ 09.11.2021): +- [Docker Hub](https://hub.docker.com/r/shogun/shogun) (📥 1.5K · ⭐ 1 · ⏱️ 31.01.2019): ``` - conda install -c conda-forge mlpack + docker pull shogun/shogun ```
-
Neural Network Libraries (🥉23 · ⭐ 2.6K) - 神经网络工具库。Apache-2 +
Neural Network Libraries (🥉23 · ⭐ 2.7K) - Neural Network Libraries. Apache-2 -- [GitHub](https://github.com/sony/nnabla) (👨‍💻 67 · 🔀 310 · 📥 540 · 📋 72 - 31% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/sony/nnabla) (👨‍💻 73 · 🔀 330 · 📥 910 · 📋 81 - 25% open · ⏱️ 22.01.2024): ``` git clone https://github.com/sony/nnabla ``` -- [PyPi](https://pypi.org/project/nnabla) (📥 2.8K / month): +- [PyPi](https://pypi.org/project/nnabla) (📥 3K / month): ``` pip install nnabla ```
-
Neural Tangents (🥉23 · ⭐ 1.8K) - Python中的快速简便的无限神经网络。Apache-2 +
Neural Tangents (🥉23 · ⭐ 2.2K) - Fast and Easy Infinite Neural Networks in Python. Apache-2 -- [GitHub](https://github.com/google/neural-tangents) (👨‍💻 23 · 🔀 200 · 📥 240 · 📦 47 · 📋 120 - 34% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/google/neural-tangents) (👨‍💻 29 · 🔀 220 · 📥 360 · 📦 94 · 📋 150 - 38% open · ⏱️ 01.02.2024): ``` git clone https://github.com/google/neural-tangents ``` -- [PyPi](https://pypi.org/project/neural-tangents) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/neural-tangents) (📥 1.8K / month): ``` pip install neural-tangents ```
-
CNTK (🥉22 · ⭐ 17K · 💀) - Microsoft认知工具包(CNTK),一种开源的深度学习工具包。❗Unlicensed +
fklearn (🥉23 · ⭐ 1.5K) - fklearn: Functional Machine Learning. Apache-2 -- [GitHub](https://github.com/microsoft/CNTK) (👨‍💻 270 · 🔀 4.3K · 📥 14K · 📋 3.3K - 22% open · ⏱️ 31.03.2020): +- [GitHub](https://github.com/nubank/fklearn) (👨‍💻 54 · 🔀 160 · 📦 13 · 📋 50 - 50% open · ⏱️ 08.11.2023): ``` - git clone https://github.com/microsoft/CNTK + git clone https://github.com/nubank/fklearn ``` -- [PyPi](https://pypi.org/project/cntk) (📥 730 / month): +- [PyPi](https://pypi.org/project/fklearn) (📥 480 / month): ``` - pip install cntk + pip install fklearn ```
-
Lasagne (🥉22 · ⭐ 3.8K · 💀) - 轻量级的库,用于在Theano中构建和训练神经网络。❗Unlicensed +
Lasagne (🥉22 · ⭐ 3.8K · 💀) - Lightweight library to build and train neural networks in.. ❗Unlicensed -- [GitHub](https://github.com/Lasagne/Lasagne) (👨‍💻 72 · 🔀 930 · 📦 920 · 📋 520 - 22% open · ⏱️ 20.11.2019): +- [GitHub](https://github.com/Lasagne/Lasagne) (👨‍💻 72 · 🔀 920 · 📦 1K · 📋 520 - 22% open · ⏱️ 20.11.2019): ``` git clone https://github.com/Lasagne/Lasagne ``` -- [PyPi](https://pypi.org/project/lasagne) (📥 1.4K / month): +- [PyPi](https://pypi.org/project/lasagne) (📥 1.9K / month): ``` pip install lasagne ```
-
SHOGUN (🥉22 · ⭐ 2.9K · 💀) - 统一高效的机器学习。BSD-3 +
Haiku (🥉22 · ⭐ 2.7K) - JAX-based neural network library. Apache-2 -- [GitHub](https://github.com/shogun-toolbox/shogun) (👨‍💻 250 · 🔀 1K · 📋 1.5K - 27% open · ⏱️ 08.12.2020): +- [GitHub](https://github.com/google-deepmind/dm-haiku) (👨‍💻 80 · 🔀 220 · 📦 1.7K · 📋 240 - 29% open · ⏱️ 29.01.2024): ``` - git clone https://github.com/shogun-toolbox/shogun + git clone https://github.com/deepmind/dm-haiku ``` -- [Conda](https://anaconda.org/conda-forge/shogun) (📥 120K · ⏱️ 25.06.2018): +
+
Objax (🥉22 · ⭐ 760) - Objax is a machine learning framework that provides an Object.. Apache-2 jax + +- [GitHub](https://github.com/google/objax) (👨‍💻 26 · 🔀 73 · 📦 48 · 📋 100 - 39% open · ⏱️ 27.01.2024): + ``` - conda install -c conda-forge shogun + git clone https://github.com/google/objax ``` -- [Docker Hub](https://hub.docker.com/r/shogun/shogun) (📥 1.5K · ⭐ 1 · ⏱️ 31.01.2019): +- [PyPi](https://pypi.org/project/objax) (📥 580 / month): ``` - docker pull shogun/shogun + pip install objax ```
-
NeuPy (🥉22 · ⭐ 710 · 💀) - NeuPy是一个基于Tensorflow的python库,用于原型设计和构建。MIT +
NeuPy (🥉22 · ⭐ 740 · 💀) - NeuPy is a Tensorflow based python library for prototyping and building.. MIT -- [GitHub](https://github.com/itdxer/neupy) (👨‍💻 7 · 🔀 150 · 📦 130 · 📋 270 - 12% open · ⏱️ 02.09.2019): +- [GitHub](https://github.com/itdxer/neupy) (👨‍💻 8 · 🔀 160 · 📦 170 · 📋 270 - 12% open · ⏱️ 03.01.2023): ``` git clone https://github.com/itdxer/neupy ``` -- [PyPi](https://pypi.org/project/neupy) (📥 3.5K / month): +- [PyPi](https://pypi.org/project/neupy) (📥 2.7K / month): ``` pip install neupy ```
-
Haiku (🥉21 · ⭐ 2.1K) - 基于JAX的神经网络库。Apache-2 +
MindsDB (🥉21 · ⭐ 20K) - Predictive AI layer for existing databases. ❗Unlicensed -- [GitHub](https://github.com/deepmind/dm-haiku) (👨‍💻 63 · 🔀 170 · 📦 540 · 📋 180 - 26% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/mindsdb/mindsdb) (👨‍💻 820 · 🔀 2.6K · 📋 3.7K - 10% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/deepmind/dm-haiku + git clone https://github.com/mindsdb/mindsdb + ``` +- [PyPi](https://pypi.org/project/mindsdb) (📥 14K / month): + ``` + pip install mindsdb ```
-
mace (🥉20 · ⭐ 4.7K) - MACE是针对移动设备优化的深度学习推理框架。Apache-2 +
CNTK (🥉21 · ⭐ 17K · 💀) - Microsoft Cognitive Toolkit (CNTK), an open source deep-learning.. ❗Unlicensed -- [GitHub](https://github.com/XiaoMi/mace) (👨‍💻 64 · 🔀 790 · 📥 1.4K · 📋 660 - 7% open · ⏱️ 30.05.2022): +- [GitHub](https://github.com/microsoft/CNTK) (👨‍💻 270 · 🔀 4.2K · 📥 14K · 📦 2 · 📋 3.3K - 22% open · ⏱️ 23.09.2022): ``` - git clone https://github.com/XiaoMi/mace + git clone https://github.com/microsoft/CNTK + ``` +- [PyPi](https://pypi.org/project/cntk) (📥 680 / month): + ``` + pip install cntk ```
-
Objax (🥉20 · ⭐ 720) - Objax是加速研究与应用的开源深度学习框架。Apache-2 jax +
Torchbearer (🥉21 · ⭐ 630) - torchbearer: A model fitting library for PyTorch. MIT -- [GitHub](https://github.com/google/objax) (👨‍💻 23 · 🔀 60 · 📦 25 · 📋 98 - 38% open · ⏱️ 12.07.2022): +- [GitHub](https://github.com/pytorchbearer/torchbearer) (👨‍💻 14 · 🔀 67 · 📦 86 · 📋 250 - 4% open · ⏱️ 04.12.2023): ``` - git clone https://github.com/google/objax + git clone https://github.com/pytorchbearer/torchbearer ``` -- [PyPi](https://pypi.org/project/objax) (📥 440 / month): +- [PyPi](https://pypi.org/project/torchbearer) (📥 300 / month): ``` - pip install objax + pip install torchbearer ```
-
MindsDB (🥉19 · ⭐ 9.7K) - 为各种现有数据库提供预测性AI层。❗️GPL-3.0 +
ThunderSVM (🥉20 · ⭐ 1.5K) - ThunderSVM: A Fast SVM Library on GPUs and CPUs. Apache-2 -- [GitHub](https://github.com/mindsdb/mindsdb) (👨‍💻 130 · 🔀 1K · 📋 1.2K - 11% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Xtra-Computing/thundersvm) (👨‍💻 36 · 🔀 210 · 📥 2.7K · 📋 220 - 33% open · ⏱️ 29.01.2024): ``` - git clone https://github.com/mindsdb/mindsdb + git clone https://github.com/Xtra-Computing/thundersvm ``` -- [PyPi](https://pypi.org/project/mindsdb) (📥 2.9K / month): +- [PyPi](https://pypi.org/project/thundersvm) (📥 280 / month): ``` - pip install mindsdb + pip install thundersvm ```
-
neon (🥉19 · ⭐ 3.9K · 💀) - 英特尔Nervana深度学习框架。Apache-2 +
mace (🥉19 · ⭐ 4.9K · 💀) - MACE is a deep learning inference framework optimized for mobile.. Apache-2 -- [GitHub](https://github.com/NervanaSystems/neon) (👨‍💻 110 · 🔀 800 · 📥 340 · 📋 390 - 21% open · ⏱️ 22.05.2019): +- [GitHub](https://github.com/XiaoMi/mace) (👨‍💻 69 · 🔀 810 · 📥 1.5K · 📋 680 - 8% open · ⏱️ 30.05.2022): ``` - git clone https://github.com/NervanaSystems/neon - ``` -- [PyPi](https://pypi.org/project/nervananeon) (📥 32 / month): - ``` - pip install nervananeon + git clone https://github.com/XiaoMi/mace ```
-
ThunderSVM (🥉19 · ⭐ 1.4K) - ThunderSVM:在GPU和CPU上的快速SVM库。Apache-2 +
neon (🥉19 · ⭐ 3.9K · 💀) - Intel Nervana reference deep learning framework committed to best.. Apache-2 -- [GitHub](https://github.com/Xtra-Computing/thundersvm) (👨‍💻 34 · 🔀 190 · 📥 2.5K · 📋 210 - 29% open · ⏱️ 09.04.2022): +- [GitHub](https://github.com/NervanaSystems/neon) (👨‍💻 110 · 🔀 800 · 📥 380 · 📋 390 - 21% open · ⏱️ 22.05.2019): ``` - git clone https://github.com/Xtra-Computing/thundersvm + git clone https://github.com/NervanaSystems/neon ``` -- [PyPi](https://pypi.org/project/thundersvm) (📥 350 / month): +- [PyPi](https://pypi.org/project/nervananeon) (📥 97 / month): ``` - pip install thundersvm + pip install nervananeon ```
-
Torchbearer (🥉19 · ⭐ 630 · 💀) - torchbearer:PyTorch的模型拟合库。MIT +
tensorflow-upstream (🥉19 · ⭐ 670) - TensorFlow ROCm port. Apache-2 -- [GitHub](https://github.com/pytorchbearer/torchbearer) (👨‍💻 13 · 🔀 66 · 📦 64 · 📋 250 - 4% open · ⏱️ 26.03.2021): +- [GitHub](https://github.com/ROCm/tensorflow-upstream) (👨‍💻 4.6K · 🔀 88 · 📥 21 · 📋 360 - 22% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/pytorchbearer/torchbearer + git clone https://github.com/ROCmSoftwarePlatform/tensorflow-upstream ``` -- [PyPi](https://pypi.org/project/torchbearer) (📥 700 / month): +- [PyPi](https://pypi.org/project/tensorflow-rocm) (📥 4.8K / month): ``` - pip install torchbearer + pip install tensorflow-rocm ```
-
elegy (🥉18 · ⭐ 400) - Elegy是Jax的与框架无关的Trainer工具。MIT jax +
elegy (🥉19 · ⭐ 460 · 💀) - Elegy is a framework-agnostic Trainer interface for the Jax.. MIT jax -- [GitHub](https://github.com/poets-ai/elegy) (👨‍💻 17 · 🔀 26 · 📋 100 - 34% open · ⏱️ 23.05.2022): +- [GitHub](https://github.com/poets-ai/elegy) (👨‍💻 18 · 🔀 30 · 📦 43 · 📋 100 - 37% open · ⏱️ 23.05.2022): ``` git clone https://github.com/poets-ai/elegy ``` -- [PyPi](https://pypi.org/project/elegy) (📥 1K / month): +- [PyPi](https://pypi.org/project/elegy) (📥 320 / month): ``` pip install elegy ```
-
ThunderGBM (🥉17 · ⭐ 640) - ThunderGBM:GPU上的快速GBDT和随机森林。Apache-2 +
NeoML (🥉16 · ⭐ 750) - Machine learning framework for both deep learning and traditional.. Apache-2 -- [GitHub](https://github.com/Xtra-Computing/thundergbm) (👨‍💻 10 · 🔀 82 · 📋 74 - 50% open · ⏱️ 09.08.2022): +- [GitHub](https://github.com/neoml-lib/neoml) (👨‍💻 35 · 🔀 120 · 📋 65 - 23% open · ⏱️ 24.01.2024): ``` - git clone https://github.com/Xtra-Computing/thundergbm - ``` -- [PyPi](https://pypi.org/project/thundergbm) (📥 240 / month): - ``` - pip install thundergbm + git clone https://github.com/neoml-lib/neoml ```
-
NeoML (🥉15 · ⭐ 690) - neoml是可以用于深度学习和传统机器学习的工具库。Apache-2 +
ThunderGBM (🥉16 · ⭐ 680) - ThunderGBM: Fast GBDTs and Random Forests on GPUs. Apache-2 -- [GitHub](https://github.com/neoml-lib/neoml) (👨‍💻 32 · 🔀 110 · 📋 62 - 22% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/Xtra-Computing/thundergbm) (👨‍💻 12 · 🔀 81 · 📦 2 · 📋 79 - 46% open · ⏱️ 29.01.2024): ``` - git clone https://github.com/neoml-lib/neoml + git clone https://github.com/Xtra-Computing/thundergbm + ``` +- [PyPi](https://pypi.org/project/thundergbm) (📥 80 / month): + ``` + pip install thundergbm ```
-
StarSpace (🥉12 · ⭐ 3.8K · 💀) - 学习embedding嵌入用于分类,检索和排序。MIT +
StarSpace (🥉12 · ⭐ 3.9K · 💀) - Learning embeddings for classification, retrieval and ranking. MIT -- [GitHub](https://github.com/facebookresearch/StarSpace) (👨‍💻 17 · 🔀 510 · 📋 200 - 24% open · ⏱️ 13.12.2019): +- [GitHub](https://github.com/facebookresearch/StarSpace) (👨‍💻 17 · 🔀 520 · 📋 200 - 25% open · ⏱️ 13.12.2019): ``` git clone https://github.com/facebookresearch/StarSpace @@ -809,199 +809,191 @@ _通用机器学习和深度学习框架。_

-## 数据可视化 +## Data Visualization -Back to top +Back to top -_通用和特定于任务的数据可视化库。_ +_General-purpose and task-specific data visualization libraries._ -
Matplotlib (🥇36 · ⭐ 16K) - matplotlib:Python绘图工具库。❗Unlicensed +
Seaborn (🥇39 · ⭐ 12K · 📈) - Statistical data visualization using matplotlib. BSD-3 -- [GitHub](https://github.com/matplotlib/matplotlib) (👨‍💻 1.4K · 🔀 6.3K · 📦 610K · 📋 8.8K - 17% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/mwaskom/seaborn) (👨‍💻 210 · 🔀 1.8K · 📥 380 · 📦 360K · 📋 2.5K - 4% open · ⏱️ 25.01.2024): ``` - git clone https://github.com/matplotlib/matplotlib + git clone https://github.com/mwaskom/seaborn ``` -- [PyPi](https://pypi.org/project/matplotlib) (📥 28M / month): +- [PyPi](https://pypi.org/project/seaborn) (📥 15M / month): ``` - pip install matplotlib + pip install seaborn ``` -- [Conda](https://anaconda.org/conda-forge/matplotlib) (📥 13M · ⏱️ 25.08.2022): +- [Conda](https://anaconda.org/conda-forge/seaborn) (📥 8M · ⏱️ 27.01.2024): ``` - conda install -c conda-forge matplotlib + conda install -c conda-forge seaborn ```
-
pandas-profiling (🥇33 · ⭐ 9.4K) - 从pandas DataFrame创建HTML分析报告。MIT +
Plotly (🥇38 · ⭐ 15K) - The interactive graphing library for Python (includes Plotly Express). MIT -- [GitHub](https://github.com/ydataai/pandas-profiling) (👨‍💻 92 · 🔀 1.3K · 📦 8.8K · 📋 580 - 19% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/plotly/plotly.py) (👨‍💻 250 · 🔀 2.4K · 📦 240K · 📋 2.8K - 50% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/pandas-profiling/pandas-profiling + git clone https://github.com/plotly/plotly.py ``` -- [PyPi](https://pypi.org/project/pandas-profiling) (📥 1.2M / month): +- [PyPi](https://pypi.org/project/plotly) (📥 12M / month): ``` - pip install pandas-profiling + pip install plotly ``` -- [Conda](https://anaconda.org/conda-forge/pandas-profiling) (📥 270K · ⏱️ 02.05.2022): +- [Conda](https://anaconda.org/conda-forge/plotly) (📥 5.2M · ⏱️ 25.10.2023): ``` - conda install -c conda-forge pandas-profiling + conda install -c conda-forge plotly + ``` +- [NPM](https://www.npmjs.com/package/plotlywidget) (📥 8.7K / month): + ``` + npm install plotlywidget ```
-
Altair (🥇33 · ⭐ 7.7K) - 用于Python的声明式统计可视化库。BSD-3 +
Matplotlib (🥇36 · ⭐ 19K) - matplotlib: plotting with Python. ❗Unlicensed -- [GitHub](https://github.com/altair-viz/altair) (👨‍💻 140 · 🔀 650 · 📦 32K · 📋 1.6K - 13% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/matplotlib/matplotlib) (👨‍💻 1.6K · 🔀 7.2K · 📦 1.1M · 📋 10K - 11% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/altair-viz/altair + git clone https://github.com/matplotlib/matplotlib ``` -- [PyPi](https://pypi.org/project/altair) (📥 7.3M / month): +- [PyPi](https://pypi.org/project/matplotlib) (📥 55M / month): ``` - pip install altair + pip install matplotlib ``` -- [Conda](https://anaconda.org/conda-forge/altair) (📥 1.3M · ⏱️ 29.12.2021): +- [Conda](https://anaconda.org/conda-forge/matplotlib) (📥 22M · ⏱️ 20.11.2023): ``` - conda install -c conda-forge altair + conda install -c conda-forge matplotlib ```
-
dash (🥇32 · ⭐ 17K) - 适用于Python,R,Julia和Jupyter的分析型Web应用程序。MIT +
dash (🥇35 · ⭐ 20K) - Analytical Web Apps for Python, R, Julia, and Jupyter. No JavaScript.. MIT -- [GitHub](https://github.com/plotly/dash) (👨‍💻 120 · 🔀 1.7K · 📦 220 · 📋 1.3K - 47% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/plotly/dash) (👨‍💻 150 · 🔀 1.9K · 📥 70 · 📦 58K · 📋 1.6K - 47% open · ⏱️ 14.02.2024): ``` git clone https://github.com/plotly/dash ``` -- [PyPi](https://pypi.org/project/dash) (📥 1M / month): +- [PyPi](https://pypi.org/project/dash) (📥 2.6M / month): ``` pip install dash ``` -- [Conda](https://anaconda.org/conda-forge/dash) (📥 590K · ⏱️ 03.08.2022): +- [Conda](https://anaconda.org/conda-forge/dash) (📥 1.2M · ⏱️ 01.02.2024): ``` conda install -c conda-forge dash ```
-
Plotly (🥇32 · ⭐ 12K) - 适用于Python的交互式图形库(包括Plotly Express)。MIT +
Altair (🥇34 · ⭐ 8.7K) - Declarative statistical visualization library for Python. BSD-3 -- [GitHub](https://github.com/plotly/plotly.py) (👨‍💻 200 · 🔀 2.1K · 📦 12 · 📋 2.4K - 49% open · ⏱️ 11.08.2022): +- [GitHub](https://github.com/altair-viz/altair) (👨‍💻 160 · 🔀 720 · 📥 100 · 📦 110K · 📋 1.9K - 8% open · ⏱️ 04.02.2024): ``` - git clone https://github.com/plotly/plotly.py - ``` -- [PyPi](https://pypi.org/project/plotly) (📥 8.6M / month): - ``` - pip install plotly + git clone https://github.com/altair-viz/altair ``` -- [Conda](https://anaconda.org/conda-forge/plotly) (📥 3M · ⏱️ 14.08.2022): +- [PyPi](https://pypi.org/project/altair) (📥 19M / month): ``` - conda install -c conda-forge plotly + pip install altair ``` -- [NPM](https://www.npmjs.com/package/plotlywidget) (📥 46K / month): +- [Conda](https://anaconda.org/conda-forge/altair) (📥 2.1M · ⏱️ 05.12.2023): ``` - npm install plotlywidget + conda install -c conda-forge altair ```
-
UMAP (🥇32 · ⭐ 5.7K) - 均匀流形逼近和投影。BSD-3 +
Bokeh (🥈33 · ⭐ 19K) - Interactive Data Visualization in the browser, from Python. BSD-3 -- [GitHub](https://github.com/lmcinnes/umap) (👨‍💻 100 · 🔀 630 · 📦 6K · 📋 640 - 52% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/bokeh/bokeh) (👨‍💻 680 · 🔀 4.1K · 📦 83K · 📋 7.5K - 9% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/lmcinnes/umap - ``` -- [PyPi](https://pypi.org/project/umap-learn) (📥 650K / month): + git clone https://github.com/bokeh/bokeh ``` - pip install umap-learn +- [PyPi](https://pypi.org/project/bokeh) (📥 4.1M / month): ``` -
-
Graphviz (🥈30 · ⭐ 1.3K) - Graphviz的简单Python界面。MIT - -- [GitHub](https://github.com/xflr6/graphviz) (👨‍💻 19 · 🔀 180 · 📦 34K · 📋 140 - 4% open · ⏱️ 27.07.2022): - - ``` - git clone https://github.com/xflr6/graphviz + pip install bokeh ``` -- [PyPi](https://pypi.org/project/graphviz) (📥 10M / month): +- [Conda](https://anaconda.org/conda-forge/bokeh) (📥 13M · ⏱️ 25.01.2024): ``` - pip install graphviz + conda install -c conda-forge bokeh ```
-
Seaborn (🥈29 · ⭐ 9.7K · 📉) - 使用matplotlib进行统计数据可视化。BSD-3 +
pandas-profiling (🥈33 · ⭐ 12K) - Create HTML profiling reports from pandas DataFrame.. MIT -- [GitHub](https://github.com/mwaskom/seaborn) (👨‍💻 170 · 🔀 1.6K · 📥 230 · 📋 2.1K - 4% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/ydataai/ydata-profiling) (👨‍💻 120 · 🔀 1.6K · 📥 45 · 📦 2.4K · 📋 760 - 26% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/mwaskom/seaborn + git clone https://github.com/pandas-profiling/pandas-profiling ``` -- [PyPi](https://pypi.org/project/seaborn) (📥 7.6M / month): +- [PyPi](https://pypi.org/project/pandas-profiling) (📥 540K / month): ``` - pip install seaborn + pip install pandas-profiling ``` -- [Conda](https://anaconda.org/conda-forge/seaborn) (📥 4.5M · ⏱️ 16.08.2021): +- [Conda](https://anaconda.org/conda-forge/pandas-profiling) (📥 420K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge seaborn + conda install -c conda-forge pandas-profiling ```
-
datashader (🥈29 · ⭐ 2.8K) - 快速准确地渲染大数据。BSD-3 +
pyecharts (🥈32 · ⭐ 14K) - Python Echarts Plotting Library. MIT -- [GitHub](https://github.com/holoviz/datashader) (👨‍💻 49 · 🔀 340 · 📦 1.3K · 📋 500 - 23% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/pyecharts/pyecharts) (👨‍💻 39 · 🔀 2.8K · 📦 3.9K · 📋 1.8K - 0% open · ⏱️ 21.08.2023): ``` - git clone https://github.com/holoviz/datashader - ``` -- [PyPi](https://pypi.org/project/datashader) (📥 42K / month): - ``` - pip install datashader + git clone https://github.com/pyecharts/pyecharts ``` -- [Conda](https://anaconda.org/conda-forge/datashader) (📥 370K · ⏱️ 10.08.2022): +- [PyPi](https://pypi.org/project/pyecharts) (📥 79K / month): ``` - conda install -c conda-forge datashader + pip install pyecharts ```
-
Bokeh (🥈28 · ⭐ 17K) - 浏览器中的Python交互式数据可视化。BSD-3 +
Graphviz (🥈31 · ⭐ 1.5K) - Simple Python interface for Graphviz. MIT -- [GitHub](https://github.com/bokeh/bokeh) (👨‍💻 610 · 🔀 3.9K · 📦 150 · 📋 7K - 9% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/xflr6/graphviz) (👨‍💻 22 · 🔀 200 · 📦 61K · 📋 170 - 4% open · ⏱️ 04.12.2023): ``` - git clone https://github.com/bokeh/bokeh - ``` -- [PyPi](https://pypi.org/project/bokeh) (📥 3.7M / month): - ``` - pip install bokeh + git clone https://github.com/xflr6/graphviz ``` -- [Conda](https://anaconda.org/conda-forge/bokeh) (📥 8.3M · ⏱️ 15.08.2022): +- [PyPi](https://pypi.org/project/graphviz) (📥 7.4M / month): ``` - conda install -c conda-forge bokeh + pip install graphviz ```
-
pyecharts (🥈28 · ⭐ 13K) - Python Echarts绘图库。MIT +
plotnine (🥈29 · ⭐ 3.7K · 📈) - A grammar of graphics for Python. MIT -- [GitHub](https://github.com/pyecharts/pyecharts) (👨‍💻 30 · 🔀 2.7K · 📦 2.4K · 📋 1.6K - 1% open · ⏱️ 25.04.2022): +- [GitHub](https://github.com/has2k1/plotnine) (👨‍💻 110 · 🔀 200 · 📦 6.8K · 📋 600 - 11% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/pyecharts/pyecharts + git clone https://github.com/has2k1/plotnine ``` -- [PyPi](https://pypi.org/project/pyecharts) (📥 44K / month): +- [PyPi](https://pypi.org/project/plotnine) (📥 2.5M / month): ``` - pip install pyecharts + pip install plotnine + ``` +- [Conda](https://anaconda.org/conda-forge/plotnine) (📥 340K · ⏱️ 06.11.2023): + ``` + conda install -c conda-forge plotnine ```
-
missingno (🥈28 · ⭐ 3.3K) - 在缺失值和混乱数据下,用于数据可视化的python模块。MIT +
HoloViews (🥈29 · ⭐ 2.6K) - With Holoviews, your data visualizes itself. BSD-3 -- [GitHub](https://github.com/ResidentMario/missingno) (👨‍💻 17 · 🔀 410 · 📦 8.3K · 📋 120 - 6% open · ⏱️ 27.02.2022): +- [GitHub](https://github.com/holoviz/holoviews) (👨‍💻 140 · 🔀 380 · 📦 9.4K · 📋 3.2K - 32% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/ResidentMario/missingno + git clone https://github.com/holoviz/holoviews ``` -- [PyPi](https://pypi.org/project/missingno) (📥 1M / month): +- [PyPi](https://pypi.org/project/holoviews) (📥 420K / month): ``` - pip install missingno + pip install holoviews ``` -- [Conda](https://anaconda.org/conda-forge/missingno) (📥 210K · ⏱️ 15.02.2020): +- [Conda](https://anaconda.org/conda-forge/holoviews) (📥 1.5M · ⏱️ 12.02.2024): ``` - conda install -c conda-forge missingno + conda install -c conda-forge holoviews + ``` +- [NPM](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (📥 500 / month): + ``` + npm install @pyviz/jupyterlab_pyviz ```
-
D-Tale (🥈27 · ⭐ 3.6K) - pandas数据结构的可视化工具。❗️LGPL-2.1 +
D-Tale (🥈28 · ⭐ 4.4K) - Visualizer for pandas data structures. ❗️LGPL-2.1 -- [GitHub](https://github.com/man-group/dtale) (👨‍💻 27 · 🔀 290 · 📦 460 · 📋 470 - 8% open · ⏱️ 07.08.2022): +- [GitHub](https://github.com/man-group/dtale) (👨‍💻 30 · 🔀 360 · 📦 1K · 📋 560 - 9% open · ⏱️ 31.01.2024): ``` git clone https://github.com/man-group/dtale @@ -1010,526 +1002,534 @@ _通用和特定于任务的数据可视化库。_ ``` pip install dtale ``` -- [Conda](https://anaconda.org/conda-forge/dtale) (📥 150K · ⏱️ 07.08.2022): +- [Conda](https://anaconda.org/conda-forge/dtale) (📥 270K · ⏱️ 31.01.2024): ``` conda install -c conda-forge dtale ```
-
bqplot (🥈27 · ⭐ 3.3K) - 用于IPython / Jupyter笔记本的绘图库。Apache-2 +
PyQtGraph (🥈28 · ⭐ 3.6K) - Fast data visualization and GUI tools for scientific /.. ❗Unlicensed -- [GitHub](https://github.com/bqplot/bqplot) (👨‍💻 59 · 🔀 440 · 📦 34 · 📋 570 - 36% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (👨‍💻 270 · 🔀 1K · 📦 8.8K · 📋 1.2K - 28% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/bqplot/bqplot - ``` -- [PyPi](https://pypi.org/project/bqplot) (📥 81K / month): - ``` - pip install bqplot - ``` -- [Conda](https://anaconda.org/conda-forge/bqplot) (📥 1M · ⏱️ 22.08.2022): - ``` - conda install -c conda-forge bqplot - ``` -- [NPM](https://www.npmjs.com/package/bqplot) (📥 9.3K / month): - ``` - npm install bqplot + git clone https://github.com/pyqtgraph/pyqtgraph ``` -
-
data-validation (🥈27 · ⭐ 660) - 用于探索和验证机器学习的库。Apache-2 - -- [GitHub](https://github.com/tensorflow/data-validation) (👨‍💻 24 · 🔀 130 · 📥 370 · 📦 540 · 📋 150 - 16% open · ⏱️ 24.08.2022): - +- [PyPi](https://pypi.org/project/pyqtgraph) (📥 150K / month): ``` - git clone https://github.com/tensorflow/data-validation + pip install pyqtgraph ``` -- [PyPi](https://pypi.org/project/tensorflow-data-validation) (📥 1.1M / month): +- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (📥 500K · ⏱️ 16.06.2023): ``` - pip install tensorflow-data-validation + conda install -c conda-forge pyqtgraph ```
-
hvPlot (🥈27 · ⭐ 620) - 用于构建的pandas,dask,xarray和networkx的高级绘图API。BSD-3 +
PyVista (🥈28 · ⭐ 2.2K) - 3D plotting and mesh analysis through a streamlined interface for.. MIT -- [GitHub](https://github.com/holoviz/hvplot) (👨‍💻 37 · 🔀 73 · 📦 1.6K · 📋 480 - 37% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/pyvista/pyvista) (👨‍💻 150 · 🔀 400 · 📥 790 · 📦 2.6K · 📋 1.5K - 29% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/holoviz/hvplot + git clone https://github.com/pyvista/pyvista ``` -- [PyPi](https://pypi.org/project/hvplot) (📥 160K / month): +- [PyPi](https://pypi.org/project/pyvista) (📥 390K / month): ``` - pip install hvplot + pip install pyvista ``` -- [Conda](https://anaconda.org/conda-forge/hvplot) (📥 210K · ⏱️ 09.05.2022): +- [Conda](https://anaconda.org/conda-forge/pyvista) (📥 440K · ⏱️ 06.02.2024): ``` - conda install -c conda-forge hvplot + conda install -c conda-forge pyvista ```
-
wordcloud (🥈26 · ⭐ 8.9K) - Python中的词云生成器。MIT +
wordcloud (🥈27 · ⭐ 9.9K) - A little word cloud generator in Python. MIT -- [GitHub](https://github.com/amueller/word_cloud) (👨‍💻 65 · 🔀 2.2K · 📋 470 - 20% open · ⏱️ 27.06.2022): +- [GitHub](https://github.com/amueller/word_cloud) (👨‍💻 72 · 🔀 2.3K · 📦 21 · 📋 510 - 18% open · ⏱️ 09.12.2023): ``` git clone https://github.com/amueller/word_cloud ``` -- [PyPi](https://pypi.org/project/wordcloud) (📥 690K / month): +- [PyPi](https://pypi.org/project/wordcloud) (📥 1.4M / month): ``` pip install wordcloud ``` -- [Conda](https://anaconda.org/conda-forge/wordcloud) (📥 310K · ⏱️ 25.08.2022): +- [Conda](https://anaconda.org/conda-forge/wordcloud) (📥 460K · ⏱️ 11.12.2023): ``` conda install -c conda-forge wordcloud ```
-
Cufflinks (🥈26 · ⭐ 2.6K · 💀) - Plotly + Pandas的生产力工具。MIT +
missingno (🥈27 · ⭐ 3.8K · 💤) - Missing data visualization module for Python. MIT -- [GitHub](https://github.com/santosjorge/cufflinks) (👨‍💻 38 · 🔀 600 · 📦 6.5K · 📋 210 - 41% open · ⏱️ 25.02.2021): +- [GitHub](https://github.com/ResidentMario/missingno) (👨‍💻 18 · 🔀 450 · 📦 15K · 📋 130 - 6% open · ⏱️ 26.02.2023): ``` - git clone https://github.com/santosjorge/cufflinks + git clone https://github.com/ResidentMario/missingno ``` -- [PyPi](https://pypi.org/project/cufflinks) (📥 310K / month): +- [PyPi](https://pypi.org/project/missingno) (📥 290K / month): ``` - pip install cufflinks + pip install missingno + ``` +- [Conda](https://anaconda.org/conda-forge/missingno) (📥 320K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge missingno ```
-
HoloViews (🥈26 · ⭐ 2.3K) - 使用Holoviews,您的数据可以可视化。BSD-3 +
bqplot (🥈27 · ⭐ 3.5K) - Plotting library for IPython/Jupyter notebooks. Apache-2 -- [GitHub](https://github.com/holoviz/holoviews) (👨‍💻 120 · 🔀 350 · 📋 2.8K - 31% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/bqplot/bqplot) (👨‍💻 64 · 🔀 450 · 📦 55 · 📋 590 - 37% open · ⏱️ 04.10.2023): ``` - git clone https://github.com/holoviz/holoviews + git clone https://github.com/bqplot/bqplot ``` -- [PyPi](https://pypi.org/project/holoviews) (📥 380K / month): +- [PyPi](https://pypi.org/project/bqplot) (📥 130K / month): ``` - pip install holoviews + pip install bqplot ``` -- [Conda](https://anaconda.org/conda-forge/holoviews) (📥 850K · ⏱️ 07.07.2022): +- [Conda](https://anaconda.org/conda-forge/bqplot) (📥 1.3M · ⏱️ 06.11.2023): ``` - conda install -c conda-forge holoviews + conda install -c conda-forge bqplot ``` -- [NPM](https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz) (📥 840 / month): +- [NPM](https://www.npmjs.com/package/bqplot) (📥 3.1K / month): ``` - npm install @pyviz/jupyterlab_pyviz + npm install bqplot ```
-
PyVista (🥈26 · ⭐ 1.4K) - 通过简化的界面进行3D绘图和网格分析。MIT +
datashader (🥈27 · ⭐ 3.2K) - Quickly and accurately render even the largest data. BSD-3 -- [GitHub](https://github.com/pyvista/pyvista) (👨‍💻 100 · 🔀 280 · 📥 660 · 📦 900 · 📋 920 - 28% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/holoviz/datashader) (👨‍💻 55 · 🔀 360 · 📦 3.6K · 📋 570 - 22% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/pyvista/pyvista + git clone https://github.com/holoviz/datashader ``` -- [PyPi](https://pypi.org/project/pyvista) (📥 46K / month): +- [PyPi](https://pypi.org/project/datashader) (📥 420K / month): ``` - pip install pyvista + pip install datashader ``` -- [Conda](https://anaconda.org/conda-forge/pyvista) (📥 210K · ⏱️ 01.08.2022): +- [Conda](https://anaconda.org/conda-forge/datashader) (📥 760K · ⏱️ 27.10.2023): ``` - conda install -c conda-forge pyvista + conda install -c conda-forge datashader ```
-
Facets Overview (🥉25 · ⭐ 7K · 💀) - 机器学习数据集的可视化。Apache-2 +
Facets Overview (🥈26 · ⭐ 7.3K · 💤) - Visualizations for machine learning datasets. Apache-2 -- [GitHub](https://github.com/PAIR-code/facets) (👨‍💻 28 · 🔀 850 · 📦 130 · 📋 150 - 50% open · ⏱️ 06.05.2021): +- [GitHub](https://github.com/PAIR-code/facets) (👨‍💻 31 · 🔀 880 · 📦 210 · 📋 160 - 49% open · ⏱️ 24.05.2023): ``` git clone https://github.com/pair-code/facets ``` -- [PyPi](https://pypi.org/project/facets-overview) (📥 300K / month): +- [PyPi](https://pypi.org/project/facets-overview) (📥 180K / month): ``` pip install facets-overview ```
-
Chartify (🥉25 · ⭐ 3.2K · 💀) - Python库,使数据科学家可以轻松创建。Apache-2 +
Perspective (🥈26 · ⭐ 7.2K) - Streaming pivot visualization via WebAssembly. Apache-2 -- [GitHub](https://github.com/spotify/chartify) (👨‍💻 21 · 🔀 280 · 📦 65 · 📋 72 - 56% open · ⏱️ 05.02.2021): +- [GitHub](https://github.com/finos/perspective) (👨‍💻 93 · 🔀 930 · 📥 2.2K · 📦 110 · 📋 710 - 11% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/spotify/chartify + git clone https://github.com/finos/perspective ``` -- [PyPi](https://pypi.org/project/chartify) (📥 10K / month): +- [PyPi](https://pypi.org/project/perspective-python) (📥 7K / month): ``` - pip install chartify + pip install perspective-python ``` -- [Conda](https://anaconda.org/conda-forge/chartify) (📥 21K · ⏱️ 07.11.2020): +- [NPM](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (📥 490 / month): ``` - conda install -c conda-forge chartify + npm install @finos/perspective-jupyterlab ```
-
VisPy (🥉24 · ⭐ 2.9K) - 高性能交互式2D / 3D数据可视化库。❗Unlicensed +
VisPy (🥈26 · ⭐ 3.2K) - High-performance interactive 2D/3D data visualization library. ❗Unlicensed -- [GitHub](https://github.com/vispy/vispy) (👨‍💻 180 · 🔀 580 · 📦 820 · 📋 1.3K - 20% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/vispy/vispy) (👨‍💻 190 · 🔀 600 · 📦 1.4K · 📋 1.4K - 21% open · ⏱️ 05.02.2024): ``` git clone https://github.com/vispy/vispy ``` -- [PyPi](https://pypi.org/project/vispy) (📥 51K / month): +- [PyPi](https://pypi.org/project/vispy) (📥 77K / month): ``` pip install vispy ``` -- [Conda](https://anaconda.org/conda-forge/vispy) (📥 270K · ⏱️ 05.07.2022): +- [Conda](https://anaconda.org/conda-forge/vispy) (📥 460K · ⏱️ 04.10.2023): ``` conda install -c conda-forge vispy ``` -- [NPM](https://www.npmjs.com/package/vispy) (📥 10 / month): +- [NPM](https://www.npmjs.com/package/vispy) (📥 5 / month): ``` npm install vispy ```
-
HyperTools (🥉24 · ⭐ 1.7K) - 一个Python工具箱,用于获得对高维的几何洞察力。MIT +
Cufflinks (🥈26 · ⭐ 2.9K · 💀) - Productivity Tools for Plotly + Pandas. MIT -- [GitHub](https://github.com/ContextLab/hypertools) (👨‍💻 21 · 🔀 150 · 📥 20 · 📦 210 · 📋 190 - 35% open · ⏱️ 12.02.2022): +- [GitHub](https://github.com/santosjorge/cufflinks) (👨‍💻 38 · 🔀 650 · 📦 10K · 📋 210 - 41% open · ⏱️ 25.02.2021): ``` - git clone https://github.com/ContextLab/hypertools + git clone https://github.com/santosjorge/cufflinks ``` -- [PyPi](https://pypi.org/project/hypertools) (📥 550 / month): +- [PyPi](https://pypi.org/project/cufflinks) (📥 82K / month): ``` - pip install hypertools + pip install cufflinks ```
-
pythreejs (🥉24 · ⭐ 830) - Jupyter-Three.js桥。❗Unlicensed +
Sweetviz (🥈26 · ⭐ 2.8K) - Visualize and compare datasets, target values and associations, with one.. MIT -- [GitHub](https://github.com/jupyter-widgets/pythreejs) (👨‍💻 30 · 🔀 170 · 📦 21 · 📋 220 - 23% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/fbdesignpro/sweetviz) (👨‍💻 11 · 🔀 260 · 📦 2K · 📋 130 - 25% open · ⏱️ 29.11.2023): ``` - git clone https://github.com/jupyter-widgets/pythreejs - ``` -- [PyPi](https://pypi.org/project/pythreejs) (📥 64K / month): - ``` - pip install pythreejs - ``` -- [Conda](https://anaconda.org/conda-forge/pythreejs) (📥 410K · ⏱️ 25.08.2022): - ``` - conda install -c conda-forge pythreejs + git clone https://github.com/fbdesignpro/sweetviz ``` -- [NPM](https://www.npmjs.com/package/jupyter-threejs) (📥 4.6K / month): +- [PyPi](https://pypi.org/project/sweetviz) (📥 62K / month): ``` - npm install jupyter-threejs + pip install sweetviz ```
-
PyQtGraph (🥉23 · ⭐ 2.9K) - 用于科学/工程的快速数据可视化和GUI工具。❗Unlicensed +
hvPlot (🥈26 · ⭐ 900) - A high-level plotting API for pandas, dask, xarray, and networkx built on.. BSD-3 -- [GitHub](https://github.com/pyqtgraph/pyqtgraph) (👨‍💻 230 · 🔀 930 · 📋 1K - 31% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/holoviz/hvplot) (👨‍💻 46 · 🔀 94 · 📦 4.4K · 📋 720 - 44% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/pyqtgraph/pyqtgraph + git clone https://github.com/holoviz/hvplot ``` -- [PyPi](https://pypi.org/project/pyqtgraph) (📥 100K / month): +- [PyPi](https://pypi.org/project/hvplot) (📥 150K / month): ``` - pip install pyqtgraph + pip install hvplot ``` -- [Conda](https://anaconda.org/conda-forge/pyqtgraph) (📥 280K · ⏱️ 05.03.2022): +- [Conda](https://anaconda.org/conda-forge/hvplot) (📥 530K · ⏱️ 30.01.2024): ``` - conda install -c conda-forge pyqtgraph + conda install -c conda-forge hvplot ```
-
FiftyOne (🥉23 · ⭐ 1.8K) - 可视化,创建和调试图像和视频数据集。Apache-2 +
data-validation (🥈26 · ⭐ 740) - Library for exploring and validating machine learning.. Apache-2 -- [GitHub](https://github.com/voxel51/fiftyone) (👨‍💻 46 · 🔀 220 · 📦 160 · 📋 890 - 31% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/tensorflow/data-validation) (👨‍💻 26 · 🔀 160 · 📥 640 · 📦 810 · 📋 170 - 13% open · ⏱️ 06.02.2024): ``` - git clone https://github.com/voxel51/fiftyone + git clone https://github.com/tensorflow/data-validation ``` -- [PyPi](https://pypi.org/project/fiftyone) (📥 21K / month): +- [PyPi](https://pypi.org/project/tensorflow-data-validation) (📥 200K / month): ``` - pip install fiftyone + pip install tensorflow-data-validation ```
-
openTSNE (🥉23 · ⭐ 1K) - t-SNE的可扩展并行实现。BSD-3 +
UMAP (🥉25 · ⭐ 6.8K · 📉) - Uniform Manifold Approximation and Projection. BSD-3 -- [GitHub](https://github.com/pavlin-policar/openTSNE) (👨‍💻 10 · 🔀 120 · 📦 380 · 📋 110 - 5% open · ⏱️ 18.03.2022): +- [GitHub](https://github.com/lmcinnes/umap) (👨‍💻 130 · 🔀 730 · 📦 1 · 📋 750 - 56% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/pavlin-policar/openTSNE - ``` -- [PyPi](https://pypi.org/project/opentsne) (📥 21K / month): - ``` - pip install opentsne + git clone https://github.com/lmcinnes/umap ``` -- [Conda](https://anaconda.org/conda-forge/opentsne) (📥 150K · ⏱️ 27.05.2022): +- [PyPi](https://pypi.org/project/umap-learn) (📥 930K / month): ``` - conda install -c conda-forge opentsne + pip install umap-learn ```
-
python-ternary (🥉23 · ⭐ 580) - 带有matplotlib的python三元绘图库。MIT +
FiftyOne (🥉25 · ⭐ 6.4K) - Visualize, create, and debug image and video datasets.. Apache-2 -- [GitHub](https://github.com/marcharper/python-ternary) (👨‍💻 27 · 🔀 140 · 📥 18 · 📦 100 · 📋 130 - 25% open · ⏱️ 27.02.2022): +- [GitHub](https://github.com/voxel51/fiftyone) (👨‍💻 110 · 🔀 460 · 📦 500 · 📋 1.4K - 29% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/marcharper/python-ternary - ``` -- [PyPi](https://pypi.org/project/python-ternary) (📥 27K / month): - ``` - pip install python-ternary + git clone https://github.com/voxel51/fiftyone ``` -- [Conda](https://anaconda.org/conda-forge/python-ternary) (📥 66K · ⏱️ 17.02.2021): +- [PyPi](https://pypi.org/project/fiftyone) (📥 47K / month): ``` - conda install -c conda-forge python-ternary + pip install fiftyone ```
-
Sweetviz (🥉22 · ⭐ 2.1K) - 可视化和比较数据集,目标值和相关性。MIT +
Chartify (🥉25 · ⭐ 3.4K) - Python library that makes it easy for data scientists to create.. Apache-2 -- [GitHub](https://github.com/fbdesignpro/sweetviz) (👨‍💻 6 · 🔀 210 · 📋 100 - 28% open · ⏱️ 08.06.2022): +- [GitHub](https://github.com/spotify/chartify) (👨‍💻 25 · 🔀 310 · 📦 76 · 📋 75 - 57% open · ⏱️ 12.10.2023): ``` - git clone https://github.com/fbdesignpro/sweetviz + git clone https://github.com/spotify/chartify ``` -- [PyPi](https://pypi.org/project/sweetviz) (📥 64K / month): +- [PyPi](https://pypi.org/project/chartify) (📥 7K / month): ``` - pip install sweetviz + pip install chartify + ``` +- [Conda](https://anaconda.org/conda-forge/chartify) (📥 30K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge chartify ```
-
lets-plot (🥉22 · ⭐ 780) - 一个用于统计数据的开源绘图库。MIT +
lets-plot (🥉25 · ⭐ 1.4K) - An open-source plotting library for statistical data. MIT -- [GitHub](https://github.com/JetBrains/lets-plot) (👨‍💻 17 · 🔀 34 · 📥 300 · 📦 17 · 📋 270 - 27% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/JetBrains/lets-plot) (👨‍💻 20 · 🔀 44 · 📥 600 · 📦 58 · 📋 500 - 25% open · ⏱️ 15.02.2024): ``` git clone https://github.com/JetBrains/lets-plot ``` -- [PyPi](https://pypi.org/project/lets-plot) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/lets-plot) (📥 26K / month): ``` pip install lets-plot ```
-
PDPbox (🥉22 · ⭐ 700 · 💀) - python部分依赖图工具箱。MIT +
openTSNE (🥉25 · ⭐ 1.3K) - Extensible, parallel implementations of t-SNE. BSD-3 -- [GitHub](https://github.com/SauceCat/PDPbox) (👨‍💻 7 · 🔀 110 · 📦 510 · 📋 60 - 36% open · ⏱️ 14.03.2021): +- [GitHub](https://github.com/pavlin-policar/openTSNE) (👨‍💻 11 · 🔀 150 · 📦 740 · 📋 130 - 1% open · ⏱️ 29.11.2023): ``` - git clone https://github.com/SauceCat/PDPbox + git clone https://github.com/pavlin-policar/openTSNE ``` -- [PyPi](https://pypi.org/project/pdpbox) (📥 34K / month): +- [PyPi](https://pypi.org/project/opentsne) (📥 30K / month): ``` - pip install pdpbox + pip install opentsne ``` -- [Conda](https://anaconda.org/conda-forge/pdpbox) (📥 13K · ⏱️ 14.03.2021): +- [Conda](https://anaconda.org/conda-forge/opentsne) (📥 240K · ⏱️ 29.11.2023): ``` - conda install -c conda-forge pdpbox + conda install -c conda-forge opentsne ```
-
Perspective (🥉21 · ⭐ 4.8K) - 通过WebAssembly进行流式透视显示。Apache-2 +
HyperTools (🥉24 · ⭐ 1.8K · 💀) - A Python toolbox for gaining geometric insights into high-.. MIT -- [GitHub](https://github.com/finos/perspective) (👨‍💻 72 · 🔀 490 · 📦 4 · 📋 540 - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/ContextLab/hypertools) (👨‍💻 21 · 🔀 160 · 📥 30 · 📦 360 · 📋 190 - 33% open · ⏱️ 12.02.2022): ``` - git clone https://github.com/finos/perspective + git clone https://github.com/ContextLab/hypertools ``` -- [PyPi](https://pypi.org/project/perspective-python) (📥 3K / month): +- [PyPi](https://pypi.org/project/hypertools) (📥 520 / month): ``` - pip install perspective-python + pip install hypertools + ``` +
+
AutoViz (🥉23 · ⭐ 1.6K) - Automatically Visualize any dataset, any size with a single line of.. Apache-2 + +- [GitHub](https://github.com/AutoViML/AutoViz) (👨‍💻 15 · 🔀 190 · 📦 610 · 📋 85 - 2% open · ⏱️ 14.02.2024): + ``` -- [NPM](https://www.npmjs.com/package/@finos/perspective-jupyterlab) (📥 1.4K / month): + git clone https://github.com/AutoViML/AutoViz ``` - npm install @finos/perspective-jupyterlab +- [PyPi](https://pypi.org/project/autoviz) (📥 29K / month): + ``` + pip install autoviz ```
-
plotnine (🥉21 · ⭐ 3.2K) - Python的图形语法。MIT +
python-ternary (🥉23 · ⭐ 680) - Ternary plotting library for python with matplotlib. MIT -- [GitHub](https://github.com/has2k1/plotnine) (👨‍💻 96 · 🔀 170 · 📋 500 - 13% open · ⏱️ 01.07.2022): +- [GitHub](https://github.com/marcharper/python-ternary) (👨‍💻 27 · 🔀 150 · 📥 25 · 📦 160 · 📋 140 - 21% open · ⏱️ 26.09.2023): ``` - git clone https://github.com/has2k1/plotnine + git clone https://github.com/marcharper/python-ternary ``` -- [PyPi](https://pypi.org/project/plotnine) (📥 350K / month): +- [PyPi](https://pypi.org/project/python-ternary) (📥 42K / month): ``` - pip install plotnine + pip install python-ternary ``` -- [Conda](https://anaconda.org/conda-forge/plotnine) (📥 190K · ⏱️ 02.07.2022): +- [Conda](https://anaconda.org/conda-forge/python-ternary) (📥 79K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge plotnine + conda install -c conda-forge python-ternary ```
-
Multicore-TSNE (🥉21 · ⭐ 1.7K · 💀) - 使用Python和Torch并行执行t-SNE。BSD-3 +
HiPlot (🥉22 · ⭐ 2.7K · 💤) - HiPlot makes understanding high dimensional data easy. MIT -- [GitHub](https://github.com/DmitryUlyanov/Multicore-TSNE) (👨‍💻 15 · 🔀 200 · 📦 310 · 📋 58 - 63% open · ⏱️ 19.08.2020): +- [GitHub](https://github.com/facebookresearch/hiplot) (👨‍💻 9 · 🔀 130 · 📦 370 · 📋 89 - 17% open · ⏱️ 19.07.2023): ``` - git clone https://github.com/DmitryUlyanov/Multicore-TSNE + git clone https://github.com/facebookresearch/hiplot ``` -- [PyPi](https://pypi.org/project/MulticoreTSNE) (📥 19K / month): +- [PyPi](https://pypi.org/project/hiplot) (📥 23K / month): ``` - pip install MulticoreTSNE + pip install hiplot ``` -- [Conda](https://anaconda.org/conda-forge/multicore-tsne) (📥 18K · ⏱️ 09.11.2021): +- [Conda](https://anaconda.org/conda-forge/hiplot) (📥 180K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge multicore-tsne + conda install -c conda-forge hiplot ```
-
AutoViz (🥉20 · ⭐ 890) - 自动显示任意行的任何大小的任何数据集。Apache-2 +
Pandas-Bokeh (🥉22 · ⭐ 870 · 💤) - Bokeh Plotting Backend for Pandas and GeoPandas. MIT -- [GitHub](https://github.com/AutoViML/AutoViz) (👨‍💻 12 · 🔀 120 · 📦 240 · 📋 59 - 5% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/PatrikHlobil/Pandas-Bokeh) (👨‍💻 15 · 🔀 110 · 📦 580 · 📋 100 - 33% open · ⏱️ 06.03.2023): ``` - git clone https://github.com/AutoViML/AutoViz + git clone https://github.com/PatrikHlobil/Pandas-Bokeh ``` -- [PyPi](https://pypi.org/project/autoviz) (📥 52K / month): +- [PyPi](https://pypi.org/project/pandas-bokeh) (📥 23K / month): ``` - pip install autoviz + pip install pandas-bokeh ```
-
PyWaffle (🥉20 · ⭐ 500) - 用Python作图。MIT +
PandasGUI (🥉21 · ⭐ 3.1K) - A GUI for Pandas DataFrames. ❗️MIT-0 -- [GitHub](https://github.com/gyli/PyWaffle) (👨‍💻 6 · 🔀 92 · 📦 150 · 📋 18 - 22% open · ⏱️ 08.06.2022): +- [GitHub](https://github.com/adamerose/PandasGUI) (👨‍💻 15 · 🔀 220 · 📦 350 · 📋 200 - 37% open · ⏱️ 07.12.2023): ``` - git clone https://github.com/gyli/PyWaffle + git clone https://github.com/adamerose/pandasgui ``` -- [PyPi](https://pypi.org/project/pywaffle) (📥 8.3K / month): +- [PyPi](https://pypi.org/project/pandasgui) (📥 3.8K / month): ``` - pip install pywaffle + pip install pandasgui ```
-
PandasGUI (🥉19 · ⭐ 2.7K) - pandas Dataframe的GUI。❗️MIT-0 +
pythreejs (🥉21 · ⭐ 920 · 💤) - A Jupyter - Three.js bridge. ❗Unlicensed -- [GitHub](https://github.com/adamerose/PandasGUI) (👨‍💻 13 · 🔀 180 · 📦 170 · 📋 160 - 27% open · ⏱️ 16.03.2022): +- [GitHub](https://github.com/jupyter-widgets/pythreejs) (👨‍💻 30 · 🔀 180 · 📦 30 · 📋 230 - 25% open · ⏱️ 20.02.2023): ``` - git clone https://github.com/adamerose/pandasgui + git clone https://github.com/jupyter-widgets/pythreejs ``` -- [PyPi](https://pypi.org/project/pandasgui) (📥 3.7K / month): +- [PyPi](https://pypi.org/project/pythreejs) (📥 50K / month): ``` - pip install pandasgui + pip install pythreejs + ``` +- [Conda](https://anaconda.org/conda-forge/pythreejs) (📥 520K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge pythreejs + ``` +- [NPM](https://www.npmjs.com/package/jupyter-threejs) (📥 3.3K / month): + ``` + npm install jupyter-threejs ```
-
HiPlot (🥉19 · ⭐ 2.3K) - HiPlot使理解高维数据变得容易。MIT +
joypy (🥉20 · ⭐ 520 · 💀) - Joyplots in Python with matplotlib & pandas. MIT -- [GitHub](https://github.com/facebookresearch/hiplot) (👨‍💻 8 · 🔀 120 · 📦 5 · 📋 80 - 15% open · ⏱️ 05.07.2022): +- [GitHub](https://github.com/leotac/joypy) (👨‍💻 6 · 🔀 54 · 📦 340 · 📋 50 - 26% open · ⏱️ 19.12.2021): ``` - git clone https://github.com/facebookresearch/hiplot + git clone https://github.com/sbebo/joypy ``` -- [PyPi](https://pypi.org/project/hiplot) (📥 27K / month): +- [PyPi](https://pypi.org/project/joypy) (📥 8.9K / month): ``` - pip install hiplot + pip install joypy ``` -- [Conda](https://anaconda.org/conda-forge/hiplot) (📥 98K · ⏱️ 31.05.2022): +- [Conda](https://anaconda.org/conda-forge/joypy) (📥 24K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge hiplot + conda install -c conda-forge joypy ```
-
pivottablejs (🥉19 · ⭐ 470 · 💀) - Jupyter/IPython的Dragndrop数据透视表和图表。❗Unlicensed +
vega (🥉20 · ⭐ 370) - IPython/Jupyter notebook module for Vega and Vega-Lite. BSD-3 -- [GitHub](https://github.com/nicolaskruchten/jupyter_pivottablejs) (👨‍💻 3 · 🔀 62 · 📦 260 · 📋 58 - 29% open · ⏱️ 04.12.2018): +- [GitHub](https://github.com/vega/ipyvega) (👨‍💻 15 · 🔀 60 · 📦 4 · 📋 100 - 10% open · ⏱️ 01.02.2024): ``` - git clone https://github.com/nicolaskruchten/jupyter_pivottablejs + git clone https://github.com/vega/ipyvega ``` -- [PyPi](https://pypi.org/project/pivottablejs) (📥 14K / month): +- [PyPi](https://pypi.org/project/vega) (📥 33K / month): ``` - pip install pivottablejs + pip install vega + ``` +- [Conda](https://anaconda.org/conda-forge/vega) (📥 580K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge vega ```
-
joypy (🥉19 · ⭐ 440 · 💤) - 带有matplotlib和pandas的Python中的Joyplots。MIT +
Multicore-TSNE (🥉19 · ⭐ 1.8K) - Parallel t-SNE implementation with Python and Torch.. ❗Unlicensed -- [GitHub](https://github.com/leotac/joypy) (👨‍💻 6 · 🔀 47 · 📦 190 · 📋 47 - 21% open · ⏱️ 19.12.2021): +- [GitHub](https://github.com/DmitryUlyanov/Multicore-TSNE) (👨‍💻 18 · 🔀 200 · 📦 430 · 📋 62 - 61% open · ⏱️ 06.02.2024): ``` - git clone https://github.com/sbebo/joypy + git clone https://github.com/DmitryUlyanov/Multicore-TSNE ``` -- [PyPi](https://pypi.org/project/joypy) (📥 13K / month): +- [PyPi](https://pypi.org/project/MulticoreTSNE) (📥 1.8K / month): ``` - pip install joypy + pip install MulticoreTSNE ``` -- [Conda](https://anaconda.org/conda-forge/joypy) (📥 15K · ⏱️ 28.12.2020): +- [Conda](https://anaconda.org/conda-forge/multicore-tsne) (📥 32K · ⏱️ 11.10.2023): ``` - conda install -c conda-forge joypy + conda install -c conda-forge multicore-tsne ```
-
ivis (🥉19 · ⭐ 280) - 使用算法对非常大的数据集进行降维。Apache-2 +
pivottablejs (🥉19 · ⭐ 640 · 💀) - Dragndrop Pivot Tables and Charts for Jupyter/IPython.. ❗Unlicensed -- [GitHub](https://github.com/beringresearch/ivis) (👨‍💻 10 · 🔀 35 · 📦 26 · 📋 57 - 5% open · ⏱️ 29.07.2022): +- [GitHub](https://github.com/nicolaskruchten/jupyter_pivottablejs) (👨‍💻 3 · 🔀 81 · 📦 400 · 📋 64 - 35% open · ⏱️ 04.12.2018): ``` - git clone https://github.com/beringresearch/ivis + git clone https://github.com/nicolaskruchten/jupyter_pivottablejs ``` -- [PyPi](https://pypi.org/project/ivis) (📥 330 / month): +- [PyPi](https://pypi.org/project/pivottablejs) (📥 21K / month): ``` - pip install ivis + pip install pivottablejs ```
-
Pandas-Bokeh (🥉18 · ⭐ 800) - pandas和GeoPandas的Bokeh绘图后端。MIT +
PyWaffle (🥉19 · ⭐ 570 · 💀) - Make Waffle Charts in Python. MIT -- [GitHub](https://github.com/PatrikHlobil/Pandas-Bokeh) (👨‍💻 14 · 🔀 100 · 📋 98 - 31% open · ⏱️ 25.03.2022): +- [GitHub](https://github.com/gyli/PyWaffle) (👨‍💻 6 · 🔀 100 · 📦 320 · 📋 21 - 23% open · ⏱️ 08.06.2022): ``` - git clone https://github.com/PatrikHlobil/Pandas-Bokeh + git clone https://github.com/gyli/PyWaffle ``` -- [PyPi](https://pypi.org/project/pandas-bokeh) (📥 14K / month): +- [PyPi](https://pypi.org/project/pywaffle) (📥 3.9K / month): ``` - pip install pandas-bokeh + pip install pywaffle ```
-
animatplot (🥉18 · ⭐ 400 · 💀) - 用于在patpliblib上构建动画图的python程序包。MIT +
animatplot (🥉19 · ⭐ 410 · 💀) - A python package for animating plots build on matplotlib. MIT -- [GitHub](https://github.com/t-makaro/animatplot) (👨‍💻 7 · 🔀 34 · 📦 35 · 📋 30 - 43% open · ⏱️ 05.10.2020): +- [GitHub](https://github.com/t-makaro/animatplot) (👨‍💻 7 · 🔀 39 · 📦 58 · 📋 32 - 46% open · ⏱️ 05.10.2020): ``` git clone https://github.com/t-makaro/animatplot ``` -- [PyPi](https://pypi.org/project/animatplot) (📥 260 / month): +- [PyPi](https://pypi.org/project/animatplot) (📥 400 / month): ``` pip install animatplot ``` -- [Conda](https://anaconda.org/conda-forge/animatplot) (📥 9K · ⏱️ 06.10.2020): +- [Conda](https://anaconda.org/conda-forge/animatplot) (📥 13K · ⏱️ 16.06.2023): ``` conda install -c conda-forge animatplot ```
-
vega (🥉18 · ⭐ 330) - 适用于Vega和Vega-Lite的IPython/Jupyter笔记本模块。BSD-3 +
PDPbox (🥉18 · ⭐ 800 · 💤) - python partial dependence plot toolbox. MIT -- [GitHub](https://github.com/vega/ipyvega) (👨‍💻 11 · 🔀 55 · 📋 95 - 13% open · ⏱️ 01.08.2022): +- [GitHub](https://github.com/SauceCat/PDPbox) (👨‍💻 7 · 🔀 130 · 📋 66 - 40% open · ⏱️ 05.06.2023): ``` - git clone https://github.com/vega/ipyvega + git clone https://github.com/SauceCat/PDPbox ``` -- [PyPi](https://pypi.org/project/vega) (📥 7.3K / month): +- [PyPi](https://pypi.org/project/pdpbox) (📥 27K / month): ``` - pip install vega + pip install pdpbox ``` -- [Conda](https://anaconda.org/conda-forge/vega) (📥 500K · ⏱️ 10.02.2022): +- [Conda](https://anaconda.org/conda-forge/pdpbox) (📥 20K · ⏱️ 10.06.2023): ``` - conda install -c conda-forge vega + conda install -c conda-forge pdpbox ```
-
pdvega (🥉16 · ⭐ 340 · 💀) - 使用Vega-Lite交互式绘制pandas数据图。MIT +
ivis (🥉17 · ⭐ 310) - Dimensionality reduction in very large datasets using Siamese.. Apache-2 -- [GitHub](https://github.com/altair-viz/pdvega) (👨‍💻 9 · 🔀 31 · 📦 67 · 📋 26 - 61% open · ⏱️ 29.03.2019): +- [GitHub](https://github.com/beringresearch/ivis) (👨‍💻 10 · 🔀 42 · 📦 31 · 📋 59 - 5% open · ⏱️ 09.11.2023): ``` - git clone https://github.com/altair-viz/pdvega + git clone https://github.com/beringresearch/ivis ``` -- [PyPi](https://pypi.org/project/pdvega) (📥 56 / month): +- [PyPi](https://pypi.org/project/ivis) (📥 340 / month): ``` - pip install pdvega + pip install ivis ```
-
data-describe (🥉14 · ⭐ 290 · 💤) - 数据描述:Pythonic EDA数据科学加速器。❗Unlicensed +
pdvega (🥉16 · ⭐ 340 · 💀) - Interactive plotting for Pandas using Vega-Lite. MIT -- [GitHub](https://github.com/data-describe/data-describe) (👨‍💻 14 · 🔀 18 · 📋 240 - 28% open · ⏱️ 19.11.2021): +- [GitHub](https://github.com/altair-viz/pdvega) (👨‍💻 9 · 🔀 32 · 📦 86 · 📋 26 - 61% open · ⏱️ 29.03.2019): ``` - git clone https://github.com/data-describe/data-describe + git clone https://github.com/altair-viz/pdvega ``` -- [PyPi](https://pypi.org/project/data-describe) (📥 2.6K / month): +- [PyPi](https://pypi.org/project/pdvega) (📥 85 / month): ``` - pip install data-describe + pip install pdvega ```
-
nx-altair (🥉14 · ⭐ 200 · 💀) - 使用Altair绘制交互式NetworkX图形。MIT +
nx-altair (🥉13 · ⭐ 220 · 💀) - Draw interactive NetworkX graphs with Altair. MIT -- [GitHub](https://github.com/Zsailer/nx_altair) (👨‍💻 3 · 🔀 23 · 📋 10 - 60% open · ⏱️ 02.06.2020): +- [GitHub](https://github.com/Zsailer/nx_altair) (👨‍💻 3 · 🔀 27 · 📋 10 - 60% open · ⏱️ 02.06.2020): ``` git clone https://github.com/Zsailer/nx_altair ``` -- [PyPi](https://pypi.org/project/nx-altair) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/nx-altair) (📥 590 / month): ``` pip install nx-altair ```
-
nptsne (🥉11 · ⭐ 29 · 💀) - nptsne是numpy兼容的python二进制包。Apache-2 +
data-describe (🥉12 · ⭐ 300 · 💀) - datadescribe: Pythonic EDA Accelerator for Data.. ❗Unlicensed + +- [GitHub](https://github.com/data-describe/data-describe) (👨‍💻 13 · 🔀 18 · 📋 240 - 28% open · ⏱️ 19.11.2021): + + ``` + git clone https://github.com/data-describe/data-describe + ``` +- [PyPi](https://pypi.org/project/data-describe) (📥 580 / month): + ``` + pip install data-describe + ``` +
+
nptsne (🥉11 · ⭐ 32 · 💀) - nptsne is a numpy compatible python binary package that offers a.. Apache-2 -- [GitHub](https://github.com/biovault/nptsne) (👨‍💻 3 · 🔀 2 · 📦 4 · 📋 13 - 53% open · ⏱️ 03.02.2021): +- [GitHub](https://github.com/biovault/nptsne) (👨‍💻 3 · 🔀 2 · 📦 6 · 📋 13 - 53% open · ⏱️ 03.02.2021): ``` git clone https://github.com/biovault/nptsne @@ -1541,695 +1541,735 @@ _通用和特定于任务的数据可视化库。_

-## 文本数据和NLP +## Text Data & NLP -Back to top +Back to top -_用于处理,清理,处理和分析文本数据的库,以及用于NLP任务的库,例如语言检测,模糊匹配,文本分类,seq2seq学习,智能对话,关键字提取和机器翻译。_ +_Libraries for processing, cleaning, manipulating, and analyzing text data as well as libraries for NLP tasks such as language detection, fuzzy matching, classification, seq2seq learning, conversational AI, keyword extraction, and translation._ -
spaCy (🥇38 · ⭐ 24K) - Python中的工业级自然语言处理(NLP)工具包。MIT +
spaCy (🥇39 · ⭐ 28K) - Industrial-strength Natural Language Processing (NLP) in Python. MIT -- [GitHub](https://github.com/explosion/spaCy) (👨‍💻 700 · 🔀 3.8K · 📥 3.1K · 📦 43K · 📋 5.2K - 1% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/explosion/spaCy) (👨‍💻 750 · 🔀 4.2K · 📦 80K · 📋 5.6K - 1% open · ⏱️ 14.02.2024): ``` git clone https://github.com/explosion/spaCy ``` -- [PyPi](https://pypi.org/project/spacy) (📥 4.7M / month): +- [PyPi](https://pypi.org/project/spacy) (📥 6.2M / month): ``` pip install spacy ``` -- [Conda](https://anaconda.org/conda-forge/spacy) (📥 2.8M · ⏱️ 27.07.2022): +- [Conda](https://anaconda.org/conda-forge/spacy) (📥 3.3M · ⏱️ 05.11.2023): ``` conda install -c conda-forge spacy ```
-
transformers (🥇37 · ⭐ 69K) - transformers:先进的自然语言模型库。Apache-2 +
transformers (🥇38 · ⭐ 120K) - Transformers: State-of-the-art Natural Language.. Apache-2 -- [GitHub](https://github.com/huggingface/transformers) (👨‍💻 1.4K · 🔀 15K · 📥 1.5K · 📦 34K · 📋 9.9K - 4% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/huggingface/transformers) (👨‍💻 2.4K · 🔀 23K · 📦 140K · 📋 14K - 5% open · ⏱️ 15.02.2024): ``` git clone https://github.com/huggingface/transformers ``` -- [PyPi](https://pypi.org/project/transformers) (📥 6.1M / month): +- [PyPi](https://pypi.org/project/transformers) (📥 22M / month): ``` pip install transformers ``` -- [Conda](https://anaconda.org/conda-forge/transformers) (📥 370K · ⏱️ 25.08.2022): +- [Conda](https://anaconda.org/conda-forge/transformers) (📥 1.5M · ⏱️ 08.02.2024): ``` conda install -c conda-forge transformers ```
-
gensim (🥇36 · ⭐ 13K) - 主题模型工具库。❗️LGPL-2.1 - -- [GitHub](https://github.com/RaRe-Technologies/gensim) (👨‍💻 430 · 🔀 4K · 📥 3.8K · 📦 36K · 📋 1.8K - 20% open · ⏱️ 22.08.2022): - - ``` - git clone https://github.com/RaRe-Technologies/gensim - ``` -- [PyPi](https://pypi.org/project/gensim) (📥 4.9M / month): - ``` - pip install gensim - ``` -- [Conda](https://anaconda.org/conda-forge/gensim) (📥 860K · ⏱️ 29.07.2022): - ``` - conda install -c conda-forge gensim - ``` -
-
sentence-transformers (🥇34 · ⭐ 8.3K) - BERT和XLNet的句子嵌入。Apache-2 +
sentence-transformers (🥇36 · ⭐ 13K) - Sentence Embeddings with BERT & XLNet. Apache-2 -- [GitHub](https://github.com/UKPLab/sentence-transformers) (👨‍💻 93 · 🔀 1.6K · 📦 4K · 📋 1.5K - 51% open · ⏱️ 15.08.2022): +- [GitHub](https://github.com/UKPLab/sentence-transformers) (👨‍💻 140 · 🔀 2.2K · 📦 24K · 📋 1.9K - 51% open · ⏱️ 15.02.2024): ``` git clone https://github.com/UKPLab/sentence-transformers ``` -- [PyPi](https://pypi.org/project/sentence-transformers) (📥 1.5M / month): +- [PyPi](https://pypi.org/project/sentence-transformers) (📥 3.6M / month): ``` pip install sentence-transformers ```
-
AllenNLP (🥇33 · ⭐ 11K) - 基于PyTorch的开源NLP研究库。Apache-2 +
gensim (🥇35 · ⭐ 15K) - Topic Modelling for Humans. ❗️LGPL-2.1 -- [GitHub](https://github.com/allenai/allennlp) (👨‍💻 260 · 🔀 2.1K · 📥 47 · 📦 2.7K · 📋 2.5K - 3% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/piskvorky/gensim) (👨‍💻 450 · 🔀 4.2K · 📥 4.6K · 📦 56K · 📋 1.8K - 20% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/allenai/allennlp + git clone https://github.com/RaRe-Technologies/gensim ``` -- [PyPi](https://pypi.org/project/allennlp) (📥 72K / month): +- [PyPi](https://pypi.org/project/gensim) (📥 3.9M / month): ``` - pip install allennlp + pip install gensim + ``` +- [Conda](https://anaconda.org/conda-forge/gensim) (📥 1.2M · ⏱️ 08.02.2024): + ``` + conda install -c conda-forge gensim ```
-
nltk (🥇33 · ⭐ 11K) - 用于符号和统计自然的库和程序套件。Apache-2 +
nltk (🥇33 · ⭐ 13K) - Suite of libraries and programs for symbolic and statistical natural.. Apache-2 -- [GitHub](https://github.com/nltk/nltk) (👨‍💻 430 · 🔀 2.5K · 📦 150K · 📋 1.6K - 13% open · ⏱️ 29.07.2022): +- [GitHub](https://github.com/nltk/nltk) (👨‍💻 450 · 🔀 2.7K · 📦 250K · 📋 1.8K - 14% open · ⏱️ 29.01.2024): ``` git clone https://github.com/nltk/nltk ``` -- [PyPi](https://pypi.org/project/nltk) (📥 12M / month): +- [PyPi](https://pypi.org/project/nltk) (📥 13M / month): ``` pip install nltk ``` -- [Conda](https://anaconda.org/conda-forge/nltk) (📥 1.4M · ⏱️ 29.12.2021): +- [Conda](https://anaconda.org/conda-forge/nltk) (📥 2.4M · ⏱️ 16.06.2023): ``` conda install -c conda-forge nltk ```
-
sentencepiece (🥇33 · ⭐ 6.1K) - 用于基于神经网络的文本的预处理器。Apache-2 +
sentencepiece (🥇33 · ⭐ 9K) - Unsupervised text tokenizer for Neural Network-based text.. Apache-2 -- [GitHub](https://github.com/google/sentencepiece) (👨‍💻 68 · 🔀 810 · 📥 22K · 📦 17K · 📋 540 - 2% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/google/sentencepiece) (👨‍💻 83 · 🔀 1K · 📥 34K · 📦 55K · 📋 700 - 4% open · ⏱️ 14.02.2024): ``` git clone https://github.com/google/sentencepiece ``` -- [PyPi](https://pypi.org/project/sentencepiece) (📥 5.6M / month): +- [PyPi](https://pypi.org/project/sentencepiece) (📥 12M / month): ``` pip install sentencepiece ``` -- [Conda](https://anaconda.org/conda-forge/sentencepiece) (📥 220K · ⏱️ 08.04.2022): +- [Conda](https://anaconda.org/conda-forge/sentencepiece) (📥 720K · ⏱️ 23.01.2024): ``` conda install -c conda-forge sentencepiece ```
-
ChatterBot (🥇32 · ⭐ 12K · 💀) - ChatterBot是机器学习的对话引擎。BSD-3 +
fastText (🥇32 · ⭐ 25K) - Library for fast text representation and classification. MIT -- [GitHub](https://github.com/gunthercox/ChatterBot) (👨‍💻 100 · 🔀 4K · 📦 4.5K · 📋 1.6K - 19% open · ⏱️ 01.06.2021): +- [GitHub](https://github.com/facebookresearch/fastText) (👨‍💻 68 · 🔀 4.5K · 📦 5.6K · 📋 1.1K - 43% open · ⏱️ 09.01.2024): ``` - git clone https://github.com/gunthercox/ChatterBot + git clone https://github.com/facebookresearch/fastText ``` -- [PyPi](https://pypi.org/project/chatterbot) (📥 71K / month): +- [PyPi](https://pypi.org/project/fasttext) (📥 900K / month): ``` - pip install chatterbot + pip install fasttext + ``` +- [Conda](https://anaconda.org/conda-forge/fasttext) (📥 75K · ⏱️ 26.09.2023): + ``` + conda install -c conda-forge fasttext ```
-
fastText (🥇31 · ⭐ 24K) - 用于快速文本表示和分类的库。MIT +
Tokenizers (🥇32 · ⭐ 8.1K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2 -- [GitHub](https://github.com/facebookresearch/fastText) (👨‍💻 59 · 🔀 4.3K · 📦 3.2K · 📋 1K - 41% open · ⏱️ 04.03.2022): +- [GitHub](https://github.com/huggingface/tokenizers) (👨‍💻 87 · 🔀 660 · 📥 33 · 📦 60K · 📋 880 - 20% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/facebookresearch/fastText + git clone https://github.com/huggingface/tokenizers ``` -- [PyPi](https://pypi.org/project/fasttext) (📥 810K / month): +- [PyPi](https://pypi.org/project/tokenizers) (📥 18M / month): ``` - pip install fasttext + pip install tokenizers ``` -- [Conda](https://anaconda.org/conda-forge/fasttext) (📥 36K · ⏱️ 16.04.2022): +- [Conda](https://anaconda.org/conda-forge/tokenizers) (📥 1.4M · ⏱️ 12.02.2024): ``` - conda install -c conda-forge fasttext + conda install -c conda-forge tokenizers ```
-
TextBlob (🥇31 · ⭐ 8.3K · 💤) - 包含情感分析、词性标注等等功能的NLP工具库。MIT +
spark-nlp (🥇32 · ⭐ 3.6K) - State of the Art Natural Language Processing. Apache-2 -- [GitHub](https://github.com/sloria/TextBlob) (👨‍💻 35 · 🔀 1K · 📥 100 · 📦 22K · 📋 250 - 37% open · ⏱️ 22.10.2021): +- [GitHub](https://github.com/JohnSnowLabs/spark-nlp) (👨‍💻 110 · 🔀 680 · 📦 390 · 📋 840 - 4% open · ⏱️ 04.02.2024): ``` - git clone https://github.com/sloria/TextBlob + git clone https://github.com/JohnSnowLabs/spark-nlp ``` -- [PyPi](https://pypi.org/project/textblob) (📥 860K / month): +- [PyPi](https://pypi.org/project/spark-nlp) (📥 3.9M / month): ``` - pip install textblob + pip install spark-nlp ``` -- [Conda](https://anaconda.org/conda-forge/textblob) (📥 170K · ⏱️ 24.02.2019): +
+
TensorFlow Text (🥇32 · ⭐ 1.2K) - Making text a first-class citizen in TensorFlow. Apache-2 + +- [GitHub](https://github.com/tensorflow/text) (👨‍💻 110 · 🔀 310 · 📦 6.4K · 📋 240 - 30% open · ⏱️ 31.01.2024): + ``` - conda install -c conda-forge textblob + git clone https://github.com/tensorflow/text + ``` +- [PyPi](https://pypi.org/project/tensorflow-text) (📥 5.5M / month): + ``` + pip install tensorflow-text + ``` +
+
Rasa (🥈31 · ⭐ 18K) - Open source machine learning framework to automate text- and voice-.. Apache-2 + +- [GitHub](https://github.com/RasaHQ/rasa) (👨‍💻 590 · 🔀 4.3K · 📦 3.9K · 📋 6.6K - 0% open · ⏱️ 29.11.2023): + + ``` + git clone https://github.com/RasaHQ/rasa + ``` +- [PyPi](https://pypi.org/project/rasa) (📥 170K / month): + ``` + pip install rasa ```
-
flair (🥈30 · ⭐ 12K) - 一个用于最先进的自然语言处理的非常简单的框架。❗Unlicensed +
flair (🥈31 · ⭐ 13K) - A very simple framework for state-of-the-art Natural Language.. ❗Unlicensed -- [GitHub](https://github.com/flairNLP/flair) (👨‍💻 230 · 🔀 1.6K · 📦 1.6K · 📋 1.9K - 6% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/flairNLP/flair) (👨‍💻 260 · 🔀 1.7K · 📦 3K · 📋 2.2K - 2% open · ⏱️ 12.02.2024): ``` git clone https://github.com/flairNLP/flair ``` -- [PyPi](https://pypi.org/project/flair) (📥 170K / month): +- [PyPi](https://pypi.org/project/flair) (📥 120K / month): ``` pip install flair ```
-
fuzzywuzzy (🥈30 · ⭐ 8.7K · 💤) - Python中的模糊字符串匹配。❗️GPL-2.0 +
AllenNLP (🥈31 · ⭐ 12K · 💀) - An open-source NLP research library, built on PyTorch. Apache-2 + +- [GitHub](https://github.com/allenai/allennlp) (👨‍💻 270 · 🔀 2.2K · 📥 62 · 📦 3.9K · 📋 2.6K - 3% open · ⏱️ 22.11.2022): + + ``` + git clone https://github.com/allenai/allennlp + ``` +- [PyPi](https://pypi.org/project/allennlp) (📥 48K / month): + ``` + pip install allennlp + ``` +
+
fuzzywuzzy (🥈31 · ⭐ 9.1K · 💀) - Fuzzy String Matching in Python. ❗️GPL-2.0 -- [GitHub](https://github.com/seatgeek/fuzzywuzzy) (👨‍💻 70 · 🔀 870 · 📦 14K · 📋 180 - 43% open · ⏱️ 09.09.2021): +- [GitHub](https://github.com/seatgeek/fuzzywuzzy) (👨‍💻 70 · 🔀 870 · 📦 23K · 📋 190 - 44% open · ⏱️ 09.09.2021): ``` git clone https://github.com/seatgeek/fuzzywuzzy ``` -- [PyPi](https://pypi.org/project/fuzzywuzzy) (📥 7.3M / month): +- [PyPi](https://pypi.org/project/fuzzywuzzy) (📥 5.1M / month): ``` pip install fuzzywuzzy ``` -- [Conda](https://anaconda.org/conda-forge/fuzzywuzzy) (📥 380K · ⏱️ 18.11.2020): +- [Conda](https://anaconda.org/conda-forge/fuzzywuzzy) (📥 520K · ⏱️ 16.06.2023): ``` conda install -c conda-forge fuzzywuzzy ```
-
fairseq (🥈29 · ⭐ 19K) - 用Python编写的Facebook AI Research Sequence-to-Sequence工具包。MIT +
TextBlob (🥈31 · ⭐ 8.8K · 💤) - Simple, Pythonic, text processing--Sentiment analysis, part-of-.. MIT -- [GitHub](https://github.com/facebookresearch/fairseq) (👨‍💻 400 · 🔀 4.7K · 📥 260 · 📦 920 · 📋 3.5K - 18% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/sloria/TextBlob) (👨‍💻 36 · 🔀 1.1K · 📥 110 · 📦 36K · 📋 260 - 40% open · ⏱️ 11.03.2023): ``` - git clone https://github.com/pytorch/fairseq + git clone https://github.com/sloria/TextBlob ``` -- [PyPi](https://pypi.org/project/fairseq) (📥 40K / month): +- [PyPi](https://pypi.org/project/textblob) (📥 600K / month): ``` - pip install fairseq + pip install textblob + ``` +- [Conda](https://anaconda.org/conda-forge/textblob) (📥 240K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge textblob ```
-
TextDistance (🥈29 · ⭐ 2.9K) - 计算序列之间的距离,包含30多种算法。MIT +
fairseq (🥈30 · ⭐ 29K) - Facebook AI Research Sequence-to-Sequence Toolkit written in Python. MIT -- [GitHub](https://github.com/life4/textdistance) (👨‍💻 12 · 🔀 230 · 📥 830 · 📦 2.6K · ⏱️ 21.08.2022): +- [GitHub](https://github.com/facebookresearch/fairseq) (👨‍💻 420 · 🔀 6K · 📥 330 · 📦 2.7K · 📋 4.1K - 26% open · ⏱️ 24.01.2024): ``` - git clone https://github.com/life4/textdistance + git clone https://github.com/pytorch/fairseq ``` -- [PyPi](https://pypi.org/project/textdistance) (📥 640K / month): +- [PyPi](https://pypi.org/project/fairseq) (📥 480K / month): ``` - pip install textdistance + pip install fairseq + ``` +
+
ChatterBot (🥈30 · ⭐ 14K · 💀) - ChatterBot is a machine learning, conversational dialog engine.. BSD-3 + +- [GitHub](https://github.com/gunthercox/ChatterBot) (👨‍💻 100 · 🔀 4.3K · 📦 5.6K · 📋 1.6K - 21% open · ⏱️ 01.06.2021): + ``` -- [Conda](https://anaconda.org/conda-forge/textdistance) (📥 180K · ⏱️ 21.08.2022): + git clone https://github.com/gunthercox/ChatterBot ``` - conda install -c conda-forge textdistance +- [PyPi](https://pypi.org/project/chatterbot) (📥 32K / month): + ``` + pip install chatterbot ```
-
TensorFlow Text (🥈29 · ⭐ 980) - TensorFlow文本处理。Apache-2 +
TextDistance (🥈30 · ⭐ 3.3K) - Compute distance between sequences. 30+ algorithms, pure python.. MIT -- [GitHub](https://github.com/tensorflow/text) (👨‍💻 91 · 🔀 230 · 📦 2.2K · 📋 180 - 18% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/life4/textdistance) (👨‍💻 14 · 🔀 240 · 📥 980 · 📦 5.7K · ⏱️ 29.12.2023): ``` - git clone https://github.com/tensorflow/text + git clone https://github.com/life4/textdistance ``` -- [PyPi](https://pypi.org/project/tensorflow-text) (📥 2.2M / month): +- [PyPi](https://pypi.org/project/textdistance) (📥 560K / month): ``` - pip install tensorflow-text + pip install textdistance + ``` +- [Conda](https://anaconda.org/conda-forge/textdistance) (📥 510K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge textdistance ```
-
GluonNLP (🥈28 · ⭐ 2.4K · 💤) - 可轻松进行文本预处理,数据集加载和处理的工具包。Apache-2 +
spacy-transformers (🥈30 · ⭐ 1.3K) - Use pretrained transformers like BERT, XLNet and GPT-2.. MIT spacy -- [GitHub](https://github.com/dmlc/gluon-nlp) (👨‍💻 82 · 🔀 490 · 📦 920 · 📋 530 - 44% open · ⏱️ 24.08.2021): +- [GitHub](https://github.com/explosion/spacy-transformers) (👨‍💻 22 · 🔀 150 · 📦 1.5K · ⏱️ 19.12.2023): ``` - git clone https://github.com/dmlc/gluon-nlp + git clone https://github.com/explosion/spacy-transformers ``` -- [PyPi](https://pypi.org/project/gluonnlp) (📥 160K / month): +- [PyPi](https://pypi.org/project/spacy-transformers) (📥 190K / month): ``` - pip install gluonnlp + pip install spacy-transformers ```
-
DeepPavlov (🥈27 · ⭐ 5.8K) - 一个用于深度学习端到端对话的开源库。Apache-2 +
DeepPavlov (🥈29 · ⭐ 6.5K) - An open source library for deep learning end-to-end dialog.. Apache-2 -- [GitHub](https://github.com/deepmipt/DeepPavlov) (👨‍💻 67 · 🔀 1K · 📦 280 · 📋 620 - 8% open · ⏱️ 31.05.2022): +- [GitHub](https://github.com/deeppavlov/DeepPavlov) (👨‍💻 76 · 🔀 1.1K · 📦 370 · 📋 630 - 3% open · ⏱️ 27.12.2023): ``` git clone https://github.com/deepmipt/DeepPavlov ``` -- [PyPi](https://pypi.org/project/deeppavlov) (📥 8K / month): +- [PyPi](https://pypi.org/project/deeppavlov) (📥 11K / month): ``` pip install deeppavlov ```
-
OpenNMT (🥈27 · ⭐ 5.7K) - PyTorch中的开源神经机器翻译。MIT +
OpenNMT (🥈29 · ⭐ 6.5K) - Open Source Neural Machine Translation in PyTorch. MIT -- [GitHub](https://github.com/OpenNMT/OpenNMT-py) (👨‍💻 180 · 🔀 2K · 📦 150 · 📋 1.3K - 6% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/OpenNMT/OpenNMT-py) (👨‍💻 190 · 🔀 2.1K · 📦 250 · 📋 1.4K - 0% open · ⏱️ 01.02.2024): ``` git clone https://github.com/OpenNMT/OpenNMT-py ``` -- [PyPi](https://pypi.org/project/OpenNMT-py) (📥 5.2K / month): +- [PyPi](https://pypi.org/project/OpenNMT-py) (📥 5.7K / month): ``` pip install OpenNMT-py ```
-
spark-nlp (🥈27 · ⭐ 2.9K) - 最先进的自然语言处理。Apache-2 +
GluonNLP (🥈27 · ⭐ 2.6K · 💀) - Toolkit that enables easy text preprocessing, datasets.. Apache-2 -- [GitHub](https://github.com/JohnSnowLabs/spark-nlp) (👨‍💻 130 · 🔀 570 · 📋 700 - 5% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/dmlc/gluon-nlp) (👨‍💻 86 · 🔀 500 · 📦 1.5K · 📋 530 - 44% open · ⏱️ 25.12.2022): ``` - git clone https://github.com/JohnSnowLabs/spark-nlp + git clone https://github.com/dmlc/gluon-nlp ``` -- [PyPi](https://pypi.org/project/spark-nlp) (📥 2.4M / month): +- [PyPi](https://pypi.org/project/gluonnlp) (📥 77K / month): ``` - pip install spark-nlp + pip install gluonnlp ```
-
spacy-transformers (🥈27 · ⭐ 1.1K) - 使用经过预训练的transformer模型,例如BERT,XLNet和GPT-2。MIT spacy +
jellyfish (🥈27 · ⭐ 2K) - a python library for doing approximate and phonetic matching of.. MIT -- [GitHub](https://github.com/explosion/spacy-transformers) (👨‍💻 18 · 🔀 140 · 📦 610 · ⏱️ 23.08.2022): +- [GitHub](https://github.com/jamesturk/jellyfish) (👨‍💻 31 · 🔀 160 · 📦 8.1K · 📋 130 - 3% open · ⏱️ 17.11.2023): ``` - git clone https://github.com/explosion/spacy-transformers + git clone https://github.com/jamesturk/jellyfish ``` -- [PyPi](https://pypi.org/project/spacy-transformers) (📥 100K / month): +- [PyPi](https://pypi.org/project/jellyfish) (📥 2.6M / month): ``` - pip install spacy-transformers + pip install jellyfish + ``` +- [Conda](https://anaconda.org/conda-forge/jellyfish) (📥 790K · ⏱️ 17.11.2023): + ``` + conda install -c conda-forge jellyfish ```
-
ParlAI (🥈26 · ⭐ 9.4K) - 一个用于训练和评估AI模型的框架。MIT +
haystack (🥈26 · ⭐ 13K) - End-to-end Python framework for building natural language search.. Apache-2 -- [GitHub](https://github.com/facebookresearch/ParlAI) (👨‍💻 200 · 🔀 1.8K · 📦 87 · 📋 1.4K - 5% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/deepset-ai/haystack) (👨‍💻 230 · 🔀 1.5K · 📥 23 · 📦 110 · 📋 2.9K - 11% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/facebookresearch/ParlAI + git clone https://github.com/deepset-ai/haystack ``` -- [PyPi](https://pypi.org/project/parlai) (📥 3.4K / month): +- [PyPi](https://pypi.org/project/haystack) (📥 2.8K / month): ``` - pip install parlai + pip install haystack ```
-
Tokenizers (🥈26 · ⭐ 5.8K) - 针对研究和应用进行了优化的快速最先进的分词器。Apache-2 +
NeMo (🥈26 · ⭐ 9.3K) - NeMo: a toolkit for conversational AI. Apache-2 -- [GitHub](https://github.com/huggingface/tokenizers) (👨‍💻 59 · 🔀 480 · 📦 51 · 📋 650 - 30% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/NVIDIA/NeMo) (👨‍💻 270 · 🔀 1.9K · 📥 84K · 📦 21 · 📋 1.9K - 2% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/huggingface/tokenizers + git clone https://github.com/NVIDIA/NeMo ``` -- [PyPi](https://pypi.org/project/tokenizers) (📥 5.9M / month): +- [PyPi](https://pypi.org/project/nemo-toolkit) (📥 55K / month): ``` - pip install tokenizers + pip install nemo-toolkit ``` -- [Conda](https://anaconda.org/conda-forge/tokenizers) (📥 330K · ⏱️ 21.05.2022): +
+
torchtext (🥈26 · ⭐ 3.4K) - Data loaders and abstractions for text and NLP. BSD-3 + +- [GitHub](https://github.com/pytorch/text) (👨‍💻 150 · 🔀 790 · 📋 780 - 34% open · ⏱️ 08.02.2024): + ``` - conda install -c conda-forge tokenizers + git clone https://github.com/pytorch/text + ``` +- [PyPi](https://pypi.org/project/torchtext) (📥 530K / month): + ``` + pip install torchtext ```
-
Sumy (🥈26 · ⭐ 2.9K) - 自动汇总文本文档和HTML页面的模块。Apache-2 +
Sumy (🥈26 · ⭐ 3.4K) - Module for automatic summarization of text documents and HTML pages. Apache-2 -- [GitHub](https://github.com/miso-belica/sumy) (👨‍💻 23 · 🔀 470 · 📦 1.4K · 📋 110 - 15% open · ⏱️ 31.07.2022): +- [GitHub](https://github.com/miso-belica/sumy) (👨‍💻 30 · 🔀 510 · 📦 2.5K · 📋 120 - 15% open · ⏱️ 11.02.2024): ``` git clone https://github.com/miso-belica/sumy ``` -- [PyPi](https://pypi.org/project/sumy) (📥 21K / month): +- [PyPi](https://pypi.org/project/sumy) (📥 69K / month): ``` pip install sumy ```
-
jellyfish (🥈26 · ⭐ 1.7K · 💤) - 一个python库,用于进行文本相似度和距离计算。BSD-2 +
pyahocorasick (🥈26 · ⭐ 870 · 💀) - Python module (C extension and plain python) implementing.. BSD-3 -- [GitHub](https://github.com/jamesturk/jellyfish) (👨‍💻 25 · 🔀 140 · 📦 4.1K · 📋 110 - 10% open · ⏱️ 07.01.2022): +- [GitHub](https://github.com/WojciechMula/pyahocorasick) (👨‍💻 29 · 🔀 120 · 📦 2.5K · 📋 130 - 18% open · ⏱️ 14.01.2023): ``` - git clone https://github.com/jamesturk/jellyfish + git clone https://github.com/WojciechMula/pyahocorasick ``` -- [PyPi](https://pypi.org/project/jellyfish) (📥 2.6M / month): +- [PyPi](https://pypi.org/project/pyahocorasick) (📥 600K / month): ``` - pip install jellyfish + pip install pyahocorasick ``` -- [Conda](https://anaconda.org/conda-forge/jellyfish) (📥 300K · ⏱️ 08.04.2022): +- [Conda](https://anaconda.org/conda-forge/pyahocorasick) (📥 210K · ⏱️ 26.09.2023): ``` - conda install -c conda-forge jellyfish + conda install -c conda-forge pyahocorasick ```
-
Rasa (🥈25 · ⭐ 15K) - 开源机器学习框架,可处理文本和语音多场景问题。Apache-2 +
CLTK (🥈26 · ⭐ 810) - The Classical Language Toolkit. MIT -- [GitHub](https://github.com/RasaHQ/rasa) (👨‍💻 550 · 🔀 4K · 📋 6.6K - 12% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/cltk/cltk) (👨‍💻 120 · 🔀 320 · 📥 54 · 📦 260 · 📋 560 - 6% open · ⏱️ 06.02.2024): ``` - git clone https://github.com/RasaHQ/rasa + git clone https://github.com/cltk/cltk ``` -- [PyPi](https://pypi.org/project/rasa) (📥 170K / month): +- [PyPi](https://pypi.org/project/cltk) (📥 1.8K / month): ``` - pip install rasa + pip install cltk ```
-
stanza (🥈25 · ⭐ 6.2K) - 斯坦福NLP官方Python语言库,支持多种语言。❗Unlicensed +
stanza (🥈25 · ⭐ 7K) - Official Stanford NLP Python Library for Many Human Languages. ❗Unlicensed -- [GitHub](https://github.com/stanfordnlp/stanza) (👨‍💻 48 · 🔀 790 · 📦 1.2K · 📋 720 - 11% open · ⏱️ 23.04.2022): +- [GitHub](https://github.com/stanfordnlp/stanza) (👨‍💻 66 · 🔀 840 · 📦 2.5K · 📋 850 - 9% open · ⏱️ 02.12.2023): ``` git clone https://github.com/stanfordnlp/stanza ``` -- [PyPi](https://pypi.org/project/stanza) (📥 330K / month): +- [PyPi](https://pypi.org/project/stanza) (📥 160K / month): ``` pip install stanza ``` -- [Conda](https://anaconda.org/stanfordnlp/stanza) (📥 5.6K · ⏱️ 23.04.2022): +- [Conda](https://anaconda.org/stanfordnlp/stanza) (📥 7.3K · ⏱️ 16.06.2023): ``` conda install -c stanfordnlp stanza ```
-
ftfy (🥈25 · ⭐ 3.3K) - 修复Unicode文本中的故障功能的工具库。MIT +
fastNLP (🥈25 · ⭐ 3K · 💀) - fastNLP: A Modularized and Extensible NLP Framework. Currently.. Apache-2 -- [GitHub](https://github.com/rspeer/python-ftfy) (👨‍💻 18 · 🔀 110 · 📦 6.6K · 📋 130 - 9% open · ⏱️ 09.02.2022): +- [GitHub](https://github.com/fastnlp/fastNLP) (👨‍💻 61 · 🔀 450 · 📥 75 · 📦 170 · 📋 210 - 27% open · ⏱️ 13.12.2022): ``` - git clone https://github.com/LuminosoInsight/python-ftfy - ``` -- [PyPi](https://pypi.org/project/ftfy) (📥 2.1M / month): - ``` - pip install ftfy + git clone https://github.com/fastnlp/fastNLP ``` -- [Conda](https://anaconda.org/conda-forge/ftfy) (📥 180K · ⏱️ 13.03.2022): +- [PyPi](https://pypi.org/project/fastnlp) (📥 56K / month): ``` - conda install -c conda-forge ftfy + pip install fastnlp ```
-
fastNLP (🥈25 · ⭐ 2.7K) - fastNLP:模块化和可扩展的NLP框架。Apache-2 +
FARM (🥈25 · ⭐ 1.7K · 💀) - Fast & easy transfer learning for NLP. Harvesting language.. Apache-2 -- [GitHub](https://github.com/fastnlp/fastNLP) (👨‍💻 59 · 🔀 420 · 📥 66 · 📦 90 · 📋 190 - 22% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/deepset-ai/FARM) (👨‍💻 37 · 🔀 240 · 📦 220 · 📋 400 - 0% open · ⏱️ 31.08.2022): ``` - git clone https://github.com/fastnlp/fastNLP + git clone https://github.com/deepset-ai/FARM ``` -- [PyPi](https://pypi.org/project/fastnlp) (📥 2.5K / month): +- [PyPi](https://pypi.org/project/farm) (📥 2K / month): ``` - pip install fastnlp + pip install farm ```
-
neuralcoref (🥈25 · ⭐ 2.6K · 💀) - 基于SpaCy的神经网络实现快速共指解析。MIT +
Ciphey (🥈24 · ⭐ 15K) - Automatically decrypt encryptions without knowing the key or cipher,.. MIT -- [GitHub](https://github.com/huggingface/neuralcoref) (👨‍💻 21 · 🔀 440 · 📥 450 · 📦 520 · 📋 300 - 16% open · ⏱️ 22.06.2021): +- [GitHub](https://github.com/Ciphey/Ciphey) (👨‍💻 48 · 🔀 940 · 📋 320 - 16% open · ⏱️ 12.10.2023): ``` - git clone https://github.com/huggingface/neuralcoref + git clone https://github.com/Ciphey/Ciphey ``` -- [PyPi](https://pypi.org/project/neuralcoref) (📥 270K / month): +- [PyPi](https://pypi.org/project/ciphey) (📥 48K / month): ``` - pip install neuralcoref + pip install ciphey ``` -- [Conda](https://anaconda.org/conda-forge/neuralcoref) (📥 12K · ⏱️ 21.02.2020): +- [Docker Hub](https://hub.docker.com/r/remnux/ciphey) (📥 22K · ⭐ 15 · ⏱️ 14.10.2023): ``` - conda install -c conda-forge neuralcoref + docker pull remnux/ciphey ```
-
PyTextRank (🥈25 · ⭐ 1.9K) - TextRank的Python实现。MIT +
flashtext (🥈24 · ⭐ 5.5K · 💀) - Extract Keywords from sentence or Replace keywords in sentences. MIT -- [GitHub](https://github.com/DerwenAI/pytextrank) (👨‍💻 18 · 🔀 300 · 📦 280 · 📋 89 - 19% open · ⏱️ 27.07.2022): +- [GitHub](https://github.com/vi3k6i5/flashtext) (👨‍💻 7 · 🔀 580 · 📦 1.5K · 📋 110 - 52% open · ⏱️ 03.05.2020): ``` - git clone https://github.com/DerwenAI/pytextrank + git clone https://github.com/vi3k6i5/flashtext ``` -- [PyPi](https://pypi.org/project/pytextrank) (📥 70K / month): +- [PyPi](https://pypi.org/project/flashtext) (📥 1M / month): ``` - pip install pytextrank + pip install flashtext ```
-
SciSpacy (🥈25 · ⭐ 1.2K) - 完整的科学/生物医学的SpaCy应用案例。Apache-2 +
vaderSentiment (🥈24 · ⭐ 4.2K · 💀) - VADER Sentiment Analysis. VADER (Valence Aware Dictionary.. MIT -- [GitHub](https://github.com/allenai/scispacy) (👨‍💻 24 · 🔀 160 · 📦 500 · 📋 260 - 10% open · ⏱️ 04.08.2022): +- [GitHub](https://github.com/cjhutto/vaderSentiment) (👨‍💻 11 · 🔀 950 · 📦 7.9K · 📋 120 - 34% open · ⏱️ 01.04.2022): ``` - git clone https://github.com/allenai/scispacy + git clone https://github.com/cjhutto/vaderSentiment ``` -- [PyPi](https://pypi.org/project/scispacy) (📥 21K / month): +- [PyPi](https://pypi.org/project/vadersentiment) (📥 140K / month): ``` - pip install scispacy + pip install vadersentiment ```
-
pyahocorasick (🥈25 · ⭐ 740) - Python文本工具库。BSD-3 +
ftfy (🥈24 · ⭐ 3.7K) - Fixes mojibake and other glitches in Unicode text, after the fact. ❗Unlicensed -- [GitHub](https://github.com/WojciechMula/pyahocorasick) (👨‍💻 24 · 🔀 110 · 📦 1.2K · 📋 120 - 20% open · ⏱️ 04.05.2022): +- [GitHub](https://github.com/rspeer/python-ftfy) (👨‍💻 18 · 🔀 120 · 📦 17K · 📋 140 - 11% open · ⏱️ 21.11.2023): ``` - git clone https://github.com/WojciechMula/pyahocorasick + git clone https://github.com/LuminosoInsight/python-ftfy ``` -- [PyPi](https://pypi.org/project/pyahocorasick) (📥 400K / month): +- [PyPi](https://pypi.org/project/ftfy) (📥 4.6M / month): ``` - pip install pyahocorasick + pip install ftfy ``` -- [Conda](https://anaconda.org/conda-forge/pyahocorasick) (📥 150K · ⏱️ 15.04.2022): +- [Conda](https://anaconda.org/conda-forge/ftfy) (📥 280K · ⏱️ 22.11.2023): ``` - conda install -c conda-forge pyahocorasick + conda install -c conda-forge ftfy ```
-
Ciphey (🥈24 · ⭐ 11K) - 在不知道密钥或密码的情况下自动解密加密。MIT +
scattertext (🥈24 · ⭐ 2.2K) - Beautiful visualizations of how language differs among document.. Apache-2 -- [GitHub](https://github.com/Ciphey/Ciphey) (👨‍💻 46 · 🔀 650 · 📋 290 - 15% open · ⏱️ 28.06.2022): +- [GitHub](https://github.com/JasonKessler/scattertext) (👨‍💻 14 · 🔀 280 · 📦 490 · 📋 99 - 21% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/Ciphey/Ciphey + git clone https://github.com/JasonKessler/scattertext ``` -- [PyPi](https://pypi.org/project/ciphey) (📥 23K / month): +- [PyPi](https://pypi.org/project/scattertext) (📥 12K / month): ``` - pip install ciphey + pip install scattertext ``` -- [Docker Hub](https://hub.docker.com/r/remnux/ciphey) (📥 16K · ⭐ 8 · ⏱️ 27.05.2022): +- [Conda](https://anaconda.org/conda-forge/scattertext) (📥 86K · ⏱️ 16.06.2023): ``` - docker pull remnux/ciphey + conda install -c conda-forge scattertext ```
-
vaderSentiment (🥈24 · ⭐ 3.7K) - VADER情感分析。MIT +
SciSpacy (🥈24 · ⭐ 1.6K) - A full spaCy pipeline and models for scientific/biomedical.. Apache-2 -- [GitHub](https://github.com/cjhutto/vaderSentiment) (👨‍💻 11 · 🔀 880 · 📦 4.1K · 📋 110 - 31% open · ⏱️ 01.04.2022): +- [GitHub](https://github.com/allenai/scispacy) (👨‍💻 32 · 🔀 210 · 📦 840 · 📋 300 - 9% open · ⏱️ 20.10.2023): ``` - git clone https://github.com/cjhutto/vaderSentiment + git clone https://github.com/allenai/scispacy ``` -- [PyPi](https://pypi.org/project/vadersentiment) (📥 190K / month): +- [PyPi](https://pypi.org/project/scispacy) (📥 29K / month): ``` - pip install vadersentiment + pip install scispacy ```
-
torchtext (🥈24 · ⭐ 3.1K) - 文本和NLP的数据加载器和抽象。BSD-3 +
snowballstemmer (🥈24 · ⭐ 710) - Snowball compiler and stemming algorithms. BSD-3 -- [GitHub](https://github.com/pytorch/text) (👨‍💻 140 · 🔀 700 · 📋 670 - 33% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/snowballstem/snowball) (👨‍💻 34 · 🔀 160 · 📦 5 · 📋 79 - 25% open · ⏱️ 30.01.2024): ``` - git clone https://github.com/pytorch/text - ``` -- [PyPi](https://pypi.org/project/torchtext) (📥 270K / month): - ``` - pip install torchtext + git clone https://github.com/snowballstem/snowball ``` -
-
pytorch-nlp (🥈24 · ⭐ 2.1K · 💀) - PyTorch自然语言处理(NLP)的基本实用程序。BSD-3 - -- [GitHub](https://github.com/PetrochukM/PyTorch-NLP) (👨‍💻 18 · 🔀 250 · 📦 410 · 📋 67 - 26% open · ⏱️ 10.07.2021): - +- [PyPi](https://pypi.org/project/snowballstemmer) (📥 11M / month): ``` - git clone https://github.com/PetrochukM/PyTorch-NLP + pip install snowballstemmer ``` -- [PyPi](https://pypi.org/project/pytorch-nlp) (📥 6K / month): +- [Conda](https://anaconda.org/conda-forge/snowballstemmer) (📥 7.6M · ⏱️ 16.06.2023): ``` - pip install pytorch-nlp + conda install -c conda-forge snowballstemmer ```
-
CLTK (🥈24 · ⭐ 740) - 古典语言工具包。MIT +
pySBD (🥈24 · ⭐ 700 · 💀) - pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence.. MIT -- [GitHub](https://github.com/cltk/cltk) (👨‍💻 120 · 🔀 310 · 📥 25 · 📦 210 · 📋 530 - 5% open · ⏱️ 20.07.2022): +- [GitHub](https://github.com/nipunsadvilkar/pySBD) (👨‍💻 7 · 🔀 74 · 📦 1.2K · 📋 73 - 27% open · ⏱️ 11.02.2021): ``` - git clone https://github.com/cltk/cltk + git clone https://github.com/nipunsadvilkar/pySBD ``` -- [PyPi](https://pypi.org/project/cltk) (📥 480 / month): +- [PyPi](https://pypi.org/project/pysbd) (📥 280K / month): ``` - pip install cltk + pip install pysbd ```
-
flashtext (🥉23 · ⭐ 5.2K · 💀) - 从句子中提取关键字或替换句子中的关键字。MIT +
ParlAI (🥉23 · ⭐ 10K) - A framework for training and evaluating AI models on a variety of.. MIT -- [GitHub](https://github.com/vi3k6i5/flashtext) (👨‍💻 7 · 🔀 570 · 📦 850 · 📋 100 - 49% open · ⏱️ 03.05.2020): +- [GitHub](https://github.com/facebookresearch/ParlAI) (👨‍💻 220 · 🔀 2K · 📦 21 · 📋 1.5K - 3% open · ⏱️ 03.11.2023): ``` - git clone https://github.com/vi3k6i5/flashtext + git clone https://github.com/facebookresearch/ParlAI ``` -- [PyPi](https://pypi.org/project/flashtext) (📥 730K / month): +- [PyPi](https://pypi.org/project/parlai) (📥 8K / month): ``` - pip install flashtext + pip install parlai ```
-
Dedupe (🥉23 · ⭐ 3.5K) - 一个用于准确和可扩展的模糊匹配的python库。MIT +
Dedupe (🥉23 · ⭐ 3.9K) - A python library for accurate and scalable fuzzy matching, record.. MIT -- [GitHub](https://github.com/dedupeio/dedupe) (👨‍💻 64 · 🔀 460 · 📦 230 · 📋 760 - 7% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/dedupeio/dedupe) (👨‍💻 70 · 🔀 520 · 📦 320 · 📋 800 - 8% open · ⏱️ 19.12.2023): ``` git clone https://github.com/dedupeio/dedupe ``` -- [PyPi](https://pypi.org/project/dedupe) (📥 330K / month): +- [PyPi](https://pypi.org/project/dedupe) (📥 67K / month): ``` pip install dedupe ```
-
snowballstemmer (🥉23 · ⭐ 580 · 💤) - Snowball编译器和词干算法。BSD-3 +
neuralcoref (🥉23 · ⭐ 2.8K · 💀) - Fast Coreference Resolution in spaCy with Neural Networks. MIT -- [GitHub](https://github.com/snowballstem/snowball) (👨‍💻 28 · 🔀 160 · 📦 4 · 📋 60 - 26% open · ⏱️ 17.12.2021): +- [GitHub](https://github.com/huggingface/neuralcoref) (👨‍💻 21 · 🔀 470 · 📥 890 · 📦 680 · 📋 310 - 18% open · ⏱️ 22.06.2021): ``` - git clone https://github.com/snowballstem/snowball + git clone https://github.com/huggingface/neuralcoref ``` -- [PyPi](https://pypi.org/project/snowballstemmer) (📥 7.6M / month): +- [PyPi](https://pypi.org/project/neuralcoref) (📥 2.7K / month): ``` - pip install snowballstemmer + pip install neuralcoref ``` -- [Conda](https://anaconda.org/conda-forge/snowballstemmer) (📥 4.9M · ⏱️ 17.11.2021): +- [Conda](https://anaconda.org/conda-forge/neuralcoref) (📥 15K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge snowballstemmer + conda install -c conda-forge neuralcoref ```
-
pySBD (🥉23 · ⭐ 470 · 💀) - pySBD(Python句子边界歧义消除)。MIT +
langid (🥉23 · ⭐ 2.2K · 💀) - Stand-alone language identification system. ❗Unlicensed -- [GitHub](https://github.com/nipunsadvilkar/pySBD) (👨‍💻 6 · 🔀 58 · 📦 390 · 📋 65 - 21% open · ⏱️ 11.02.2021): +- [GitHub](https://github.com/saffsd/langid.py) (👨‍💻 9 · 🔀 300 · 📦 10K · 📋 72 - 36% open · ⏱️ 15.07.2017): ``` - git clone https://github.com/nipunsadvilkar/pySBD + git clone https://github.com/saffsd/langid.py ``` -- [PyPi](https://pypi.org/project/pysbd) (📥 52K / month): +- [PyPi](https://pypi.org/project/langid) (📥 340K / month): ``` - pip install pysbd + pip install langid ```
-
stop-words (🥉23 · ⭐ 140 · 💀) - 获取Python中各种语言的常用停用词表。BSD-3 +
pytorch-nlp (🥉23 · ⭐ 2.2K · 💤) - Basic Utilities for PyTorch Natural Language Processing.. BSD-3 -- [GitHub](https://github.com/Alir3z4/python-stop-words) (👨‍💻 8 · 🔀 26 · 📦 1.6K · 📋 12 - 25% open · ⏱️ 23.07.2018): +- [GitHub](https://github.com/PetrochukM/PyTorch-NLP) (👨‍💻 18 · 🔀 260 · 📦 640 · 📋 69 - 27% open · ⏱️ 04.07.2023): ``` - git clone https://github.com/Alir3z4/python-stop-words + git clone https://github.com/PetrochukM/PyTorch-NLP ``` -- [PyPi](https://pypi.org/project/stop-words) (📥 550K / month): +- [PyPi](https://pypi.org/project/pytorch-nlp) (📥 5.7K / month): ``` - pip install stop-words + pip install pytorch-nlp ```
-
textgenrnn (🥉22 · ⭐ 4.7K · 💀) - 轻松地训练自己的文本生成神经网络。❗Unlicensed +
PyTextRank (🥉23 · ⭐ 2.1K) - Python implementation of TextRank for phrase extraction and.. MIT -- [GitHub](https://github.com/minimaxir/textgenrnn) (👨‍💻 19 · 🔀 720 · 📥 740 · 📦 1K · 📋 220 - 57% open · ⏱️ 14.07.2020): +- [GitHub](https://github.com/DerwenAI/pytextrank) (👨‍💻 19 · 🔀 310 · 📦 580 · 📋 99 - 8% open · ⏱️ 22.08.2023): ``` - git clone https://github.com/minimaxir/textgenrnn + git clone https://github.com/DerwenAI/pytextrank ``` -- [PyPi](https://pypi.org/project/textgenrnn) (📥 460 / month): +- [PyPi](https://pypi.org/project/pytextrank) (📥 42K / month): ``` - pip install textgenrnn + pip install pytextrank ```
-
NeMo (🥉22 · ⭐ 4.6K) - NeMo:用于智能对话的工具包。Apache-2 +
sense2vec (🥉23 · ⭐ 1.6K · 💤) - Contextually-keyed word vectors. MIT -- [GitHub](https://github.com/NVIDIA/NeMo) (👨‍💻 170 · 🔀 1.1K · 📥 15K · 📋 1.2K - 3% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/explosion/sense2vec) (👨‍💻 19 · 🔀 230 · 📥 62K · 📦 320 · 📋 110 - 19% open · ⏱️ 20.04.2023): ``` - git clone https://github.com/NVIDIA/NeMo + git clone https://github.com/explosion/sense2vec ``` -- [PyPi](https://pypi.org/project/nemo-toolkit) (📥 18K / month): +- [PyPi](https://pypi.org/project/sense2vec) (📥 1.6K / month): ``` - pip install nemo-toolkit + pip install sense2vec + ``` +- [Conda](https://anaconda.org/conda-forge/sense2vec) (📥 36K · ⏱️ 22.09.2023): + ``` + conda install -c conda-forge sense2vec ```
-
T5 (🥉22 · ⭐ 4.4K) - 探索迁移学习的论文源码Apache-2 +
stop-words (🥉23 · ⭐ 150 · 💀) - Get list of common stop words in various languages in Python. BSD-3 -- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (👨‍💻 50 · 🔀 590 · 📦 110 · 📋 390 - 12% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/Alir3z4/python-stop-words) (👨‍💻 8 · 🔀 26 · 📦 2.1K · 📋 12 - 25% open · ⏱️ 23.07.2018): ``` - git clone https://github.com/google-research/text-to-text-transfer-transformer + git clone https://github.com/Alir3z4/python-stop-words ``` -- [PyPi](https://pypi.org/project/t5) (📥 11K / month): +- [PyPi](https://pypi.org/project/stop-words) (📥 110K / month): ``` - pip install t5 + pip install stop-words ```
-
phonenumbers (🥉22 · ⭐ 3.1K) - Google的libphonenumber的Python端口。Apache-2 +
phonenumbers (🥉22 · ⭐ 3.4K) - Python port of Google's libphonenumber. Apache-2 -- [GitHub](https://github.com/daviddrysdale/python-phonenumbers) (👨‍💻 26 · 🔀 370 · 📋 150 - 2% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/daviddrysdale/python-phonenumbers) (👨‍💻 30 · 🔀 390 · 📋 180 - 4% open · ⏱️ 09.02.2024): ``` git clone https://github.com/daviddrysdale/python-phonenumbers ``` -- [PyPi](https://pypi.org/project/phonenumbers) (📥 4.6M / month): +- [PyPi](https://pypi.org/project/phonenumbers) (📥 5.4M / month): ``` pip install phonenumbers ``` -- [Conda](https://anaconda.org/conda-forge/phonenumbers) (📥 610K · ⏱️ 19.08.2022): +- [Conda](https://anaconda.org/conda-forge/phonenumbers) (📥 870K · ⏱️ 09.02.2024): ``` conda install -c conda-forge phonenumbers ```
-
langid (🥉22 · ⭐ 2K · 💀) - 独立的语言识别系统。❗Unlicensed +
polyglot (🥉22 · ⭐ 2.2K · 💀) - Multilingual text (NLP) processing toolkit. ❗Unlicensed -- [GitHub](https://github.com/saffsd/langid.py) (👨‍💻 9 · 🔀 280 · 📦 1.1K · 📋 71 - 35% open · ⏱️ 15.07.2017): +- [GitHub](https://github.com/aboSamoor/polyglot) (👨‍💻 26 · 🔀 330 · 📦 1.2K · 📋 220 - 69% open · ⏱️ 22.09.2020): ``` - git clone https://github.com/saffsd/langid.py + git clone https://github.com/aboSamoor/polyglot ``` -- [PyPi](https://pypi.org/project/langid) (📥 380K / month): +- [PyPi](https://pypi.org/project/polyglot) (📥 55K / month): ``` - pip install langid + pip install polyglot ```
-
scattertext (🥉22 · ⭐ 1.9K) - 文件之间语言分布的漂亮可视化效果。Apache-2 +
textacy (🥉22 · ⭐ 2.2K · 💤) - NLP, before and after spaCy. ❗Unlicensed -- [GitHub](https://github.com/JasonKessler/scattertext) (👨‍💻 12 · 🔀 250 · 📦 310 · 📋 89 - 17% open · ⏱️ 26.03.2022): +- [GitHub](https://github.com/chartbeat-labs/textacy) (👨‍💻 35 · 🔀 240 · 📦 1.7K · 📋 260 - 11% open · ⏱️ 03.04.2023): ``` - git clone https://github.com/JasonKessler/scattertext + git clone https://github.com/chartbeat-labs/textacy ``` -- [PyPi](https://pypi.org/project/scattertext) (📥 2.4K / month): +- [PyPi](https://pypi.org/project/textacy) (📥 31K / month): ``` - pip install scattertext + pip install textacy ``` -- [Conda](https://anaconda.org/conda-forge/scattertext) (📥 66K · ⏱️ 26.03.2022): +- [Conda](https://anaconda.org/conda-forge/textacy) (📥 140K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge scattertext + conda install -c conda-forge textacy ```
-
anaGo (🥉22 · ⭐ 1.5K · 💀) - 双向LSTM-CRF和ELMo实现,可用于命名实体识别和文本分类等任务。MIT +
YouTokenToMe (🥉22 · ⭐ 930 · 💤) - Unsupervised text tokenizer focused on computational efficiency. MIT -- [GitHub](https://github.com/Hironsan/anago) (👨‍💻 11 · 🔀 360 · 📦 30 · 📋 110 - 33% open · ⏱️ 01.04.2021): +- [GitHub](https://github.com/VKCOM/YouTokenToMe) (👨‍💻 8 · 🔀 82 · 📦 600 · 📋 60 - 53% open · ⏱️ 29.03.2023): ``` - git clone https://github.com/Hironsan/anago + git clone https://github.com/vkcom/youtokentome ``` -- [PyPi](https://pypi.org/project/anago) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/youtokentome) (📥 46K / month): ``` - pip install anago + pip install youtokentome ```
-
sense2vec (🥉22 · ⭐ 1.4K · 💤) - 上下文相关性构建词向量。MIT +
textgenrnn (🥉21 · ⭐ 4.9K · 💀) - Easily train your own text-generating neural network.. ❗Unlicensed -- [GitHub](https://github.com/explosion/sense2vec) (👨‍💻 17 · 🔀 220 · 📥 36K · 📦 170 · 📋 110 - 18% open · ⏱️ 16.08.2021): +- [GitHub](https://github.com/minimaxir/textgenrnn) (👨‍💻 19 · 🔀 740 · 📥 890 · 📦 1.1K · 📋 230 - 57% open · ⏱️ 14.07.2020): ``` - git clone https://github.com/explosion/sense2vec - ``` -- [PyPi](https://pypi.org/project/sense2vec) (📥 3.5K / month): - ``` - pip install sense2vec + git clone https://github.com/minimaxir/textgenrnn ``` -- [Conda](https://anaconda.org/conda-forge/sense2vec) (📥 27K · ⏱️ 14.07.2021): +- [PyPi](https://pypi.org/project/textgenrnn) (📥 580 / month): ``` - conda install -c conda-forge sense2vec + pip install textgenrnn ```
-
Snips NLU (🥉21 · ⭐ 3.7K · 💀) - 从文本中提取含义的Python库。Apache-2 +
Snips NLU (🥉21 · ⭐ 3.9K · 💀) - Snips Python library to extract meaning from text. Apache-2 -- [GitHub](https://github.com/snipsco/snips-nlu) (👨‍💻 22 · 🔀 490 · 📋 260 - 23% open · ⏱️ 03.05.2021): +- [GitHub](https://github.com/snipsco/snips-nlu) (👨‍💻 22 · 🔀 510 · 📋 260 - 25% open · ⏱️ 03.05.2021): ``` git clone https://github.com/snipsco/snips-nlu @@ -2239,1133 +2279,1113 @@ _用于处理,清理,处理和分析文本数据的库,以及用于NLP任 pip install snips-nlu ```
-
Texthero (🥉21 · ⭐ 2.5K) - 文本预处理,表示和可视化从入门到精通。MIT +
Texthero (🥉21 · ⭐ 2.9K) - Text preprocessing, representation and visualization from zero to hero. MIT -- [GitHub](https://github.com/jbesomi/texthero) (👨‍💻 19 · 🔀 220 · 📥 92 · 📋 110 - 45% open · ⏱️ 19.07.2022): +- [GitHub](https://github.com/jbesomi/texthero) (👨‍💻 21 · 🔀 240 · 📥 120 · 📋 120 - 46% open · ⏱️ 29.08.2023): ``` git clone https://github.com/jbesomi/texthero ``` -- [PyPi](https://pypi.org/project/texthero) (📥 23K / month): +- [PyPi](https://pypi.org/project/texthero) (📥 9.6K / month): ``` pip install texthero ```
-
Texar (🥉21 · ⭐ 2.3K · 💀) - 机器学习,自然语言处理等工具包。Apache-2 +
Texar (🥉21 · ⭐ 2.4K · 💀) - Toolkit for Machine Learning, Natural Language Processing, and.. Apache-2 -- [GitHub](https://github.com/asyml/texar) (👨‍💻 43 · 🔀 360 · 📦 26 · 📋 160 - 19% open · ⏱️ 29.07.2020): +- [GitHub](https://github.com/asyml/texar) (👨‍💻 43 · 🔀 370 · 📦 27 · 📋 160 - 20% open · ⏱️ 29.07.2020): ``` git clone https://github.com/asyml/texar ``` -- [PyPi](https://pypi.org/project/texar) (📥 65 / month): +- [PyPi](https://pypi.org/project/texar) (📥 58 / month): ``` pip install texar ```
-
polyglot (🥉21 · ⭐ 2K · 💀) - 多语言文本(NLP)处理工具包。❗Unlicensed - -- [GitHub](https://github.com/aboSamoor/polyglot) (👨‍💻 26 · 🔀 310 · 📦 750 · 📋 210 - 68% open · ⏱️ 22.09.2020): - - ``` - git clone https://github.com/aboSamoor/polyglot - ``` -- [PyPi](https://pypi.org/project/polyglot) (📥 53K / month): - ``` - pip install polyglot - ``` -
-
YouTokenToMe (🥉21 · ⭐ 820 · 💀) - 用于基于神经网络的文本的预处理器。MIT +
inflect (🥉21 · ⭐ 900) - Correctly generate plurals, ordinals, indefinite articles; convert numbers.. MIT -- [GitHub](https://github.com/VKCOM/YouTokenToMe) (👨‍💻 6 · 🔀 61 · 📦 290 · 📋 54 - 55% open · ⏱️ 28.01.2021): - - ``` - git clone https://github.com/vkcom/youtokentome - ``` -- [PyPi](https://pypi.org/project/youtokentome) (📥 30K / month): - ``` - pip install youtokentome - ``` -
-
inflect (🥉21 · ⭐ 690) - 辅助功能,正确生成复数,序数,不定冠词,转换数字。MIT - -- [GitHub](https://github.com/jaraco/inflect) (👨‍💻 45 · 🔀 74 · 📋 91 - 18% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/jaraco/inflect) (👨‍💻 54 · 🔀 91 · 📋 110 - 25% open · ⏱️ 08.02.2024): ``` git clone https://github.com/jaraco/inflect ``` -- [PyPi](https://pypi.org/project/inflect) (📥 2.5M / month): +- [PyPi](https://pypi.org/project/inflect) (📥 4.9M / month): ``` pip install inflect ``` -- [Conda](https://anaconda.org/conda-forge/inflect) (📥 240K · ⏱️ 31.07.2022): +- [Conda](https://anaconda.org/conda-forge/inflect) (📥 360K · ⏱️ 04.07.2023): ``` conda install -c conda-forge inflect ```
-
PyText (🥉20 · ⭐ 6.4K) - 基于PyTorch的自然语言建模框架。❗Unlicensed +
finetune (🥉21 · ⭐ 700) - Scikit-learn style model finetuning for NLP. MPL-2.0 -- [GitHub](https://github.com/facebookresearch/pytext) (👨‍💻 230 · 🔀 790 · 📥 300 · 📦 110 · 📋 140 - 45% open · ⏱️ 11.08.2022): +- [GitHub](https://github.com/IndicoDataSolutions/finetune) (👨‍💻 23 · 🔀 79 · 📦 11 · 📋 140 - 15% open · ⏱️ 08.01.2024): ``` - git clone https://github.com/facebookresearch/pytext + git clone https://github.com/IndicoDataSolutions/finetune ``` -- [PyPi](https://pypi.org/project/pytext-nlp) (📥 180 / month): +- [PyPi](https://pypi.org/project/finetune) (📥 160 / month): ``` - pip install pytext-nlp + pip install finetune ```
-
MatchZoo (🥉20 · ⭐ 3.7K · 💀) - 便于深层设计,比较和共享的工具库。Apache-2 +
MatchZoo (🥉20 · ⭐ 3.8K · 💀) - Facilitating the design, comparison and sharing of deep.. Apache-2 -- [GitHub](https://github.com/NTMC-Community/MatchZoo) (👨‍💻 36 · 🔀 900 · 📦 11 · 📋 460 - 7% open · ⏱️ 02.06.2021): +- [GitHub](https://github.com/NTMC-Community/MatchZoo) (👨‍💻 36 · 🔀 890 · 📦 16 · 📋 460 - 7% open · ⏱️ 02.06.2021): ``` git clone https://github.com/NTMC-Community/MatchZoo ``` -- [PyPi](https://pypi.org/project/matchzoo) (📥 63 / month): +- [PyPi](https://pypi.org/project/matchzoo) (📥 83 / month): ``` pip install matchzoo ```
-
NLP Architect (🥉20 · ⭐ 2.9K) - 用于探索最先进的深度学习的模型库。Apache-2 - -- [GitHub](https://github.com/IntelLabs/nlp-architect) (👨‍💻 37 · 🔀 430 · 📦 8 · 📋 130 - 11% open · ⏱️ 29.06.2022): - - ``` - git clone https://github.com/IntelLabs/nlp-architect - ``` -- [PyPi](https://pypi.org/project/nlp-architect) (📥 170 / month): - ``` - pip install nlp-architect - ``` -
-
FARM (🥉20 · ⭐ 1.6K) - NLP的快速和轻松迁移学习。Apache-2 +
anaGo (🥉20 · ⭐ 1.5K · 💀) - Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition,.. MIT -- [GitHub](https://github.com/deepset-ai/FARM) (👨‍💻 37 · 🔀 220 · 📋 400 - 0% open · ⏱️ 25.04.2022): +- [GitHub](https://github.com/Hironsan/anago) (👨‍💻 11 · 🔀 360 · 📦 32 · 📋 110 - 33% open · ⏱️ 01.04.2021): ``` - git clone https://github.com/deepset-ai/FARM + git clone https://github.com/Hironsan/anago ``` -- [PyPi](https://pypi.org/project/farm) (📥 4.4K / month): +- [PyPi](https://pypi.org/project/anago) (📥 310 / month): ``` - pip install farm + pip install anago ```
-
DELTA (🥉20 · ⭐ 1.5K · 💀) - DELTA是一个基于深度学习的自然语言和语音处理平台。Apache-2 +
pyfasttext (🥉20 · ⭐ 230 · 💀) - Yet another Python binding for fastText. ❗️GPL-3.0 -- [GitHub](https://github.com/Delta-ML/delta) (👨‍💻 41 · 🔀 290 · 📋 75 - 1% open · ⏱️ 17.12.2020): +- [GitHub](https://github.com/vrasneur/pyfasttext) (👨‍💻 4 · 🔀 31 · 📥 370 · 📦 400 · 📋 49 - 40% open · ⏱️ 08.12.2018): ``` - git clone https://github.com/Delta-ML/delta - ``` -- [PyPi](https://pypi.org/project/delta-nlp) (📥 14 / month): - ``` - pip install delta-nlp + git clone https://github.com/vrasneur/pyfasttext ``` -- [Docker Hub](https://hub.docker.com/r/zh794390558/delta) (📥 13K · ⏱️ 03.08.2021): +- [PyPi](https://pypi.org/project/pyfasttext) (📥 1.6K / month): ``` - docker pull zh794390558/delta + pip install pyfasttext ```
-
pyfasttext (🥉20 · ⭐ 230 · 💀) - fastText的另一个Python接口。❗️GPL-3.0 +
T5 (🥉19 · ⭐ 5.7K) - Code for the paper Exploring the Limits of Transfer Learning with a.. Apache-2 -- [GitHub](https://github.com/vrasneur/pyfasttext) (👨‍💻 4 · 🔀 30 · 📥 350 · 📦 240 · 📋 49 - 42% open · ⏱️ 08.12.2018): +- [GitHub](https://github.com/google-research/text-to-text-transfer-transformer) (👨‍💻 58 · 🔀 730 · 📋 400 - 14% open · ⏱️ 23.01.2024): ``` - git clone https://github.com/vrasneur/pyfasttext + git clone https://github.com/google-research/text-to-text-transfer-transformer ``` -- [PyPi](https://pypi.org/project/pyfasttext) (📥 3.4K / month): +- [PyPi](https://pypi.org/project/t5) (📥 14K / month): ``` - pip install pyfasttext + pip install t5 ```
-
haystack (🥉19 · ⭐ 5.2K) - 用于构建自然语言搜索的端到端Python框架。Apache-2 +
NLP Architect (🥉19 · ⭐ 2.9K · 💀) - A model library for exploring state-of-the-art deep.. Apache-2 -- [GitHub](https://github.com/deepset-ai/haystack) (👨‍💻 140 · 🔀 830 · 📥 15 · 📋 1.5K - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/IntelLabs/nlp-architect) (👨‍💻 38 · 🔀 440 · 📦 9 · 📋 130 - 11% open · ⏱️ 07.11.2022): ``` - git clone https://github.com/deepset-ai/haystack + git clone https://github.com/IntelLabs/nlp-architect ``` -- [PyPi](https://pypi.org/project/haystack) (📥 870 / month): +- [PyPi](https://pypi.org/project/nlp-architect) (📥 240 / month): ``` - pip install haystack + pip install nlp-architect ```
-
Kashgari (🥉19 · ⭐ 2.3K · 💀) - Kashgari是工业级的NLP迁移学习框架。Apache-2 +
Kashgari (🥉19 · ⭐ 2.4K · 💀) - Kashgari is a production-level NLP Transfer learning.. Apache-2 -- [GitHub](https://github.com/BrikerMan/Kashgari) (👨‍💻 21 · 🔀 440 · 📦 54 · 📋 370 - 11% open · ⏱️ 09.07.2021): +- [GitHub](https://github.com/BrikerMan/Kashgari) (👨‍💻 21 · 🔀 440 · 📦 62 · 📋 380 - 7% open · ⏱️ 09.07.2021): ``` git clone https://github.com/BrikerMan/Kashgari ``` -- [PyPi](https://pypi.org/project/kashgari-tf) (📥 44 / month): +- [PyPi](https://pypi.org/project/kashgari-tf) (📥 72 / month): ``` pip install kashgari-tf ```
-
fast-bert (🥉19 · ⭐ 1.8K) - 用于基于BERT的NLP模型的简单易用工具库。Apache-2 +
fast-bert (🥉19 · ⭐ 1.8K) - Super easy library for BERT based NLP models. Apache-2 -- [GitHub](https://github.com/utterworks/fast-bert) (👨‍💻 36 · 🔀 330 · 📋 250 - 61% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/utterworks/fast-bert) (👨‍💻 36 · 🔀 340 · 📋 250 - 62% open · ⏱️ 30.01.2024): ``` git clone https://github.com/kaushaltrivedi/fast-bert ``` -- [PyPi](https://pypi.org/project/fast-bert) (📥 1.4K / month): +- [PyPi](https://pypi.org/project/fast-bert) (📥 1.7K / month): ``` pip install fast-bert ```
-
Sockeye (🥉19 · ⭐ 1.1K) - 序列到序列框架。Apache-2 +
DELTA (🥉19 · ⭐ 1.6K · 💀) - DELTA is a deep learning based natural language and speech.. Apache-2 -- [GitHub](https://github.com/awslabs/sockeye) (👨‍💻 57 · 🔀 300 · 📥 15 · 📋 280 - 2% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Delta-ML/delta) (👨‍💻 41 · 🔀 290 · 📋 75 - 1% open · ⏱️ 17.12.2020): ``` - git clone https://github.com/awslabs/sockeye + git clone https://github.com/Delta-ML/delta ``` -- [PyPi](https://pypi.org/project/sockeye) (📥 370 / month): +- [PyPi](https://pypi.org/project/delta-nlp) (📥 18 / month): ``` - pip install sockeye + pip install delta-nlp + ``` +- [Docker Hub](https://hub.docker.com/r/zh794390558/delta) (📥 13K · ⏱️ 03.08.2021): + ``` + docker pull zh794390558/delta ```
-
gpt-2-simple (🥉18 · ⭐ 3K) - 可轻松重新训练OpenAI的GPT-2文本模型的Python软件包。❗Unlicensed +
gpt-2-simple (🥉18 · ⭐ 3.4K · 💀) - Python package to easily retrain OpenAI's GPT-2 text-.. ❗Unlicensed -- [GitHub](https://github.com/minimaxir/gpt-2-simple) (👨‍💻 21 · 🔀 600 · 📥 340 · 📋 250 - 61% open · ⏱️ 22.05.2022): +- [GitHub](https://github.com/minimaxir/gpt-2-simple) (👨‍💻 21 · 🔀 650 · 📥 550 · 📋 260 - 61% open · ⏱️ 22.05.2022): ``` git clone https://github.com/minimaxir/gpt-2-simple ``` -- [PyPi](https://pypi.org/project/gpt-2-simple) (📥 3.8K / month): +- [PyPi](https://pypi.org/project/gpt-2-simple) (📥 3.3K / month): ``` pip install gpt-2-simple ```
-
textacy (🥉18 · ⭐ 2K) - spaCy之前和之后的NLP。❗Unlicensed +
Sockeye (🥉18 · ⭐ 1.2K) - Sequence-to-sequence framework with a focus on Neural Machine.. Apache-2 -- [GitHub](https://github.com/chartbeat-labs/textacy) (👨‍💻 32 · 🔀 230 · 📋 250 - 11% open · ⏱️ 06.03.2022): +- [GitHub](https://github.com/awslabs/sockeye) (👨‍💻 60 · 🔀 310 · 📥 17 · 📋 300 - 1% open · ⏱️ 17.10.2023): ``` - git clone https://github.com/chartbeat-labs/textacy - ``` -- [PyPi](https://pypi.org/project/textacy) (📥 38K / month): - ``` - pip install textacy + git clone https://github.com/awslabs/sockeye ``` -- [Conda](https://anaconda.org/conda-forge/textacy) (📥 110K · ⏱️ 06.02.2022): +- [PyPi](https://pypi.org/project/sockeye) (📥 800 / month): ``` - conda install -c conda-forge textacy + pip install sockeye ```
-
finetune (🥉18 · ⭐ 660) - 针对NLP的Scikit风格模型微调。MPL-2.0 +
Camphr (🥉18 · ⭐ 340 · 💀) - spaCy plugin for Transformers , Udify, ELmo, etc. Apache-2 spacy -- [GitHub](https://github.com/IndicoDataSolutions/finetune) (👨‍💻 19 · 🔀 71 · 📦 9 · 📋 140 - 15% open · ⏱️ 16.06.2022): +- [GitHub](https://github.com/PKSHATechnology-Research/camphr) (👨‍💻 7 · 🔀 17 · 📦 13 · 📋 28 - 7% open · ⏱️ 18.08.2021): ``` - git clone https://github.com/IndicoDataSolutions/finetune + git clone https://github.com/PKSHATechnology-Research/camphr ``` -- [PyPi](https://pypi.org/project/finetune) (📥 96 / month): +- [PyPi](https://pypi.org/project/camphr) (📥 280 / month): ``` - pip install finetune + pip install camphr ```
-
skift (🥉18 · ⭐ 230) - 适用于Python fastText的scikit-learn包装器。MIT +
PyText (🥉17 · ⭐ 6.4K · 💀) - A natural language modeling framework based on PyTorch. ❗Unlicensed -- [GitHub](https://github.com/shaypal5/skift) (👨‍💻 9 · 🔀 23 · 📦 12 · 📋 11 - 9% open · ⏱️ 07.06.2022): +- [GitHub](https://github.com/facebookresearch/pytext) (👨‍💻 230 · 🔀 790 · 📥 350 · 📦 21 · 📋 140 - 45% open · ⏱️ 17.10.2022): ``` - git clone https://github.com/shaypal5/skift + git clone https://github.com/facebookresearch/pytext ``` -- [PyPi](https://pypi.org/project/skift) (📥 1.1K / month): +- [PyPi](https://pypi.org/project/pytext-nlp) (📥 110 / month): ``` - pip install skift + pip install pytext-nlp ```
-
DeepMatcher (🥉17 · ⭐ 440 · 💀) - 用于实体和文本匹配的Python包。BSD-3 +
DeepMatcher (🥉17 · ⭐ 520 · 💀) - Python package for performing Entity and Text Matching using.. BSD-3 -- [GitHub](https://github.com/anhaidgroup/deepmatcher) (👨‍💻 7 · 🔀 98 · 📦 21 · 📋 86 - 72% open · ⏱️ 13.06.2021): +- [GitHub](https://github.com/anhaidgroup/deepmatcher) (👨‍💻 7 · 🔀 120 · 📦 26 · 📋 91 - 73% open · ⏱️ 13.06.2021): ``` git clone https://github.com/anhaidgroup/deepmatcher ``` -- [PyPi](https://pypi.org/project/deepmatcher) (📥 1.1K / month): +- [PyPi](https://pypi.org/project/deepmatcher) (📥 3.5K / month): ``` pip install deepmatcher ```
-
Camphr (🥉16 · ⭐ 340 · 💤) - 适用于Transformers,Udify,ELmo等的spaCy插件。Apache-2 spacy +
skift (🥉17 · ⭐ 240 · 💀) - scikit-learn wrappers for Python fastText. MIT -- [GitHub](https://github.com/PKSHATechnology-Research/camphr) (👨‍💻 7 · 🔀 16 · 📋 28 - 7% open · ⏱️ 18.08.2021): +- [GitHub](https://github.com/shaypal5/skift) (👨‍💻 9 · 🔀 23 · 📦 13 · 📋 11 - 9% open · ⏱️ 07.06.2022): ``` - git clone https://github.com/PKSHATechnology-Research/camphr + git clone https://github.com/shaypal5/skift ``` -- [PyPi](https://pypi.org/project/camphr) (📥 75 / month): +- [PyPi](https://pypi.org/project/skift) (📥 890 / month): ``` - pip install camphr + pip install skift + ``` +
+
OpenNRE (🥉16 · ⭐ 4.2K) - An Open-Source Package for Neural Relation Extraction (NRE). MIT + +- [GitHub](https://github.com/thunlp/OpenNRE) (👨‍💻 13 · 🔀 980 · 📦 3 · 📋 360 - 3% open · ⏱️ 10.01.2024): + + ``` + git clone https://github.com/thunlp/OpenNRE ```
-
textpipe (🥉16 · ⭐ 300 · 💀) - Textpipe:从文本中清理并提取元数据。MIT +
textpipe (🥉16 · ⭐ 300 · 💀) - Textpipe: clean and extract metadata from text. MIT -- [GitHub](https://github.com/textpipe/textpipe) (👨‍💻 28 · 🔀 23 · 📦 8 · 📋 40 - 37% open · ⏱️ 09.06.2021): +- [GitHub](https://github.com/textpipe/textpipe) (👨‍💻 29 · 🔀 27 · 📦 8 · 📋 40 - 37% open · ⏱️ 09.06.2021): ``` git clone https://github.com/textpipe/textpipe ``` -- [PyPi](https://pypi.org/project/textpipe) (📥 150 / month): +- [PyPi](https://pypi.org/project/textpipe) (📥 160 / month): ``` pip install textpipe ```
-
NeuroNER (🥉15 · ⭐ 1.6K · 💀) - 使用神经网络的命名实体识别。MIT +
NeuroNER (🥉14 · ⭐ 1.7K · 💀) - Named-entity recognition using neural networks. Easy-to-use and.. MIT -- [GitHub](https://github.com/Franck-Dernoncourt/NeuroNER) (👨‍💻 7 · 🔀 460 · 📋 150 - 55% open · ⏱️ 02.10.2019): +- [GitHub](https://github.com/Franck-Dernoncourt/NeuroNER) (👨‍💻 7 · 🔀 460 · 📋 150 - 54% open · ⏱️ 02.10.2019): ``` git clone https://github.com/Franck-Dernoncourt/NeuroNER ``` -- [PyPi](https://pypi.org/project/pyneuroner) (📥 100 / month): +- [PyPi](https://pypi.org/project/pyneuroner) (📥 140 / month): ``` pip install pyneuroner ```
-
Translate (🥉15 · ⭐ 760) - Translate-PyTorch NLP库。BSD-3 +
Translate (🥉14 · ⭐ 810 · 💀) - Translate - a PyTorch Language Library. BSD-3 -- [GitHub](https://github.com/pytorch/translate) (👨‍💻 87 · 🔀 180 · 📋 38 - 28% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/pytorch/translate) (👨‍💻 88 · 🔀 180 · 📋 38 - 28% open · ⏱️ 10.06.2022): ``` git clone https://github.com/pytorch/translate ``` -- [PyPi](https://pypi.org/project/pytorch-translate) (📥 10 / month): +- [PyPi](https://pypi.org/project/pytorch-translate) (📥 18 / month): ``` pip install pytorch-translate ```
-
NeuralQA (🥉15 · ⭐ 220 · 💀) - NeuralQA:用于对大型数据集进行问答构建。MIT +
TransferNLP (🥉14 · ⭐ 290 · 💀) - NLP library designed for reproducible experimentation.. MIT -- [GitHub](https://github.com/victordibia/neuralqa) (👨‍💻 3 · 🔀 30 · 📦 4 · 📋 28 - 71% open · ⏱️ 16.12.2020): +- [GitHub](https://github.com/feedly/transfer-nlp) (👨‍💻 7 · 🔀 19 · 📋 23 - 13% open · ⏱️ 28.05.2020): ``` - git clone https://github.com/victordibia/neuralqa - ``` -- [PyPi](https://pypi.org/project/neuralqa) (📥 68 / month): - ``` - pip install neuralqa + git clone https://github.com/feedly/transfer-nlp ``` -
-
OpenNRE (🥉14 · ⭐ 3.8K) - 神经关系提取(NRE)的开源软件包。MIT - -- [GitHub](https://github.com/thunlp/OpenNRE) (👨‍💻 10 · 🔀 950 · 📋 350 - 2% open · ⏱️ 06.04.2022): - +- [PyPi](https://pypi.org/project/transfer-nlp) (📥 67 / month): ``` - git clone https://github.com/thunlp/OpenNRE + pip install transfer-nlp ```
-
TransferNLP (🥉14 · ⭐ 290 · 💀) - 用于可重复的实验的NLP库。MIT +
ONNX-T5 (🥉14 · ⭐ 240 · 💀) - Summarization, translation, sentiment-analysis, text-generation.. Apache-2 -- [GitHub](https://github.com/feedly/transfer-nlp) (👨‍💻 7 · 🔀 17 · 📋 23 - 13% open · ⏱️ 28.05.2020): +- [GitHub](https://github.com/abelriboulot/onnxt5) (👨‍💻 4 · 🔀 28 · 📦 1 · 📋 16 - 50% open · ⏱️ 28.01.2021): ``` - git clone https://github.com/feedly/transfer-nlp + git clone https://github.com/abelriboulot/onnxt5 ``` -- [PyPi](https://pypi.org/project/transfer-nlp) (📥 100 / month): +- [PyPi](https://pypi.org/project/onnxt5) (📥 60 / month): ``` - pip install transfer-nlp + pip install onnxt5 ```
-
ONNX-T5 (🥉14 · ⭐ 200 · 💀) - 文本摘要,翻译,情感分析,文本生成等实现。Apache-2 +
NeuralQA (🥉14 · ⭐ 230 · 💀) - NeuralQA: A Usable Library for Question Answering on Large Datasets.. MIT -- [GitHub](https://github.com/abelriboulot/onnxt5) (👨‍💻 3 · 🔀 23 · 📦 1 · 📋 15 - 46% open · ⏱️ 28.01.2021): +- [GitHub](https://github.com/victordibia/neuralqa) (👨‍💻 3 · 🔀 33 · 📦 4 · 📋 28 - 71% open · ⏱️ 16.12.2020): ``` - git clone https://github.com/abelriboulot/onnxt5 + git clone https://github.com/victordibia/neuralqa ``` -- [PyPi](https://pypi.org/project/onnxt5) (📥 57 / month): +- [PyPi](https://pypi.org/project/neuralqa) (📥 110 / month): ``` - pip install onnxt5 + pip install neuralqa ```
-
textvec (🥉14 · ⭐ 180) - 胜过TF-IDF文本向量化工具。MIT +
textvec (🥉14 · ⭐ 190) - Text vectorization tool to outperform TFIDF for classification tasks. MIT -- [GitHub](https://github.com/textvec/textvec) (👨‍💻 10 · 🔀 23 · 📦 4 · 📋 9 - 33% open · ⏱️ 05.07.2022): +- [GitHub](https://github.com/textvec/textvec) (👨‍💻 11 · 🔀 26 · 📦 4 · 📋 10 - 40% open · ⏱️ 09.01.2024): ``` git clone https://github.com/textvec/textvec ``` -- [PyPi](https://pypi.org/project/textvec) (📥 26 / month): +- [PyPi](https://pypi.org/project/textvec) (📥 50 / month): ``` pip install textvec ```
-
VizSeq (🥉13 · ⭐ 400) - 用于自然语言生成的分析工具包。MIT +
VizSeq (🥉13 · ⭐ 440) - An Analysis Toolkit for Natural Language Generation (Translation,.. MIT -- [GitHub](https://github.com/facebookresearch/vizseq) (👨‍💻 3 · 🔀 49 · 📦 6 · 📋 15 - 40% open · ⏱️ 20.07.2022): +- [GitHub](https://github.com/facebookresearch/vizseq) (👨‍💻 3 · 🔀 58 · 📦 9 · 📋 15 - 40% open · ⏱️ 19.01.2024): ``` git clone https://github.com/facebookresearch/vizseq ``` -- [PyPi](https://pypi.org/project/vizseq) (📥 59 / month): +- [PyPi](https://pypi.org/project/vizseq) (📥 120 / month): ``` pip install vizseq ```
-
Headliner (🥉11 · ⭐ 230 · 💀) - 轻松训练和部署seq2seq模型。❗Unlicensed +
Headliner (🥉12 · ⭐ 230 · 💀) - Easy training and deployment of seq2seq models. ❗Unlicensed -- [GitHub](https://github.com/as-ideas/headliner) (👨‍💻 2 · 🔀 41 · 📦 3 · 📋 14 - 7% open · ⏱️ 14.02.2020): +- [GitHub](https://github.com/as-ideas/headliner) (👨‍💻 2 · 🔀 41 · 📦 5 · 📋 15 - 13% open · ⏱️ 14.02.2020): ``` git clone https://github.com/as-ideas/headliner ``` -- [PyPi](https://pypi.org/project/headliner) (📥 120 / month): +- [PyPi](https://pypi.org/project/headliner) (📥 160 / month): ``` pip install headliner ```

-## 图像数据与CV +## Image Data -Back to top +Back to top -_用于图像和视频处理,操纵和扩充的库,以及用于计算机视觉任务(例如面部识别,对象检测和图像分类)的库。_ +_Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification._ -
Pillow (🥇36 · ⭐ 10K · 📈) - 友好的PIL分支(Python Imaging Library)。❗️PIL +
Pillow (🥇36 · ⭐ 11K) - The friendly PIL fork (Python Imaging Library). ❗️PIL -- [GitHub](https://github.com/python-pillow/Pillow) (👨‍💻 410 · 🔀 1.7K · 📦 820K · 📋 2.6K - 3% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/python-pillow/Pillow) (👨‍💻 460 · 🔀 2K · 📦 1.5M · 📋 3K - 2% open · ⏱️ 15.02.2024): ``` git clone https://github.com/python-pillow/Pillow ``` -- [PyPi](https://pypi.org/project/Pillow) (📥 45M / month): +- [PyPi](https://pypi.org/project/Pillow) (📥 89M / month): ``` pip install Pillow ``` -- [Conda](https://anaconda.org/conda-forge/pillow) (📥 18M · ⏱️ 13.08.2022): +- [Conda](https://anaconda.org/conda-forge/pillow) (📥 36M · ⏱️ 03.01.2024): ``` conda install -c conda-forge pillow ```
-
MoviePy (🥇34 · ⭐ 9.5K) - 使用Python进行视频编辑。MIT - -- [GitHub](https://github.com/Zulko/moviepy) (👨‍💻 150 · 🔀 1.2K · 📦 18K · 📋 1.2K - 24% open · ⏱️ 01.06.2022): - - ``` - git clone https://github.com/Zulko/moviepy - ``` -- [PyPi](https://pypi.org/project/moviepy) (📥 2.5M / month): - ``` - pip install moviepy - ``` -- [Conda](https://anaconda.org/conda-forge/moviepy) (📥 130K · ⏱️ 16.04.2022): - ``` - conda install -c conda-forge moviepy - ``` -
-
imageio (🥇33 · ⭐ 1.1K) - 用于读取和写入图像数据的Python库。BSD-2 +
imageio (🥇36 · ⭐ 1.4K) - Python library for reading and writing image data. BSD-2 -- [GitHub](https://github.com/imageio/imageio) (👨‍💻 91 · 🔀 220 · 📥 360 · 📦 67K · 📋 470 - 12% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/imageio/imageio) (👨‍💻 110 · 🔀 270 · 📥 980 · 📦 120K · 📋 580 - 15% open · ⏱️ 12.02.2024): ``` git clone https://github.com/imageio/imageio ``` -- [PyPi](https://pypi.org/project/imageio) (📥 12M / month): +- [PyPi](https://pypi.org/project/imageio) (📥 24M / month): ``` pip install imageio ``` -- [Conda](https://anaconda.org/conda-forge/imageio) (📥 3.5M · ⏱️ 08.08.2022): +- [Conda](https://anaconda.org/conda-forge/imageio) (📥 6M · ⏱️ 12.02.2024): ``` conda install -c conda-forge imageio ```
-
imgaug (🥇32 · ⭐ 13K · 💀) - 用于机器学习实验的图像增强。MIT +
MoviePy (🥇34 · ⭐ 11K · 💤) - Video editing with Python. MIT -- [GitHub](https://github.com/aleju/imgaug) (👨‍💻 36 · 🔀 2.3K · 📦 11K · 📋 490 - 55% open · ⏱️ 01.06.2020): +- [GitHub](https://github.com/Zulko/moviepy) (👨‍💻 160 · 🔀 1.4K · 📦 34K · 📋 1.4K - 26% open · ⏱️ 11.07.2023): ``` - git clone https://github.com/aleju/imgaug + git clone https://github.com/Zulko/moviepy ``` -- [PyPi](https://pypi.org/project/imgaug) (📥 390K / month): +- [PyPi](https://pypi.org/project/moviepy) (📥 790K / month): ``` - pip install imgaug + pip install moviepy ``` -- [Conda](https://anaconda.org/conda-forge/imgaug) (📥 83K · ⏱️ 31.12.2021): +- [Conda](https://anaconda.org/conda-forge/moviepy) (📥 220K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge imgaug + conda install -c conda-forge moviepy ```
-
Albumentations (🥇32 · ⭐ 11K) - 快速的图像增强库和易于使用的包装器。MIT +
Kornia (🥇34 · ⭐ 9.1K) - Open Source Differentiable Computer Vision Library for PyTorch. Apache-2 -- [GitHub](https://github.com/albumentations-team/albumentations) (👨‍💻 110 · 🔀 1.4K · 📦 9.1K · 📋 660 - 41% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/kornia/kornia) (👨‍💻 250 · 🔀 900 · 📥 940 · 📦 8.4K · 📋 860 - 28% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/albumentations-team/albumentations - ``` -- [PyPi](https://pypi.org/project/albumentations) (📥 370K / month): - ``` - pip install albumentations + git clone https://github.com/kornia/kornia ``` -- [Conda](https://anaconda.org/conda-forge/albumentations) (📥 49K · ⏱️ 12.07.2022): +- [PyPi](https://pypi.org/project/kornia) (📥 2.2M / month): ``` - conda install -c conda-forge albumentations + pip install kornia ```
-
Kornia (🥇32 · ⭐ 7K) - PyTorch的开源可微分计算机视觉库。Apache-2 +
opencv-python (🥇34 · ⭐ 4K · 📈) - Automated CI toolchain to produce precompiled opencv-python,.. MIT -- [GitHub](https://github.com/kornia/kornia) (👨‍💻 170 · 🔀 680 · 📥 430 · 📦 1.7K · 📋 600 - 26% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/opencv/opencv-python) (👨‍💻 48 · 🔀 760 · 📦 360K · 📋 740 - 11% open · ⏱️ 31.12.2023): ``` - git clone https://github.com/kornia/kornia + git clone https://github.com/skvark/opencv-python ``` -- [PyPi](https://pypi.org/project/kornia) (📥 470K / month): +- [PyPi](https://pypi.org/project/opencv-python) (📥 12M / month): ``` - pip install kornia + pip install opencv-python ```
-
scikit-image (🥇32 · ⭐ 5K) - Python中的图像处理。❗Unlicensed +
Albumentations (🥈33 · ⭐ 13K) - Fast image augmentation library and an easy-to-use wrapper.. MIT -- [GitHub](https://github.com/scikit-image/scikit-image) (👨‍💻 560 · 🔀 2K · 📦 110K · 📋 2.3K - 19% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/albumentations-team/albumentations) (👨‍💻 130 · 🔀 1.5K · 📦 21K · 📋 810 - 45% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/scikit-image/scikit-image + git clone https://github.com/albumentations-team/albumentations ``` -- [PyPi](https://pypi.org/project/scikit-image) (📥 5.3M / month): +- [PyPi](https://pypi.org/project/albumentations) (📥 1.2M / month): ``` - pip install scikit-image + pip install albumentations ``` -- [Conda](https://anaconda.org/conda-forge/scikit-image) (📥 3.8M · ⏱️ 10.08.2022): +- [Conda](https://anaconda.org/conda-forge/albumentations) (📥 150K · ⏱️ 12.06.2023): ``` - conda install -c conda-forge scikit-image + conda install -c conda-forge albumentations ```
-
Wand (🥇32 · ⭐ 1.2K) - 用于Python的基于ctypes的简单ImageMagick接口。MIT +
Wand (🥈33 · ⭐ 1.3K) - The ctypes-based simple ImageMagick binding for Python. MIT -- [GitHub](https://github.com/emcconville/wand) (👨‍💻 100 · 🔀 190 · 📥 8.5K · 📦 12K · 📋 380 - 4% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/emcconville/wand) (👨‍💻 100 · 🔀 200 · 📥 41K · 📦 18K · 📋 410 - 5% open · ⏱️ 11.02.2024): ``` git clone https://github.com/emcconville/wand ``` -- [PyPi](https://pypi.org/project/wand) (📥 450K / month): +- [PyPi](https://pypi.org/project/wand) (📥 840K / month): ``` pip install wand ```
-
PyTorch Image Models (🥈31 · ⭐ 21K) - PyTorch图像模型,脚本,预训练权重。Apache-2 +
imgaug (🥈32 · ⭐ 14K · 💀) - Image augmentation for machine learning experiments. MIT -- [GitHub](https://github.com/rwightman/pytorch-image-models) (👨‍💻 79 · 🔀 3.3K · 📥 1.7M · 📦 4.3K · 📋 570 - 9% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/aleju/imgaug) (👨‍💻 36 · 🔀 2.4K · 📦 18K · 📋 510 - 55% open · ⏱️ 01.06.2020): ``` - git clone https://github.com/rwightman/pytorch-image-models + git clone https://github.com/aleju/imgaug ``` -
-
GluonCV (🥈29 · ⭐ 5.3K) - Gluon CV工具包。Apache-2 - -- [GitHub](https://github.com/dmlc/gluon-cv) (👨‍💻 120 · 🔀 1.2K · 📦 840 · 📋 810 - 5% open · ⏱️ 11.08.2022): - +- [PyPi](https://pypi.org/project/imgaug) (📥 340K / month): ``` - git clone https://github.com/dmlc/gluon-cv + pip install imgaug ``` -- [PyPi](https://pypi.org/project/gluoncv) (📥 570K / month): +- [Conda](https://anaconda.org/conda-forge/imgaug) (📥 150K · ⏱️ 16.06.2023): ``` - pip install gluoncv + conda install -c conda-forge imgaug ```
-
ImageHash (🥈29 · ⭐ 2.5K · 💤) - Python感知图像哈希模块。BSD-2 +
scikit-image (🥈32 · ⭐ 5.8K) - Image processing in Python. ❗Unlicensed -- [GitHub](https://github.com/JohannesBuchner/imagehash) (👨‍💻 20 · 🔀 300 · 📦 5.8K · 📋 110 - 13% open · ⏱️ 07.09.2021): +- [GitHub](https://github.com/scikit-image/scikit-image) (👨‍💻 650 · 🔀 2.1K · 📦 170K · 📋 2.6K - 20% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/JohannesBuchner/imagehash + git clone https://github.com/scikit-image/scikit-image ``` -- [PyPi](https://pypi.org/project/ImageHash) (📥 1.4M / month): +- [PyPi](https://pypi.org/project/scikit-image) (📥 15M / month): ``` - pip install ImageHash + pip install scikit-image ``` -- [Conda](https://anaconda.org/conda-forge/imagehash) (📥 230K · ⏱️ 15.07.2021): +- [Conda](https://anaconda.org/conda-forge/scikit-image) (📥 6M · ⏱️ 11.10.2023): ``` - conda install -c conda-forge imagehash + conda install -c conda-forge scikit-image ```
-
imutils (🥈28 · ⭐ 4.2K · 💤) - 图像处理库。MIT +
PyTorch Image Models (🥈31 · ⭐ 29K) - PyTorch image models, scripts, pretrained weights --.. Apache-2 -- [GitHub](https://github.com/PyImageSearch/imutils) (👨‍💻 21 · 🔀 980 · 📦 27K · 📋 160 - 53% open · ⏱️ 27.01.2022): +- [GitHub](https://github.com/huggingface/pytorch-image-models) (👨‍💻 130 · 🔀 4.4K · 📥 6.2M · 📦 23K · 📋 840 - 8% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/jrosebr1/imutils + git clone https://github.com/rwightman/pytorch-image-models ``` -- [PyPi](https://pypi.org/project/imutils) (📥 330K / month): +
+
ImageHash (🥈30 · ⭐ 3K) - A Python Perceptual Image Hashing Module. BSD-2 + +- [GitHub](https://github.com/JohannesBuchner/imagehash) (👨‍💻 26 · 🔀 320 · 📦 12K · 📋 130 - 6% open · ⏱️ 24.10.2023): + ``` - pip install imutils + git clone https://github.com/JohannesBuchner/imagehash ``` -- [Conda](https://anaconda.org/conda-forge/imutils) (📥 97K · ⏱️ 26.08.2022): +- [PyPi](https://pypi.org/project/ImageHash) (📥 1.2M / month): ``` - conda install -c conda-forge imutils + pip install ImageHash + ``` +- [Conda](https://anaconda.org/conda-forge/imagehash) (📥 350K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge imagehash ```
-
MMDetection (🥈27 · ⭐ 21K) - OpenMMLab检测工具箱。Apache-2 +
MMDetection (🥈29 · ⭐ 27K) - OpenMMLab Detection Toolbox and Benchmark. Apache-2 -- [GitHub](https://github.com/open-mmlab/mmdetection) (👨‍💻 350 · 🔀 6.9K · 📦 550 · 📋 6.2K - 9% open · ⏱️ 28.07.2022): +- [GitHub](https://github.com/open-mmlab/mmdetection) (👨‍💻 460 · 🔀 8.2K · 📦 2.2K · 📋 7.9K - 15% open · ⏱️ 05.02.2024): ``` git clone https://github.com/open-mmlab/mmdetection ```
-
torchvision (🥈27 · ⭐ 12K) - 计算机视觉的数据集,转换和模型。BSD-3 +
torchvision (🥈29 · ⭐ 15K) - Datasets, Transforms and Models specific to Computer Vision. BSD-3 -- [GitHub](https://github.com/pytorch/vision) (👨‍💻 500 · 🔀 6K · 📥 11K · 📋 2.5K - 23% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/pytorch/vision) (👨‍💻 570 · 🔀 6.7K · 📥 37K · 📦 21 · 📋 3.1K - 24% open · ⏱️ 14.02.2024): ``` git clone https://github.com/pytorch/vision ``` -- [PyPi](https://pypi.org/project/torchvision) (📥 3.9M / month): +- [PyPi](https://pypi.org/project/torchvision) (📥 11M / month): ``` pip install torchvision ``` -- [Conda](https://anaconda.org/conda-forge/torchvision) (📥 340K · ⏱️ 24.07.2022): +- [Conda](https://anaconda.org/conda-forge/torchvision) (📥 980K · ⏱️ 13.12.2023): ``` conda install -c conda-forge torchvision ```
-
glfw (🥈27 · ⭐ 9.5K) - 一个用于OpenGL,Op​​enGL ES,Vulkan,窗口和输入的多平台库。❗️Zlib +
glfw (🥈29 · ⭐ 12K) - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input. ❗️Zlib -- [GitHub](https://github.com/glfw/glfw) (👨‍💻 180 · 🔀 3.5K · 📥 2.9M · 📦 1 · 📋 1.6K - 25% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/glfw/glfw) (👨‍💻 200 · 🔀 4.3K · 📥 3.6M · 📦 22 · 📋 1.8K - 26% open · ⏱️ 14.02.2024): ``` git clone https://github.com/glfw/glfw ``` -- [PyPi](https://pypi.org/project/glfw) (📥 220K / month): +- [PyPi](https://pypi.org/project/glfw) (📥 240K / month): ``` pip install glfw ``` -- [Conda](https://anaconda.org/conda-forge/glfw) (📥 68K · ⏱️ 23.07.2022): +- [Conda](https://anaconda.org/conda-forge/glfw) (📥 180K · ⏱️ 14.12.2023): ``` conda install -c conda-forge glfw ```
-
InsightFace (🥈26 · ⭐ 12K) - MXNet和PyTorch上的人脸分析项目。MIT +
imutils (🥈29 · ⭐ 4.5K · 💀) - A series of convenience functions to make basic image processing.. MIT -- [GitHub](https://github.com/deepinsight/insightface) (👨‍💻 46 · 🔀 3.9K · 📦 180 · 📋 2K - 55% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/PyImageSearch/imutils) (👨‍💻 21 · 🔀 1K · 📦 41K · 📋 170 - 54% open · ⏱️ 27.01.2022): ``` - git clone https://github.com/deepinsight/insightface - ``` -- [PyPi](https://pypi.org/project/insightface) (📥 21K / month): - ``` - pip install insightface + git clone https://github.com/jrosebr1/imutils ``` -
-
imageai (🥈26 · ⭐ 7.2K · 💀) - python库旨在使开发人员能够构建应用程序。MIT - -- [GitHub](https://github.com/OlafenwaMoses/ImageAI) (👨‍💻 15 · 🔀 1.9K · 📥 780K · 📦 1.2K · 📋 690 - 37% open · ⏱️ 08.05.2021): - +- [PyPi](https://pypi.org/project/imutils) (📥 490K / month): ``` - git clone https://github.com/OlafenwaMoses/ImageAI + pip install imutils ``` -- [PyPi](https://pypi.org/project/imageai) (📥 8.9K / month): +- [Conda](https://anaconda.org/conda-forge/imutils) (📥 160K · ⏱️ 27.10.2023): ``` - pip install imageai + conda install -c conda-forge imutils ```
-
Face Recognition (🥈25 · ⭐ 46K) - 简单的面部识别API。MIT +
Face Recognition (🥈28 · ⭐ 51K · 💀) - The world's simplest facial recognition api for.. MIT -- [GitHub](https://github.com/ageitgey/face_recognition) (👨‍💻 54 · 🔀 12K · 📥 470 · 📋 1.2K - 53% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/ageitgey/face_recognition) (👨‍💻 54 · 🔀 13K · 📥 1.2K · 📦 21 · 📋 1.3K - 55% open · ⏱️ 10.06.2022): ``` git clone https://github.com/ageitgey/face_recognition ``` -- [PyPi](https://pypi.org/project/face_recognition) (📥 39K / month): +- [PyPi](https://pypi.org/project/face_recognition) (📥 67K / month): ``` pip install face_recognition ```
-
detectron2 (🥈25 · ⭐ 22K) - Detectron2是Facebook FAIR的高级目标检测平台。Apache-2 +
InsightFace (🥈28 · ⭐ 20K) - Face Analysis Project on MXNet and PyTorch. ❗Unlicensed -- [GitHub](https://github.com/facebookresearch/detectron2) (👨‍💻 210 · 🔀 5.7K · 📦 710 · 📋 3.1K - 7% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/deepinsight/insightface) (👨‍💻 58 · 🔀 5K · 📥 1.9M · 📦 1.7K · 📋 2.4K - 42% open · ⏱️ 24.12.2023): ``` - git clone https://github.com/facebookresearch/detectron2 + git clone https://github.com/deepinsight/insightface ``` -- [Conda](https://anaconda.org/conda-forge/detectron2) (📥 78K · ⏱️ 25.04.2022): +- [PyPi](https://pypi.org/project/insightface) (📥 520K / month): ``` - conda install -c conda-forge detectron2 + pip install insightface ```
-
vit-pytorch (🥈25 · ⭐ 11K) - 实现视觉transformer,一种简单的方法。MIT +
lightly (🥈28 · ⭐ 2.7K) - A python library for self-supervised learning on images. MIT -- [GitHub](https://github.com/lucidrains/vit-pytorch) (👨‍💻 15 · 🔀 1.8K · 📦 140 · 📋 190 - 47% open · ⏱️ 27.07.2022): +- [GitHub](https://github.com/lightly-ai/lightly) (👨‍💻 38 · 🔀 230 · 📦 210 · 📋 500 - 19% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/lucidrains/vit-pytorch + git clone https://github.com/lightly-ai/lightly ``` -- [PyPi](https://pypi.org/project/vit-pytorch) (📥 19K / month): +- [PyPi](https://pypi.org/project/lightly) (📥 22K / month): ``` - pip install vit-pytorch + pip install lightly ```
-
facenet-pytorch (🥈25 · ⭐ 3K · 💤) - 预训练的Pytorch人脸检测(MTCNN)和识别。MIT +
detectron2 (🥈26 · ⭐ 28K) - Detectron2 is FAIR's next-generation platform for object.. Apache-2 -- [GitHub](https://github.com/timesler/facenet-pytorch) (👨‍💻 14 · 🔀 650 · 📥 390K · 📦 850 · 📋 150 - 39% open · ⏱️ 13.12.2021): +- [GitHub](https://github.com/facebookresearch/detectron2) (👨‍💻 260 · 🔀 6.8K · 📦 1.6K · 📋 3.4K - 11% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/timesler/facenet-pytorch + git clone https://github.com/facebookresearch/detectron2 ``` -- [PyPi](https://pypi.org/project/facenet-pytorch) (📥 18K / month): +- [Conda](https://anaconda.org/conda-forge/detectron2) (📥 220K · ⏱️ 18.01.2024): ``` - pip install facenet-pytorch + conda install -c conda-forge detectron2 ```
-
opencv-python (🥈25 · ⭐ 2.9K · 📈) - 自动化的CI工具链可生成预编译的opencv-python。MIT +
vit-pytorch (🥈26 · ⭐ 17K) - Implementation of Vision Transformer, a simple way to.. MIT -- [GitHub](https://github.com/opencv/opencv-python) (👨‍💻 39 · 🔀 580 · 📋 570 - 7% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/lucidrains/vit-pytorch) (👨‍💻 20 · 🔀 2.6K · 📦 400 · 📋 240 - 46% open · ⏱️ 23.12.2023): ``` - git clone https://github.com/skvark/opencv-python + git clone https://github.com/lucidrains/vit-pytorch ``` -- [PyPi](https://pypi.org/project/opencv-python) (📥 5.6M / month): +- [PyPi](https://pypi.org/project/vit-pytorch) (📥 20K / month): ``` - pip install opencv-python + pip install vit-pytorch ```
-
chainercv (🥈25 · ⭐ 1.5K · 💀) - ChainerCV:一个用于计算机视觉深度学习的库。MIT +
imageai (🥈26 · ⭐ 8.3K) - A python library built to empower developers to build applications and.. MIT -- [GitHub](https://github.com/chainer/chainercv) (👨‍💻 39 · 🔀 300 · 📦 300 · 📋 200 - 18% open · ⏱️ 07.01.2020): +- [GitHub](https://github.com/OlafenwaMoses/ImageAI) (👨‍💻 19 · 🔀 2.1K · 📥 910K · 📦 1.5K · 📋 740 - 39% open · ⏱️ 26.08.2023): ``` - git clone https://github.com/chainer/chainercv + git clone https://github.com/OlafenwaMoses/ImageAI ``` -- [PyPi](https://pypi.org/project/chainercv) (📥 3.2K / month): +- [PyPi](https://pypi.org/project/imageai) (📥 4.8K / month): ``` - pip install chainercv + pip install imageai ```
-
mahotas (🥈25 · ⭐ 770) - Python中的计算机视觉。❗Unlicensed +
facenet-pytorch (🥈26 · ⭐ 4K) - Pretrained Pytorch face detection (MTCNN) and recognition.. MIT -- [GitHub](https://github.com/luispedro/mahotas) (👨‍💻 32 · 🔀 140 · 📦 870 · 📋 79 - 20% open · ⏱️ 28.06.2022): +- [GitHub](https://github.com/timesler/facenet-pytorch) (👨‍💻 16 · 🔀 810 · 📥 780K · 📦 1.5K · 📋 170 - 36% open · ⏱️ 02.11.2023): ``` - git clone https://github.com/luispedro/mahotas - ``` -- [PyPi](https://pypi.org/project/mahotas) (📥 11K / month): - ``` - pip install mahotas + git clone https://github.com/timesler/facenet-pytorch ``` -- [Conda](https://anaconda.org/conda-forge/mahotas) (📥 330K · ⏱️ 28.07.2022): +- [PyPi](https://pypi.org/project/facenet-pytorch) (📥 51K / month): ``` - conda install -c conda-forge mahotas + pip install facenet-pytorch ```
-
vidgear (🥉24 · ⭐ 2.4K) - 高性能跨平台视频处理Python框架。Apache-2 +
vidgear (🥈26 · ⭐ 3.1K) - High-performance cross-platform Video Processing Python framework.. Apache-2 -- [GitHub](https://github.com/abhiTronix/vidgear) (👨‍💻 13 · 🔀 190 · 📥 640 · 📦 230 · 📋 230 - 1% open · ⏱️ 06.07.2022): +- [GitHub](https://github.com/abhiTronix/vidgear) (👨‍💻 14 · 🔀 230 · 📥 990 · 📦 510 · 📋 270 - 2% open · ⏱️ 10.09.2023): ``` git clone https://github.com/abhiTronix/vidgear ``` -- [PyPi](https://pypi.org/project/vidgear) (📥 6.5K / month): +- [PyPi](https://pypi.org/project/vidgear) (📥 78K / month): ``` pip install vidgear ```
-
PyTorch3D (🥉23 · ⭐ 6.4K) - PyTorch3D是FAIR的深度学习可重用组件库。❗Unlicensed +
Face Alignment (🥉25 · ⭐ 6.7K) - 2D and 3D Face alignment library build using pytorch. BSD-3 -- [GitHub](https://github.com/facebookresearch/pytorch3d) (👨‍💻 96 · 🔀 940 · 📦 270 · 📋 1.1K - 7% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/1adrianb/face-alignment) (👨‍💻 26 · 🔀 1.3K · 📦 21 · 📋 310 - 22% open · ⏱️ 16.08.2023): ``` - git clone https://github.com/facebookresearch/pytorch3d - ``` -- [PyPi](https://pypi.org/project/pytorch3d) (📥 14K / month): - ``` - pip install pytorch3d + git clone https://github.com/1adrianb/face-alignment ``` -- [Conda](https://anaconda.org/pytorch3d/pytorch3d) (📥 60K · ⏱️ 14.08.2022): +- [PyPi](https://pypi.org/project/face-alignment) (📥 64K / month): ``` - conda install -c pytorch3d pytorch3d + pip install face-alignment ```
-
Face Alignment (🥉23 · ⭐ 5.8K · 💤) - 使用pytorch构建2D和3D人脸对齐库。BSD-3 +
chainercv (🥉25 · ⭐ 1.5K · 💀) - ChainerCV: a Library for Deep Learning in Computer Vision. MIT -- [GitHub](https://github.com/1adrianb/face-alignment) (👨‍💻 23 · 🔀 1.2K · 📋 280 - 21% open · ⏱️ 04.08.2021): +- [GitHub](https://github.com/chainer/chainercv) (👨‍💻 39 · 🔀 300 · 📦 390 · 📋 200 - 18% open · ⏱️ 07.01.2020): ``` - git clone https://github.com/1adrianb/face-alignment + git clone https://github.com/chainer/chainercv ``` -- [PyPi](https://pypi.org/project/face-alignment) (📥 9.6K / month): +- [PyPi](https://pypi.org/project/chainercv) (📥 2.6K / month): ``` - pip install face-alignment + pip install chainercv ```
-
Augmentor (🥉23 · ⭐ 4.8K) - Python中的图像增强库,用于机器学习。MIT +
GluonCV (🥉24 · ⭐ 5.7K · 💀) - Gluon CV Toolkit. Apache-2 -- [GitHub](https://github.com/mdbloice/Augmentor) (👨‍💻 22 · 🔀 820 · 📦 480 · 📋 190 - 61% open · ⏱️ 24.05.2022): +- [GitHub](https://github.com/dmlc/gluon-cv) (👨‍💻 120 · 🔀 1.2K · 📦 21 · 📋 830 - 5% open · ⏱️ 19.01.2023): ``` - git clone https://github.com/mdbloice/Augmentor + git clone https://github.com/dmlc/gluon-cv ``` -- [PyPi](https://pypi.org/project/Augmentor) (📥 16K / month): +- [PyPi](https://pypi.org/project/gluoncv) (📥 52K / month): ``` - pip install Augmentor + pip install gluoncv ```
-
mtcnn (🥉23 · ⭐ 1.8K · 💀) - TensorFlow的MTCNN人脸检测实现。MIT +
Image Deduplicator (🥉24 · ⭐ 4.9K · 💤) - Finding duplicate images made easy!. Apache-2 -- [GitHub](https://github.com/ipazc/mtcnn) (👨‍💻 15 · 🔀 460 · 📦 2.6K · 📋 100 - 62% open · ⏱️ 09.07.2021): +- [GitHub](https://github.com/idealo/imagededup) (👨‍💻 15 · 🔀 430 · 📦 85 · 📋 120 - 26% open · ⏱️ 28.04.2023): ``` - git clone https://github.com/ipazc/mtcnn + git clone https://github.com/idealo/imagededup ``` -- [PyPi](https://pypi.org/project/mtcnn) (📥 23K / month): +- [PyPi](https://pypi.org/project/imagededup) (📥 16K / month): ``` - pip install mtcnn + pip install imagededup ```
-
lightly (🥉23 · ⭐ 1.7K) - 一个用于对图像进行自监督学习的python库。MIT +
Norfair (🥉24 · ⭐ 2.2K) - Lightweight Python library for adding real-time 2D object tracking to.. BSD-3 -- [GitHub](https://github.com/lightly-ai/lightly) (👨‍💻 19 · 🔀 140 · 📦 46 · 📋 330 - 20% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/tryolabs/norfair) (👨‍💻 31 · 🔀 230 · 📥 300 · 📦 160 · 📋 140 - 4% open · ⏱️ 30.01.2024): ``` - git clone https://github.com/lightly-ai/lightly + git clone https://github.com/tryolabs/norfair ``` -- [PyPi](https://pypi.org/project/lightly) (📥 3.3K / month): +- [PyPi](https://pypi.org/project/norfair) (📥 5.5K / month): ``` - pip install lightly + pip install norfair ```
-
Image Deduplicator (🥉22 · ⭐ 4.1K · 💀) - 图像查重。Apache-2 +
mahotas (🥉24 · ⭐ 820) - Computer Vision in Python. ❗Unlicensed -- [GitHub](https://github.com/idealo/imagededup) (👨‍💻 10 · 🔀 370 · 📦 26 · 📋 93 - 36% open · ⏱️ 23.11.2020): +- [GitHub](https://github.com/luispedro/mahotas) (👨‍💻 34 · 🔀 150 · 📦 1.2K · 📋 88 - 26% open · ⏱️ 08.01.2024): ``` - git clone https://github.com/idealo/imagededup + git clone https://github.com/luispedro/mahotas ``` -- [PyPi](https://pypi.org/project/imagededup) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/mahotas) (📥 10K / month): ``` - pip install imagededup + pip install mahotas + ``` +- [Conda](https://anaconda.org/conda-forge/mahotas) (📥 390K · ⏱️ 26.07.2023): + ``` + conda install -c conda-forge mahotas ```
-
pyvips (🥉22 · ⭐ 440) - 使用cffi的libvips的python接口。MIT +
PyTorch3D (🥉23 · ⭐ 8.1K) - PyTorch3D is FAIR's library of reusable components for.. ❗Unlicensed -- [GitHub](https://github.com/libvips/pyvips) (👨‍💻 14 · 🔀 40 · 📦 350 · 📋 300 - 36% open · ⏱️ 13.08.2022): +- [GitHub](https://github.com/facebookresearch/pytorch3d) (👨‍💻 140 · 🔀 1.2K · 📦 710 · 📋 1.5K - 15% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/libvips/pyvips + git clone https://github.com/facebookresearch/pytorch3d ``` -- [PyPi](https://pypi.org/project/pyvips) (📥 19K / month): +- [PyPi](https://pypi.org/project/pytorch3d) (📥 4K / month): ``` - pip install pyvips + pip install pytorch3d ``` -- [Conda](https://anaconda.org/conda-forge/pyvips) (📥 29K · ⏱️ 24.07.2022): +- [Conda](https://anaconda.org/pytorch3d/pytorch3d) (📥 190K · ⏱️ 31.10.2023): ``` - conda install -c conda-forge pyvips + conda install -c pytorch3d pytorch3d ```
-
PaddleDetection (🥉21 · ⭐ 8.3K) - 对象检测和实例分割工具箱。Apache-2 +
mtcnn (🥉23 · ⭐ 2.1K · 💀) - MTCNN face detection implementation for TensorFlow, as a PIP.. MIT -- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (👨‍💻 100 · 🔀 2.1K · 📦 30 · 📋 3.8K - 20% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/ipazc/mtcnn) (👨‍💻 15 · 🔀 490 · 📦 4.7K · 📋 100 - 63% open · ⏱️ 09.07.2021): ``` - git clone https://github.com/PaddlePaddle/PaddleDetection + git clone https://github.com/ipazc/mtcnn + ``` +- [PyPi](https://pypi.org/project/mtcnn) (📥 48K / month): + ``` + pip install mtcnn ```
-
segmentation_models (🥉21 · ⭐ 4K) - Segmentation models with pretrained backbones. Keras.. MIT +
Augmentor (🥉22 · ⭐ 5K · 💤) - Image augmentation library in Python for machine learning. MIT -- [GitHub](https://github.com/qubvel/segmentation_models) (👨‍💻 14 · 🔀 910 · 📋 480 - 46% open · ⏱️ 29.07.2022): +- [GitHub](https://github.com/mdbloice/Augmentor) (👨‍💻 23 · 🔀 840 · 📦 710 · 📋 190 - 61% open · ⏱️ 29.03.2023): ``` - git clone https://github.com/qubvel/segmentation_models + git clone https://github.com/mdbloice/Augmentor ``` -- [PyPi](https://pypi.org/project/segmentation_models) (📥 26K / month): +- [PyPi](https://pypi.org/project/Augmentor) (📥 5.7K / month): ``` - pip install segmentation_models + pip install Augmentor ```
-
Image Super-Resolution (🥉21 · ⭐ 3.8K · 💀) - 图像超精度变换。Apache-2 +
Image Super-Resolution (🥉22 · ⭐ 4.4K · 💀) - Super-scale your images and run experiments with.. Apache-2 -- [GitHub](https://github.com/idealo/image-super-resolution) (👨‍💻 10 · 🔀 630 · 📦 97 · 📋 200 - 45% open · ⏱️ 02.06.2021): +- [GitHub](https://github.com/idealo/image-super-resolution) (👨‍💻 10 · 🔀 720 · 📦 120 · 📋 220 - 47% open · ⏱️ 02.06.2021): ``` git clone https://github.com/idealo/image-super-resolution ``` -- [PyPi](https://pypi.org/project/ISR) (📥 4.5K / month): +- [PyPi](https://pypi.org/project/ISR) (📥 4.7K / month): ``` pip install ISR ``` -- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (📥 220 · ⏱️ 01.04.2019): +- [Docker Hub](https://hub.docker.com/r/idealo/image-super-resolution-gpu) (📥 230 · ⭐ 1 · ⏱️ 01.04.2019): ``` docker pull idealo/image-super-resolution-gpu ```
-
Norfair (🥉21 · ⭐ 1.6K) - 轻量级Python库,用于向其中添加实时2D对象跟踪。BSD-3 +
pyvips (🥉22 · ⭐ 570) - python binding for libvips using cffi. MIT -- [GitHub](https://github.com/tryolabs/norfair) (👨‍💻 18 · 🔀 150 · 📥 200 · 📋 75 - 16% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/libvips/pyvips) (👨‍💻 16 · 🔀 49 · 📦 670 · 📋 400 - 41% open · ⏱️ 22.01.2024): ``` - git clone https://github.com/tryolabs/norfair + git clone https://github.com/libvips/pyvips ``` -- [PyPi](https://pypi.org/project/norfair) (📥 7.3K / month): +- [PyPi](https://pypi.org/project/pyvips) (📥 43K / month): ``` - pip install norfair + pip install pyvips + ``` +- [Conda](https://anaconda.org/conda-forge/pyvips) (📥 73K · ⏱️ 26.09.2023): + ``` + conda install -c conda-forge pyvips ```
-
CellProfiler (🥉21 · ⭐ 700) - 生物图像分析的开源应用程序。❗Unlicensed +
segmentation_models (🥉21 · ⭐ 4.5K · 💀) - Segmentation models with pretrained backbones. Keras.. MIT -- [GitHub](https://github.com/CellProfiler/CellProfiler) (👨‍💻 130 · 🔀 320 · 📥 3.4K · 📦 9 · 📋 3.1K - 5% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/qubvel/segmentation_models) (👨‍💻 14 · 🔀 990 · 📋 520 - 48% open · ⏱️ 29.07.2022): ``` - git clone https://github.com/CellProfiler/CellProfiler + git clone https://github.com/qubvel/segmentation_models ``` -- [PyPi](https://pypi.org/project/cellprofiler) (📥 900 / month): +- [PyPi](https://pypi.org/project/segmentation_models) (📥 17K / month): ``` - pip install cellprofiler + pip install segmentation_models ```
-
MMF (🥉20 · ⭐ 5K) - 来自视觉和语言多模态研究的模块化框架。BSD-3 +
tensorflow-graphics (🥉21 · ⭐ 2.7K) - TensorFlow Graphics: Differentiable Graphics Layers.. Apache-2 -- [GitHub](https://github.com/facebookresearch/mmf) (👨‍💻 100 · 🔀 840 · 📦 12 · 📋 620 - 30% open · ⏱️ 11.08.2022): +- [GitHub](https://github.com/tensorflow/graphics) (👨‍💻 39 · 🔀 360 · 📋 180 - 47% open · ⏱️ 15.12.2023): ``` - git clone https://github.com/facebookresearch/mmf + git clone https://github.com/tensorflow/graphics ``` -- [PyPi](https://pypi.org/project/mmf) (📥 240 / month): +- [PyPi](https://pypi.org/project/tensorflow-graphics) (📥 14K / month): ``` - pip install mmf + pip install tensorflow-graphics ```
-
tensorflow-graphics (🥉20 · ⭐ 2.7K) - TensorFlow图神经网络:可微分的图layerApache-2 +
Luminoth (🥉21 · ⭐ 2.4K · 💀) - Deep Learning toolkit for Computer Vision. BSD-3 -- [GitHub](https://github.com/tensorflow/graphics) (👨‍💻 36 · 🔀 340 · 📋 160 - 45% open · ⏱️ 04.04.2022): +- [GitHub](https://github.com/tryolabs/luminoth) (👨‍💻 15 · 🔀 400 · 📥 13K · 📦 52 · 📋 180 - 28% open · ⏱️ 07.01.2020): ``` - git clone https://github.com/tensorflow/graphics + git clone https://github.com/tryolabs/luminoth ``` -- [PyPi](https://pypi.org/project/tensorflow-graphics) (📥 2.7K / month): +- [PyPi](https://pypi.org/project/luminoth) (📥 1.6K / month): ``` - pip install tensorflow-graphics + pip install luminoth ```
-
nude.py (🥉20 · ⭐ 860 · 💀) - 使用Python进行裸露检测。MIT +
PaddleDetection (🥉20 · ⭐ 12K) - Object detection and instance segmentation toolkit.. Apache-2 -- [GitHub](https://github.com/hhatto/nude.py) (👨‍💻 12 · 🔀 130 · 📦 2.6K · 📋 10 - 70% open · ⏱️ 23.11.2020): +- [GitHub](https://github.com/PaddlePaddle/PaddleDetection) (👨‍💻 160 · 🔀 2.8K · 📋 5.2K - 25% open · ⏱️ 28.12.2023): ``` - git clone https://github.com/hhatto/nude.py - ``` -- [PyPi](https://pypi.org/project/nudepy) (📥 9.5K / month): - ``` - pip install nudepy + git clone https://github.com/PaddlePaddle/PaddleDetection ```
-
Luminoth (🥉19 · ⭐ 2.4K · 💀) - 用于计算机视觉的深度学习工具包。BSD-3 +
MMF (🥉20 · ⭐ 5.4K) - A modular framework for vision & language multimodal research from.. BSD-3 -- [GitHub](https://github.com/tryolabs/luminoth) (👨‍💻 15 · 🔀 400 · 📥 13K · 📦 41 · 📋 180 - 28% open · ⏱️ 07.01.2020): +- [GitHub](https://github.com/facebookresearch/mmf) (👨‍💻 120 · 🔀 880 · 📦 17 · 📋 650 - 16% open · ⏱️ 03.01.2024): ``` - git clone https://github.com/tryolabs/luminoth + git clone https://github.com/facebookresearch/mmf ``` -- [PyPi](https://pypi.org/project/luminoth) (📥 610 / month): +- [PyPi](https://pypi.org/project/mmf) (📥 310 / month): ``` - pip install luminoth + pip install mmf ```
-
Classy Vision (🥉19 · ⭐ 1.5K) - 用于图像和视频的端到端PyTorch框架。MIT +
DE⫶TR (🥉19 · ⭐ 12K · 💤) - End-to-End Object Detection with Transformers. Apache-2 -- [GitHub](https://github.com/facebookresearch/ClassyVision) (👨‍💻 76 · 🔀 260 · 📋 76 - 17% open · ⏱️ 03.08.2022): +- [GitHub](https://github.com/facebookresearch/detr) (👨‍💻 26 · 🔀 2.2K · 📦 21 · 📋 520 - 45% open · ⏱️ 07.02.2023): ``` - git clone https://github.com/facebookresearch/ClassyVision + git clone https://github.com/facebookresearch/detr ``` -- [PyPi](https://pypi.org/project/classy_vision) (📥 2K / month): +
+
nude.py (🥉18 · ⭐ 920 · 💀) - Nudity detection with Python. MIT + +- [GitHub](https://github.com/hhatto/nude.py) (👨‍💻 12 · 🔀 130 · 📦 3.6K · 📋 12 - 66% open · ⏱️ 23.11.2020): + ``` - pip install classy_vision + git clone https://github.com/hhatto/nude.py ``` -- [Conda](https://anaconda.org/conda-forge/classy_vision) (📥 14K · ⏱️ 22.03.2022): +- [PyPi](https://pypi.org/project/nudepy) (📥 720 / month): ``` - conda install -c conda-forge classy_vision + pip install nudepy ```
-
Caer (🥉18 · ⭐ 630 · 💤) - 轻量级的计算机视觉库。MIT +
Caer (🥉18 · ⭐ 740 · 💤) - A lightweight Computer Vision library. Scale your models, not boilerplate. MIT -- [GitHub](https://github.com/jasmcaus/caer) (👨‍💻 8 · 🔀 74 · 📥 19 · 📋 15 - 13% open · ⏱️ 13.10.2021): +- [GitHub](https://github.com/jasmcaus/caer) (👨‍💻 8 · 🔀 98 · 📥 30 · 📋 15 - 13% open · ⏱️ 01.04.2023): ``` git clone https://github.com/jasmcaus/caer ``` -- [PyPi](https://pypi.org/project/caer) (📥 3K / month): +- [PyPi](https://pypi.org/project/caer) (📥 3.1K / month): ``` pip install caer ```
-
DE⫶TR (🥉17 · ⭐ 9.6K) - End-to-End Object Detection with Transformers. Apache-2 +
PySlowFast (🥉17 · ⭐ 6.1K) - PySlowFast: video understanding codebase from FAIR for.. Apache-2 -- [GitHub](https://github.com/facebookresearch/detr) (👨‍💻 25 · 🔀 1.7K · 📋 440 - 38% open · ⏱️ 07.03.2022): +- [GitHub](https://github.com/facebookresearch/SlowFast) (👨‍💻 31 · 🔀 1.1K · 📦 15 · 📋 640 - 56% open · ⏱️ 19.10.2023): ``` - git clone https://github.com/facebookresearch/detr + git clone https://github.com/facebookresearch/SlowFast ```
-
Pillow-SIMD (🥉17 · ⭐ 1.9K · 💤) - 友好的PIL fork。❗️PIL +
Classy Vision (🥉17 · ⭐ 1.6K · 💤) - An end-to-end PyTorch framework for image and video.. MIT -- [GitHub](https://github.com/uploadcare/pillow-simd) (👨‍💻 380 · 🔀 74 · 📋 77 - 14% open · ⏱️ 17.01.2022): +- [GitHub](https://github.com/facebookresearch/ClassyVision) (👨‍💻 77 · 🔀 280 · 📋 77 - 16% open · ⏱️ 23.03.2023): ``` - git clone https://github.com/uploadcare/pillow-simd + git clone https://github.com/facebookresearch/ClassyVision ``` -- [PyPi](https://pypi.org/project/pillow-simd) (📥 51K / month): +- [PyPi](https://pypi.org/project/classy_vision) (📥 660 / month): ``` - pip install pillow-simd + pip install classy_vision + ``` +- [Conda](https://anaconda.org/conda-forge/classy_vision) (📥 19K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge classy_vision ```
-
PySlowFast (🥉16 · ⭐ 5K) - PySlowFast:来自FAIR的视频理解代码库。Apache-2 +
CellProfiler (🥉17 · ⭐ 840) - An open-source application for biological image analysis. ❗Unlicensed -- [GitHub](https://github.com/facebookresearch/SlowFast) (👨‍💻 28 · 🔀 960 · 📦 10 · 📋 550 - 52% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/CellProfiler/CellProfiler) (👨‍💻 140 · 🔀 350 · 📥 6.5K · 📦 20 · 📋 3.2K - 8% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/facebookresearch/SlowFast + git clone https://github.com/CellProfiler/CellProfiler + ``` +- [PyPi](https://pypi.org/project/cellprofiler) (📥 780 / month): + ``` + pip install cellprofiler ```
-
image-match (🥉16 · ⭐ 2.8K · 💤) - 快速搜索数十亿张图像。❗Unlicensed +
image-match (🥉16 · ⭐ 2.9K · 💀) - Quickly search over billions of images. ❗Unlicensed -- [GitHub](https://github.com/ProvenanceLabs/image-match) (👨‍💻 19 · 🔀 380 · 📋 100 - 53% open · ⏱️ 21.09.2021): +- [GitHub](https://github.com/rhsimplex/image-match) (👨‍💻 19 · 🔀 390 · 📋 100 - 53% open · ⏱️ 06.12.2022): ``` git clone https://github.com/EdjoLabs/image-match ``` -- [PyPi](https://pypi.org/project/image_match) (📥 590 / month): +- [PyPi](https://pypi.org/project/image_match) (📥 510 / month): ``` pip install image_match ```
-
pycls (🥉15 · ⭐ 2K) - 用PyTorch编写的图像分类研究代码库。MIT +
Pillow-SIMD (🥉16 · ⭐ 2.1K · 💤) - The friendly PIL fork. ❗️PIL -- [GitHub](https://github.com/facebookresearch/pycls) (👨‍💻 17 · 🔀 230 · 📦 6 · 📋 78 - 28% open · ⏱️ 12.07.2022): +- [GitHub](https://github.com/uploadcare/pillow-simd) (👨‍💻 380 · 🔀 84 · 📋 87 - 13% open · ⏱️ 20.06.2023): ``` - git clone https://github.com/facebookresearch/pycls + git clone https://github.com/uploadcare/pillow-simd + ``` +- [PyPi](https://pypi.org/project/pillow-simd) (📥 42K / month): + ``` + pip install pillow-simd ```
-
Torch Points 3D (🥉14 · ⭐ 93 · 💤) - 用于在点云上进行深度学习的Pytorch框架。BSD-3 +
Torch Points 3D (🥉16 · ⭐ 180 · 💀) - Pytorch framework for doing deep learning on point.. BSD-3 -- [GitHub](https://github.com/nicolas-chaulet/torch-points3d) (👨‍💻 29 · 🔀 19 · ⏱️ 10.12.2021): +- [GitHub](https://github.com/nicolas-chaulet/torch-points3d) (👨‍💻 29 · 🔀 42 · ⏱️ 10.12.2021): ``` git clone https://github.com/nicolas-chaulet/torch-points3d ``` -- [PyPi](https://pypi.org/project/torch-points3d) (📥 570 / month): +- [PyPi](https://pypi.org/project/torch-points3d) (📥 650 / month): ``` pip install torch-points3d ```
+
pycls (🥉15 · ⭐ 2.1K) - Codebase for Image Classification Research, written in PyTorch. MIT + +- [GitHub](https://github.com/facebookresearch/pycls) (👨‍💻 19 · 🔀 230 · 📦 17 · 📋 80 - 30% open · ⏱️ 26.08.2023): + + ``` + git clone https://github.com/facebookresearch/pycls + ``` +

-## 图数据处理 +## Graph Data -Back to top +Back to top -_用于图数据处理,聚类,图嵌入和机器学习任务的库。_ +_Libraries for graph processing, clustering, embedding, and machine learning tasks._ -
networkx (🥇32 · ⭐ 11K) - Python中的网络分析。❗Unlicensed +
networkx (🥇33 · ⭐ 14K) - Network Analysis in Python. ❗Unlicensed -- [GitHub](https://github.com/networkx/networkx) (👨‍💻 610 · 🔀 2.6K · 📥 60 · 📦 120K · 📋 2.8K - 5% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/networkx/networkx) (👨‍💻 710 · 🔀 3K · 📥 65 · 📦 220K · 📋 3.1K - 5% open · ⏱️ 15.02.2024): ``` git clone https://github.com/networkx/networkx ``` -- [PyPi](https://pypi.org/project/networkx) (📥 19M / month): +- [PyPi](https://pypi.org/project/networkx) (📥 44M / month): ``` pip install networkx ``` -- [Conda](https://anaconda.org/conda-forge/networkx) (📥 7.8M · ⏱️ 22.08.2022): +- [Conda](https://anaconda.org/conda-forge/networkx) (📥 15M · ⏱️ 28.10.2023): ``` conda install -c conda-forge networkx ```
-
dgl (🥇29 · ⭐ 10K) - 在现有基础之上构建的Python软件包,用于简化图上的深度学习。Apache-2 +
dgl (🥇32 · ⭐ 13K) - Python package built to ease deep learning on graph, on top of existing.. Apache-2 -- [GitHub](https://github.com/dmlc/dgl) (👨‍💻 230 · 🔀 2.4K · 📦 30 · 📋 1.7K - 13% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/dmlc/dgl) (👨‍💻 280 · 🔀 2.8K · 📦 200 · 📋 2.6K - 13% open · ⏱️ 14.02.2024): ``` git clone https://github.com/dmlc/dgl ``` -- [PyPi](https://pypi.org/project/dgl) (📥 32K / month): +- [PyPi](https://pypi.org/project/dgl) (📥 68K / month): ``` pip install dgl ```
-
PyTorch Geometric (🥇28 · ⭐ 15K) - PyTorch的几何深度学习扩展库。MIT +
PyTorch Geometric (🥇28 · ⭐ 20K) - Geometric Deep Learning Extension Library for PyTorch. MIT -- [GitHub](https://github.com/pyg-team/pytorch_geometric) (👨‍💻 300 · 🔀 2.7K · 📋 2.6K - 35% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/pyg-team/pytorch_geometric) (👨‍💻 480 · 🔀 3.4K · 📋 3.3K - 23% open · ⏱️ 15.02.2024): ``` git clone https://github.com/rusty1s/pytorch_geometric ``` -- [PyPi](https://pypi.org/project/torch-geometric) (📥 92K / month): +- [PyPi](https://pypi.org/project/torch-geometric) (📥 220K / month): ``` pip install torch-geometric ```
-
ogb (🥇28 · ⭐ 1.4K) - 用于图机器学习的基准数据集,数据加载器和评估器。MIT +
ogb (🥈27 · ⭐ 1.8K) - Benchmark datasets, data loaders, and evaluators for graph machine learning. MIT -- [GitHub](https://github.com/snap-stanford/ogb) (👨‍💻 23 · 🔀 310 · 📦 380 · 📋 230 - 0% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/snap-stanford/ogb) (👨‍💻 32 · 🔀 390 · 📦 1.4K · 📋 280 - 4% open · ⏱️ 01.02.2024): ``` git clone https://github.com/snap-stanford/ogb ``` -- [PyPi](https://pypi.org/project/ogb) (📥 80K / month): +- [PyPi](https://pypi.org/project/ogb) (📥 32K / month): ``` pip install ogb ```
-
igraph (🥈27 · ⭐ 1K) - Igraph的Python接口。❗️GPL-2.0 +
igraph (🥈26 · ⭐ 1.2K) - Python interface for igraph. ❗️GPL-2.0 -- [GitHub](https://github.com/igraph/python-igraph) (👨‍💻 61 · 🔀 220 · 📥 460K · 📦 850 · 📋 410 - 9% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/igraph/python-igraph) (👨‍💻 71 · 🔀 240 · 📥 560K · 📦 3.8K · 📋 540 - 7% open · ⏱️ 14.02.2024): ``` git clone https://github.com/igraph/python-igraph ``` -- [PyPi](https://pypi.org/project/python-igraph) (📥 260K / month): +- [PyPi](https://pypi.org/project/python-igraph) (📥 330K / month): ``` pip install python-igraph ``` -- [Conda](https://anaconda.org/conda-forge/igraph) (📥 320K · ⏱️ 13.06.2022): +- [Conda](https://anaconda.org/conda-forge/igraph) (📥 500K · ⏱️ 13.02.2024): ``` conda install -c conda-forge igraph ```
-
StellarGraph (🥈25 · ⭐ 2.5K · 💤) - StellarGraph-图机器学习库。Apache-2 +
StellarGraph (🥈25 · ⭐ 2.8K · 💀) - StellarGraph - Machine Learning on Graphs. Apache-2 -- [GitHub](https://github.com/stellargraph/stellargraph) (👨‍💻 36 · 🔀 380 · 📦 160 · 📋 1K - 27% open · ⏱️ 29.10.2021): +- [GitHub](https://github.com/stellargraph/stellargraph) (👨‍💻 37 · 🔀 410 · 📦 250 · 📋 1K - 28% open · ⏱️ 29.10.2021): ``` git clone https://github.com/stellargraph/stellargraph ``` -- [PyPi](https://pypi.org/project/stellargraph) (📥 22K / month): +- [PyPi](https://pypi.org/project/stellargraph) (📥 4.9K / month): ``` pip install stellargraph ```
-
Spektral (🥈25 · ⭐ 2.1K) - 使用Keras和Tensorflow 2的图神经网络。MIT +
Spektral (🥈25 · ⭐ 2.3K) - Graph Neural Networks with Keras and Tensorflow 2. MIT -- [GitHub](https://github.com/danielegrattarola/spektral) (👨‍💻 24 · 🔀 300 · 📦 140 · 📋 230 - 16% open · ⏱️ 22.07.2022): +- [GitHub](https://github.com/danielegrattarola/spektral) (👨‍💻 27 · 🔀 330 · 📦 270 · 📋 270 - 23% open · ⏱️ 21.01.2024): ``` git clone https://github.com/danielegrattarola/spektral ``` -- [PyPi](https://pypi.org/project/spektral) (📥 6.8K / month): +- [PyPi](https://pypi.org/project/spektral) (📥 7K / month): ``` pip install spektral ```
-
Karate Club (🥈23 · ⭐ 1.7K) - 面向API的开源Python框架。❗️GPL-3.0 +
Node2Vec (🥈25 · ⭐ 1.2K) - Implementation of the node2vec algorithm. MIT -- [GitHub](https://github.com/benedekrozemberczki/karateclub) (👨‍💻 15 · 🔀 210 · 📦 100 · ⏱️ 20.08.2022): +- [GitHub](https://github.com/eliorc/node2vec) (👨‍💻 13 · 🔀 220 · 📦 550 · 📋 91 - 4% open · ⏱️ 24.12.2023): ``` - git clone https://github.com/benedekrozemberczki/karateclub + git clone https://github.com/eliorc/node2vec ``` -- [PyPi](https://pypi.org/project/karateclub) (📥 2.8K / month): +- [PyPi](https://pypi.org/project/node2vec) (📥 87K / month): ``` - pip install karateclub + pip install node2vec + ``` +- [Conda](https://anaconda.org/conda-forge/node2vec) (📥 27K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge node2vec + ``` +
+
pygal (🥈22 · ⭐ 2.6K) - PYthon svg GrAph plotting Library. ❗️LGPL-3.0 + +- [GitHub](https://github.com/Kozea/pygal) (👨‍💻 77 · 🔀 400 · 📋 420 - 41% open · ⏱️ 11.12.2023): + + ``` + git clone https://github.com/Kozea/pygal + ``` +- [PyPi](https://pypi.org/project/pygal) (📥 350K / month): + ``` + pip install pygal + ``` +- [Conda](https://anaconda.org/conda-forge/pygal) (📥 38K · ⏱️ 21.11.2023): + ``` + conda install -c conda-forge pygal ```
-
pytorch_geometric_temporal (🥈23 · ⭐ 1.7K) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT +
pytorch_geometric_temporal (🥈22 · ⭐ 2.4K · 💤) - PyTorch Geometric Temporal: Spatiotemporal Signal.. MIT -- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (👨‍💻 23 · 🔀 250 · 📋 120 - 5% open · ⏱️ 02.08.2022): +- [GitHub](https://github.com/benedekrozemberczki/pytorch_geometric_temporal) (👨‍💻 28 · 🔀 330 · 📋 180 - 11% open · ⏱️ 01.07.2023): ``` git clone https://github.com/benedekrozemberczki/pytorch_geometric_temporal @@ -3375,237 +3395,217 @@ _用于图数据处理,聚类,图嵌入和机器学习任务的库。_ pip install torch-geometric-temporal ```
-
AmpliGraph (🥈22 · ⭐ 1.8K · 💀) - 用于知识表示学习的Python库。Apache-2 +
Karate Club (🥈22 · ⭐ 2K · 💤) - Karate Club: An API Oriented Open-source Python Framework.. ❗️GPL-3.0 -- [GitHub](https://github.com/Accenture/AmpliGraph) (👨‍💻 19 · 🔀 210 · 📦 25 · 📋 210 - 12% open · ⏱️ 25.05.2021): +- [GitHub](https://github.com/benedekrozemberczki/karateclub) (👨‍💻 17 · 🔀 230 · 📦 220 · 📋 120 - 7% open · ⏱️ 01.07.2023): ``` - git clone https://github.com/Accenture/AmpliGraph + git clone https://github.com/benedekrozemberczki/karateclub ``` -- [PyPi](https://pypi.org/project/ampligraph) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/karateclub) (📥 5.8K / month): ``` - pip install ampligraph + pip install karateclub ```
-
Paddle Graph Learning (🥈22 · ⭐ 1.4K) - paddle图机器学习。Apache-2 +
Paddle Graph Learning (🥈22 · ⭐ 1.6K) - Paddle Graph Learning (PGL) is an efficient and.. Apache-2 -- [GitHub](https://github.com/PaddlePaddle/PGL) (👨‍💻 28 · 🔀 270 · 📦 33 · 📋 150 - 35% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/PaddlePaddle/PGL) (👨‍💻 31 · 🔀 300 · 📦 50 · 📋 190 - 19% open · ⏱️ 26.09.2023): ``` git clone https://github.com/PaddlePaddle/PGL ``` -- [PyPi](https://pypi.org/project/pgl) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/pgl) (📥 1.5K / month): ``` pip install pgl ```
-
pygal (🥈21 · ⭐ 2.5K · 💤) - PYthon svg GrAph绘图库。❗️LGPL-3.0 +
PyKEEN (🥉21 · ⭐ 1.4K) - A Python library for learning and evaluating knowledge graph embeddings. MIT -- [GitHub](https://github.com/Kozea/pygal) (👨‍💻 71 · 🔀 390 · 📋 400 - 39% open · ⏱️ 24.11.2021): +- [GitHub](https://github.com/pykeen/pykeen) (👨‍💻 36 · 🔀 170 · 📥 180 · 📋 520 - 17% open · ⏱️ 07.10.2023): ``` - git clone https://github.com/Kozea/pygal - ``` -- [PyPi](https://pypi.org/project/pygal) (📥 120K / month): - ``` - pip install pygal + git clone https://github.com/pykeen/pykeen ``` -- [Conda](https://anaconda.org/conda-forge/pygal) (📥 20K · ⏱️ 04.06.2019): +- [PyPi](https://pypi.org/project/pykeen) (📥 3.3K / month): ``` - conda install -c conda-forge pygal + pip install pykeen ```
-
PyKEEN (🥈21 · ⭐ 960) - 一个用于学习和评估知识图嵌入的Python库。MIT +
torch-cluster (🥉21 · ⭐ 740) - PyTorch Extension Library of Optimized Graph Cluster.. MIT -- [GitHub](https://github.com/pykeen/pykeen) (👨‍💻 31 · 🔀 130 · 📥 140 · 📋 420 - 13% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/rusty1s/pytorch_cluster) (👨‍💻 33 · 🔀 130 · 📋 150 - 19% open · ⏱️ 04.02.2024): ``` - git clone https://github.com/pykeen/pykeen + git clone https://github.com/rusty1s/pytorch_cluster ``` -- [PyPi](https://pypi.org/project/pykeen) (📥 1.4K / month): +- [PyPi](https://pypi.org/project/torch-cluster) (📥 11K / month): ``` - pip install pykeen + pip install torch-cluster ```
-
Node2Vec (🥈21 · ⭐ 950) - node2vec算法的实现。MIT +
AmpliGraph (🥉20 · ⭐ 2.1K · 💤) - Python library for Representation Learning on Knowledge.. Apache-2 -- [GitHub](https://github.com/eliorc/node2vec) (👨‍💻 11 · 🔀 200 · ⏱️ 01.08.2022): +- [GitHub](https://github.com/Accenture/AmpliGraph) (👨‍💻 20 · 🔀 240 · 📦 49 · 📋 220 - 14% open · ⏱️ 12.07.2023): ``` - git clone https://github.com/eliorc/node2vec - ``` -- [PyPi](https://pypi.org/project/node2vec) (📥 78K / month): - ``` - pip install node2vec + git clone https://github.com/Accenture/AmpliGraph ``` -- [Conda](https://anaconda.org/conda-forge/node2vec) (📥 22K · ⏱️ 25.04.2020): +- [PyPi](https://pypi.org/project/ampligraph) (📥 680 / month): ``` - conda install -c conda-forge node2vec + pip install ampligraph ```
-
torch-cluster (🥈21 · ⭐ 560) - 优化图聚类的PyTorch扩展库MIT +
PyTorch-BigGraph (🥉19 · ⭐ 3.3K) - Generate embeddings from large-scale graph-structured.. ❗Unlicensed -- [GitHub](https://github.com/rusty1s/pytorch_cluster) (👨‍💻 25 · 🔀 100 · 📋 110 - 17% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (👨‍💻 31 · 🔀 440 · 📥 180 · 📋 190 - 29% open · ⏱️ 06.01.2024): ``` - git clone https://github.com/rusty1s/pytorch_cluster + git clone https://github.com/facebookresearch/PyTorch-BigGraph ``` -- [PyPi](https://pypi.org/project/torch-cluster) (📥 27K / month): +- [PyPi](https://pypi.org/project/torchbiggraph) (📥 300K / month): ``` - pip install torch-cluster + pip install torchbiggraph ```
-
PyTorch-BigGraph (🥉19 · ⭐ 3.1K) - 从大型图网络结构生成embedding嵌入。❗Unlicensed +
graph-nets (🥉17 · ⭐ 5.3K · 💀) - Build Graph Nets in Tensorflow. Apache-2 -- [GitHub](https://github.com/facebookresearch/PyTorch-BigGraph) (👨‍💻 27 · 🔀 410 · 📥 140 · 📋 190 - 26% open · ⏱️ 05.07.2022): +- [GitHub](https://github.com/google-deepmind/graph_nets) (👨‍💻 11 · 🔀 770 · 📦 20 · 📋 130 - 6% open · ⏱️ 12.12.2022): ``` - git clone https://github.com/facebookresearch/PyTorch-BigGraph + git clone https://github.com/deepmind/graph_nets ``` -- [PyPi](https://pypi.org/project/torchbiggraph) (📥 320K / month): +- [PyPi](https://pypi.org/project/graph-nets) (📥 1K / month): ``` - pip install torchbiggraph + pip install graph-nets ```
-
DeepWalk (🥉19 · ⭐ 2.5K · 💀) - DeepWalk-图的深度学习。❗Unlicensed +
DeepWalk (🥉17 · ⭐ 2.6K · 💀) - DeepWalk - Deep Learning for Graphs. ❗Unlicensed -- [GitHub](https://github.com/phanein/deepwalk) (👨‍💻 10 · 🔀 810 · 📦 56 · 📋 110 - 24% open · ⏱️ 02.04.2020): +- [GitHub](https://github.com/phanein/deepwalk) (👨‍💻 10 · 🔀 820 · 📦 69 · 📋 110 - 27% open · ⏱️ 02.04.2020): ``` git clone https://github.com/phanein/deepwalk ``` -- [PyPi](https://pypi.org/project/deepwalk) (📥 3.1K / month): +- [PyPi](https://pypi.org/project/deepwalk) (📥 960 / month): ``` pip install deepwalk ```
-
kglib (🥉17 · ⭐ 520) - Grakn知识图库(ML R&D)。Apache-2 +
pyRDF2Vec (🥉17 · ⭐ 240 · 💤) - Python Implementation and Extension of RDF2Vec. MIT -- [GitHub](https://github.com/vaticle/typedb-ml) (👨‍💻 9 · 🔀 88 · 📥 210 · 📋 60 - 16% open · ⏱️ 01.08.2022): +- [GitHub](https://github.com/IBCNServices/pyRDF2Vec) (👨‍💻 7 · 🔀 45 · 📦 40 · 📋 82 - 21% open · ⏱️ 02.07.2023): ``` - git clone https://github.com/graknlabs/kglib + git clone https://github.com/IBCNServices/pyRDF2Vec ``` -- [PyPi](https://pypi.org/project/grakn-kglib) (📥 26 / month): +- [PyPi](https://pypi.org/project/pyrdf2vec) (📥 350 / month): ``` - pip install grakn-kglib + pip install pyrdf2vec ```
-
GraphEmbedding (🥉16 · ⭐ 3K) - 图嵌入算法的实现和实验。MIT +
Sematch (🥉16 · ⭐ 420) - semantic similarity framework for knowledge graph. Apache-2 -- [GitHub](https://github.com/shenweichen/GraphEmbedding) (👨‍💻 9 · 🔀 860 · 📦 21 · 📋 57 - 59% open · ⏱️ 21.06.2022): +- [GitHub](https://github.com/gsi-upm/sematch) (👨‍💻 10 · 🔀 100 · 📦 46 · 📋 34 - 44% open · ⏱️ 07.11.2023): ``` - git clone https://github.com/shenweichen/GraphEmbedding + git clone https://github.com/gsi-upm/sematch + ``` +- [PyPi](https://pypi.org/project/sematch) (📥 250 / month): + ``` + pip install sematch ```
-
graph-nets (🥉15 · ⭐ 5.2K · 💀) - 在Tensorflow中构建图神经网络。Apache-2 +
GraphEmbedding (🥉15 · ⭐ 3.5K · 💀) - Implementation and experiments of graph embedding.. MIT -- [GitHub](https://github.com/deepmind/graph_nets) (👨‍💻 10 · 🔀 770 · 📋 120 - 2% open · ⏱️ 04.12.2020): +- [GitHub](https://github.com/shenweichen/GraphEmbedding) (👨‍💻 9 · 🔀 960 · 📦 31 · 📋 64 - 60% open · ⏱️ 21.06.2022): ``` - git clone https://github.com/deepmind/graph_nets - ``` -- [PyPi](https://pypi.org/project/graph-nets) (📥 1K / month): - ``` - pip install graph-nets + git clone https://github.com/shenweichen/GraphEmbedding ```
-
Euler (🥉15 · ⭐ 2.8K · 💀) - 分布式图深度学习框架。Apache-2 +
kglib (🥉15 · ⭐ 550) - Grakn Knowledge Graph Library (ML R&D). Apache-2 -- [GitHub](https://github.com/alibaba/euler) (👨‍💻 3 · 🔀 550 · 📋 320 - 67% open · ⏱️ 29.07.2020): +- [GitHub](https://github.com/vaticle/typedb-ml) (👨‍💻 11 · 🔀 92 · 📥 220 · 📋 63 - 19% open · ⏱️ 18.11.2023): ``` - git clone https://github.com/alibaba/euler + git clone https://github.com/graknlabs/kglib ``` -- [PyPi](https://pypi.org/project/euler-gl) (📥 15 / month): +- [PyPi](https://pypi.org/project/grakn-kglib) (📥 100 / month): ``` - pip install euler-gl + pip install grakn-kglib ```
-
DeepGraph (🥉15 · ⭐ 260 · 💀) - 使用基于pandas的网络分析数据。❗Unlicensed +
DeepGraph (🥉15 · ⭐ 280 · 💤) - Analyze Data with Pandas-based Networks... ❗Unlicensed -- [GitHub](https://github.com/deepgraph/deepgraph) (👨‍💻 2 · 🔀 38 · 📦 5 · 📋 14 - 64% open · ⏱️ 14.06.2021): +- [GitHub](https://github.com/deepgraph/deepgraph) (👨‍💻 2 · 🔀 39 · 📦 8 · 📋 17 - 58% open · ⏱️ 17.07.2023): ``` git clone https://github.com/deepgraph/deepgraph ``` -- [PyPi](https://pypi.org/project/deepgraph) (📥 290 / month): +- [PyPi](https://pypi.org/project/deepgraph) (📥 330 / month): ``` pip install deepgraph ``` -- [Conda](https://anaconda.org/conda-forge/deepgraph) (📥 130K · ⏱️ 19.04.2022): +- [Conda](https://anaconda.org/conda-forge/deepgraph) (📥 170K · ⏱️ 03.10.2023): ``` conda install -c conda-forge deepgraph ```
-
pyRDF2Vec (🥉15 · ⭐ 160) - RDF2Vec的Python实现和扩展。MIT +
Euler (🥉14 · ⭐ 2.9K · 💀) - A distributed graph deep learning framework. Apache-2 -- [GitHub](https://github.com/IBCNServices/pyRDF2Vec) (👨‍💻 6 · 🔀 32 · 📋 61 - 14% open · ⏱️ 06.05.2022): +- [GitHub](https://github.com/alibaba/euler) (👨‍💻 3 · 🔀 550 · 📋 320 - 67% open · ⏱️ 29.07.2020): ``` - git clone https://github.com/IBCNServices/pyRDF2Vec - ``` -- [PyPi](https://pypi.org/project/pyrdf2vec) (📥 300 / month): - ``` - pip install pyrdf2vec + git clone https://github.com/alibaba/euler ``` -
-
GraphSAGE (🥉14 · ⭐ 2.8K · 💀) - 大型图上的表示学习。MIT - -- [GitHub](https://github.com/williamleif/GraphSAGE) (👨‍💻 9 · 🔀 770 · 📋 160 - 62% open · ⏱️ 19.09.2018): - +- [PyPi](https://pypi.org/project/euler-gl) (📥 9 / month): ``` - git clone https://github.com/williamleif/GraphSAGE + pip install euler-gl ```
-
OpenNE (🥉14 · ⭐ 1.6K · 💀) - 神经关系提取(NRE)的开源软件包。MIT +
OpenNE (🥉14 · ⭐ 1.7K) - An Open-Source Package for Network Embedding (NE). MIT -- [GitHub](https://github.com/thunlp/OpenNE) (👨‍💻 10 · 🔀 480 · 📋 97 - 1% open · ⏱️ 12.08.2019): +- [GitHub](https://github.com/thunlp/OpenNE) (👨‍💻 12 · 🔀 480 · 📋 100 - 4% open · ⏱️ 10.01.2024): ``` git clone https://github.com/thunlp/OpenNE ```
-
AutoGL (🥉14 · ⭐ 840) - 用于图上机器学习的autoML框架和工具包。Apache-2 +
GraphSAGE (🥉13 · ⭐ 3.2K · 💀) - Representation learning on large graphs using stochastic.. MIT -- [GitHub](https://github.com/THUMNLab/AutoGL) (👨‍💻 13 · 🔀 98 · 📋 23 - 34% open · ⏱️ 19.04.2022): +- [GitHub](https://github.com/williamleif/GraphSAGE) (👨‍💻 9 · 🔀 810 · 📋 170 - 64% open · ⏱️ 19.09.2018): ``` - git clone https://github.com/THUMNLab/AutoGL - ``` -- [PyPi](https://pypi.org/project/auto-graph-learning): - ``` - pip install auto-graph-learning + git clone https://github.com/williamleif/GraphSAGE ```
-
Sematch (🥉14 · ⭐ 400 · 💀) - 知识图的语义相似性框架。Apache-2 +
GraphVite (🥉13 · ⭐ 1.2K · 💀) - GraphVite: A General and High-performance Graph Embedding.. Apache-2 -- [GitHub](https://github.com/gsi-upm/sematch) (👨‍💻 5 · 🔀 100 · 📦 34 · 📋 33 - 42% open · ⏱️ 27.03.2019): +- [GitHub](https://github.com/DeepGraphLearning/graphvite) (🔀 150 · 📋 110 - 47% open · ⏱️ 14.01.2021): ``` - git clone https://github.com/gsi-upm/sematch + git clone https://github.com/DeepGraphLearning/graphvite ``` -- [PyPi](https://pypi.org/project/sematch) (📥 130 / month): +- [Conda](https://anaconda.org/milagraph/graphvite) (📥 4.7K · ⏱️ 16.06.2023): ``` - pip install sematch + conda install -c milagraph graphvite ```
-
GraphVite (🥉12 · ⭐ 1.1K · 💀) - GraphVite:通用的高性能图形嵌入系统。Apache-2 +
AutoGL (🥉13 · ⭐ 1.1K) - An autoML framework & toolkit for machine learning on graphs. Apache-2 -- [GitHub](https://github.com/DeepGraphLearning/graphvite) (🔀 140 · 📋 100 - 42% open · ⏱️ 14.01.2021): +- [GitHub](https://github.com/THUMNLab/AutoGL) (👨‍💻 15 · 🔀 120 · 📋 36 - 33% open · ⏱️ 05.02.2024): ``` - git clone https://github.com/DeepGraphLearning/graphvite + git clone https://github.com/THUMNLab/AutoGL ``` -- [Conda](https://anaconda.org/milagraph/graphvite) (📥 4.4K · ⏱️ 19.03.2020): +- [PyPi](https://pypi.org/project/auto-graph-learning): ``` - conda install -c milagraph graphvite + pip install auto-graph-learning ```
-
OpenKE (🥉11 · ⭐ 3.2K · 💀) - 神经关系提取(NRE)的开源软件包。❗Unlicensed +
OpenKE (🥉12 · ⭐ 3.6K) - An Open-Source Package for Knowledge Embedding (KE). ❗Unlicensed -- [GitHub](https://github.com/thunlp/OpenKE) (👨‍💻 10 · 🔀 900 · 📋 350 - 1% open · ⏱️ 06.04.2021): +- [GitHub](https://github.com/thunlp/OpenKE) (👨‍💻 14 · 🔀 960 · 📋 380 - 5% open · ⏱️ 10.01.2024): ``` git clone https://github.com/thunlp/OpenKE @@ -3613,963 +3613,963 @@ _用于图数据处理,聚类,图嵌入和机器学习任务的库。_

-## 音频处理 - -Back to top +## Audio Data -_用于音频分析,处理,转换和提取以及语音识别和音乐生成任务的库。_ +Back to top -
DeepSpeech (🥇30 · ⭐ 20K · 💤) - DeepSpeech是开源的语音转文本引擎。MPL-2.0 +_Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks._ -- [GitHub](https://github.com/mozilla/DeepSpeech) (👨‍💻 160 · 🔀 3.4K · 📥 880K · 📦 800 · 📋 2.1K - 5% open · ⏱️ 17.11.2021): +
Pydub (🥇33 · ⭐ 8.1K · 💀) - Manipulate audio with a simple and easy high level interface. MIT - ``` - git clone https://github.com/mozilla/DeepSpeech - ``` -- [PyPi](https://pypi.org/project/deepspeech) (📥 9.4K / month): - ``` - pip install deepspeech - ``` -
-
Pydub (🥇30 · ⭐ 6.3K) - 使用简单易用的高级界面处理音频。MIT - -- [GitHub](https://github.com/jiaaro/pydub) (👨‍💻 92 · 🔀 840 · 📦 14K · 📋 490 - 46% open · ⏱️ 14.05.2022): +- [GitHub](https://github.com/jiaaro/pydub) (👨‍💻 95 · 🔀 970 · 📦 50K · 📋 560 - 51% open · ⏱️ 08.12.2022): ``` git clone https://github.com/jiaaro/pydub ``` -- [PyPi](https://pypi.org/project/pydub) (📥 1.6M / month): +- [PyPi](https://pypi.org/project/pydub) (📥 3.8M / month): ``` pip install pydub ``` -- [Conda](https://anaconda.org/conda-forge/pydub) (📥 28K · ⏱️ 13.03.2021): +- [Conda](https://anaconda.org/conda-forge/pydub) (📥 81K · ⏱️ 16.06.2023): ``` conda install -c conda-forge pydub ```
-
espnet (🥇29 · ⭐ 5.4K) - 端到端语音处理工具包。Apache-2 +
DeepSpeech (🥇30 · ⭐ 24K · 💀) - DeepSpeech is an open source embedded (offline, on-.. MPL-2.0 -- [GitHub](https://github.com/espnet/espnet) (👨‍💻 280 · 🔀 1.6K · 📥 76 · 📦 67 · 📋 1.9K - 15% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/mozilla/DeepSpeech) (👨‍💻 160 · 🔀 3.8K · 📥 1.1M · 📦 390 · 📋 2.1K - 5% open · ⏱️ 17.11.2021): ``` - git clone https://github.com/espnet/espnet + git clone https://github.com/mozilla/DeepSpeech ``` -- [PyPi](https://pypi.org/project/espnet) (📥 11K / month): +- [PyPi](https://pypi.org/project/deepspeech) (📥 5.7K / month): ``` - pip install espnet + pip install deepspeech ```
-
Magenta (🥈27 · ⭐ 18K) - 借助机器智能进行音乐和艺术创作。Apache-2 +
espnet (🥇30 · ⭐ 7.6K) - End-to-End Speech Processing Toolkit. Apache-2 -- [GitHub](https://github.com/magenta/magenta) (👨‍💻 150 · 🔀 3.5K · 📦 380 · 📋 890 - 34% open · ⏱️ 08.08.2022): +- [GitHub](https://github.com/espnet/espnet) (👨‍💻 410 · 🔀 2K · 📥 79 · 📦 290 · 📋 2.3K - 9% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/magenta/magenta + git clone https://github.com/espnet/espnet ``` -- [PyPi](https://pypi.org/project/magenta) (📥 3.9K / month): +- [PyPi](https://pypi.org/project/espnet) (📥 19K / month): ``` - pip install magenta + pip install espnet ```
-
torchaudio (🥈27 · ⭐ 1.8K) - 音频信号的数据处理和转换。BSD-2 +
spleeter (🥈28 · ⭐ 24K · 💤) - Deezer source separation library including pretrained models. MIT -- [GitHub](https://github.com/pytorch/audio) (👨‍💻 170 · 🔀 450 · 📋 640 - 20% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/deezer/spleeter) (👨‍💻 19 · 🔀 2.7K · 📥 3M · 📦 650 · 📋 760 - 26% open · ⏱️ 13.07.2023): ``` - git clone https://github.com/pytorch/audio + git clone https://github.com/deezer/spleeter ``` -- [PyPi](https://pypi.org/project/torchaudio) (📥 730K / month): +- [PyPi](https://pypi.org/project/spleeter) (📥 14K / month): ``` - pip install torchaudio + pip install spleeter + ``` +- [Conda](https://anaconda.org/conda-forge/spleeter) (📥 79K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge spleeter ```
-
aubio (🥈26 · ⭐ 2.8K · 💤) - 用于音频和音乐分析的库。❗️GPL-3.0 +
SpeechRecognition (🥈28 · ⭐ 7.9K) - Speech recognition module for Python, supporting.. BSD-3 -- [GitHub](https://github.com/aubio/aubio) (👨‍💻 24 · 🔀 340 · 📦 310 · 📋 310 - 41% open · ⏱️ 25.01.2022): +- [GitHub](https://github.com/Uberi/speech_recognition) (👨‍💻 49 · 🔀 2.2K · 📦 21 · 📋 590 - 46% open · ⏱️ 06.12.2023): ``` - git clone https://github.com/aubio/aubio + git clone https://github.com/Uberi/speech_recognition ``` -- [PyPi](https://pypi.org/project/aubio) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/SpeechRecognition) (📥 630K / month): ``` - pip install aubio + pip install SpeechRecognition ``` -- [Conda](https://anaconda.org/conda-forge/aubio) (📥 540K · ⏱️ 13.07.2022): +- [Conda](https://anaconda.org/conda-forge/speechrecognition) (📥 180K · ⏱️ 06.12.2023): ``` - conda install -c conda-forge aubio + conda install -c conda-forge speechrecognition ```
-
spleeter (🥈24 · ⭐ 20K) - Deezer源分离库,包括预训练的模型。MIT +
torchaudio (🥈27 · ⭐ 2.3K) - Data manipulation and transformation for audio signal.. BSD-2 -- [GitHub](https://github.com/deezer/spleeter) (👨‍💻 19 · 🔀 2.2K · 📥 1.8M · 📋 680 - 21% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/pytorch/audio) (👨‍💻 220 · 🔀 590 · 📋 890 - 19% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/deezer/spleeter + git clone https://github.com/pytorch/audio ``` -- [PyPi](https://pypi.org/project/spleeter) (📥 10K / month): +- [PyPi](https://pypi.org/project/torchaudio) (📥 2.5M / month): ``` - pip install spleeter + pip install torchaudio + ``` +
+
Magenta (🥈26 · ⭐ 19K · 💤) - Magenta: Music and Art Generation with Machine Intelligence. Apache-2 + +- [GitHub](https://github.com/magenta/magenta) (👨‍💻 160 · 🔀 3.6K · 📦 490 · 📋 950 - 37% open · ⏱️ 11.07.2023): + + ``` + git clone https://github.com/magenta/magenta ``` -- [Conda](https://anaconda.org/conda-forge/spleeter) (📥 68K · ⏱️ 30.06.2020): +- [PyPi](https://pypi.org/project/magenta) (📥 2.7K / month): ``` - conda install -c conda-forge spleeter + pip install magenta ```
-
SpeechRecognition (🥈24 · ⭐ 6.5K) - 适用于Python的语音识别模块。BSD-3 +
aubio (🥈26 · ⭐ 3.1K) - a library for audio and music analysis. ❗️GPL-3.0 -- [GitHub](https://github.com/Uberi/speech_recognition) (👨‍💻 47 · 🔀 2K · 📋 510 - 44% open · ⏱️ 02.08.2022): +- [GitHub](https://github.com/aubio/aubio) (👨‍💻 25 · 🔀 360 · 📦 440 · 📋 330 - 43% open · ⏱️ 02.01.2024): ``` - git clone https://github.com/Uberi/speech_recognition + git clone https://github.com/aubio/aubio ``` -- [PyPi](https://pypi.org/project/SpeechRecognition) (📥 330K / month): +- [PyPi](https://pypi.org/project/aubio) (📥 6.8K / month): ``` - pip install SpeechRecognition + pip install aubio ``` -- [Conda](https://anaconda.org/conda-forge/speechrecognition) (📥 140K · ⏱️ 13.12.2021): +- [Conda](https://anaconda.org/conda-forge/aubio) (📥 640K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge speechrecognition + conda install -c conda-forge aubio ```
-
pyAudioAnalysis (🥈24 · ⭐ 4.9K) - Python音频分析库。Apache-2 +
audioread (🥈26 · ⭐ 470) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding.. MIT -- [GitHub](https://github.com/tyiannak/pyAudioAnalysis) (👨‍💻 26 · 🔀 1.1K · 📦 290 · 📋 290 - 59% open · ⏱️ 19.04.2022): +- [GitHub](https://github.com/beetbox/audioread) (👨‍💻 24 · 🔀 100 · 📦 18K · 📋 89 - 37% open · ⏱️ 15.12.2023): ``` - git clone https://github.com/tyiannak/pyAudioAnalysis + git clone https://github.com/beetbox/audioread ``` -- [PyPi](https://pypi.org/project/pyAudioAnalysis) (📥 21K / month): +- [PyPi](https://pypi.org/project/audioread) (📥 2M / month): ``` - pip install pyAudioAnalysis + pip install audioread + ``` +- [Conda](https://anaconda.org/conda-forge/audioread) (📥 740K · ⏱️ 30.09.2023): + ``` + conda install -c conda-forge audioread ```
-
Essentia (🥈24 · ⭐ 2.2K) - C++库,用于音频和音乐分析,描述等。❗️AGPL-3.0 +
Essentia (🥉25 · ⭐ 2.6K) - C++ library for audio and music analysis, description and.. ❗️AGPL-3.0 -- [GitHub](https://github.com/MTG/essentia) (👨‍💻 74 · 🔀 460 · 📦 320 · 📋 950 - 36% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/MTG/essentia) (👨‍💻 80 · 🔀 510 · 📦 570 · 📋 1K - 34% open · ⏱️ 14.02.2024): ``` git clone https://github.com/MTG/essentia ``` -- [PyPi](https://pypi.org/project/essentia) (📥 3.9K / month): +- [PyPi](https://pypi.org/project/essentia) (📥 10K / month): ``` pip install essentia ```
-
librosa (🥉23 · ⭐ 5.4K) - 用于音频和音乐分析的Python库。ISC +
pyAudioAnalysis (🥉24 · ⭐ 5.6K) - Python Audio Analysis Library: Feature Extraction,.. Apache-2 -- [GitHub](https://github.com/librosa/librosa) (👨‍💻 110 · 🔀 810 · 📋 1K - 4% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/tyiannak/pyAudioAnalysis) (👨‍💻 28 · 🔀 1.1K · 📦 430 · 📋 300 - 60% open · ⏱️ 22.10.2023): ``` - git clone https://github.com/librosa/librosa - ``` -- [PyPi](https://pypi.org/project/librosa) (📥 1.2M / month): - ``` - pip install librosa + git clone https://github.com/tyiannak/pyAudioAnalysis ``` -- [Conda](https://anaconda.org/conda-forge/librosa) (📥 510K · ⏱️ 27.06.2022): +- [PyPi](https://pypi.org/project/pyAudioAnalysis) (📥 13K / month): ``` - conda install -c conda-forge librosa + pip install pyAudioAnalysis ```
-
tinytag (🥉23 · ⭐ 560) - 读取音乐元数据和MP3,OGG,OPUS,MP4,M4A,FLAC,WMA等的长度。MIT +
Porcupine (🥉24 · ⭐ 3.3K) - On-device wake word detection powered by deep learning. Apache-2 -- [GitHub](https://github.com/devsnd/tinytag) (👨‍💻 22 · 🔀 88 · 📦 580 · 📋 93 - 12% open · ⏱️ 13.08.2022): +- [GitHub](https://github.com/Picovoice/porcupine) (👨‍💻 37 · 🔀 450 · 📦 28 · 📋 510 - 0% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/devsnd/tinytag + git clone https://github.com/Picovoice/Porcupine ``` -- [PyPi](https://pypi.org/project/tinytag) (📥 85K / month): +- [PyPi](https://pypi.org/project/pvporcupine) (📥 5.5K / month): ``` - pip install tinytag + pip install pvporcupine ```
-
kapre (🥉22 · ⭐ 850) - kapre:Keras音频预处理器。MIT +
TTS (🥉23 · ⭐ 8.6K · 💀) - Deep learning for Text to Speech (Discussion forum:.. MPL-2.0 -- [GitHub](https://github.com/keunwoochoi/kapre) (👨‍💻 13 · 🔀 140 · 📥 22 · 📦 1.8K · 📋 94 - 12% open · ⏱️ 04.07.2022): +- [GitHub](https://github.com/mozilla/TTS) (👨‍💻 56 · 🔀 1.1K · 📥 8.8K · 📦 21 · 📋 560 - 4% open · ⏱️ 12.02.2021): ``` - git clone https://github.com/keunwoochoi/kapre - ``` -- [PyPi](https://pypi.org/project/kapre) (📥 3.6K / month): - ``` - pip install kapre + git clone https://github.com/mozilla/TTS ```
-
Porcupine (🥉21 · ⭐ 2.8K) - 深度学习支持的设备上唤醒词识别。Apache-2 +
python_speech_features (🥉23 · ⭐ 2.3K · 💀) - This library provides common speech features for ASR.. MIT -- [GitHub](https://github.com/Picovoice/porcupine) (👨‍💻 31 · 🔀 380 · 📦 9 · 📋 390 - 0% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/jameslyons/python_speech_features) (👨‍💻 19 · 🔀 600 · 📦 510 · 📋 71 - 26% open · ⏱️ 31.12.2020): ``` - git clone https://github.com/Picovoice/Porcupine + git clone https://github.com/jameslyons/python_speech_features ``` -- [PyPi](https://pypi.org/project/pvporcupine) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/python_speech_features) (📥 26K / month): ``` - pip install pvporcupine + pip install python_speech_features ```
-
DDSP (🥉21 · ⭐ 2.2K) - DDSP:微分数字信号处理。Apache-2 +
librosa (🥉22 · ⭐ 6.5K) - Python library for audio and music analysis. ISC -- [GitHub](https://github.com/magenta/ddsp) (👨‍💻 31 · 🔀 250 · 📦 28 · 📋 140 - 18% open · ⏱️ 16.05.2022): +- [GitHub](https://github.com/librosa/librosa) (👨‍💻 120 · 🔀 890 · 📋 1.2K - 5% open · ⏱️ 27.12.2023): ``` - git clone https://github.com/magenta/ddsp + git clone https://github.com/librosa/librosa ``` -- [PyPi](https://pypi.org/project/ddsp) (📥 3K / month): +- [PyPi](https://pypi.org/project/librosa) (📥 2.3M / month): ``` - pip install ddsp + pip install librosa + ``` +- [Conda](https://anaconda.org/conda-forge/librosa) (📥 720K · ⏱️ 16.08.2023): + ``` + conda install -c conda-forge librosa ```
-
python-soundfile (🥉21 · ⭐ 470) - SoundFile是基于libsndfile,CFFI等的音频库。BSD-3 +
python-soundfile (🥉22 · ⭐ 640) - SoundFile is an audio library based on libsndfile, CFFI, and.. BSD-3 -- [GitHub](https://github.com/bastibe/python-soundfile) (👨‍💻 24 · 🔀 75 · 📥 4K · 📋 170 - 39% open · ⏱️ 23.02.2022): +- [GitHub](https://github.com/bastibe/python-soundfile) (👨‍💻 33 · 🔀 94 · 📥 17K · 📋 230 - 42% open · ⏱️ 05.01.2024): ``` git clone https://github.com/bastibe/python-soundfile ``` -- [PyPi](https://pypi.org/project/soundfile) (📥 1.1M / month): +- [PyPi](https://pypi.org/project/soundfile) (📥 1.8M / month): ``` pip install soundfile ```
-
python_speech_features (🥉20 · ⭐ 2.1K · 💀) - This library provides common speech features for ASR.. MIT +
DDSP (🥉21 · ⭐ 2.7K · 💤) - DDSP: Differentiable Digital Signal Processing. Apache-2 -- [GitHub](https://github.com/jameslyons/python_speech_features) (👨‍💻 19 · 🔀 590 · 📋 71 - 28% open · ⏱️ 31.12.2020): +- [GitHub](https://github.com/magenta/ddsp) (👨‍💻 32 · 🔀 310 · 📦 49 · 📋 170 - 25% open · ⏱️ 30.06.2023): ``` - git clone https://github.com/jameslyons/python_speech_features + git clone https://github.com/magenta/ddsp ``` -- [PyPi](https://pypi.org/project/python_speech_features) (📥 150K / month): +- [PyPi](https://pypi.org/project/ddsp) (📥 1.8K / month): ``` - pip install python_speech_features + pip install ddsp ```
-
TTS (🥉19 · ⭐ 6.2K · 💀) - 文本到语音的深度学习。MPL-2.0 +
kapre (🥉21 · ⭐ 910 · 💀) - kapre: Keras Audio Preprocessors. MIT -- [GitHub](https://github.com/mozilla/TTS) (👨‍💻 56 · 🔀 930 · 📥 2.6K · 📋 540 - 0% open · ⏱️ 12.02.2021): +- [GitHub](https://github.com/keunwoochoi/kapre) (👨‍💻 13 · 🔀 150 · 📥 26 · 📦 2.4K · 📋 95 - 13% open · ⏱️ 04.07.2022): ``` - git clone https://github.com/mozilla/TTS + git clone https://github.com/keunwoochoi/kapre + ``` +- [PyPi](https://pypi.org/project/kapre) (📥 1.1K / month): + ``` + pip install kapre ```
-
Dejavu (🥉19 · ⭐ 5.8K · 💀) - Python中的音频指纹识别。MIT +
Madmom (🥉19 · ⭐ 1.2K) - Python audio and music signal processing library. ❗Unlicensed -- [GitHub](https://github.com/worldveil/dejavu) (👨‍💻 22 · 🔀 1.3K · 📦 23 · 📋 210 - 39% open · ⏱️ 03.06.2020): +- [GitHub](https://github.com/CPJKU/madmom) (👨‍💻 20 · 🔀 190 · 📦 400 · 📋 260 - 19% open · ⏱️ 10.09.2023): ``` - git clone https://github.com/worldveil/dejavu + git clone https://github.com/CPJKU/madmom ``` -- [PyPi](https://pypi.org/project/PyDejavu) (📥 67 / month): +- [PyPi](https://pypi.org/project/madmom) (📥 2.5K / month): ``` - pip install PyDejavu + pip install madmom ```
-
Madmom (🥉19 · ⭐ 950 · 💤) - Python音频和音乐信号处理库。❗Unlicensed +
Julius (🥉19 · ⭐ 400 · 💀) - Fast PyTorch based DSP for audio and 1D signals. MIT -- [GitHub](https://github.com/CPJKU/madmom) (👨‍💻 20 · 🔀 150 · 📦 210 · 📋 240 - 16% open · ⏱️ 06.01.2022): +- [GitHub](https://github.com/adefossez/julius) (👨‍💻 2 · 🔀 27 · 📦 1K · 📋 11 - 18% open · ⏱️ 19.09.2022): ``` - git clone https://github.com/CPJKU/madmom + git clone https://github.com/adefossez/julius ``` -- [PyPi](https://pypi.org/project/madmom) (📥 1.7K / month): +- [PyPi](https://pypi.org/project/julius) (📥 170K / month): ``` - pip install madmom + pip install julius ```
-
audioread (🥉19 · ⭐ 410 · 📉) - 跨库(GStreamer + Core Audio + MAD + FFmpeg)音频编解码。MIT +
Dejavu (🥉18 · ⭐ 6.3K · 💀) - Audio fingerprinting and recognition in Python. MIT -- [GitHub](https://github.com/beetbox/audioread) (👨‍💻 22 · 🔀 94 · 📋 80 - 38% open · ⏱️ 12.08.2022): +- [GitHub](https://github.com/worldveil/dejavu) (👨‍💻 23 · 🔀 1.3K · 📦 21 · 📋 240 - 42% open · ⏱️ 03.06.2020): ``` - git clone https://github.com/beetbox/audioread - ``` -- [PyPi](https://pypi.org/project/audioread) (📥 1.2M / month): - ``` - pip install audioread + git clone https://github.com/worldveil/dejavu ``` -- [Conda](https://anaconda.org/conda-forge/audioread) (📥 480K · ⏱️ 14.08.2022): +- [PyPi](https://pypi.org/project/PyDejavu) (📥 120 / month): ``` - conda install -c conda-forge audioread + pip install PyDejavu ```
-
Muda (🥉17 · ⭐ 210 · 💀) - 用于扩充带注释的音频数据的库。ISC +
tinytag (🥉17 · ⭐ 650 · 📉) - Read music meta data and length of MP3, OGG, OPUS, MP4, M4A, FLAC, WMA.. MIT -- [GitHub](https://github.com/bmcfee/muda) (👨‍💻 7 · 🔀 32 · 📦 15 · 📋 50 - 12% open · ⏱️ 03.05.2021): +- [GitHub](https://github.com/devsnd/tinytag) (👨‍💻 26 · 🔀 97 · 📋 100 - 10% open · ⏱️ 26.10.2023): ``` - git clone https://github.com/bmcfee/muda + git clone https://github.com/devsnd/tinytag ``` -- [PyPi](https://pypi.org/project/muda) (📥 110 / month): +- [PyPi](https://pypi.org/project/tinytag) (📥 22K / month): ``` - pip install muda + pip install tinytag ```
-
Julius (🥉15 · ⭐ 280 · 💤) - 基于PyTorch的快速DSP,用于音频和一维信号。MIT +
Muda (🥉17 · ⭐ 220 · 💀) - A library for augmenting annotated audio data. ISC -- [GitHub](https://github.com/adefossez/julius) (👨‍💻 2 · 🔀 18 · 📦 120 · ⏱️ 28.01.2022): +- [GitHub](https://github.com/bmcfee/muda) (👨‍💻 7 · 🔀 33 · 📦 22 · 📋 50 - 12% open · ⏱️ 03.05.2021): ``` - git clone https://github.com/adefossez/julius + git clone https://github.com/bmcfee/muda ``` -- [PyPi](https://pypi.org/project/julius) (📥 24K / month): +- [PyPi](https://pypi.org/project/muda) (📥 77 / month): ``` - pip install julius + pip install muda ```

-## 地理Geo处理 +## Geospatial Data -Back to top +Back to top -_用于加载,处理,分析和写入geo地理数据的库,以及用于空间分析,地图可视化和地理编码的库。_ +_Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding._ -
pydeck (🥇35 · ⭐ 10K) - WebGL2支持的地理空间可视化图层。MIT +
pydeck (🥇35 · ⭐ 12K) - WebGL2 powered geospatial visualization layers. MIT -- [GitHub](https://github.com/visgl/deck.gl) (👨‍💻 200 · 🔀 1.7K · 📦 4.5K · 📋 2.5K - 5% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/visgl/deck.gl) (👨‍💻 250 · 🔀 2K · 📦 7.1K · 📋 2.9K - 9% open · ⏱️ 15.02.2024): ``` git clone https://github.com/visgl/deck.gl ``` -- [PyPi](https://pypi.org/project/pydeck) (📥 790K / month): +- [PyPi](https://pypi.org/project/pydeck) (📥 2M / month): ``` pip install pydeck ``` -- [Conda](https://anaconda.org/conda-forge/pydeck) (📥 170K · ⏱️ 26.10.2021): +- [Conda](https://anaconda.org/conda-forge/pydeck) (📥 480K · ⏱️ 16.06.2023): ``` conda install -c conda-forge pydeck ``` -- [NPM](https://www.npmjs.com/package/deck.gl) (📥 320K / month): +- [NPM](https://www.npmjs.com/package/deck.gl) (📥 420K / month): ``` npm install deck.gl ```
-
geopy (🥇32 · ⭐ 3.7K) - 适用于Python的地址解析库。MIT +
Fiona (🥇34 · ⭐ 1.1K) - Fiona reads and writes geographic data files. BSD-3 -- [GitHub](https://github.com/geopy/geopy) (👨‍💻 130 · 🔀 580 · 📦 41K · 📋 260 - 7% open · ⏱️ 07.08.2022): +- [GitHub](https://github.com/Toblerity/Fiona) (👨‍💻 72 · 🔀 200 · 📦 18K · 📋 770 - 4% open · ⏱️ 16.01.2024): ``` - git clone https://github.com/geopy/geopy + git clone https://github.com/Toblerity/Fiona ``` -- [PyPi](https://pypi.org/project/geopy) (📥 5M / month): +- [PyPi](https://pypi.org/project/fiona) (📥 6.2M / month): ``` - pip install geopy + pip install fiona ``` -- [Conda](https://anaconda.org/conda-forge/geopy) (📥 780K · ⏱️ 12.07.2021): +- [Conda](https://anaconda.org/conda-forge/fiona) (📥 5.2M · ⏱️ 01.01.2024): ``` - conda install -c conda-forge geopy + conda install -c conda-forge fiona ```
-
Shapely (🥇31 · ⭐ 2.9K) - 操作和分析几何对象。BSD-3 +
folium (🥇32 · ⭐ 6.6K) - Python Data. Leaflet.js Maps. MIT -- [GitHub](https://github.com/shapely/shapely) (👨‍💻 130 · 🔀 460 · 📥 220 · 📦 32K · 📋 910 - 17% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/python-visualization/folium) (👨‍💻 160 · 🔀 2.2K · 📦 34K · 📋 1.1K - 7% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/Toblerity/Shapely + git clone https://github.com/python-visualization/folium ``` -- [PyPi](https://pypi.org/project/shapely) (📥 8M / month): +- [PyPi](https://pypi.org/project/folium) (📥 940K / month): ``` - pip install shapely + pip install folium ``` -- [Conda](https://anaconda.org/conda-forge/shapely) (📥 4.3M · ⏱️ 18.08.2022): +- [Conda](https://anaconda.org/conda-forge/folium) (📥 2.5M · ⏱️ 04.12.2023): ``` - conda install -c conda-forge shapely + conda install -c conda-forge folium ```
-
Geocoder (🥇31 · ⭐ 1.5K · 💀) - Python Geocoder。MIT +
GeoPandas (🥇32 · ⭐ 4.1K) - Python tools for geographic data. BSD-3 -- [GitHub](https://github.com/DenisCarriere/geocoder) (👨‍💻 73 · 🔀 260 · 📦 5.3K · 📋 290 - 25% open · ⏱️ 12.10.2018): +- [GitHub](https://github.com/geopandas/geopandas) (👨‍💻 220 · 🔀 850 · 📥 2.4K · 📦 31K · 📋 1.5K - 23% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/DenisCarriere/geocoder + git clone https://github.com/geopandas/geopandas ``` -- [PyPi](https://pypi.org/project/geocoder) (📥 580K / month): +- [PyPi](https://pypi.org/project/geopandas) (📥 6M / month): ``` - pip install geocoder + pip install geopandas ``` -- [Conda](https://anaconda.org/conda-forge/geocoder) (📥 110K · ⏱️ 27.06.2019): +- [Conda](https://anaconda.org/conda-forge/geopandas) (📥 3.4M · ⏱️ 31.01.2024): ``` - conda install -c conda-forge geocoder + conda install -c conda-forge geopandas ```
-
GeoPandas (🥈30 · ⭐ 3.3K) - 用于地理数据的Python工具。BSD-3 +
Shapely (🥇32 · ⭐ 3.6K) - Manipulation and analysis of geometric objects. BSD-3 -- [GitHub](https://github.com/geopandas/geopandas) (👨‍💻 180 · 🔀 700 · 📥 1.6K · 📦 15K · 📋 1.3K - 26% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/shapely/shapely) (👨‍💻 150 · 🔀 540 · 📥 3.1K · 📦 62K · 📋 1.1K - 20% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/geopandas/geopandas + git clone https://github.com/Toblerity/Shapely ``` -- [PyPi](https://pypi.org/project/geopandas) (📥 2.9M / month): +- [PyPi](https://pypi.org/project/shapely) (📥 18M / month): ``` - pip install geopandas + pip install shapely ``` -- [Conda](https://anaconda.org/conda-forge/geopandas) (📥 1.9M · ⏱️ 24.07.2022): +- [Conda](https://anaconda.org/conda-forge/shapely) (📥 8.9M · ⏱️ 23.11.2023): ``` - conda install -c conda-forge geopandas + conda install -c conda-forge shapely + ``` +
+
Rasterio (🥈31 · ⭐ 2.1K) - Rasterio reads and writes geospatial raster datasets. ❗Unlicensed + +- [GitHub](https://github.com/rasterio/rasterio) (👨‍💻 160 · 🔀 510 · 📥 850 · 📦 10K · 📋 1.7K - 7% open · ⏱️ 14.02.2024): + + ``` + git clone https://github.com/mapbox/rasterio + ``` +- [PyPi](https://pypi.org/project/rasterio) (📥 2.2M / month): + ``` + pip install rasterio + ``` +- [Conda](https://anaconda.org/conda-forge/rasterio) (📥 2.8M · ⏱️ 13.12.2023): + ``` + conda install -c conda-forge rasterio ```
-
ipyleaflet (🥈30 · ⭐ 1.3K) - Jupyter-Leaflet.js桥。MIT +
ipyleaflet (🥈31 · ⭐ 1.4K) - A Jupyter - Leaflet.js bridge. MIT -- [GitHub](https://github.com/jupyter-widgets/ipyleaflet) (👨‍💻 80 · 🔀 320 · 📦 2.6K · 📋 500 - 36% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/jupyter-widgets/ipyleaflet) (👨‍💻 87 · 🔀 340 · 📦 7.3K · 📋 580 - 40% open · ⏱️ 26.01.2024): ``` git clone https://github.com/jupyter-widgets/ipyleaflet ``` -- [PyPi](https://pypi.org/project/ipyleaflet) (📥 110K / month): +- [PyPi](https://pypi.org/project/ipyleaflet) (📥 140K / month): ``` pip install ipyleaflet ``` -- [Conda](https://anaconda.org/conda-forge/ipyleaflet) (📥 870K · ⏱️ 23.08.2022): +- [Conda](https://anaconda.org/conda-forge/ipyleaflet) (📥 1.1M · ⏱️ 23.01.2024): ``` conda install -c conda-forge ipyleaflet ``` -- [NPM](https://www.npmjs.com/package/jupyter-leaflet) (📥 50K / month): +- [NPM](https://www.npmjs.com/package/jupyter-leaflet) (📥 15K / month): ``` npm install jupyter-leaflet ```
-
Fiona (🥈30 · ⭐ 940) - Fiona读写地理数据文件。BSD-3 +
Cartopy (🥈30 · ⭐ 2.1K) - Rasterio reads and writes geospatial raster datasets. ❗Unlicensed -- [GitHub](https://github.com/Toblerity/Fiona) (👨‍💻 66 · 🔀 170 · 📦 9.4K · 📋 680 - 10% open · ⏱️ 01.03.2022): +- [GitHub](https://github.com/rasterio/rasterio) (👨‍💻 160 · 🔀 510 · 📥 850 · 📦 10K · 📋 1.7K - 7% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/Toblerity/Fiona + git clone https://github.com/mapbox/rasterio ``` -- [PyPi](https://pypi.org/project/fiona) (📥 3.1M / month): +- [PyPi](https://pypi.org/project/Cartopy) (📥 200K / month): ``` - pip install fiona + pip install Cartopy ``` -- [Conda](https://anaconda.org/conda-forge/fiona) (📥 3.3M · ⏱️ 30.05.2022): +- [Conda](https://anaconda.org/conda-forge/cartopy) (📥 3.4M · ⏱️ 24.10.2023): ``` - conda install -c conda-forge fiona + conda install -c conda-forge cartopy ```
-
pyproj (🥈29 · ⭐ 780) - 与PROJ的Python界面(图形投影和坐标。MIT +
pyproj (🥈30 · ⭐ 960) - Python interface to PROJ (cartographic projections and coordinate.. MIT -- [GitHub](https://github.com/pyproj4/pyproj) (👨‍💻 52 · 🔀 180 · 📦 16K · 📋 500 - 1% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/pyproj4/pyproj) (👨‍💻 65 · 🔀 210 · 📦 27K · 📋 590 - 4% open · ⏱️ 12.02.2024): ``` git clone https://github.com/pyproj4/pyproj ``` -- [PyPi](https://pypi.org/project/pyproj) (📥 5M / month): +- [PyPi](https://pypi.org/project/pyproj) (📥 8M / month): ``` pip install pyproj ``` -- [Conda](https://anaconda.org/conda-forge/pyproj) (📥 4M · ⏱️ 17.06.2022): +- [Conda](https://anaconda.org/conda-forge/pyproj) (📥 7.2M · ⏱️ 08.12.2023): ``` conda install -c conda-forge pyproj ```
-
folium (🥈28 · ⭐ 5.9K) - Leaflet.js地图的Python数据。MIT +
Geocoder (🥉29 · ⭐ 1.6K · 💀) - Python Geocoder. MIT -- [GitHub](https://github.com/python-visualization/folium) (👨‍💻 130 · 🔀 2.1K · 📦 18K · 📋 940 - 22% open · ⏱️ 06.05.2022): +- [GitHub](https://github.com/DenisCarriere/geocoder) (👨‍💻 73 · 🔀 280 · 📦 9K · 📋 300 - 28% open · ⏱️ 12.10.2018): ``` - git clone https://github.com/python-visualization/folium + git clone https://github.com/DenisCarriere/geocoder ``` -- [PyPi](https://pypi.org/project/folium) (📥 820K / month): +- [PyPi](https://pypi.org/project/geocoder) (📥 410K / month): ``` - pip install folium + pip install geocoder ``` -- [Conda](https://anaconda.org/conda-forge/folium) (📥 1.1M · ⏱️ 03.12.2021): +- [Conda](https://anaconda.org/conda-forge/geocoder) (📥 140K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge folium + conda install -c conda-forge geocoder ```
-
Rasterio (🥉27 · ⭐ 1.8K) - Rasterio读写地理空间栅格数据集。❗Unlicensed +
geopy (🥉27 · ⭐ 4.2K) - Geocoding library for Python. MIT -- [GitHub](https://github.com/rasterio/rasterio) (👨‍💻 130 · 🔀 470 · 📥 760 · 📦 5.4K · 📋 1.6K - 8% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/geopy/geopy) (👨‍💻 130 · 🔀 610 · 📥 20 · 📋 280 - 8% open · ⏱️ 23.11.2023): ``` - git clone https://github.com/mapbox/rasterio + git clone https://github.com/geopy/geopy ``` -- [PyPi](https://pypi.org/project/rasterio) (📥 600K / month): +- [PyPi](https://pypi.org/project/geopy) (📥 4.7M / month): ``` - pip install rasterio + pip install geopy ``` -- [Conda](https://anaconda.org/conda-forge/rasterio) (📥 1.7M · ⏱️ 19.08.2022): +- [Conda](https://anaconda.org/conda-forge/geopy) (📥 1.3M · ⏱️ 24.11.2023): ``` - conda install -c conda-forge rasterio + conda install -c conda-forge geopy ```
-
geojson (🥉27 · ⭐ 740) - GeoJSON的Python接口。BSD-3 +
ArcGIS API (🥉26 · ⭐ 1.7K) - Documentation and samples for ArcGIS API for Python. Apache-2 -- [GitHub](https://github.com/jazzband/geojson) (👨‍💻 48 · 🔀 93 · 📦 10K · 📋 85 - 25% open · ⏱️ 07.05.2022): +- [GitHub](https://github.com/Esri/arcgis-python-api) (👨‍💻 89 · 🔀 1K · 📥 10K · 📦 4 · 📋 660 - 7% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/jazzband/geojson + git clone https://github.com/Esri/arcgis-python-api ``` -- [PyPi](https://pypi.org/project/geojson) (📥 780K / month): +- [PyPi](https://pypi.org/project/arcgis) (📥 120K / month): ``` - pip install geojson + pip install arcgis ``` -- [Conda](https://anaconda.org/conda-forge/geojson) (📥 560K · ⏱️ 11.08.2019): +- [Docker Hub](https://hub.docker.com/r/esridocker/arcgis-api-python-notebook): ``` - conda install -c conda-forge geojson + docker pull esridocker/arcgis-api-python-notebook ```
-
Cartopy (🥉26 · ⭐ 1.8K) - Rasterio读写地理空间栅格数据集。❗Unlicensed +
geojson (🥉25 · ⭐ 860) - Python bindings and utilities for GeoJSON. BSD-3 -- [GitHub](https://github.com/rasterio/rasterio) (👨‍💻 130 · 🔀 470 · 📥 760 · 📦 5.4K · 📋 1.6K - 8% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/jazzband/geojson) (👨‍💻 56 · 🔀 120 · 📦 16K · 📋 98 - 24% open · ⏱️ 06.11.2023): ``` - git clone https://github.com/mapbox/rasterio + git clone https://github.com/jazzband/geojson ``` -- [PyPi](https://pypi.org/project/Cartopy) (📥 120K / month): +- [PyPi](https://pypi.org/project/geojson) (📥 1.5M / month): ``` - pip install Cartopy + pip install geojson ``` -- [Conda](https://anaconda.org/conda-forge/cartopy) (📥 2.3M · ⏱️ 25.08.2022): +- [Conda](https://anaconda.org/conda-forge/geojson) (📥 780K · ⏱️ 06.11.2023): ``` - conda install -c conda-forge cartopy + conda install -c conda-forge geojson ```
-
GeoViews (🥉25 · ⭐ 430) - 使用Python进行简单,简洁的地理可视化。BSD-3 +
GeoViews (🥉24 · ⭐ 550) - Simple, concise geographical visualization in Python. BSD-3 -- [GitHub](https://github.com/holoviz/geoviews) (👨‍💻 28 · 🔀 66 · 📦 470 · 📋 300 - 34% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/holoviz/geoviews) (👨‍💻 30 · 🔀 71 · 📦 880 · 📋 330 - 30% open · ⏱️ 13.02.2024): ``` git clone https://github.com/holoviz/geoviews ``` -- [PyPi](https://pypi.org/project/geoviews) (📥 7.7K / month): +- [PyPi](https://pypi.org/project/geoviews) (📥 9.4K / month): ``` pip install geoviews ``` -- [Conda](https://anaconda.org/conda-forge/geoviews) (📥 120K · ⏱️ 08.03.2022): +- [Conda](https://anaconda.org/conda-forge/geoviews) (📥 210K · ⏱️ 13.02.2024): ``` conda install -c conda-forge geoviews ```
-
ArcGIS API (🥉24 · ⭐ 1.4K) - ArcGIS API for Python的文档和示例。Apache-2 +
Satpy (🥉23 · ⭐ 980) - Python package for earth-observing satellite data processing. ❗️GPL-3.0 -- [GitHub](https://github.com/Esri/arcgis-python-api) (👨‍💻 81 · 🔀 910 · 📥 5.2K · 📋 470 - 8% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/pytroll/satpy) (👨‍💻 150 · 🔀 270 · 📦 120 · 📋 990 - 37% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/Esri/arcgis-python-api + git clone https://github.com/pytroll/satpy ``` -- [PyPi](https://pypi.org/project/arcgis) (📥 45K / month): +- [PyPi](https://pypi.org/project/satpy) (📥 41K / month): ``` - pip install arcgis + pip install satpy ``` -- [Docker Hub](https://hub.docker.com/r/esridocker/arcgis-api-python-notebook) (📥 7.2K · ⭐ 35 · ⏱️ 17.06.2022): +- [Conda](https://anaconda.org/conda-forge/satpy) (📥 180K · ⏱️ 18.12.2023): ``` - docker pull esridocker/arcgis-api-python-notebook + conda install -c conda-forge satpy ```
-
PySAL (🥉23 · ⭐ 1.1K) - PySAL:Python空间分析库元包。BSD-3 +
pymap3d (🥉23 · ⭐ 360) - pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef.. BSD-2 -- [GitHub](https://github.com/pysal/pysal) (👨‍💻 77 · 🔀 260 · 📋 610 - 1% open · ⏱️ 23.07.2022): +- [GitHub](https://github.com/geospace-code/pymap3d) (👨‍💻 18 · 🔀 82 · 📦 360 · 📋 53 - 11% open · ⏱️ 11.02.2024): ``` - git clone https://github.com/pysal/pysal - ``` -- [PyPi](https://pypi.org/project/pysal) (📥 30K / month): - ``` - pip install pysal - ``` -- [Conda](https://anaconda.org/conda-forge/pysal) (📥 450K · ⏱️ 01.08.2022): - ``` - conda install -c conda-forge pysal + git clone https://github.com/geospace-code/pymap3d ``` -
-
Sentinelsat (🥉22 · ⭐ 790) - 搜索和下载哥白尼前哨卫星图像。❗️GPL-3.0 - -- [GitHub](https://github.com/sentinelsat/sentinelsat) (👨‍💻 42 · 🔀 200 · 📥 230 · 📦 350 · 📋 330 - 2% open · ⏱️ 01.08.2022): - +- [PyPi](https://pypi.org/project/pymap3d) (📥 86K / month): ``` - git clone https://github.com/sentinelsat/sentinelsat + pip install pymap3d ``` -- [PyPi](https://pypi.org/project/sentinelsat) (📥 13K / month): +- [Conda](https://anaconda.org/conda-forge/pymap3d) (📥 67K · ⏱️ 11.02.2024): ``` - pip install sentinelsat + conda install -c conda-forge pymap3d ```
-
Mapbox GL (🥉22 · ⭐ 620 · 💀) - 使用Mapbox GL JS可视化Python Jupyter笔记本中的数据。MIT +
Mapbox GL (🥉22 · ⭐ 650 · 💀) - Use Mapbox GL JS to visualize data in a Python Jupyter notebook. MIT -- [GitHub](https://github.com/mapbox/mapboxgl-jupyter) (👨‍💻 21 · 🔀 130 · 📦 140 · 📋 99 - 32% open · ⏱️ 19.04.2021): +- [GitHub](https://github.com/mapbox/mapboxgl-jupyter) (👨‍💻 22 · 🔀 130 · 📦 190 · 📋 100 - 33% open · ⏱️ 19.04.2021): ``` git clone https://github.com/mapbox/mapboxgl-jupyter ``` -- [PyPi](https://pypi.org/project/mapboxgl) (📥 11K / month): +- [PyPi](https://pypi.org/project/mapboxgl) (📥 15K / month): ``` pip install mapboxgl ```
-
Satpy (🥉21 · ⭐ 850) - 用于地球观测卫星数据处理的Python软件包。❗️GPL-3.0 +
EarthPy (🥉22 · ⭐ 470) - A package built to support working with spatial data using open source.. BSD-3 -- [GitHub](https://github.com/pytroll/satpy) (👨‍💻 130 · 🔀 240 · 📦 72 · 📋 790 - 38% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/earthlab/earthpy) (👨‍💻 44 · 🔀 150 · 📦 280 · 📋 230 - 10% open · ⏱️ 23.08.2023): ``` - git clone https://github.com/pytroll/satpy + git clone https://github.com/earthlab/earthpy ``` -- [PyPi](https://pypi.org/project/satpy) (📥 1.1K / month): +- [PyPi](https://pypi.org/project/earthpy) (📥 4.8K / month): ``` - pip install satpy + pip install earthpy ``` -- [Conda](https://anaconda.org/conda-forge/satpy) (📥 100K · ⏱️ 15.08.2022): +- [Conda](https://anaconda.org/conda-forge/earthpy) (📥 72K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge satpy + conda install -c conda-forge earthpy ```
-
EarthPy (🥉21 · ⭐ 380 · 💤) - 使用开放源代码处理空间数据。BSD-3 +
Sentinelsat (🥉21 · ⭐ 950) - Search and download Copernicus Sentinel satellite images. ❗️GPL-3.0 -- [GitHub](https://github.com/earthlab/earthpy) (👨‍💻 40 · 🔀 140 · 📦 160 · 📋 230 - 8% open · ⏱️ 20.12.2021): +- [GitHub](https://github.com/sentinelsat/sentinelsat) (👨‍💻 43 · 🔀 220 · 📥 260 · 📦 530 · 📋 370 - 0% open · ⏱️ 08.11.2023): ``` - git clone https://github.com/earthlab/earthpy - ``` -- [PyPi](https://pypi.org/project/earthpy) (📥 8.4K / month): - ``` - pip install earthpy + git clone https://github.com/sentinelsat/sentinelsat ``` -- [Conda](https://anaconda.org/conda-forge/earthpy) (📥 49K · ⏱️ 04.10.2021): +- [PyPi](https://pypi.org/project/sentinelsat) (📥 20K / month): ``` - conda install -c conda-forge earthpy + pip install sentinelsat ```
-
geoplotlib (🥉19 · ⭐ 970 · 💀) - python工具箱,用于可视化地理数据和制作地图。MIT +
PySAL (🥉20 · ⭐ 1.2K) - PySAL: Python Spatial Analysis Library Meta-Package. BSD-3 -- [GitHub](https://github.com/andrea-cuttone/geoplotlib) (👨‍💻 8 · 🔀 160 · 📦 150 · 📋 44 - 56% open · ⏱️ 06.05.2019): +- [GitHub](https://github.com/pysal/pysal) (👨‍💻 78 · 🔀 280 · 📋 630 - 2% open · ⏱️ 31.01.2024): ``` - git clone https://github.com/andrea-cuttone/geoplotlib + git clone https://github.com/pysal/pysal ``` -- [PyPi](https://pypi.org/project/geoplotlib) (📥 880 / month): +- [PyPi](https://pypi.org/project/pysal) (📥 27K / month): ``` - pip install geoplotlib + pip install pysal + ``` +- [Conda](https://anaconda.org/conda-forge/pysal) (📥 530K · ⏱️ 04.10.2023): + ``` + conda install -c conda-forge pysal ```
-
gmaps (🥉18 · ⭐ 740 · 💀) - Google为Jupyter笔记本电脑映射。BSD-3 +
gmaps (🥉19 · ⭐ 760 · 💀) - Google maps for Jupyter notebooks. BSD-3 -- [GitHub](https://github.com/pbugnion/gmaps) (👨‍💻 16 · 🔀 140 · 📦 1 · 📋 200 - 32% open · ⏱️ 22.07.2019): +- [GitHub](https://github.com/pbugnion/gmaps) (👨‍💻 16 · 🔀 150 · 📦 4 · 📋 210 - 35% open · ⏱️ 22.07.2019): ``` git clone https://github.com/pbugnion/gmaps ``` -- [PyPi](https://pypi.org/project/gmaps) (📥 9K / month): +- [PyPi](https://pypi.org/project/gmaps) (📥 5.1K / month): ``` pip install gmaps ``` -- [Conda](https://anaconda.org/conda-forge/gmaps) (📥 270K · ⏱️ 02.08.2019): +- [Conda](https://anaconda.org/conda-forge/gmaps) (📥 310K · ⏱️ 16.06.2023): ``` conda install -c conda-forge gmaps ``` -- [NPM](https://www.npmjs.com/package/jupyter-gmaps) (📥 1.8K / month): +- [NPM](https://www.npmjs.com/package/jupyter-gmaps) (📥 1.1K / month): ``` npm install jupyter-gmaps ```
-
pymap3d (🥉18 · ⭐ 270) - 纯Python实现(Numpy可选)的3D坐标转换。BSD-2 - -- [GitHub](https://github.com/geospace-code/pymap3d) (👨‍💻 11 · 🔀 68 · 📋 38 - 2% open · ⏱️ 03.07.2022): - - ``` - git clone https://github.com/geospace-code/pymap3d - ``` -- [PyPi](https://pypi.org/project/pymap3d) (📥 50K / month): - ``` - pip install pymap3d - ``` -- [Conda](https://anaconda.org/conda-forge/pymap3d) (📥 29K · ⏱️ 04.07.2022): - ``` - conda install -c conda-forge pymap3d - ``` -
-
- -## 金融数据处理 - -Back to top - -_用于算法股票/加密交易,风险分析,回测,技术分析以及其他金融数据任务的库。_ +
geoplotlib (🥉18 · ⭐ 1K · 💀) - python toolbox for visualizing geographical data and making maps. MIT -
zipline (🥇30 · ⭐ 15K · 💀) - Zipline,一个Pythonic算法交易库。Apache-2 - -- [GitHub](https://github.com/quantopian/zipline) (👨‍💻 160 · 🔀 4K · 📦 880 · 📋 970 - 32% open · ⏱️ 14.10.2020): +- [GitHub](https://github.com/andrea-cuttone/geoplotlib) (👨‍💻 8 · 🔀 170 · 📦 170 · 📋 46 - 58% open · ⏱️ 06.05.2019): ``` - git clone https://github.com/quantopian/zipline + git clone https://github.com/andrea-cuttone/geoplotlib ``` -- [PyPi](https://pypi.org/project/zipline) (📥 3.1K / month): +- [PyPi](https://pypi.org/project/geoplotlib) (📥 610 / month): ``` - pip install zipline + pip install geoplotlib ```
-
yfinance (🥇30 · ⭐ 7.5K) - Yahoo! 金融市场数据下载器(+更快的Pandas数据加载读取器)。Apache-2 +
+ +## Financial Data + +Back to top -- [GitHub](https://github.com/ranaroussi/yfinance) (👨‍💻 60 · 🔀 1.6K · 📦 13K · 📋 810 - 56% open · ⏱️ 11.07.2022): +_Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data._ + +
yfinance (🥇32 · ⭐ 11K) - Yahoo! Finance market data downloader (+faster Pandas Datareader). Apache-2 + +- [GitHub](https://github.com/ranaroussi/yfinance) (👨‍💻 110 · 🔀 2.1K · 📦 33K · 📋 1.2K - 13% open · ⏱️ 11.02.2024): ``` git clone https://github.com/ranaroussi/yfinance ``` -- [PyPi](https://pypi.org/project/yfinance) (📥 500K / month): +- [PyPi](https://pypi.org/project/yfinance) (📥 1.5M / month): ``` pip install yfinance ``` -- [Conda](https://anaconda.org/ranaroussi/yfinance) (📥 51K · ⏱️ 10.07.2021): +- [Conda](https://anaconda.org/ranaroussi/yfinance) (📥 86K · ⏱️ 16.06.2023): ``` conda install -c ranaroussi yfinance ```
-
backtrader (🥇27 · ⭐ 9.2K · 💀) - 用于交易策略的Python Backtesting库。❗️GPL-3.0 +
zipline (🥇30 · ⭐ 17K · 💀) - Zipline, a Pythonic Algorithmic Trading Library. Apache-2 -- [GitHub](https://github.com/mementum/backtrader) (👨‍💻 52 · 🔀 2.7K · 📦 1.1K · ⏱️ 17.07.2021): +- [GitHub](https://github.com/quantopian/zipline) (👨‍💻 160 · 🔀 4.1K · 📦 980 · 📋 980 - 32% open · ⏱️ 14.10.2020): ``` - git clone https://github.com/mementum/backtrader + git clone https://github.com/quantopian/zipline ``` -- [PyPi](https://pypi.org/project/backtrader) (📥 13K / month): +- [PyPi](https://pypi.org/project/zipline) (📥 2.9K / month): ``` - pip install backtrader + pip install zipline ```
-
pyfolio (🥈26 · ⭐ 4.5K · 💀) - Python中的投资组合和风险分析。Apache-2 +
pyfolio (🥇29 · ⭐ 5.3K · 💀) - Portfolio and risk analytics in Python. Apache-2 -- [GitHub](https://github.com/quantopian/pyfolio) (👨‍💻 56 · 🔀 1.4K · 📦 450 · 📋 400 - 34% open · ⏱️ 15.07.2020): +- [GitHub](https://github.com/quantopian/pyfolio) (👨‍💻 59 · 🔀 1.5K · 📦 960 · 📋 420 - 35% open · ⏱️ 15.07.2020): ``` git clone https://github.com/quantopian/pyfolio ``` -- [PyPi](https://pypi.org/project/pyfolio) (📥 6.5K / month): +- [PyPi](https://pypi.org/project/pyfolio) (📥 10K / month): ``` pip install pyfolio ``` -- [Conda](https://anaconda.org/conda-forge/pyfolio) (📥 9.3K · ⏱️ 16.05.2020): +- [Conda](https://anaconda.org/conda-forge/pyfolio) (📥 13K · ⏱️ 16.06.2023): ``` conda install -c conda-forge pyfolio ```
-
ta (🥈26 · ⭐ 3.2K) - 使用Pandas和Numpy的技术分析库。MIT +
ffn (🥈28 · ⭐ 1.7K) - ffn - a financial function library for Python. MIT -- [GitHub](https://github.com/bukosabino/ta) (👨‍💻 29 · 🔀 720 · 📦 1.4K · 📋 200 - 51% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/pmorissette/ffn) (👨‍💻 32 · 🔀 270 · 📦 420 · 📋 120 - 18% open · ⏱️ 31.12.2023): ``` - git clone https://github.com/bukosabino/ta + git clone https://github.com/pmorissette/ffn ``` -- [PyPi](https://pypi.org/project/ta) (📥 71K / month): +- [PyPi](https://pypi.org/project/ffn) (📥 170K / month): ``` - pip install ta + pip install ffn ```
-
ffn (🥈26 · ⭐ 1.3K) - ffn-Python的金融函数库。MIT +
backtrader (🥈27 · ⭐ 13K · 💤) - Python Backtesting library for trading strategies. ❗️GPL-3.0 -- [GitHub](https://github.com/pmorissette/ffn) (👨‍💻 28 · 🔀 220 · 📦 220 · 📋 100 - 20% open · ⏱️ 01.07.2022): +- [GitHub](https://github.com/mementum/backtrader) (👨‍💻 56 · 🔀 3.4K · 📦 1.9K · ⏱️ 19.04.2023): ``` - git clone https://github.com/pmorissette/ffn + git clone https://github.com/mementum/backtrader ``` -- [PyPi](https://pypi.org/project/ffn) (📥 37K / month): +- [PyPi](https://pypi.org/project/backtrader) (📥 13K / month): ``` - pip install ffn + pip install backtrader ```
-
Alphalens (🥈25 · ⭐ 2.4K · 💀) - 股票因子预测分析。Apache-2 +
bt (🥈27 · ⭐ 1.9K) - bt - flexible backtesting for Python. MIT -- [GitHub](https://github.com/quantopian/alphalens) (👨‍💻 25 · 🔀 880 · 📦 570 · 📋 180 - 20% open · ⏱️ 27.04.2020): +- [GitHub](https://github.com/pmorissette/bt) (👨‍💻 31 · 🔀 380 · 📦 1.6K · 📋 330 - 22% open · ⏱️ 05.02.2024): ``` - git clone https://github.com/quantopian/alphalens - ``` -- [PyPi](https://pypi.org/project/alphalens) (📥 13K / month): - ``` - pip install alphalens + git clone https://github.com/pmorissette/bt ``` -- [Conda](https://anaconda.org/conda-forge/alphalens) (📥 16K · ⏱️ 16.05.2020): +- [PyPi](https://pypi.org/project/bt) (📥 7.6K / month): ``` - conda install -c conda-forge alphalens + pip install bt ```
-
empyrical (🥈25 · ⭐ 970 · 💀) - 常见的金融风险和绩效指标。Apache-2 +
empyrical (🥈27 · ⭐ 1.2K · 💀) - Common financial risk and performance metrics. Used by.. Apache-2 -- [GitHub](https://github.com/quantopian/empyrical) (👨‍💻 22 · 🔀 300 · 📦 940 · 📋 49 - 46% open · ⏱️ 14.10.2020): +- [GitHub](https://github.com/quantopian/empyrical) (👨‍💻 22 · 🔀 330 · 📦 1.3K · 📋 52 - 50% open · ⏱️ 14.10.2020): ``` git clone https://github.com/quantopian/empyrical ``` -- [PyPi](https://pypi.org/project/empyrical) (📥 28K / month): +- [PyPi](https://pypi.org/project/empyrical) (📥 31K / month): ``` pip install empyrical ``` -- [Conda](https://anaconda.org/conda-forge/empyrical) (📥 18K · ⏱️ 14.10.2020): +- [Conda](https://anaconda.org/conda-forge/empyrical) (📥 26K · ⏱️ 16.06.2023): ``` conda install -c conda-forge empyrical ```
-
Qlib (🥈24 · ⭐ 9.5K) - Qlib是一个面向AI的量化投资平台。MIT +
Alpha Vantage (🥈26 · ⭐ 4.1K) - A python wrapper for Alpha Vantage API for financial data. MIT -- [GitHub](https://github.com/microsoft/qlib) (👨‍💻 100 · 🔀 1.7K · 📥 330 · 📦 27 · 📋 600 - 27% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/RomelTorres/alpha_vantage) (👨‍💻 42 · 🔀 710 · 📦 480 · 📋 280 - 0% open · ⏱️ 11.11.2023): ``` - git clone https://github.com/microsoft/qlib + git clone https://github.com/RomelTorres/alpha_vantage ``` -- [PyPi](https://pypi.org/project/pyqlib) (📥 2.4K / month): +- [PyPi](https://pypi.org/project/alpha_vantage) (📥 29K / month): ``` - pip install pyqlib + pip install alpha_vantage ```
-
bt (🥈24 · ⭐ 1.5K) - bt-Python的灵活回测。MIT +
ta (🥈26 · ⭐ 3.9K) - Technical Analysis Library using Pandas and Numpy. MIT -- [GitHub](https://github.com/pmorissette/bt) (👨‍💻 27 · 🔀 320 · 📦 130 · 📋 300 - 20% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/bukosabino/ta) (👨‍💻 34 · 🔀 820 · 📦 3K · 📋 210 - 50% open · ⏱️ 02.11.2023): ``` - git clone https://github.com/pmorissette/bt + git clone https://github.com/bukosabino/ta ``` -- [PyPi](https://pypi.org/project/bt) (📥 5.5K / month): +- [PyPi](https://pypi.org/project/ta) (📥 77K / month): ``` - pip install bt + pip install ta ```
-
FinTA (🥉23 · ⭐ 1.7K) - 基于pandas实现的通用金融技术指标。❗️LGPL-3.0 +
Alphalens (🥉25 · ⭐ 3K · 💀) - Performance analysis of predictive (alpha) stock factors. Apache-2 -- [GitHub](https://github.com/peerchemist/finta) (👨‍💻 28 · 🔀 550 · 📦 260 · 📋 85 - 24% open · ⏱️ 24.07.2022): +- [GitHub](https://github.com/quantopian/alphalens) (👨‍💻 25 · 🔀 1K · 📦 670 · 📋 190 - 22% open · ⏱️ 27.04.2020): ``` - git clone https://github.com/peerchemist/finta + git clone https://github.com/quantopian/alphalens ``` -- [PyPi](https://pypi.org/project/finta) (📥 7.7K / month): +- [PyPi](https://pypi.org/project/alphalens) (📥 2.1K / month): ``` - pip install finta + pip install alphalens + ``` +- [Conda](https://anaconda.org/conda-forge/alphalens) (📥 20K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge alphalens ```
-
arch (🥉23 · ⭐ 970) - Python中的ARCH模型。❗Unlicensed +
arch (🥉25 · ⭐ 1.2K) - ARCH models in Python. ❗Unlicensed -- [GitHub](https://github.com/bashtage/arch) (👨‍💻 31 · 🔀 210 · 📦 620 · 📋 180 - 8% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/bashtage/arch) (👨‍💻 35 · 🔀 240 · 📦 1.4K · 📋 200 - 9% open · ⏱️ 05.01.2024): ``` git clone https://github.com/bashtage/arch ``` -- [PyPi](https://pypi.org/project/arch) (📥 320K / month): +- [PyPi](https://pypi.org/project/arch) (📥 300K / month): ``` pip install arch ```
-
TensorTrade (🥉22 · ⭐ 3.9K) - 一个开放源代码的强化学习框架。Apache-2 +
Qlib (🥉23 · ⭐ 13K) - Qlib is an AI-oriented quantitative investment platform, which aims to.. MIT + +- [GitHub](https://github.com/microsoft/qlib) (👨‍💻 120 · 🔀 2.3K · 📥 390 · 📦 21 · 📋 840 - 20% open · ⏱️ 21.11.2023): + + ``` + git clone https://github.com/microsoft/qlib + ``` +- [PyPi](https://pypi.org/project/pyqlib) (📥 1.4K / month): + ``` + pip install pyqlib + ``` +
+
TensorTrade (🥉23 · ⭐ 4.3K · 💀) - An open source reinforcement learning framework for.. Apache-2 -- [GitHub](https://github.com/tensortrade-org/tensortrade) (👨‍💻 61 · 🔀 890 · 📦 36 · 📋 230 - 16% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/tensortrade-org/tensortrade) (👨‍💻 61 · 🔀 960 · 📦 51 · 📋 240 - 18% open · ⏱️ 23.08.2022): ``` git clone https://github.com/tensortrade-org/tensortrade ``` -- [PyPi](https://pypi.org/project/tensortrade) (📥 490 / month): +- [PyPi](https://pypi.org/project/tensortrade) (📥 540 / month): ``` pip install tensortrade ```
-
PyAlgoTrade (🥉22 · ⭐ 3.7K · 💀) - Python算法交易库。Apache-2 +
stockstats (🥉23 · ⭐ 1.2K) - Supply a wrapper ``StockDataFrame`` based on the.. ❗Unlicensed -- [GitHub](https://github.com/gbeced/pyalgotrade) (👨‍💻 11 · 🔀 1.2K · 📦 110 · 📋 120 - 31% open · ⏱️ 21.08.2018): +- [GitHub](https://github.com/jealous/stockstats) (👨‍💻 10 · 🔀 290 · 📦 990 · 📋 120 - 9% open · ⏱️ 05.01.2024): ``` - git clone https://github.com/gbeced/pyalgotrade + git clone https://github.com/jealous/stockstats ``` -- [PyPi](https://pypi.org/project/pyalgotrade) (📥 480 / month): +- [PyPi](https://pypi.org/project/stockstats) (📥 10K / month): ``` - pip install pyalgotrade + pip install stockstats ```
-
Alpha Vantage (🥉21 · ⭐ 3.7K · 💀) - 用于金融数据的Alpha Vantage API的python包装器。MIT +
finmarketpy (🥉22 · ⭐ 3.3K) - Python library for backtesting trading strategies & analyzing.. Apache-2 -- [GitHub](https://github.com/RomelTorres/alpha_vantage) (👨‍💻 39 · 🔀 640 · 📋 260 - 2% open · ⏱️ 14.06.2021): +- [GitHub](https://github.com/cuemacro/finmarketpy) (👨‍💻 14 · 🔀 460 · 📥 51 · 📦 11 · 📋 28 - 85% open · ⏱️ 01.01.2024): ``` - git clone https://github.com/RomelTorres/alpha_vantage + git clone https://github.com/cuemacro/finmarketpy ``` -- [PyPi](https://pypi.org/project/alpha_vantage) (📥 17K / month): +- [PyPi](https://pypi.org/project/finmarketpy) (📥 260 / month): ``` - pip install alpha_vantage + pip install finmarketpy ```
-
Enigma Catalyst (🥉21 · ⭐ 2.4K · 💤) - Python中加密资产的算法交易库。Apache-2 +
FinTA (🥉22 · ⭐ 2K · 💀) - Common financial technical indicators implemented in Pandas. ❗️LGPL-3.0 -- [GitHub](https://github.com/scrtlabs/catalyst) (👨‍💻 150 · 🔀 700 · 📦 25 · 📋 480 - 25% open · ⏱️ 22.09.2021): +- [GitHub](https://github.com/peerchemist/finta) (👨‍💻 28 · 🔀 650 · 📦 480 · 📋 86 - 25% open · ⏱️ 24.07.2022): ``` - git clone https://github.com/enigmampc/catalyst + git clone https://github.com/peerchemist/finta ``` -- [PyPi](https://pypi.org/project/enigma-catalyst) (📥 430 / month): +- [PyPi](https://pypi.org/project/finta) (📥 7.2K / month): ``` - pip install enigma-catalyst + pip install finta ```
-
tf-quant-finance (🥉20 · ⭐ 3.2K) - 用于量化投资的高性能TensorFlow库。Apache-2 +
PyAlgoTrade (🥉21 · ⭐ 4.2K · 💤) - Python Algorithmic Trading Library. Apache-2 -- [GitHub](https://github.com/google/tf-quant-finance) (👨‍💻 41 · 🔀 420 · 📋 40 - 37% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/gbeced/pyalgotrade) (👨‍💻 11 · 🔀 1.3K · 📦 180 · ⏱️ 05.03.2023): ``` - git clone https://github.com/google/tf-quant-finance + git clone https://github.com/gbeced/pyalgotrade ``` -- [PyPi](https://pypi.org/project/tf-quant-finance) (📥 4.8K / month): +- [PyPi](https://pypi.org/project/pyalgotrade) (📥 520 / month): ``` - pip install tf-quant-finance + pip install pyalgotrade ```
-
IB-insync (🥉20 · ⭐ 1.9K) - 用于Interactive Brokers API的Python同步/异步框架。BSD-2 +
IB-insync (🥉21 · ⭐ 2.6K) - Python sync/async framework for Interactive Brokers API. BSD-2 -- [GitHub](https://github.com/erdewit/ib_insync) (👨‍💻 31 · 🔀 490 · 📋 420 - 1% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/erdewit/ib_insync) (👨‍💻 36 · 🔀 600 · 📋 580 - 2% open · ⏱️ 11.12.2023): ``` git clone https://github.com/erdewit/ib_insync ``` -- [PyPi](https://pypi.org/project/ib_insync) (📥 7.4K / month): +- [PyPi](https://pypi.org/project/ib_insync) (📥 33K / month): ``` pip install ib_insync ``` -- [Conda](https://anaconda.org/conda-forge/ib-insync) (📥 20K · ⏱️ 29.11.2021): +- [Conda](https://anaconda.org/conda-forge/ib-insync) (📥 39K · ⏱️ 16.06.2023): ``` conda install -c conda-forge ib-insync ```
-
Crypto Signals (🥉19 · ⭐ 4.1K) - CryptoSignal量化交易技术。MIT +
Enigma Catalyst (🥉21 · ⭐ 2.5K · 💀) - An Algorithmic Trading Library for Crypto-Assets in.. Apache-2 -- [GitHub](https://github.com/CryptoSignal/Crypto-Signal) (👨‍💻 28 · 🔀 1.1K · 📋 260 - 20% open · ⏱️ 09.08.2022): +- [GitHub](https://github.com/scrtlabs/catalyst) (👨‍💻 150 · 🔀 710 · 📦 25 · 📋 480 - 25% open · ⏱️ 22.09.2021): ``` - git clone https://github.com/CryptoSignal/crypto-signal + git clone https://github.com/enigmampc/catalyst ``` -- [Docker Hub](https://hub.docker.com/r/shadowreaver/crypto-signal) (📥 140K · ⭐ 7 · ⏱️ 03.09.2020): +- [PyPi](https://pypi.org/project/enigma-catalyst) (📥 180 / month): ``` - docker pull shadowreaver/crypto-signal + pip install enigma-catalyst ```
-
stockstats (🥉19 · ⭐ 1K · 💤) - 提供StockDataFrame包装器❗Unlicensed +
Crypto Signals (🥉20 · ⭐ 4.6K · 💀) - Github.com/CryptoSignal - #1 Quant Trading & Technical.. MIT -- [GitHub](https://github.com/jealous/stockstats) (👨‍💻 8 · 🔀 260 · 📦 530 · 📋 87 - 11% open · ⏱️ 07.01.2022): +- [GitHub](https://github.com/CryptoSignal/Crypto-Signal) (👨‍💻 28 · 🔀 1.2K · 📋 270 - 22% open · ⏱️ 09.08.2022): ``` - git clone https://github.com/jealous/stockstats + git clone https://github.com/CryptoSignal/crypto-signal ``` -- [PyPi](https://pypi.org/project/stockstats) (📥 6.2K / month): +- [Docker Hub](https://hub.docker.com/r/shadowreaver/crypto-signal) (📥 140K · ⭐ 8 · ⏱️ 03.09.2020): ``` - pip install stockstats + docker pull shadowreaver/crypto-signal ```
-
finmarketpy (🥉18 · ⭐ 3K) - Python库,用于回测交易策略和分析。Apache-2 +
Backtesting.py (🥉18 · ⭐ 4.6K · 💀) - Backtest trading strategies in Python. ❗️AGPL-3.0 -- [GitHub](https://github.com/cuemacro/finmarketpy) (👨‍💻 14 · 🔀 440 · 📥 40 · 📦 5 · 📋 26 - 88% open · ⏱️ 05.04.2022): +- [GitHub](https://github.com/kernc/backtesting.py) (👨‍💻 19 · 🔀 880 · 📋 470 - 25% open · ⏱️ 15.01.2023): ``` - git clone https://github.com/cuemacro/finmarketpy + git clone https://github.com/kernc/backtesting.py ``` -- [PyPi](https://pypi.org/project/finmarketpy) (📥 100 / month): +- [PyPi](https://pypi.org/project/backtesting) (📥 12K / month): ``` - pip install finmarketpy + pip install backtesting ```
-
Backtesting.py (🥉17 · ⭐ 2.8K) - 回溯Python中的交易策略。❗️AGPL-3.0 +
tf-quant-finance (🥉18 · ⭐ 4.2K) - High-performance TensorFlow library for quantitative.. Apache-2 -- [GitHub](https://github.com/kernc/backtesting.py) (👨‍💻 15 · 🔀 550 · 📋 330 - 17% open · ⏱️ 27.03.2022): +- [GitHub](https://github.com/google/tf-quant-finance) (👨‍💻 47 · 🔀 530 · 📋 54 - 48% open · ⏱️ 15.08.2023): ``` - git clone https://github.com/kernc/backtesting.py + git clone https://github.com/google/tf-quant-finance ``` -- [PyPi](https://pypi.org/project/backtesting) (📥 7.4K / month): +- [PyPi](https://pypi.org/project/tf-quant-finance) (📥 760 / month): ``` - pip install backtesting + pip install tf-quant-finance ```
-
surpriver (🥉12 · ⭐ 1.5K · 💀) - 使用机器学习在股票大波动之前找到它。❗️GPL-3.0 +
surpriver (🥉12 · ⭐ 1.7K · 💀) - Find big moving stocks before they move using machine.. ❗️GPL-3.0 -- [GitHub](https://github.com/tradytics/surpriver) (👨‍💻 6 · 🔀 280 · 📋 15 - 60% open · ⏱️ 21.09.2020): +- [GitHub](https://github.com/tradytics/surpriver) (👨‍💻 6 · 🔀 310 · 📋 17 - 64% open · ⏱️ 21.09.2020): ``` git clone https://github.com/tradytics/surpriver @@ -4577,675 +4577,675 @@ _用于算法股票/加密交易,风险分析,回测,技术分析以及其

-## 时间序列 +## Time Series Data -Back to top +Back to top -_用于按时间序列和顺序数据进行预测,异常检测,特征提取和机器学习的库。_ +_Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data._ -
pmdarima (🥇30 · ⭐ 1.2K · 📈) - 一个统计数据库,旨在填补Python时间序列中的空白。MIT +
pmdarima (🥇31 · ⭐ 1.5K) - A statistical library designed to fill the void in Python's time series.. MIT -- [GitHub](https://github.com/alkaline-ml/pmdarima) (👨‍💻 21 · 🔀 210 · 📦 2.5K · 📋 280 - 9% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/alkaline-ml/pmdarima) (👨‍💻 22 · 🔀 230 · 📦 7.3K · 📋 320 - 15% open · ⏱️ 23.10.2023): ``` git clone https://github.com/alkaline-ml/pmdarima ``` -- [PyPi](https://pypi.org/project/pmdarima) (📥 1.5M / month): +- [PyPi](https://pypi.org/project/pmdarima) (📥 1.9M / month): ``` pip install pmdarima ```
-
sktime (🥇27 · ⭐ 5.6K) - 具有时间序列的机器学习的统一框架。BSD-3 +
sktime (🥇30 · ⭐ 7.2K) - A unified framework for machine learning with time series. BSD-3 -- [GitHub](https://github.com/alan-turing-institute/sktime) (👨‍💻 190 · 🔀 890 · 📥 76 · 📦 560 · 📋 1.3K - 33% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/sktime/sktime) (👨‍💻 320 · 🔀 1.2K · 📥 84 · 📦 2.2K · 📋 2.1K - 35% open · ⏱️ 15.02.2024): ``` git clone https://github.com/alan-turing-institute/sktime ``` -- [PyPi](https://pypi.org/project/sktime) (📥 260K / month): +- [PyPi](https://pypi.org/project/sktime) (📥 740K / month): ``` pip install sktime ```
-
STUMPY (🥈26 · ⭐ 2.4K) - STUMPY是一个功能强大且可扩展的Python库,用于矩阵计算。BSD-3 +
Prophet (🥈28 · ⭐ 17K) - Tool for producing high quality forecasts for time series data that has.. MIT -- [GitHub](https://github.com/TDAmeritrade/stumpy) (👨‍💻 31 · 🔀 230 · 📦 260 · 📋 340 - 11% open · ⏱️ 04.08.2022): +- [GitHub](https://github.com/facebook/prophet) (👨‍💻 170 · 🔀 4.4K · 📥 2.3K · 📦 21 · 📋 2.1K - 17% open · ⏱️ 18.10.2023): ``` - git clone https://github.com/TDAmeritrade/stumpy - ``` -- [PyPi](https://pypi.org/project/stumpy) (📥 170K / month): - ``` - pip install stumpy + git clone https://github.com/facebook/prophet ``` -- [Conda](https://anaconda.org/conda-forge/stumpy) (📥 48K · ⏱️ 31.03.2022): +- [PyPi](https://pypi.org/project/fbprophet) (📥 800K / month): ``` - conda install -c conda-forge stumpy + pip install fbprophet ```
-
Prophet (🥈25 · ⭐ 15K) - 产生具有时间序列数据的高质量预测的工具。MIT +
Darts (🥈28 · ⭐ 7K) - A python library for easy manipulation and forecasting of time series. Apache-2 -- [GitHub](https://github.com/facebook/prophet) (👨‍💻 150 · 🔀 4.2K · 📥 810 · 📋 1.9K - 13% open · ⏱️ 07.07.2022): +- [GitHub](https://github.com/unit8co/darts) (👨‍💻 110 · 🔀 770 · 📦 520 · 📋 1.3K - 17% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/facebook/prophet + git clone https://github.com/unit8co/darts ``` -- [PyPi](https://pypi.org/project/fbprophet) (📥 1.7M / month): +- [PyPi](https://pypi.org/project/u8darts) (📥 23K / month): ``` - pip install fbprophet + pip install u8darts + ``` +- [Docker Hub](https://hub.docker.com/r/unit8/darts) (📥 510 · ⏱️ 21.01.2024): + ``` + docker pull unit8/darts ```
-
Darts (🥈25 · ⭐ 4.6K) - 一个易于操作和预测时间序列的python库。Apache-2 +
tsfresh (🥈27 · ⭐ 8K) - Automatic extraction of relevant features from time series:. MIT -- [GitHub](https://github.com/unit8co/darts) (👨‍💻 61 · 🔀 480 · 📦 92 · 📋 600 - 23% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/blue-yonder/tsfresh) (👨‍💻 92 · 🔀 1.2K · 📦 21 · 📋 520 - 9% open · ⏱️ 28.01.2024): ``` - git clone https://github.com/unit8co/darts + git clone https://github.com/blue-yonder/tsfresh ``` -- [PyPi](https://pypi.org/project/u8darts) (📥 6.4K / month): +- [PyPi](https://pypi.org/project/tsfresh) (📥 230K / month): ``` - pip install u8darts + pip install tsfresh ``` -- [Docker Hub](https://hub.docker.com/r/unit8/darts) (📥 360 · ⏱️ 12.08.2022): +- [Conda](https://anaconda.org/conda-forge/tsfresh) (📥 1.3M · ⏱️ 28.01.2024): ``` - docker pull unit8/darts + conda install -c conda-forge tsfresh ```
-
tslearn (🥈25 · ⭐ 2.2K) - 专门用于时间序列数据的机器学习工具包。BSD-2 +
tslearn (🥈27 · ⭐ 2.7K) - A machine learning toolkit dedicated to time-series data. BSD-2 -- [GitHub](https://github.com/tslearn-team/tslearn) (👨‍💻 39 · 🔀 280 · 📦 560 · 📋 280 - 32% open · ⏱️ 17.06.2022): +- [GitHub](https://github.com/tslearn-team/tslearn) (👨‍💻 43 · 🔀 320 · 📦 1.1K · 📋 310 - 37% open · ⏱️ 19.01.2024): ``` git clone https://github.com/tslearn-team/tslearn ``` -- [PyPi](https://pypi.org/project/tslearn) (📥 100K / month): +- [PyPi](https://pypi.org/project/tslearn) (📥 300K / month): ``` pip install tslearn ``` -- [Conda](https://anaconda.org/conda-forge/tslearn) (📥 270K · ⏱️ 15.01.2022): +- [Conda](https://anaconda.org/conda-forge/tslearn) (📥 1.3M · ⏱️ 04.02.2024): ``` conda install -c conda-forge tslearn ```
-
pytorch-forecasting (🥈25 · ⭐ 2.2K) - 使用PyTorch进行时间序列预测。MIT +
STUMPY (🥈25 · ⭐ 2.9K) - STUMPY is a powerful and scalable Python library for computing a Matrix.. BSD-3 -- [GitHub](https://github.com/jdb78/pytorch-forecasting) (👨‍💻 32 · 🔀 350 · 📋 510 - 49% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/TDAmeritrade/stumpy) (👨‍💻 36 · 🔀 270 · 📦 640 · 📋 470 - 11% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/jdb78/pytorch-forecasting + git clone https://github.com/TDAmeritrade/stumpy ``` -- [PyPi](https://pypi.org/project/pytorch-forecasting) (📥 74K / month): +- [PyPi](https://pypi.org/project/stumpy) (📥 220K / month): ``` - pip install pytorch-forecasting + pip install stumpy + ``` +- [Conda](https://anaconda.org/conda-forge/stumpy) (📥 960K · ⏱️ 21.08.2023): + ``` + conda install -c conda-forge stumpy ```
-
tsfresh (🥈23 · ⭐ 6.6K · 💤) - 从时间序列中自动提取相关特征。MIT +
pytorch-forecasting (🥈24 · ⭐ 3.5K) - Time series forecasting with PyTorch. MIT -- [GitHub](https://github.com/blue-yonder/tsfresh) (👨‍💻 82 · 🔀 1K · 📋 490 - 10% open · ⏱️ 21.12.2021): +- [GitHub](https://github.com/jdb78/pytorch-forecasting) (👨‍💻 45 · 🔀 540 · 📋 720 - 60% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/blue-yonder/tsfresh - ``` -- [PyPi](https://pypi.org/project/tsfresh) (📥 420K / month): - ``` - pip install tsfresh + git clone https://github.com/jdb78/pytorch-forecasting ``` -- [Conda](https://anaconda.org/conda-forge/tsfresh) (📥 220K · ⏱️ 21.12.2021): +- [PyPi](https://pypi.org/project/pytorch-forecasting) (📥 66K / month): ``` - conda install -c conda-forge tsfresh + pip install pytorch-forecasting ```
-
pyts (🥈23 · ⭐ 1.3K) - 用于时间序列分类的Python软件包。BSD-3 +
pyts (🥉23 · ⭐ 1.7K · 💤) - A Python package for time series classification. BSD-3 -- [GitHub](https://github.com/johannfaouzi/pyts) (👨‍💻 11 · 🔀 140 · 📦 240 · 📋 64 - 59% open · ⏱️ 16.06.2022): +- [GitHub](https://github.com/johannfaouzi/pyts) (👨‍💻 14 · 🔀 160 · 📦 550 · 📋 76 - 55% open · ⏱️ 20.06.2023): ``` git clone https://github.com/johannfaouzi/pyts ``` -- [PyPi](https://pypi.org/project/pyts) (📥 140K / month): +- [PyPi](https://pypi.org/project/pyts) (📥 94K / month): ``` pip install pyts ``` -- [Conda](https://anaconda.org/conda-forge/pyts) (📥 13K · ⏱️ 31.10.2021): +- [Conda](https://anaconda.org/conda-forge/pyts) (📥 22K · ⏱️ 18.06.2023): ``` conda install -c conda-forge pyts ```
-
Streamz (🥈23 · ⭐ 1.1K) - python的实时流处理。BSD-3 +
Streamz (🥉23 · ⭐ 1.2K · 💀) - Real-time stream processing for python. BSD-3 -- [GitHub](https://github.com/python-streamz/streamz) (👨‍💻 45 · 🔀 140 · 📦 310 · 📋 240 - 39% open · ⏱️ 27.07.2022): +- [GitHub](https://github.com/python-streamz/streamz) (👨‍💻 48 · 🔀 140 · 📦 450 · 📋 260 - 41% open · ⏱️ 22.12.2022): ``` git clone https://github.com/python-streamz/streamz ``` -- [PyPi](https://pypi.org/project/streamz) (📥 12K / month): +- [PyPi](https://pypi.org/project/streamz) (📥 13K / month): ``` pip install streamz ``` -- [Conda](https://anaconda.org/conda-forge/streamz) (📥 380K · ⏱️ 28.07.2022): +- [Conda](https://anaconda.org/conda-forge/streamz) (📥 780K · ⏱️ 16.06.2023): ``` conda install -c conda-forge streamz ```
-
GluonTS (🥉22 · ⭐ 2.9K) - Python中的概率时间序列建模。Apache-2 +
GluonTS (🥉22 · ⭐ 4.1K) - Probabilistic time series modeling in Python. Apache-2 -- [GitHub](https://github.com/awslabs/gluon-ts) (👨‍💻 93 · 🔀 580 · 📋 740 - 31% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/awslabs/gluonts) (👨‍💻 110 · 🔀 690 · 📋 920 - 32% open · ⏱️ 07.02.2024): ``` git clone https://github.com/awslabs/gluon-ts ``` -- [PyPi](https://pypi.org/project/gluonts) (📥 140K / month): +- [PyPi](https://pypi.org/project/gluonts) (📥 200K / month): ``` pip install gluonts ```
-
PyFlux (🥉22 · ⭐ 2K · 💀) - 适用于Python的开源时间序列库。BSD-3 +
PyFlux (🥉21 · ⭐ 2.1K · 💀) - Open source time series library for Python. BSD-3 -- [GitHub](https://github.com/RJT1990/pyflux) (👨‍💻 6 · 🔀 220 · 📦 220 · 📋 150 - 56% open · ⏱️ 16.12.2018): +- [GitHub](https://github.com/RJT1990/pyflux) (👨‍💻 6 · 🔀 240 · 📦 260 · 📋 150 - 56% open · ⏱️ 16.12.2018): ``` git clone https://github.com/RJT1990/pyflux ``` -- [PyPi](https://pypi.org/project/pyflux) (📥 150K / month): +- [PyPi](https://pypi.org/project/pyflux) (📥 28K / month): ``` pip install pyflux ```
-
luminol (🥉20 · ⭐ 1K · 💀) - 异常检测和相关库。Apache-2 +
luminol (🥉20 · ⭐ 1.1K · 💤) - Anomaly Detection and Correlation library. Apache-2 -- [GitHub](https://github.com/linkedin/luminol) (👨‍💻 8 · 🔀 200 · 📦 66 · 📋 36 - 66% open · ⏱️ 09.01.2018): +- [GitHub](https://github.com/linkedin/luminol) (👨‍💻 9 · 🔀 220 · 📦 77 · 📋 38 - 68% open · ⏱️ 09.05.2023): ``` git clone https://github.com/linkedin/luminol ``` -- [PyPi](https://pypi.org/project/luminol) (📥 32K / month): +- [PyPi](https://pypi.org/project/luminol) (📥 9K / month): ``` pip install luminol ```
-
ADTK (🥉18 · ⭐ 850 · 💀) - 一个Python工具包,用于基于规则的/无监督的异常检测。MPL-2.0 +
tick (🥉20 · ⭐ 460 · 💤) - Module for statistical learning, with a particular emphasis on time-.. BSD-3 -- [GitHub](https://github.com/arundo/adtk) (👨‍💻 11 · 🔀 100 · 📋 67 - 46% open · ⏱️ 17.04.2020): +- [GitHub](https://github.com/X-DataInitiative/tick) (👨‍💻 19 · 🔀 97 · 📥 300 · 📦 74 · 📋 240 - 28% open · ⏱️ 05.03.2023): ``` - git clone https://github.com/arundo/adtk + git clone https://github.com/X-DataInitiative/tick ``` -- [PyPi](https://pypi.org/project/adtk) (📥 280K / month): +- [PyPi](https://pypi.org/project/tick) (📥 1.3K / month): ``` - pip install adtk + pip install tick ```
-
pydlm (🥉18 · ⭐ 420 · 💀) - 用于贝叶斯时间序列建模的python库。BSD-3 +
ADTK (🥉19 · ⭐ 1K · 💀) - A Python toolkit for rule-based/unsupervised anomaly detection in time.. MPL-2.0 -- [GitHub](https://github.com/wwrechard/pydlm) (👨‍💻 6 · 🔀 91 · 📦 27 · 📋 43 - 81% open · ⏱️ 22.10.2019): +- [GitHub](https://github.com/arundo/adtk) (👨‍💻 11 · 🔀 130 · 📋 79 - 54% open · ⏱️ 17.04.2020): ``` - git clone https://github.com/wwrechard/pydlm + git clone https://github.com/arundo/adtk ``` -- [PyPi](https://pypi.org/project/pydlm) (📥 27K / month): +- [PyPi](https://pypi.org/project/adtk) (📥 240K / month): ``` - pip install pydlm + pip install adtk ```
-
tick (🥉18 · ⭐ 400 · 💀) - 统计学习模块。BSD-3 +
pydlm (🥉18 · ⭐ 470) - A python library for Bayesian time series modeling. BSD-3 -- [GitHub](https://github.com/X-DataInitiative/tick) (👨‍💻 16 · 🔀 84 · 📥 200 · 📦 66 · 📋 220 - 25% open · ⏱️ 15.06.2020): +- [GitHub](https://github.com/wwrechard/pydlm) (👨‍💻 6 · 🔀 95 · 📦 33 · 📋 48 - 75% open · ⏱️ 04.09.2023): ``` - git clone https://github.com/X-DataInitiative/tick + git clone https://github.com/wwrechard/pydlm ``` -- [PyPi](https://pypi.org/project/tick) (📥 980 / month): +- [PyPi](https://pypi.org/project/pydlm) (📥 21K / month): ``` - pip install tick + pip install pydlm ```
-
matrixprofile-ts (🥉17 · ⭐ 690 · 💀) - 一个用于检测模式和异常的Python库。Apache-2 +
Auto TS (🥉17 · ⭐ 660) - Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost.. Apache-2 -- [GitHub](https://github.com/target/matrixprofile-ts) (👨‍💻 15 · 🔀 97 · 📦 19 · 📋 53 - 35% open · ⏱️ 25.04.2020): +- [GitHub](https://github.com/AutoViML/Auto_TS) (👨‍💻 12 · 🔀 110 · ⏱️ 28.01.2024): ``` - git clone https://github.com/target/matrixprofile-ts + git clone https://github.com/AutoViML/Auto_TS ``` -- [PyPi](https://pypi.org/project/matrixprofile-ts) (📥 520 / month): +- [PyPi](https://pypi.org/project/auto-ts) (📥 4.7K / month): ``` - pip install matrixprofile-ts + pip install auto-ts ```
-
seglearn (🥉17 · ⭐ 520) - 机器学习时间序列的Python模块。BSD-3 +
seglearn (🥉17 · ⭐ 560 · 💀) - Python module for machine learning time series:. BSD-3 -- [GitHub](https://github.com/dmbee/seglearn) (👨‍💻 14 · 🔀 61 · 📦 11 · 📋 29 - 20% open · ⏱️ 16.06.2022): +- [GitHub](https://github.com/dmbee/seglearn) (👨‍💻 14 · 🔀 62 · 📦 47 · 📋 29 - 17% open · ⏱️ 27.08.2022): ``` git clone https://github.com/dmbee/seglearn ``` -- [PyPi](https://pypi.org/project/seglearn) (📥 970 / month): +- [PyPi](https://pypi.org/project/seglearn) (📥 1.1K / month): ``` pip install seglearn ```
-
Auto TS (🥉17 · ⭐ 470) - 自动实现ARIMA,SARIMAX,VAR,FB Prophet和XGBoost等模型时序建模。Apache-2 +
matrixprofile-ts (🥉16 · ⭐ 720 · 💀) - A Python library for detecting patterns and anomalies.. Apache-2 -- [GitHub](https://github.com/AutoViML/Auto_TS) (👨‍💻 6 · 🔀 86 · 📋 75 - 8% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/target/matrixprofile-ts) (👨‍💻 15 · 🔀 100 · 📦 24 · 📋 54 - 35% open · ⏱️ 25.04.2020): ``` - git clone https://github.com/AutoViML/Auto_TS + git clone https://github.com/target/matrixprofile-ts ``` -- [PyPi](https://pypi.org/project/auto-ts) (📥 4.4K / month): +- [PyPi](https://pypi.org/project/matrixprofile-ts) (📥 300 / month): ``` - pip install auto-ts + pip install matrixprofile-ts ```
-
atspy (🥉13 · ⭐ 450 · 💤) - AtsPy:Python中的自动时间序列模型。❗Unlicensed +
atspy (🥉13 · ⭐ 510 · 💀) - AtsPy: Automated Time Series Models in Python (by @firmai). ❗Unlicensed -- [GitHub](https://github.com/firmai/atspy) (👨‍💻 5 · 🔀 85 · 📦 6 · 📋 21 - 90% open · ⏱️ 18.12.2021): +- [GitHub](https://github.com/firmai/atspy) (👨‍💻 5 · 🔀 89 · 📦 10 · 📋 24 - 91% open · ⏱️ 18.12.2021): ``` git clone https://github.com/firmai/atspy ``` -- [PyPi](https://pypi.org/project/atspy) (📥 350 / month): +- [PyPi](https://pypi.org/project/atspy) (📥 240 / month): ``` pip install atspy ```

-## 医疗领域 - -Back to top +## Medical Data -_用于处理和分析MRI,EEG,基因组数据和其他医学成像格式等医学数据的库。_ +Back to top -
NIPYPE (🥇31 · ⭐ 640) - 神经影像软件包的工作流程和接口。Apache-2 +_Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats._ -- [GitHub](https://github.com/nipy/nipype) (👨‍💻 240 · 🔀 460 · 📦 1K · 📋 1.3K - 28% open · ⏱️ 22.08.2022): - - ``` - git clone https://github.com/nipy/nipype - ``` -- [PyPi](https://pypi.org/project/nipype) (📥 54K / month): - ``` - pip install nipype - ``` -- [Conda](https://anaconda.org/conda-forge/nipype) (📥 490K · ⏱️ 14.07.2022): - ``` - conda install -c conda-forge nipype - ``` -
-
Lifelines (🥇30 · ⭐ 1.9K) - Python中的生存分析。MIT +
Lifelines (🥇31 · ⭐ 2.2K) - Survival analysis in Python. MIT -- [GitHub](https://github.com/CamDavidsonPilon/lifelines) (👨‍💻 100 · 🔀 480 · 📦 1K · 📋 870 - 25% open · ⏱️ 17.07.2022): +- [GitHub](https://github.com/CamDavidsonPilon/lifelines) (👨‍💻 120 · 🔀 530 · 📦 2.2K · 📋 940 - 25% open · ⏱️ 15.01.2024): ``` git clone https://github.com/CamDavidsonPilon/lifelines ``` -- [PyPi](https://pypi.org/project/lifelines) (📥 370K / month): +- [PyPi](https://pypi.org/project/lifelines) (📥 680K / month): ``` pip install lifelines ``` -- [Conda](https://anaconda.org/conda-forge/lifelines) (📥 210K · ⏱️ 18.05.2022): +- [Conda](https://anaconda.org/conda-forge/lifelines) (📥 310K · ⏱️ 13.09.2023): ``` conda install -c conda-forge lifelines ```
-
NiBabel (🥈28 · ⭐ 490) - Python软件包,用于访问神经影像文件格式。❗Unlicensed +
NIPYPE (🥇31 · ⭐ 720) - Workflows and interfaces for neuroimaging packages. Apache-2 -- [GitHub](https://github.com/nipy/nibabel) (👨‍💻 94 · 🔀 230 · 📦 7.9K · 📋 440 - 26% open · ⏱️ 20.08.2022): +- [GitHub](https://github.com/nipy/nipype) (👨‍💻 250 · 🔀 480 · 📦 4K · 📋 1.3K - 29% open · ⏱️ 06.02.2024): ``` - git clone https://github.com/nipy/nibabel + git clone https://github.com/nipy/nipype ``` -- [PyPi](https://pypi.org/project/nibabel) (📥 230K / month): +- [PyPi](https://pypi.org/project/nipype) (📥 88K / month): ``` - pip install nibabel + pip install nipype ``` -- [Conda](https://anaconda.org/conda-forge/nibabel) (📥 470K · ⏱️ 18.06.2022): +- [Conda](https://anaconda.org/conda-forge/nipype) (📥 590K · ⏱️ 22.09.2023): ``` - conda install -c conda-forge nibabel + conda install -c conda-forge nipype ```
-
MNE (🥈27 · ⭐ 2K) - MNE:Python中的磁脑图(MEG)和脑电图(EEG)。BSD-3 +
MNE (🥈29 · ⭐ 2.5K) - MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python. BSD-3 -- [GitHub](https://github.com/mne-tools/mne-python) (👨‍💻 310 · 🔀 1K · 📦 1.8K · 📋 4.2K - 9% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/mne-tools/mne-python) (👨‍💻 360 · 🔀 1.2K · 📦 3.5K · 📋 4.7K - 9% open · ⏱️ 14.02.2024): ``` git clone https://github.com/mne-tools/mne-python ``` -- [PyPi](https://pypi.org/project/mne) (📥 48K / month): +- [PyPi](https://pypi.org/project/mne) (📥 110K / month): ``` pip install mne ``` -- [Conda](https://anaconda.org/conda-forge/mne) (📥 220K · ⏱️ 24.08.2022): +- [Conda](https://anaconda.org/conda-forge/mne) (📥 350K · ⏱️ 16.01.2024): ``` conda install -c conda-forge mne ```
-
Hail (🥈27 · ⭐ 820) - 可扩展的基因组数据分析。MIT +
NiBabel (🥈29 · ⭐ 610) - Python package to access a cacophony of neuro-imaging file formats. ❗Unlicensed -- [GitHub](https://github.com/hail-is/hail) (👨‍💻 81 · 🔀 210 · 📦 75 · 📋 2K - 0% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/nipy/nibabel) (👨‍💻 100 · 🔀 250 · 📦 17K · 📋 500 - 20% open · ⏱️ 26.12.2023): ``` - git clone https://github.com/hail-is/hail + git clone https://github.com/nipy/nibabel ``` -- [PyPi](https://pypi.org/project/hail) (📥 240K / month): +- [PyPi](https://pypi.org/project/nibabel) (📥 430K / month): ``` - pip install hail + pip install nibabel + ``` +- [Conda](https://anaconda.org/conda-forge/nibabel) (📥 680K · ⏱️ 12.12.2023): + ``` + conda install -c conda-forge nibabel ```
-
MONAI (🥈25 · ⭐ 3.3K) - 用于医疗成像的AI工具包。Apache-2 +
MONAI (🥈28 · ⭐ 5K) - AI Toolkit for Healthcare Imaging. Apache-2 -- [GitHub](https://github.com/Project-MONAI/MONAI) (👨‍💻 110 · 🔀 640 · 📦 460 · 📋 1.9K - 11% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Project-MONAI/MONAI) (👨‍💻 180 · 🔀 920 · 📦 1.8K · 📋 2.8K - 8% open · ⏱️ 07.02.2024): ``` git clone https://github.com/Project-MONAI/MONAI ``` -- [PyPi](https://pypi.org/project/monai) (📥 48K / month): +- [PyPi](https://pypi.org/project/monai) (📥 130K / month): ``` pip install monai ```
-
Nilearn (🥈24 · ⭐ 880) - Python中NeuroImaging的机器学习。❗Unlicensed +
Hail (🥈26 · ⭐ 920) - Scalable genomic data analysis. MIT -- [GitHub](https://github.com/nilearn/nilearn) (👨‍💻 190 · 🔀 450 · 📥 64 · 📦 1.7K · 📋 1.6K - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/hail-is/hail) (👨‍💻 92 · 🔀 230 · 📦 120 · 📋 2.3K - 7% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/nilearn/nilearn - ``` -- [PyPi](https://pypi.org/project/nilearn) (📥 38K / month): - ``` - pip install nilearn + git clone https://github.com/hail-is/hail ``` -- [Conda](https://anaconda.org/conda-forge/nilearn) (📥 180K · ⏱️ 24.08.2022): +- [PyPi](https://pypi.org/project/hail) (📥 53K / month): ``` - conda install -c conda-forge nilearn + pip install hail ```
-
DIPY (🥈24 · ⭐ 540) - DIPY是Python中的Paragon 3D/4D +影像库。❗Unlicensed +
DIPY (🥈26 · ⭐ 650) - DIPY is the paragon 3D/4D+ imaging library in Python. Contains.. ❗Unlicensed -- [GitHub](https://github.com/dipy/dipy) (👨‍💻 130 · 🔀 340 · 📦 600 · 📋 780 - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/dipy/dipy) (👨‍💻 150 · 🔀 390 · 📦 1K · 📋 880 - 13% open · ⏱️ 07.02.2024): ``` git clone https://github.com/dipy/dipy ``` -- [PyPi](https://pypi.org/project/dipy) (📥 13K / month): +- [PyPi](https://pypi.org/project/dipy) (📥 23K / month): ``` pip install dipy ``` -- [Conda](https://anaconda.org/conda-forge/dipy) (📥 320K · ⏱️ 15.03.2022): +- [Conda](https://anaconda.org/conda-forge/dipy) (📥 430K · ⏱️ 08.02.2024): ``` conda install -c conda-forge dipy ```
-
DeepVariant (🥉22 · ⭐ 2.6K) - DeepVariant是使用深度神经网络的分析管道。BSD-3 +
Nilearn (🥈24 · ⭐ 1.1K) - Machine learning for NeuroImaging in Python. ❗Unlicensed -- [GitHub](https://github.com/google/deepvariant) (👨‍💻 24 · 🔀 620 · 📥 4.1K · 📋 500 - 1% open · ⏱️ 02.06.2022): +- [GitHub](https://github.com/nilearn/nilearn) (👨‍💻 230 · 🔀 540 · 📥 150 · 📦 2.9K · 📋 1.9K - 12% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/google/deepvariant + git clone https://github.com/nilearn/nilearn ``` -- [Conda](https://anaconda.org/bioconda/deepvariant) (📥 44K · ⏱️ 05.06.2022): +- [PyPi](https://pypi.org/project/nilearn) (📥 51K / month): ``` - conda install -c bioconda deepvariant + pip install nilearn + ``` +- [Conda](https://anaconda.org/conda-forge/nilearn) (📥 260K · ⏱️ 29.01.2024): + ``` + conda install -c conda-forge nilearn ```
-
NiftyNet (🥉22 · ⭐ 1.3K · 💀) - 开源医疗卷积神经网络工具库。Apache-2 +
MedPy (🥉23 · ⭐ 540) - Medical image processing in Python. ❗️GPL-3.0 -- [GitHub](https://github.com/NifTK/NiftyNet) (👨‍💻 59 · 🔀 390 · 📦 38 · 📋 320 - 30% open · ⏱️ 21.04.2020): +- [GitHub](https://github.com/loli/medpy) (👨‍💻 18 · 🔀 130 · 📦 1.7K · 📋 84 - 3% open · ⏱️ 07.12.2023): ``` - git clone https://github.com/NifTK/NiftyNet + git clone https://github.com/loli/medpy ``` -- [PyPi](https://pypi.org/project/niftynet) (📥 260 / month): +- [PyPi](https://pypi.org/project/MedPy) (📥 15K / month): ``` - pip install niftynet + pip install MedPy ```
-
MedPy (🥉22 · ⭐ 430 · 💀) - Python中的医学图像处理。❗️GPL-3.0 +
DeepVariant (🥉22 · ⭐ 3K) - DeepVariant is an analysis pipeline that uses a deep neural.. BSD-3 -- [GitHub](https://github.com/loli/medpy) (👨‍💻 14 · 🔀 120 · 📦 700 · 📋 80 - 15% open · ⏱️ 01.05.2020): +- [GitHub](https://github.com/google/deepvariant) (👨‍💻 28 · 🔀 680 · 📥 4.7K · 📋 710 - 0% open · ⏱️ 09.12.2023): ``` - git clone https://github.com/loli/medpy + git clone https://github.com/google/deepvariant ``` -- [PyPi](https://pypi.org/project/MedPy) (📥 13K / month): +- [Conda](https://anaconda.org/bioconda/deepvariant) (📥 62K · ⏱️ 16.06.2023): ``` - pip install MedPy + conda install -c bioconda deepvariant ```
-
Glow (🥉22 · ⭐ 210) - 一个用于大规模基因组分析的开源工具包。Apache-2 +
NiftyNet (🥉22 · ⭐ 1.4K · 💀) - [unmaintained] An open-source convolutional neural.. Apache-2 -- [GitHub](https://github.com/projectglow/glow) (👨‍💻 21 · 🔀 78 · 📋 130 - 40% open · ⏱️ 09.05.2022): +- [GitHub](https://github.com/NifTK/NiftyNet) (👨‍💻 61 · 🔀 400 · 📦 42 · 📋 320 - 30% open · ⏱️ 21.04.2020): ``` - git clone https://github.com/projectglow/glow + git clone https://github.com/NifTK/NiftyNet ``` -- [PyPi](https://pypi.org/project/glow.py) (📥 140K / month): +- [PyPi](https://pypi.org/project/niftynet) (📥 160 / month): ``` - pip install glow.py + pip install niftynet ```
-
DLTK (🥉18 · ⭐ 1.3K · 💀) - 用于医学图像分析的深度学习工具包。Apache-2 +
DLTK (🥉18 · ⭐ 1.4K · 💀) - Deep Learning Toolkit for Medical Image Analysis. Apache-2 -- [GitHub](https://github.com/DLTK/DLTK) (👨‍💻 9 · 🔀 390 · 📦 23 · 📋 31 - 22% open · ⏱️ 21.01.2019): +- [GitHub](https://github.com/DLTK/DLTK) (👨‍💻 9 · 🔀 400 · 📦 31 · 📋 31 - 22% open · ⏱️ 21.01.2019): ``` git clone https://github.com/DLTK/DLTK ``` -- [PyPi](https://pypi.org/project/dltk) (📥 100 / month): +- [PyPi](https://pypi.org/project/dltk) (📥 280 / month): ``` pip install dltk ```
-
NIPY (🥉18 · ⭐ 320 · 💀) - Python FMRI分析软件包中的Neuroimaging。BSD-3 +
NIPY (🥉18 · ⭐ 370) - Neuroimaging in Python FMRI analysis package. ❗Unlicensed -- [GitHub](https://github.com/nipy/nipy) (👨‍💻 63 · 🔀 130 · 📋 150 - 26% open · ⏱️ 29.03.2021): +- [GitHub](https://github.com/nipy/nipy) (👨‍💻 69 · 🔀 140 · 📦 220 · 📋 160 - 18% open · ⏱️ 26.12.2023): ``` git clone https://github.com/nipy/nipy ``` -- [PyPi](https://pypi.org/project/nipy) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/nipy) (📥 1.2K / month): ``` pip install nipy ``` -- [Conda](https://anaconda.org/conda-forge/nipy) (📥 95K · ⏱️ 04.05.2020): +- [Conda](https://anaconda.org/conda-forge/nipy) (📥 110K · ⏱️ 16.06.2023): ``` conda install -c conda-forge nipy ```
-
Brainiak (🥉18 · ⭐ 280 · 💀) - 脑成像分析套件。Apache-2 +
Glow (🥉18 · ⭐ 250) - An open-source toolkit for large-scale genomic analysis. Apache-2 + +- [GitHub](https://github.com/projectglow/glow) (👨‍💻 25 · 🔀 100 · 📋 150 - 37% open · ⏱️ 14.02.2024): + + ``` + git clone https://github.com/projectglow/glow + ``` +- [PyPi](https://pypi.org/project/glow.py) (📥 52K / month): + ``` + pip install glow.py + ``` +
+
Brainiak (🥉16 · ⭐ 320) - Brain Imaging Analysis Kit. Apache-2 -- [GitHub](https://github.com/brainiak/brainiak) (👨‍💻 34 · 🔀 130 · 📦 16 · 📋 200 - 37% open · ⏱️ 28.05.2021): +- [GitHub](https://github.com/brainiak/brainiak) (👨‍💻 35 · 🔀 130 · 📋 210 - 38% open · ⏱️ 27.11.2023): ``` git clone https://github.com/brainiak/brainiak ``` -- [PyPi](https://pypi.org/project/brainiak) (📥 180 / month): +- [PyPi](https://pypi.org/project/brainiak) (📥 140 / month): ``` pip install brainiak ``` -- [Docker Hub](https://hub.docker.com/r/brainiak/brainiak) (📥 760 · ⭐ 1 · ⏱️ 15.10.2020): +- [Docker Hub](https://hub.docker.com/r/brainiak/brainiak) (📥 1.8K · ⭐ 1 · ⏱️ 15.10.2020): ``` docker pull brainiak/brainiak ```
-
MedicalTorch (🥉15 · ⭐ 790 · 💀) - Pytorch的医学成像框架。Apache-2 +
Medical Detection Toolkit (🥉14 · ⭐ 1.3K · 💀) - The Medical Detection Toolkit contains 2D + 3D.. Apache-2 -- [GitHub](https://github.com/perone/medicaltorch) (👨‍💻 8 · 🔀 110 · 📦 12 · 📋 22 - 59% open · ⏱️ 16.04.2021): +- [GitHub](https://github.com/MIC-DKFZ/medicaldetectiontoolkit) (👨‍💻 3 · 🔀 290 · 📋 120 - 31% open · ⏱️ 04.04.2022): ``` - git clone https://github.com/perone/medicaltorch - ``` -- [PyPi](https://pypi.org/project/medicaltorch) (📥 210 / month): - ``` - pip install medicaltorch + git clone https://github.com/MIC-DKFZ/medicaldetectiontoolkit ```
-
MedicalNet (🥉14 · ⭐ 1.4K · 💀) - Transfer Learning for 3D Medical Image Analysis的论文实现。MIT +
MedicalTorch (🥉14 · ⭐ 830 · 💀) - A medical imaging framework for Pytorch. Apache-2 -- [GitHub](https://github.com/Tencent/MedicalNet) (🔀 370 · 📋 70 - 78% open · ⏱️ 27.08.2020): +- [GitHub](https://github.com/perone/medicaltorch) (👨‍💻 8 · 🔀 120 · 📦 14 · 📋 24 - 62% open · ⏱️ 16.04.2021): ``` - git clone https://github.com/Tencent/MedicalNet + git clone https://github.com/perone/medicaltorch + ``` +- [PyPi](https://pypi.org/project/medicaltorch) (📥 59 / month): + ``` + pip install medicaltorch ```
-
Medical Detection Toolkit (🥉14 · ⭐ 1.1K) - Medical Detection Toolkit包含2D + 3D。Apache-2 +
MedicalNet (🥉13 · ⭐ 1.8K · 💀) - Many studies have shown that the performance on deep learning is.. MIT -- [GitHub](https://github.com/MIC-DKFZ/medicaldetectiontoolkit) (👨‍💻 3 · 🔀 280 · 📋 120 - 30% open · ⏱️ 04.04.2022): +- [GitHub](https://github.com/Tencent/MedicalNet) (🔀 400 · 📋 77 - 77% open · ⏱️ 27.08.2020): ``` - git clone https://github.com/MIC-DKFZ/medicaldetectiontoolkit + git clone https://github.com/Tencent/MedicalNet ```
-
DeepNeuro (🥉11 · ⭐ 110 · 💀) - 用于神经影像数据的深度学习python软件包。MIT +
DeepNeuro (🥉12 · ⭐ 120 · 💀) - A deep learning python package for neuroimaging data. Made by:. MIT -- [GitHub](https://github.com/QTIM-Lab/DeepNeuro) (👨‍💻 6 · 🔀 34 · 📦 1 · 📋 41 - 60% open · ⏱️ 24.06.2020): +- [GitHub](https://github.com/QTIM-Lab/DeepNeuro) (👨‍💻 6 · 🔀 33 · 📦 1 · 📋 43 - 62% open · ⏱️ 24.06.2020): ``` git clone https://github.com/QTIM-Lab/DeepNeuro ``` -- [PyPi](https://pypi.org/project/deepneuro) (📥 20 / month): +- [PyPi](https://pypi.org/project/deepneuro) (📥 48 / month): ``` pip install deepneuro ```

-## 光学字符识别OCR +## Optical Character Recognition -Back to top +Back to top -_用于光学字符识别(OCR)和从图像或视频中提取文本的库。_ +_Libraries for optical character recognition (OCR) and text extraction from images or videos._ -
EasyOCR (🥇31 · ⭐ 16K) - 即用型OCR,具有80多种受支持的语言和所有流行的手写文字。Apache-2 +
EasyOCR (🥇33 · ⭐ 21K) - Ready-to-use OCR with 80+ supported languages and all popular writing.. Apache-2 -- [GitHub](https://github.com/JaidedAI/EasyOCR) (👨‍💻 110 · 🔀 2.2K · 📥 2M · 📦 1.5K · 📋 640 - 15% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/JaidedAI/EasyOCR) (👨‍💻 130 · 🔀 2.8K · 📥 8.8M · 📦 5.2K · 📋 920 - 36% open · ⏱️ 04.09.2023): ``` git clone https://github.com/JaidedAI/EasyOCR ``` -- [PyPi](https://pypi.org/project/easyocr) (📥 84K / month): +- [PyPi](https://pypi.org/project/easyocr) (📥 440K / month): ``` pip install easyocr ```
-
PaddleOCR (🥇27 · ⭐ 24K) - 基于PaddlePaddle的多语言OCR工具包。Apache-2 +
PaddleOCR (🥇30 · ⭐ 36K) - Awesome multilingual OCR toolkits based on PaddlePaddle.. Apache-2 -- [GitHub](https://github.com/PaddlePaddle/PaddleOCR) (👨‍💻 110 · 🔀 4.9K · 📦 780 · 📋 5.1K - 25% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/PaddlePaddle/PaddleOCR) (👨‍💻 150 · 🔀 6.9K · 📦 2.2K · 📋 8.5K - 11% open · ⏱️ 24.01.2024): ``` git clone https://github.com/PaddlePaddle/PaddleOCR ``` -- [PyPi](https://pypi.org/project/paddleocr) (📥 38K / month): +- [PyPi](https://pypi.org/project/paddleocr) (📥 200K / month): ``` pip install paddleocr ```
-
tesserocr (🥈26 · ⭐ 1.7K) - 用于tesseract-ocr API的Python包装器。MIT +
tesserocr (🥈28 · ⭐ 1.9K) - A Python wrapper for the tesseract-ocr API. MIT -- [GitHub](https://github.com/sirfz/tesserocr) (👨‍💻 26 · 🔀 220 · 📦 700 · 📋 250 - 31% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/sirfz/tesserocr) (👨‍💻 30 · 🔀 250 · 📥 120 · 📦 940 · 📋 270 - 18% open · ⏱️ 05.02.2024): ``` git clone https://github.com/sirfz/tesserocr ``` -- [PyPi](https://pypi.org/project/tesserocr) (📥 49K / month): +- [PyPi](https://pypi.org/project/tesserocr) (📥 51K / month): ``` pip install tesserocr ``` -- [Conda](https://anaconda.org/conda-forge/tesserocr) (📥 81K · ⏱️ 04.05.2022): +- [Conda](https://anaconda.org/conda-forge/tesserocr) (📥 130K · ⏱️ 16.06.2023): ``` conda install -c conda-forge tesserocr ```
-
Tesseract (🥈25 · ⭐ 4.4K) - Python-tesseract是一种光学字符识别(OCR)工具。Apache-2 +
OCRmyPDF (🥈27 · ⭐ 11K) - OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them.. MPL-2.0 -- [GitHub](https://github.com/madmaze/pytesseract) (👨‍💻 41 · 🔀 600 · 📋 310 - 4% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/ocrmypdf/OCRmyPDF) (👨‍💻 91 · 🔀 830 · 📥 2.2K · 📦 730 · 📋 1.1K - 8% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/madmaze/pytesseract - ``` -- [PyPi](https://pypi.org/project/pytesseract) (📥 670K / month): - ``` - pip install pytesseract + git clone https://github.com/jbarlow83/OCRmyPDF ``` -- [Conda](https://anaconda.org/conda-forge/pytesseract) (📥 520K · ⏱️ 15.03.2022): +- [PyPi](https://pypi.org/project/ocrmypdf) (📥 82K / month): ``` - conda install -c conda-forge pytesseract + pip install ocrmypdf ```
-
OCRmyPDF (🥈22 · ⭐ 7K) - OCRmyPDF将OCR文本层添加到扫描的PDF文件中使用。MPL-2.0 +
Tesseract (🥈25 · ⭐ 5.3K) - Python-tesseract is an optical character recognition (OCR) tool.. Apache-2 -- [GitHub](https://github.com/ocrmypdf/OCRmyPDF) (👨‍💻 74 · 🔀 590 · 📋 880 - 9% open · ⏱️ 15.08.2022): +- [GitHub](https://github.com/madmaze/pytesseract) (👨‍💻 46 · 🔀 680 · 📋 350 - 2% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/jbarlow83/OCRmyPDF + git clone https://github.com/madmaze/pytesseract ``` -- [PyPi](https://pypi.org/project/ocrmypdf) (📥 25K / month): +- [PyPi](https://pypi.org/project/pytesseract) (📥 1.4M / month): ``` - pip install ocrmypdf + pip install pytesseract + ``` +- [Conda](https://anaconda.org/conda-forge/pytesseract) (📥 600K · ⏱️ 15.10.2023): + ``` + conda install -c conda-forge pytesseract ```
-
pdftabextract (🥉19 · ⭐ 2K) - 一组用于从PDF文件提取表格的工具。Apache-2 +
keras-ocr (🥉23 · ⭐ 1.3K) - A packaged and flexible version of the CRAFT text detector and.. MIT -- [GitHub](https://github.com/WZBSocialScienceCenter/pdftabextract) (👨‍💻 3 · 🔀 350 · 📦 42 · 📋 21 - 14% open · ⏱️ 24.06.2022): +- [GitHub](https://github.com/faustomorales/keras-ocr) (👨‍💻 18 · 🔀 310 · 📥 850K · 📦 420 · ⏱️ 06.11.2023): ``` - git clone https://github.com/WZBSocialScienceCenter/pdftabextract + git clone https://github.com/faustomorales/keras-ocr ``` -- [PyPi](https://pypi.org/project/pdftabextract) (📥 660 / month): +- [PyPi](https://pypi.org/project/keras-ocr) (📥 26K / month): ``` - pip install pdftabextract + pip install keras-ocr ```
-
calamari (🥉19 · ⭐ 940) - 基于OCRopy的基于行的ATR引擎。Apache-2 +
attention-ocr (🥉20 · ⭐ 1K) - A Tensorflow model for text recognition (CNN + seq2seq with.. MIT -- [GitHub](https://github.com/Calamari-OCR/calamari) (👨‍💻 19 · 🔀 190 · 📋 250 - 19% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/emedvedev/attention-ocr) (👨‍💻 28 · 🔀 250 · 📦 28 · 📋 150 - 16% open · ⏱️ 20.10.2023): ``` - git clone https://github.com/Calamari-OCR/calamari + git clone https://github.com/emedvedev/attention-ocr ``` -- [PyPi](https://pypi.org/project/calamari_ocr) (📥 430 / month): +- [PyPi](https://pypi.org/project/aocr) (📥 190 / month): ``` - pip install calamari_ocr + pip install aocr ```
-
attention-ocr (🥉19 · ⭐ 920 · 💤) - 用于文本识别的Tensorflow模型。MIT +
pdftabextract (🥉19 · ⭐ 2.1K · 💀) - A set of tools for extracting tables from PDF files.. Apache-2 -- [GitHub](https://github.com/emedvedev/attention-ocr) (👨‍💻 27 · 🔀 240 · 📦 20 · 📋 150 - 15% open · ⏱️ 29.10.2021): +- [GitHub](https://github.com/WZBSocialScienceCenter/pdftabextract) (👨‍💻 3 · 🔀 360 · 📦 48 · 📋 21 - 14% open · ⏱️ 24.06.2022): ``` - git clone https://github.com/emedvedev/attention-ocr + git clone https://github.com/WZBSocialScienceCenter/pdftabextract ``` -- [PyPi](https://pypi.org/project/aocr) (📥 96 / month): +- [PyPi](https://pypi.org/project/pdftabextract) (📥 340 / month): ``` - pip install aocr + pip install pdftabextract ```
-
doc2text (🥉18 · ⭐ 1.3K · 💀) - 批量检测文本块和OCR扫描不良的PDF。MIT +
calamari (🥉19 · ⭐ 1K) - Line based ATR Engine based on OCRopy. Apache-2 -- [GitHub](https://github.com/jlsutherland/doc2text) (👨‍💻 5 · 🔀 95 · 📦 60 · 📋 21 - 57% open · ⏱️ 01.12.2020): +- [GitHub](https://github.com/Calamari-OCR/calamari) (👨‍💻 20 · 🔀 210 · 📋 270 - 23% open · ⏱️ 18.08.2023): ``` - git clone https://github.com/jlsutherland/doc2text + git clone https://github.com/Calamari-OCR/calamari ``` -- [PyPi](https://pypi.org/project/doc2text) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/calamari_ocr) (📥 1.7K / month): ``` - pip install doc2text + pip install calamari_ocr ```
-
keras-ocr (🥉18 · ⭐ 1.1K) - CRAFT文本检测器。MIT +
doc2text (🥉18 · ⭐ 1.3K · 💀) - Detect text blocks and OCR poorly scanned PDFs in bulk. Python.. MIT -- [GitHub](https://github.com/faustomorales/keras-ocr) (👨‍💻 15 · 🔀 270 · 📥 300K · 📋 180 - 38% open · ⏱️ 19.05.2022): +- [GitHub](https://github.com/jlsutherland/doc2text) (👨‍💻 5 · 🔀 95 · 📦 120 · 📋 22 - 59% open · ⏱️ 01.12.2020): ``` - git clone https://github.com/faustomorales/keras-ocr + git clone https://github.com/jlsutherland/doc2text ``` -- [PyPi](https://pypi.org/project/keras-ocr) (📥 5.8K / month): +- [PyPi](https://pypi.org/project/doc2text) (📥 1.9K / month): ``` - pip install keras-ocr + pip install doc2text ```
-
Mozart (🥉11 · ⭐ 400) - 光学音乐识别(OMR)系统。Apache-2 +
Mozart (🥉10 · ⭐ 550 · 💀) - An optical music recognition (OMR) system. Converts sheet.. Apache-2 -- [GitHub](https://github.com/aashrafh/Mozart) (👨‍💻 5 · 🔀 58 · 📋 12 - 25% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/aashrafh/Mozart) (👨‍💻 6 · 🔀 79 · 📋 15 - 20% open · ⏱️ 24.08.2022): ``` git clone https://github.com/aashrafh/Mozart @@ -5253,639 +5253,655 @@ _用于光学字符识别(OCR)和从图像或视频中提取文本的库。_

-## 数据容器和结构 +## Data Containers & Structures -Back to top +Back to top -_通用数据容器和结构以及pandas的实用程序和扩展。_ +_General-purpose data containers & structures as well as utilities & extensions for pandas._ -
pandas (🥇39 · ⭐ 35K) - 灵活而强大的数据分析/操作库。BSD-3 +
pandas (🥇39 · ⭐ 41K) - Flexible and powerful data analysis / manipulation library for.. BSD-3 -- [GitHub](https://github.com/pandas-dev/pandas) (👨‍💻 3.1K · 🔀 15K · 📥 160K · 📦 800K · 📋 23K - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/pandas-dev/pandas) (👨‍💻 3.6K · 🔀 17K · 📥 250K · 📦 1.5M · 📋 26K - 13% open · ⏱️ 14.02.2024): ``` git clone https://github.com/pandas-dev/pandas ``` -- [PyPi](https://pypi.org/project/pandas) (📥 100M / month): +- [PyPi](https://pypi.org/project/pandas) (📥 160M / month): ``` pip install pandas ``` -- [Conda](https://anaconda.org/conda-forge/pandas) (📥 29M · ⏱️ 24.08.2022): +- [Conda](https://anaconda.org/conda-forge/pandas) (📥 48M · ⏱️ 20.01.2024): ``` conda install -c conda-forge pandas ```
-
numpy (🥇38 · ⭐ 21K) - 使用Python进行科学计算的基本软件包。BSD-3 +
numpy (🥇39 · ⭐ 26K) - The fundamental package for scientific computing with Python. ❗Unlicensed -- [GitHub](https://github.com/numpy/numpy) (👨‍💻 1.5K · 🔀 7K · 📥 560K · 📦 1.2M · 📋 11K - 18% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/numpy/numpy) (👨‍💻 1.7K · 🔀 8.8K · 📥 960K · 📦 2.1M · 📋 12K - 15% open · ⏱️ 15.02.2024): ``` git clone https://github.com/numpy/numpy ``` -- [PyPi](https://pypi.org/project/numpy) (📥 130M / month): +- [PyPi](https://pypi.org/project/numpy) (📥 230M / month): ``` pip install numpy ``` -- [Conda](https://anaconda.org/conda-forge/numpy) (📥 38M · ⏱️ 16.08.2022): +- [Conda](https://anaconda.org/conda-forge/numpy) (📥 70M · ⏱️ 06.02.2024): ``` conda install -c conda-forge numpy ```
-
h5py (🥇36 · ⭐ 1.8K) - 适用于Python的HDF5-h5py软件包,HDF5的Pythonic接口。BSD-3 +
h5py (🥇36 · ⭐ 2K) - HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5.. BSD-3 -- [GitHub](https://github.com/h5py/h5py) (👨‍💻 180 · 🔀 450 · 📥 2.1K · 📦 170K · 📋 1.3K - 16% open · ⏱️ 01.07.2022): +- [GitHub](https://github.com/h5py/h5py) (👨‍💻 200 · 🔀 500 · 📥 3.1K · 📦 250K · 📋 1.5K - 17% open · ⏱️ 18.01.2024): ``` git clone https://github.com/h5py/h5py ``` -- [PyPi](https://pypi.org/project/h5py) (📥 12M / month): - ``` - pip install h5py - ``` -- [Conda](https://anaconda.org/conda-forge/h5py) (📥 8.8M · ⏱️ 14.08.2022): - ``` - conda install -c conda-forge h5py - ``` -
-
Arrow (🥈33 · ⭐ 10K) - Apache Arrow定义了一种在内存中表示tabular data的格式。Apache-2 - -- [GitHub](https://github.com/apache/arrow) (👨‍💻 930 · 🔀 2.4K · 📦 77 · 📋 840 - 6% open · ⏱️ 25.08.2022): - - ``` - git clone https://github.com/apache/arrow - ``` -- [PyPi](https://pypi.org/project/pyarrow) (📥 68M / month): +- [PyPi](https://pypi.org/project/h5py) (📥 17M / month): ``` - pip install pyarrow + pip install h5py ``` -- [Conda](https://anaconda.org/conda-forge/arrow) (📥 1.1M · ⏱️ 27.01.2022): +- [Conda](https://anaconda.org/conda-forge/h5py) (📥 15M · ⏱️ 13.12.2023): ``` - conda install -c conda-forge arrow + conda install -c conda-forge h5py ```
-
Modin (🥈29 · ⭐ 7.7K) - Modin:通过更改一行来加快Pandas工作流程。Apache-2 +
Modin (🥈32 · ⭐ 9.3K) - Modin: Speed up your Pandas workflows by changing a single line of.. Apache-2 -- [GitHub](https://github.com/modin-project/modin) (👨‍💻 100 · 🔀 540 · 📥 200K · 📦 710 · 📋 2.9K - 30% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/modin-project/modin) (👨‍💻 130 · 🔀 630 · 📥 200K · 📦 1.3K · 📋 3.9K - 16% open · ⏱️ 14.02.2024): ``` git clone https://github.com/modin-project/modin ``` -- [PyPi](https://pypi.org/project/modin) (📥 180K / month): +- [PyPi](https://pypi.org/project/modin) (📥 770K / month): ``` pip install modin ```
-
xarray (🥈29 · ⭐ 2.7K) - Python中带有N-D标签的数组和数据集。Apache-2 +
xarray (🥈31 · ⭐ 3.3K) - N-D labeled arrays and datasets in Python. Apache-2 -- [GitHub](https://github.com/pydata/xarray) (👨‍💻 390 · 🔀 800 · 📦 12K · 📋 3.4K - 26% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/pydata/xarray) (👨‍💻 480 · 🔀 980 · 📦 24K · 📋 4.1K - 24% open · ⏱️ 14.02.2024): ``` git clone https://github.com/pydata/xarray ``` -- [PyPi](https://pypi.org/project/xarray) (📥 1.6M / month): +- [PyPi](https://pypi.org/project/xarray) (📥 4.5M / month): ``` pip install xarray ``` -- [Conda](https://anaconda.org/conda-forge/xarray) (📥 5.7M · ⏱️ 26.07.2022): +- [Conda](https://anaconda.org/conda-forge/xarray) (📥 9.5M · ⏱️ 24.01.2024): ``` conda install -c conda-forge xarray ```
-
sklearn-pandas (🥈29 · ⭐ 2.6K) - pandas与sklearn集成。❗️Zlib +
TinyDB (🥈30 · ⭐ 6.4K · 💤) - TinyDB is a lightweight document oriented database optimized for your.. MIT -- [GitHub](https://github.com/scikit-learn-contrib/sklearn-pandas) (👨‍💻 39 · 🔀 380 · 📦 4.4K · 📋 150 - 16% open · ⏱️ 17.07.2022): +- [GitHub](https://github.com/msiemens/tinydb) (👨‍💻 82 · 🔀 500 · 📦 13K · 📋 310 - 5% open · ⏱️ 24.07.2023): ``` - git clone https://github.com/scikit-learn-contrib/sklearn-pandas + git clone https://github.com/msiemens/tinydb ``` -- [PyPi](https://pypi.org/project/sklearn-pandas) (📥 580K / month): +- [PyPi](https://pypi.org/project/tinydb) (📥 550K / month): ``` - pip install sklearn-pandas + pip install tinydb + ``` +- [Conda](https://anaconda.org/conda-forge/tinydb) (📥 370K · ⏱️ 12.06.2023): + ``` + conda install -c conda-forge tinydb ```
-
datasketch (🥈29 · ⭐ 1.8K) - MinHash, LSH, LSH Forest, Weighted MinHash, HyperLogLog等实现。MIT +
datasketch (🥈30 · ⭐ 2.3K) - MinHash, LSH, LSH Forest, Weighted MinHash, HyperLogLog,.. MIT -- [GitHub](https://github.com/ekzhu/datasketch) (👨‍💻 24 · 🔀 240 · 📥 19 · 📦 440 · 📋 140 - 25% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/ekzhu/datasketch) (👨‍💻 28 · 🔀 280 · 📥 19 · 📦 1.1K · 📋 160 - 28% open · ⏱️ 03.01.2024): ``` git clone https://github.com/ekzhu/datasketch ``` -- [PyPi](https://pypi.org/project/datasketch) (📥 720K / month): +- [PyPi](https://pypi.org/project/datasketch) (📥 1.4M / month): ``` pip install datasketch ```
-
Bottleneck (🥈29 · ⭐ 780) - 用C编写的快速NumPy数组函数。BSD-2 +
Bottleneck (🥈29 · ⭐ 980 · 💤) - Fast NumPy array functions written in C. BSD-2 -- [GitHub](https://github.com/pydata/bottleneck) (👨‍💻 25 · 🔀 80 · 📦 35K · 📋 220 - 15% open · ⏱️ 02.07.2022): +- [GitHub](https://github.com/pydata/bottleneck) (👨‍💻 30 · 🔀 98 · 📦 46K · 📋 230 - 17% open · ⏱️ 04.04.2023): ``` git clone https://github.com/pydata/bottleneck ``` -- [PyPi](https://pypi.org/project/Bottleneck) (📥 430K / month): +- [PyPi](https://pypi.org/project/Bottleneck) (📥 730K / month): ``` pip install Bottleneck ``` -- [Conda](https://anaconda.org/conda-forge/bottleneck) (📥 2.5M · ⏱️ 03.07.2022): +- [Conda](https://anaconda.org/conda-forge/bottleneck) (📥 3.9M · ⏱️ 29.09.2023): ``` conda install -c conda-forge bottleneck ```
-
Koalas (🥈28 · ⭐ 3.2K · 💤) - Apache Spark上的pandas API。Apache-2 +
Arrow (🥈28 · ⭐ 13K · 📉) - Apache Arrow is a cross-language development platform for in-.. Apache-2 -- [GitHub](https://github.com/databricks/koalas) (👨‍💻 51 · 🔀 330 · 📥 1K · 📦 220 · 📋 580 - 16% open · ⏱️ 21.10.2021): +- [GitHub](https://github.com/apache/arrow) (👨‍💻 1.2K · 🔀 3.1K · 📦 7 · 📋 23K - 17% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/databricks/koalas + git clone https://github.com/apache/arrow ``` -- [PyPi](https://pypi.org/project/koalas) (📥 1.6M / month): +- [PyPi](https://pypi.org/project/pyarrow) (📥 97M / month): ``` - pip install koalas + pip install pyarrow ``` -- [Conda](https://anaconda.org/conda-forge/koalas) (📥 180K · ⏱️ 20.10.2021): +- [Conda](https://anaconda.org/conda-forge/arrow) (📥 3.8M · ⏱️ 01.10.2023): ``` - conda install -c conda-forge koalas + conda install -c conda-forge arrow ```
-
Blaze (🥈28 · ⭐ 3.1K · 💀) - NumPy和Pandas连接到大数据。BSD-3 +
Koalas (🥈28 · ⭐ 3.3K) - Koalas: pandas API on Apache Spark. Apache-2 -- [GitHub](https://github.com/blaze/blaze) (👨‍💻 65 · 🔀 360 · 📦 8.3K · 📋 750 - 33% open · ⏱️ 15.08.2019): +- [GitHub](https://github.com/databricks/koalas) (👨‍💻 51 · 🔀 340 · 📥 1K · 📦 330 · 📋 590 - 17% open · ⏱️ 21.09.2023): ``` - git clone https://github.com/blaze/blaze + git clone https://github.com/databricks/koalas ``` -- [PyPi](https://pypi.org/project/blaze) (📥 8.1K / month): +- [PyPi](https://pypi.org/project/koalas) (📥 1.4M / month): ``` - pip install blaze + pip install koalas ``` -- [Conda](https://anaconda.org/conda-forge/blaze) (📥 200K · ⏱️ 15.07.2018): +- [Conda](https://anaconda.org/conda-forge/koalas) (📥 330K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge blaze + conda install -c conda-forge koalas ```
-
Vaex (🥉26 · ⭐ 7.3K) - 用于Python,ML的核外混合Apache Arrow / NumPy DataFrame可视化等实现。MIT +
Blaze (🥈28 · ⭐ 3.2K · 💀) - NumPy and Pandas interface to Big Data. BSD-3 -- [GitHub](https://github.com/vaexio/vaex) (👨‍💻 70 · 🔀 550 · 📥 240 · 📦 310 · 📋 1.1K - 31% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/blaze/blaze) (👨‍💻 67 · 🔀 360 · 📦 9.2K · 📋 750 - 33% open · ⏱️ 15.08.2019): ``` - git clone https://github.com/vaexio/vaex + git clone https://github.com/blaze/blaze ``` -- [PyPi](https://pypi.org/project/vaex) (📥 44K / month): +- [PyPi](https://pypi.org/project/blaze) (📥 9.8K / month): ``` - pip install vaex + pip install blaze ``` -- [Conda](https://anaconda.org/conda-forge/vaex) (📥 140K · ⏱️ 27.07.2022): +- [Conda](https://anaconda.org/conda-forge/blaze) (📥 200K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge vaex + conda install -c conda-forge blaze ```
-
zarr (🥉26 · ⭐ 970) - Python的分块,压缩N维数组的实现。MIT +
zarr (🥈28 · ⭐ 1.3K) - An implementation of chunked, compressed, N-dimensional arrays for Python. MIT -- [GitHub](https://github.com/zarr-developers/zarr-python) (👨‍💻 65 · 🔀 160 · 📦 1.4K · 📋 500 - 38% open · ⏱️ 15.08.2022): +- [GitHub](https://github.com/zarr-developers/zarr-python) (👨‍💻 97 · 🔀 240 · 📦 3.3K · 📋 630 - 36% open · ⏱️ 15.02.2024): ``` git clone https://github.com/zarr-developers/zarr-python ``` -- [PyPi](https://pypi.org/project/zarr) (📥 120K / month): +- [PyPi](https://pypi.org/project/zarr) (📥 520K / month): ``` pip install zarr ``` -- [Conda](https://anaconda.org/conda-forge/zarr) (📥 1.6M · ⏱️ 23.06.2022): +- [Conda](https://anaconda.org/conda-forge/zarr) (📥 2.9M · ⏱️ 15.02.2024): ``` conda install -c conda-forge zarr ```
-
numexpr (🥉25 · ⭐ 1.8K) - 适用于Python,NumPy,PyTables等的快速数值数组表达式评估器。MIT +
Vaex (🥉27 · ⭐ 8.1K · 💤) - Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualize.. MIT -- [GitHub](https://github.com/pydata/numexpr) (👨‍💻 63 · 🔀 180 · 📥 62 · 📋 330 - 18% open · ⏱️ 19.07.2022): +- [GitHub](https://github.com/vaexio/vaex) (👨‍💻 72 · 🔀 580 · 📥 280 · 📦 660 · 📋 1.2K - 35% open · ⏱️ 21.07.2023): ``` - git clone https://github.com/pydata/numexpr + git clone https://github.com/vaexio/vaex ``` -- [PyPi](https://pypi.org/project/numexpr) (📥 2.6M / month): +- [PyPi](https://pypi.org/project/vaex) (📥 33K / month): ``` - pip install numexpr + pip install vaex ``` -- [Conda](https://anaconda.org/conda-forge/numexpr) (📥 4.7M · ⏱️ 17.07.2022): +- [Conda](https://anaconda.org/conda-forge/vaex) (📥 180K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge numexpr + conda install -c conda-forge vaex ```
-
PyTables (🥉25 · ⭐ 1.1K) - 一个Python包,用于管理大量数据。BSD-3 +
sklearn-pandas (🥉27 · ⭐ 2.8K · 💀) - Pandas integration with sklearn. ❗️Zlib -- [GitHub](https://github.com/PyTables/PyTables) (👨‍💻 110 · 🔀 210 · 📥 170 · 📋 650 - 22% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/scikit-learn-contrib/sklearn-pandas) (👨‍💻 39 · 🔀 390 · 📦 7.1K · 📋 150 - 17% open · ⏱️ 17.07.2022): ``` - git clone https://github.com/PyTables/PyTables - ``` -- [PyPi](https://pypi.org/project/tables) (📥 1M / month): - ``` - pip install tables + git clone https://github.com/scikit-learn-contrib/sklearn-pandas ``` -- [Conda](https://anaconda.org/conda-forge/pytables) (📥 4.6M · ⏱️ 13.08.2022): +- [PyPi](https://pypi.org/project/sklearn-pandas) (📥 220K / month): ``` - conda install -c conda-forge pytables + pip install sklearn-pandas ```
-
Arctic (🥉24 · ⭐ 2.8K) - Arctic是用于数字数据的高性能数据存储。❗️LGPL-2.1 +
Arctic (🥉26 · ⭐ 3K) - Arctic is a high performance datastore for numeric data. ❗️LGPL-2.1 -- [GitHub](https://github.com/man-group/arctic) (👨‍💻 76 · 🔀 530 · 📥 190 · 📦 180 · 📋 530 - 14% open · ⏱️ 02.03.2022): +- [GitHub](https://github.com/man-group/arctic) (👨‍💻 85 · 🔀 560 · 📥 210 · 📦 240 · 📋 550 - 13% open · ⏱️ 01.02.2024): ``` git clone https://github.com/man-group/arctic ``` -- [PyPi](https://pypi.org/project/arctic) (📥 6.4K / month): +- [PyPi](https://pypi.org/project/arctic) (📥 4.1K / month): ``` pip install arctic ``` -- [Conda](https://anaconda.org/conda-forge/arctic) (📥 21K · ⏱️ 11.05.2022): +- [Conda](https://anaconda.org/conda-forge/arctic) (📥 31K · ⏱️ 16.06.2023): ``` conda install -c conda-forge arctic ```
-
Pandaral·lel (🥉24 · ⭐ 2.4K) - A simple and efficient tool to parallelize Pandas.. BSD-3 +
swifter (🥉26 · ⭐ 2.4K · 💤) - A package which efficiently applies any function to a pandas.. MIT -- [GitHub](https://github.com/nalepae/pandarallel) (👨‍💻 20 · 🔀 150 · 📋 170 - 46% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/jmcarpenter2/swifter) (👨‍💻 17 · 🔀 100 · 📦 1.2K · 📋 150 - 12% open · ⏱️ 31.07.2023): ``` - git clone https://github.com/nalepae/pandarallel + git clone https://github.com/jmcarpenter2/swifter ``` -- [PyPi](https://pypi.org/project/pandarallel) (📥 520K / month): +- [PyPi](https://pypi.org/project/swifter) (📥 460K / month): ``` - pip install pandarallel + pip install swifter + ``` +- [Conda](https://anaconda.org/conda-forge/swifter) (📥 320K · ⏱️ 31.07.2023): + ``` + conda install -c conda-forge swifter ```
-
swifter (🥉24 · ⭐ 2.1K) - 一个可以对pandas Dataframe或者series做高效function映射的工具库。MIT +
numexpr (🥉26 · ⭐ 2.1K) - Fast numerical array expression evaluator for Python, NumPy, PyTables,.. MIT -- [GitHub](https://github.com/jmcarpenter2/swifter) (👨‍💻 17 · 🔀 97 · 📦 660 · 📋 120 - 7% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/pydata/numexpr) (👨‍💻 73 · 🔀 200 · 📥 590 · 📋 360 - 17% open · ⏱️ 10.02.2024): ``` - git clone https://github.com/jmcarpenter2/swifter + git clone https://github.com/pydata/numexpr ``` -- [PyPi](https://pypi.org/project/swifter) (📥 270K / month): +- [PyPi](https://pypi.org/project/numexpr) (📥 6.6M / month): ``` - pip install swifter + pip install numexpr ``` -- [Conda](https://anaconda.org/conda-forge/swifter) (📥 150K · ⏱️ 17.08.2022): +- [Conda](https://anaconda.org/conda-forge/numexpr) (📥 7.6M · ⏱️ 05.02.2024): ``` - conda install -c conda-forge swifter + conda install -c conda-forge numexpr ```
-
pandasql (🥉24 · ⭐ 1.1K · 💀) - pandas的sqldf。MIT +
PyTables (🥉26 · ⭐ 1.3K) - A Python package to manage extremely large amounts of data. BSD-3 -- [GitHub](https://github.com/yhat/pandasql) (👨‍💻 15 · 🔀 150 · 📦 1.5K · 📋 70 - 65% open · ⏱️ 01.02.2017): +- [GitHub](https://github.com/PyTables/PyTables) (👨‍💻 130 · 🔀 240 · 📥 180 · 📋 710 - 22% open · ⏱️ 06.02.2024): ``` - git clone https://github.com/yhat/pandasql + git clone https://github.com/PyTables/PyTables ``` -- [PyPi](https://pypi.org/project/pandasql) (📥 1.6M / month): +- [PyPi](https://pypi.org/project/tables) (📥 920K / month): ``` - pip install pandasql + pip install tables + ``` +- [Conda](https://anaconda.org/conda-forge/pytables) (📥 6.8M · ⏱️ 04.12.2023): + ``` + conda install -c conda-forge pytables ```
-
bcolz (🥉24 · ⭐ 940 · 💀) - 可以压缩的列式数据容器。❗Unlicensed +
Pandaral·lel (🥉24 · ⭐ 3.4K) - A simple and efficient tool to parallelize Pandas.. BSD-3 -- [GitHub](https://github.com/Blosc/bcolz) (👨‍💻 33 · 🔀 130 · 📦 1.8K · 📋 240 - 50% open · ⏱️ 10.09.2020): +- [GitHub](https://github.com/nalepae/pandarallel) (👨‍💻 25 · 🔀 200 · 📋 210 - 39% open · ⏱️ 23.01.2024): ``` - git clone https://github.com/Blosc/bcolz + git clone https://github.com/nalepae/pandarallel ``` -- [PyPi](https://pypi.org/project/bcolz) (📥 14K / month): +- [PyPi](https://pypi.org/project/pandarallel) (📥 490K / month): ``` - pip install bcolz + pip install pandarallel + ``` +
+
pandasql (🥉24 · ⭐ 1.3K · 💀) - sqldf for pandas. MIT + +- [GitHub](https://github.com/yhat/pandasql) (👨‍💻 15 · 🔀 170 · 📦 2.7K · 📋 75 - 66% open · ⏱️ 01.02.2017): + + ``` + git clone https://github.com/yhat/pandasql ``` -- [Conda](https://anaconda.org/conda-forge/bcolz) (📥 310K · ⏱️ 20.06.2022): +- [PyPi](https://pypi.org/project/pandasql) (📥 1.7M / month): ``` - conda install -c conda-forge bcolz + pip install pandasql ```
-
TinyDB (🥉23 · ⭐ 5.3K) - TinyDB:轻型面向文档的数据库。MIT +
StaticFrame (🥉24 · ⭐ 390) - Immutable and grow-only Pandas-like DataFrames with a more explicit.. MIT -- [GitHub](https://github.com/msiemens/tinydb) (👨‍💻 78 · 🔀 450 · 📋 280 - 3% open · ⏱️ 23.07.2022): +- [GitHub](https://github.com/static-frame/static-frame) (👨‍💻 22 · 🔀 31 · 📦 19 · 📋 620 - 6% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/msiemens/tinydb + git clone https://github.com/InvestmentSystems/static-frame ``` -- [PyPi](https://pypi.org/project/tinydb) (📥 390K / month): +- [PyPi](https://pypi.org/project/static-frame) (📥 2.4K / month): ``` - pip install tinydb + pip install static-frame ``` -- [Conda](https://anaconda.org/conda-forge/tinydb) (📥 200K · ⏱️ 19.02.2022): +- [Conda](https://anaconda.org/conda-forge/static-frame) (📥 320K · ⏱️ 30.01.2024): ``` - conda install -c conda-forge tinydb + conda install -c conda-forge static-frame ```
-
StaticFrame (🥉22 · ⭐ 310) - 类似Pandas的DataFrame的不可变且仅增长的高效数据结构实现。MIT +
bcolz (🥉23 · ⭐ 960 · 💀) - A columnar data container that can be compressed. ❗Unlicensed -- [GitHub](https://github.com/InvestmentSystems/static-frame) (👨‍💻 20 · 🔀 26 · 📦 11 · 📋 450 - 9% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/Blosc/bcolz) (👨‍💻 33 · 🔀 140 · 📦 2K · 📋 240 - 50% open · ⏱️ 10.09.2020): ``` - git clone https://github.com/InvestmentSystems/static-frame + git clone https://github.com/Blosc/bcolz ``` -- [PyPi](https://pypi.org/project/static-frame) (📥 1.6K / month): +- [PyPi](https://pypi.org/project/bcolz) (📥 4.6K / month): ``` - pip install static-frame + pip install bcolz ``` -- [Conda](https://anaconda.org/conda-forge/static-frame) (📥 180K · ⏱️ 14.08.2022): +- [Conda](https://anaconda.org/conda-forge/bcolz) (📥 340K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge static-frame + conda install -c conda-forge bcolz ```
-
datatable (🥉20 · ⭐ 1.6K) - 一个用于处理二维表格数据的Python包。MPL-2.0 +
datatable (🥉21 · ⭐ 1.8K) - A Python package for manipulating 2-dimensional tabular data.. MPL-2.0 -- [GitHub](https://github.com/h2oai/datatable) (👨‍💻 33 · 🔀 140 · 📥 1.7K · 📋 1.4K - 10% open · ⏱️ 12.08.2022): +- [GitHub](https://github.com/h2oai/datatable) (👨‍💻 37 · 🔀 150 · 📥 2.3K · 📋 1.5K - 10% open · ⏱️ 01.12.2023): ``` git clone https://github.com/h2oai/datatable ``` -- [PyPi](https://pypi.org/project/datatable) (📥 67K / month): +- [PyPi](https://pypi.org/project/datatable) (📥 52K / month): ``` pip install datatable ```
-
pickleDB (🥉20 · ⭐ 700 · 💀) - pickleDB是使用Python的json的开源键值存储。BSD-3 +
Pandas Summary (🥉21 · ⭐ 490) - An extension to pandas dataframes describe function. Apache-2 + +- [GitHub](https://github.com/polyaxon/traceml) (👨‍💻 99 · 🔀 42 · 📋 14 - 42% open · ⏱️ 16.01.2024): + + ``` + git clone https://github.com/mouradmourafiq/pandas-summary + ``` +- [PyPi](https://pypi.org/project/pandas-summary) (📥 86K / month): + ``` + pip install pandas-summary + ``` +
+
pickleDB (🥉20 · ⭐ 850 · 💤) - pickleDB is an open source key-value store using Python's json.. BSD-3 -- [GitHub](https://github.com/patx/pickledb) (👨‍💻 12 · 🔀 110 · 📦 940 · 📋 57 - 28% open · ⏱️ 15.11.2019): +- [GitHub](https://github.com/patx/pickledb) (👨‍💻 15 · 🔀 120 · 📦 1.4K · 📋 60 - 30% open · ⏱️ 19.04.2023): ``` git clone https://github.com/patx/pickledb ``` -- [PyPi](https://pypi.org/project/pickledb) (📥 38K / month): +- [PyPi](https://pypi.org/project/pickledb) (📥 48K / month): ``` pip install pickledb ```
-
fletcher (🥉19 · ⭐ 220 · 💀) - 由Apache Arrow支持的Pandas ExtensionDType/Array。MIT +
fletcher (🥉19 · ⭐ 230 · 💤) - Pandas ExtensionDType/Array backed by Apache Arrow. MIT -- [GitHub](https://github.com/xhochy/fletcher) (👨‍💻 24 · 🔀 33 · 📥 13 · 📦 4 · 📋 74 - 45% open · ⏱️ 18.02.2021): +- [GitHub](https://github.com/xhochy/fletcher) (👨‍💻 24 · 🔀 31 · 📥 21 · 📦 5 · ⏱️ 22.02.2023): ``` git clone https://github.com/xhochy/fletcher ``` -- [PyPi](https://pypi.org/project/fletcher) (📥 620 / month): +- [PyPi](https://pypi.org/project/fletcher) (📥 200 / month): ``` pip install fletcher ``` -- [Conda](https://anaconda.org/conda-forge/fletcher) (📥 46K · ⏱️ 04.11.2021): +- [Conda](https://anaconda.org/conda-forge/fletcher) (📥 66K · ⏱️ 16.06.2023): ``` conda install -c conda-forge fletcher ```
-
Bounter (🥉18 · ⭐ 940 · 💀) - 使用有限内存的高效计数器。MIT +
Bounter (🥉18 · ⭐ 940 · 💀) - Efficient Counter that uses a limited (bounded) amount of memory.. MIT -- [GitHub](https://github.com/RaRe-Technologies/bounter) (👨‍💻 8 · 🔀 44 · 📦 26 · 📋 25 - 64% open · ⏱️ 24.05.2021): +- [GitHub](https://github.com/piskvorky/bounter) (👨‍💻 9 · 🔀 47 · 📦 34 · 📋 25 - 60% open · ⏱️ 20.11.2022): ``` git clone https://github.com/RaRe-Technologies/bounter ``` -- [PyPi](https://pypi.org/project/bounter) (📥 170 / month): +- [PyPi](https://pypi.org/project/bounter) (📥 500 / month): ``` pip install bounter ```
-
Pandas Summary (🥉16 · ⭐ 430) - pandas Dataframe的describe函数功能扩展。Apache-2 - -- [GitHub](https://github.com/polyaxon/datatile) (👨‍💻 8 · 🔀 39 · 📋 13 - 46% open · ⏱️ 14.08.2022): - - ``` - git clone https://github.com/mouradmourafiq/pandas-summary - ``` -- [PyPi](https://pypi.org/project/pandas-summary) (📥 46K / month): - ``` - pip install pandas-summary - ``` -
-
PandaPy (🥉10 · ⭐ 510 · 💤) - PandaPy:具有NumPy的速度,性能高于pandas的表格数据实现。❗Unlicensed +
PandaPy (🥉11 · ⭐ 540 · 💀) - PandaPy has the speed of NumPy and the usability of.. ❗Unlicensed -- [GitHub](https://github.com/firmai/pandapy) (👨‍💻 3 · 🔀 58 · 📦 2 · 📋 2 - 50% open · ⏱️ 20.10.2021): +- [GitHub](https://github.com/firmai/pandapy) (👨‍💻 3 · 🔀 65 · 📦 6 · 📋 2 - 50% open · ⏱️ 20.10.2021): ``` git clone https://github.com/firmai/pandapy ``` -- [PyPi](https://pypi.org/project/pandapy) (📥 71 / month): +- [PyPi](https://pypi.org/project/pandapy) (📥 82 / month): ``` pip install pandapy ```

-## 数据读写与提取 +## Data Loading & Extraction -Back to top +Back to top -_用于从各种数据源和格式加载,收集和提取数据的库。_ +_Libraries for loading, collecting, and extracting data from a variety of data sources and formats._ -
Faker (🥇37 · ⭐ 15K) - Faker是一个Python软件包,可为您生成伪造数据。MIT +
Faker (🥇38 · ⭐ 17K) - Faker is a Python package that generates fake data for you. MIT -- [GitHub](https://github.com/joke2k/faker) (👨‍💻 470 · 🔀 1.6K · 📦 67K · 📋 580 - 2% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/joke2k/faker) (👨‍💻 560 · 🔀 1.8K · 📦 200K · 📋 690 - 1% open · ⏱️ 14.02.2024): ``` git clone https://github.com/joke2k/faker ``` -- [PyPi](https://pypi.org/project/Faker) (📥 6.6M / month): +- [PyPi](https://pypi.org/project/Faker) (📥 13M / month): ``` pip install Faker ``` -- [Conda](https://anaconda.org/conda-forge/faker) (📥 620K · ⏱️ 18.08.2022): +- [Conda](https://anaconda.org/conda-forge/faker) (📥 890K · ⏱️ 15.02.2024): ``` conda install -c conda-forge faker ```
-
Datasets (🥇32 · ⭐ 14K) - 具有ML模型的最大的即用型NLP数据集合。Apache-2 +
Datasets (🥇34 · ⭐ 18K) - The largest hub of ready-to-use NLP datasets for ML models with.. Apache-2 -- [GitHub](https://github.com/huggingface/datasets) (👨‍💻 440 · 🔀 1.8K · 📦 6K · 📋 1.7K - 26% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/huggingface/datasets) (👨‍💻 550 · 🔀 2.4K · 📦 38K · 📋 2.6K - 21% open · ⏱️ 09.02.2024): ``` git clone https://github.com/huggingface/datasets ``` -- [PyPi](https://pypi.org/project/datasets) (📥 1.2M / month): +- [PyPi](https://pypi.org/project/datasets) (📥 7.5M / month): ``` pip install datasets ```
-
Tablib (🥇32 · ⭐ 4.2K) - 用于XLS,CSV,JSON,YAML和&c中表格数据集的Python模块。MIT +
TensorFlow Datasets (🥇34 · ⭐ 4.1K) - TFDS is a collection of datasets ready to use with.. Apache-2 + +- [GitHub](https://github.com/tensorflow/datasets) (👨‍💻 300 · 🔀 1.4K · 📦 16K · 📋 1.1K - 35% open · ⏱️ 09.02.2024): + + ``` + git clone https://github.com/tensorflow/datasets + ``` +- [PyPi](https://pypi.org/project/tensorflow-datasets) (📥 3M / month): + ``` + pip install tensorflow-datasets + ``` +
+
Tablib (🥈33 · ⭐ 4.5K) - Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c. MIT -- [GitHub](https://github.com/jazzband/tablib) (👨‍💻 120 · 🔀 540 · 📦 15K · 📋 240 - 12% open · ⏱️ 11.07.2022): +- [GitHub](https://github.com/jazzband/tablib) (👨‍💻 120 · 🔀 550 · 📦 93K · 📋 250 - 10% open · ⏱️ 01.01.2024): ``` git clone https://github.com/jazzband/tablib ``` -- [PyPi](https://pypi.org/project/tablib) (📥 1.2M / month): +- [PyPi](https://pypi.org/project/tablib) (📥 1.9M / month): ``` pip install tablib ``` -- [Conda](https://anaconda.org/conda-forge/tablib) (📥 75K · ⏱️ 09.04.2022): +- [Conda](https://anaconda.org/conda-forge/tablib) (📥 94K · ⏱️ 12.06.2023): ``` conda install -c conda-forge tablib ```
-
xmltodict (🥈31 · ⭐ 4.9K) - 像处理JSON一样处理XML。MIT +
xmltodict (🥈32 · ⭐ 5.3K · 💤) - Python module that makes working with XML feel like you are.. MIT -- [GitHub](https://github.com/martinblech/xmltodict) (👨‍💻 49 · 🔀 430 · 📦 42K · 📋 220 - 27% open · ⏱️ 08.05.2022): +- [GitHub](https://github.com/martinblech/xmltodict) (👨‍💻 49 · 🔀 450 · 📦 63K · 📋 240 - 33% open · ⏱️ 12.03.2023): ``` git clone https://github.com/martinblech/xmltodict ``` -- [PyPi](https://pypi.org/project/xmltodict) (📥 18M / month): +- [PyPi](https://pypi.org/project/xmltodict) (📥 33M / month): ``` pip install xmltodict ``` -- [Conda](https://anaconda.org/conda-forge/xmltodict) (📥 1.9M · ⏱️ 08.05.2022): +- [Conda](https://anaconda.org/conda-forge/xmltodict) (📥 3.6M · ⏱️ 16.06.2023): ``` conda install -c conda-forge xmltodict ```
-
python-magic (🥈29 · ⭐ 2.2K) - 用于libmagic的python包装器。❗Unlicensed +
xlrd (🥈30 · ⭐ 2.1K · 💀) - Please use openpyxl where you can... ❗Unlicensed -- [GitHub](https://github.com/ahupp/python-magic) (👨‍💻 55 · 🔀 240 · 📦 31K · 📋 180 - 15% open · ⏱️ 20.06.2022): +- [GitHub](https://github.com/python-excel/xlrd) (👨‍💻 51 · 🔀 430 · 📦 210K · ⏱️ 21.08.2021): ``` - git clone https://github.com/ahupp/python-magic + git clone https://github.com/python-excel/xlrd ``` -- [PyPi](https://pypi.org/project/python-magic) (📥 5.9M / month): +- [PyPi](https://pypi.org/project/xlrd) (📥 19M / month): ``` - pip install python-magic + pip install xlrd ``` -- [Conda](https://anaconda.org/conda-forge/python-magic) (📥 160K · ⏱️ 10.06.2022): +- [Conda](https://anaconda.org/conda-forge/xlrd) (📥 3.7M · ⏱️ 16.06.2023): ``` - conda install -c conda-forge python-magic + conda install -c conda-forge xlrd ```
-
xlrd (🥈29 · ⭐ 2K · 💤) - xlrd是python语言中用于读取excel表格内容的库。❗Unlicensed +
python-magic (🥈29 · ⭐ 2.5K) - A python wrapper for libmagic. ❗Unlicensed -- [GitHub](https://github.com/python-excel/xlrd) (👨‍💻 51 · 🔀 420 · 📦 100K · ⏱️ 21.08.2021): +- [GitHub](https://github.com/ahupp/python-magic) (👨‍💻 61 · 🔀 250 · 📦 53K · 📋 200 - 5% open · ⏱️ 09.10.2023): ``` - git clone https://github.com/python-excel/xlrd + git clone https://github.com/ahupp/python-magic ``` -- [PyPi](https://pypi.org/project/xlrd) (📥 18M / month): +- [PyPi](https://pypi.org/project/python-magic) (📥 7M / month): ``` - pip install xlrd + pip install python-magic ``` -- [Conda](https://anaconda.org/conda-forge/xlrd) (📥 2.6M · ⏱️ 09.01.2021): +- [Conda](https://anaconda.org/conda-forge/python-magic) (📥 240K · ⏱️ 25.09.2023): ``` - conda install -c conda-forge xlrd + conda install -c conda-forge python-magic ```
-
csvkit (🥈28 · ⭐ 5.1K) - 一套实用工具,可转换为CSV并操作。MIT +
csvkit (🥈28 · ⭐ 5.7K) - A suite of utilities for converting to and working with CSV, the king of.. MIT -- [GitHub](https://github.com/wireservice/csvkit) (👨‍💻 100 · 🔀 560 · 📦 1.1K · 📋 860 - 8% open · ⏱️ 11.04.2022): +- [GitHub](https://github.com/wireservice/csvkit) (👨‍💻 110 · 🔀 580 · 📦 1.6K · 📋 900 - 3% open · ⏱️ 13.02.2024): ``` git clone https://github.com/wireservice/csvkit ``` -- [PyPi](https://pypi.org/project/csvkit) (📥 160K / month): +- [PyPi](https://pypi.org/project/csvkit) (📥 190K / month): ``` pip install csvkit ``` -- [Conda](https://anaconda.org/conda-forge/csvkit) (📥 67K · ⏱️ 20.03.2022): +- [Conda](https://anaconda.org/conda-forge/csvkit) (📥 100K · ⏱️ 14.02.2024): ``` conda install -c conda-forge csvkit ```
-
TensorFlow Datasets (🥈28 · ⭐ 3.4K) - TFDS是一个高级数据集合。Apache-2 +
snorkel (🥈27 · ⭐ 5.7K) - A system for quickly generating training data with weak supervision. Apache-2 -- [GitHub](https://github.com/tensorflow/datasets) (👨‍💻 260 · 🔀 1.3K · 📋 980 - 36% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/snorkel-team/snorkel) (👨‍💻 81 · 🔀 840 · 📥 1.1K · 📦 460 · 📋 980 - 1% open · ⏱️ 01.02.2024): ``` - git clone https://github.com/tensorflow/datasets + git clone https://github.com/snorkel-team/snorkel ``` -- [PyPi](https://pypi.org/project/tensorflow-datasets) (📥 1.2M / month): +- [PyPi](https://pypi.org/project/snorkel) (📥 33K / month): ``` - pip install tensorflow-datasets + pip install snorkel + ``` +- [Conda](https://anaconda.org/conda-forge/snorkel) (📥 47K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge snorkel ```
-
PDFMiner (🥈26 · ⭐ 4.9K · 💀) - Python PDF解析器。MIT +
PDFMiner (🥈27 · ⭐ 5.2K · 💀) - Python PDF Parser (Not actively maintained). Check out pdfminer.six. MIT -- [GitHub](https://github.com/euske/pdfminer) (👨‍💻 28 · 🔀 980 · 📦 3.2K · 📋 240 - 82% open · ⏱️ 18.01.2020): +- [GitHub](https://github.com/euske/pdfminer) (👨‍💻 28 · 🔀 1K · 📦 7.9K · 📋 240 - 82% open · ⏱️ 18.01.2020): ``` git clone https://github.com/euske/pdfminer ``` -- [PyPi](https://pypi.org/project/pdfminer) (📥 120K / month): +- [PyPi](https://pypi.org/project/pdfminer) (📥 190K / month): ``` pip install pdfminer ``` -- [Conda](https://anaconda.org/conda-forge/pdfminer) (📥 24K · ⏱️ 15.02.2021): +- [Conda](https://anaconda.org/conda-forge/pdfminer) (📥 36K · ⏱️ 16.06.2023): ``` conda install -c conda-forge pdfminer ```
-
smart-open (🥈26 · ⭐ 2.6K) - 用于大文件(S3,HDFS,gzip,bz2 ...)流传输的实用程序。MIT +
smart-open (🥉26 · ⭐ 3K) - Utils for streaming large files (S3, HDFS, gzip, bz2...). MIT -- [GitHub](https://github.com/RaRe-Technologies/smart_open) (👨‍💻 96 · 🔀 310 · 📋 360 - 16% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/piskvorky/smart_open) (👨‍💻 110 · 🔀 360 · 📋 380 - 18% open · ⏱️ 08.02.2024): ``` git clone https://github.com/RaRe-Technologies/smart_open ``` -- [PyPi](https://pypi.org/project/smart-open) (📥 11M / month): +- [PyPi](https://pypi.org/project/smart-open) (📥 18M / month): ``` pip install smart-open ```
-
snorkel (🥉25 · ⭐ 5.2K) - 在弱监督环境下快速生成训练数据的系统。Apache-2 +
Intake (🥉26 · ⭐ 970) - Intake is a lightweight package for finding, investigating, loading and.. BSD-2 -- [GitHub](https://github.com/snorkel-team/snorkel) (👨‍💻 78 · 🔀 820 · 📥 980 · 📦 190 · 📋 970 - 1% open · ⏱️ 29.07.2022): +- [GitHub](https://github.com/intake/intake) (👨‍💻 86 · 🔀 140 · 📦 2K · 📋 360 - 27% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/snorkel-team/snorkel + git clone https://github.com/intake/intake ``` -- [PyPi](https://pypi.org/project/snorkel) (📥 65K / month): +- [PyPi](https://pypi.org/project/intake) (📥 59K / month): ``` - pip install snorkel + pip install intake ``` -- [Conda](https://anaconda.org/conda-forge/snorkel) (📥 30K · ⏱️ 29.07.2022): +- [Conda](https://anaconda.org/conda-forge/intake) (📥 540K · ⏱️ 08.02.2024): ``` - conda install -c conda-forge snorkel + conda install -c conda-forge intake ```
-
Intake (🥉24 · ⭐ 800) - Intake是一个轻量级的程序包,用于查找,调查,加载等。BSD-2 +
pandas-datareader (🥉25 · ⭐ 2.8K) - Extract data from a wide range of Internet sources.. ❗Unlicensed -- [GitHub](https://github.com/intake/intake) (👨‍💻 78 · 🔀 120 · 📦 480 · 📋 310 - 27% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/pydata/pandas-datareader) (👨‍💻 91 · 🔀 650 · 📦 22K · 📋 530 - 24% open · ⏱️ 24.10.2023): ``` - git clone https://github.com/intake/intake + git clone https://github.com/pydata/pandas-datareader ``` -- [PyPi](https://pypi.org/project/intake) (📥 21K / month): +- [PyPi](https://pypi.org/project/pandas-datareader) (📥 390K / month): ``` - pip install intake + pip install pandas-datareader ``` -- [Conda](https://anaconda.org/conda-forge/intake) (📥 220K · ⏱️ 10.01.2022): +- [Conda](https://anaconda.org/conda-forge/pandas-datareader) (📥 340K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge intake + conda install -c conda-forge pandas-datareader ```
-
textract (🥉23 · ⭐ 3.3K) - 从任何文档中提取文本。MIT +
textract (🥉23 · ⭐ 3.7K · 💀) - extract text from any document. no muss. no fuss. MIT -- [GitHub](https://github.com/deanmalmgren/textract) (👨‍💻 40 · 🔀 470 · 📋 210 - 39% open · ⏱️ 10.03.2022): +- [GitHub](https://github.com/deanmalmgren/textract) (👨‍💻 40 · 🔀 540 · 📋 230 - 44% open · ⏱️ 10.03.2022): ``` git clone https://github.com/deanmalmgren/textract ``` -- [PyPi](https://pypi.org/project/textract) (📥 120K / month): +- [PyPi](https://pypi.org/project/textract) (📥 100K / month): ``` pip install textract ``` -- [Conda](https://anaconda.org/conda-forge/textract) (📥 16K · ⏱️ 10.03.2022): +- [Conda](https://anaconda.org/conda-forge/textract) (📥 23K · ⏱️ 16.06.2023): ``` conda install -c conda-forge textract ```
-
SDV (🥉23 · ⭐ 980) - 用于表格,关系和时间序列数据的综合数据生成。❗Unlicensed +
SDV (🥉23 · ⭐ 1.8K) - Synthetic Data Generation for tabular, relational and time series data. ❗Unlicensed -- [GitHub](https://github.com/sdv-dev/SDV) (👨‍💻 41 · 🔀 160 · 📦 81 · 📋 580 - 20% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/sdv-dev/SDV) (👨‍💻 46 · 🔀 260 · 📦 350 · 📋 1.1K - 13% open · ⏱️ 15.02.2024): ``` git clone https://github.com/sdv-dev/SDV ``` -- [PyPi](https://pypi.org/project/sdv) (📥 33K / month): +- [PyPi](https://pypi.org/project/sdv) (📥 38K / month): ``` pip install sdv ```
-
tabulator-py (🥉22 · ⭐ 230 · 💀) - 用于读取和写入图像数据的Python库。MIT +
tabulator-py (🥉23 · ⭐ 240 · 💀) - Python library for reading and writing tabular data via streams. MIT -- [GitHub](https://github.com/frictionlessdata/tabulator-py) (👨‍💻 27 · 🔀 42 · 📦 830 · ⏱️ 22.03.2021): +- [GitHub](https://github.com/frictionlessdata/tabulator-py) (👨‍💻 27 · 🔀 41 · 📦 1.3K · ⏱️ 22.03.2021): ``` git clone https://github.com/frictionlessdata/tabulator-py @@ -5894,115 +5910,99 @@ _用于从各种数据源和格式加载,收集和提取数据的库。_ ``` pip install tabulator ``` -- [Conda](https://anaconda.org/conda-forge/tabulator-py) (📥 48K · ⏱️ 24.07.2018): +- [Conda](https://anaconda.org/conda-forge/tabulator-py) (📥 54K · ⏱️ 16.06.2023): ``` conda install -c conda-forge tabulator-py ```
-
pyexcel-xlsx (🥉22 · ⭐ 110 · 💀) - 一个包装器库,用于在xlsx和xlsm等文件格式中读取,操作和写入数据。❗Unlicensed +
pyexcel-xlsx (🥉21 · ⭐ 110 · 💀) - A wrapper library to read, manipulate and write data.. ❗Unlicensed -- [GitHub](https://github.com/pyexcel/pyexcel-xlsx) (👨‍💻 4 · 🔀 23 · 📥 51 · 📦 1.7K · 📋 34 - 26% open · ⏱️ 28.11.2020): +- [GitHub](https://github.com/pyexcel/pyexcel-xlsx) (👨‍💻 4 · 🔀 26 · 📥 67 · 📦 2.7K · 📋 35 - 28% open · ⏱️ 28.11.2020): ``` git clone https://github.com/pyexcel/pyexcel-xlsx ``` -- [PyPi](https://pypi.org/project/pyexcel-xlsx) (📥 88K / month): +- [PyPi](https://pypi.org/project/pyexcel-xlsx) (📥 130K / month): ``` pip install pyexcel-xlsx ``` -- [Conda](https://anaconda.org/conda-forge/pyexcel-xlsx) (📥 21K · ⏱️ 10.10.2020): +- [Conda](https://anaconda.org/conda-forge/pyexcel-xlsx) (📥 28K · ⏱️ 16.06.2023): ``` conda install -c conda-forge pyexcel-xlsx ```
-
messytables (🥉21 · ⭐ 380 · 💀) - 解析混乱的表格数据的工具。❗Unlicensed +
messytables (🥉20 · ⭐ 390 · 💀) - Tools for parsing messy tabular data. This is now.. ❗Unlicensed -- [GitHub](https://github.com/okfn/messytables) (👨‍💻 44 · 🔀 100 · 📦 250 · 📋 85 - 35% open · ⏱️ 13.11.2019): +- [GitHub](https://github.com/okfn/messytables) (👨‍💻 44 · 🔀 100 · 📦 300 · 📋 90 - 38% open · ⏱️ 13.11.2019): ``` git clone https://github.com/okfn/messytables ``` -- [PyPi](https://pypi.org/project/messytables) (📥 10K / month): +- [PyPi](https://pypi.org/project/messytables) (📥 16K / month): ``` pip install messytables ```
-
rows (🥉20 · ⭐ 810) - 通用美观的表格数据界面。❗️LGPL-3.0 - -- [GitHub](https://github.com/turicas/rows) (👨‍💻 31 · 🔀 140 · 📥 38 · 📦 140 · 📋 290 - 49% open · ⏱️ 18.08.2022): - - ``` - git clone https://github.com/turicas/rows - ``` -- [PyPi](https://pypi.org/project/rows) (📥 880 / month): - ``` - pip install rows - ``` -
-
Camelot (🥉19 · ⭐ 3.3K · 💀) - Camelot:简单的PDF表提取。❗Unlicensed +
Camelot (🥉19 · ⭐ 3.5K · 💀) - Camelot: PDF Table Extraction for Humans. ❗Unlicensed -- [GitHub](https://github.com/atlanhq/camelot) (👨‍💻 23 · 🔀 330 · 📋 360 - 23% open · ⏱️ 15.10.2019): +- [GitHub](https://github.com/atlanhq/camelot) (👨‍💻 24 · 🔀 340 · 📋 380 - 26% open · ⏱️ 15.10.2019): ``` git clone https://github.com/atlanhq/camelot ``` -- [PyPi](https://pypi.org/project/camelot-py) (📥 79K / month): +- [PyPi](https://pypi.org/project/camelot-py) (📥 290K / month): ``` pip install camelot-py ```
-
pandas-datareader (🥉19 · ⭐ 2.4K) - 从各种各样的网络来源中提取数据。❗Unlicensed +
Singer (🥉19 · ⭐ 1.2K · 💀) - Standard for moving data between databases, web APIs, files,.. ❗️AGPL-3.0 -- [GitHub](https://github.com/pydata/pandas-datareader) (👨‍💻 85 · 🔀 590 · 📋 500 - 20% open · ⏱️ 16.03.2022): +- [GitHub](https://github.com/singer-io/getting-started) (👨‍💻 26 · 🔀 140 · 📋 39 - 51% open · ⏱️ 29.04.2021): ``` - git clone https://github.com/pydata/pandas-datareader - ``` -- [PyPi](https://pypi.org/project/pandas-datareader) (📥 320K / month): - ``` - pip install pandas-datareader + git clone https://github.com/singer-io/getting-started ``` -- [Conda](https://anaconda.org/conda-forge/pandas-datareader) (📥 190K · ⏱️ 14.07.2021): +- [PyPi](https://pypi.org/project/singer-python) (📥 990K / month): ``` - conda install -c conda-forge pandas-datareader + pip install singer-python ```
-
datatest (🥉19 · ⭐ 260 · 💤) - 用于测试驱动的数据整理和数据验证的工具。❗Unlicensed +
rows (🥉19 · ⭐ 860 · 💤) - A common, beautiful interface to tabular data, no matter the format. ❗️LGPL-3.0 -- [GitHub](https://github.com/shawnbrown/datatest) (👨‍💻 7 · 🔀 13 · 📦 74 · 📋 55 - 21% open · ⏱️ 05.12.2021): +- [GitHub](https://github.com/turicas/rows) (👨‍💻 31 · 🔀 130 · 📥 38 · 📦 160 · 📋 300 - 49% open · ⏱️ 06.06.2023): ``` - git clone https://github.com/shawnbrown/datatest + git clone https://github.com/turicas/rows ``` -- [PyPi](https://pypi.org/project/datatest) (📥 8.3K / month): +- [PyPi](https://pypi.org/project/rows) (📥 750 / month): ``` - pip install datatest + pip install rows ```
-
Singer (🥉17 · ⭐ 1K · 💀) - 在数据库,Web API,文件,队列等之间移动数据的标准。❗️AGPL-3.0 +
datatest (🥉19 · ⭐ 280 · 💀) - Tools for test driven data-wrangling and data validation. ❗Unlicensed -- [GitHub](https://github.com/singer-io/getting-started) (👨‍💻 26 · 🔀 140 · 📋 38 - 52% open · ⏱️ 29.04.2021): +- [GitHub](https://github.com/shawnbrown/datatest) (👨‍💻 7 · 🔀 15 · 📦 160 · 📋 57 - 24% open · ⏱️ 05.12.2021): ``` - git clone https://github.com/singer-io/getting-started + git clone https://github.com/shawnbrown/datatest ``` -- [PyPi](https://pypi.org/project/singer-python) (📥 270K / month): +- [PyPi](https://pypi.org/project/datatest) (📥 15K / month): ``` - pip install singer-python + pip install datatest ```
-
openpyxl (🥉16 · ⭐ 45) - 一个用于读取/写入Excel 2010 xlsx/xlsm文件的Python库。MIT +
openpyxl (🥉15 · ⭐ 69) - A Python library to read/write Excel 2010 xlsx/xlsm files. MIT -- [PyPi](https://pypi.org/project/openpyxl) (📥 35M / month): +- [PyPi](https://pypi.org/project/openpyxl) (📥 67M / month): ``` pip install openpyxl ``` -- [GitLab](https://foss.heptapod.net/openpyxl/openpyxl) (🔀 0 · 📋 1.9K - 12% open · ⏱️ 07.07.2022): +- [GitLab](https://foss.heptapod.net/openpyxl/openpyxl) (🔀 0 · 📋 2.1K - 14% open · ⏱️ 14.11.2023): ``` git clone https://foss.heptapod.net/openpyxl/openpyxl ``` -- [Conda](https://anaconda.org/anaconda/openpyxl) (📥 98K · ⏱️ 07.07.2022): +- [Conda](https://anaconda.org/anaconda/openpyxl) (📥 210K · ⏱️ 14.11.2023): ``` conda install -c anaconda openpyxl ``` @@ -6013,517 +6013,533 @@ _用于从各种数据源和格式加载,收集和提取数据的库。_

-## 网页抓取和爬虫 +## Web Scraping & Crawling -Back to top +Back to top -_用于Web抓取、爬虫,下载和挖掘的库以及库。_ +_Libraries for web scraping, crawling, downloading, and mining as well as libraries._ -🔗 Python Web Scraping ( ⭐ 1.6K) - Collection of web-scraping and crawling libraries. +🔗 Python Web Scraping ( ⭐ 2.1K) - Collection of web-scraping and crawling libraries.
-## 数据管道和流处理 +## Data Pipelines & Streaming -Back to top +Back to top -_用于数据批处理和流处理,工作流自动化,作业调度和其他数据管道任务的库。_ +_Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks._ -
Celery (🥇36 · ⭐ 20K) - 基于分布式消息传递的异步任务队列/作业队列。❗Unlicensed +
joblib (🥇36 · ⭐ 3.6K) - Computing with Python functions. BSD-3 -- [GitHub](https://github.com/celery/celery) (👨‍💻 1.2K · 🔀 4.2K · 📦 75K · 📋 4.7K - 10% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/joblib/joblib) (👨‍💻 130 · 🔀 380 · 📦 390K · 📋 830 - 43% open · ⏱️ 01.12.2023): ``` - git clone https://github.com/celery/celery + git clone https://github.com/joblib/joblib ``` -- [PyPi](https://pypi.org/project/celery) (📥 5.9M / month): +- [PyPi](https://pypi.org/project/joblib) (📥 44M / month): ``` - pip install celery + pip install joblib ``` -- [Conda](https://anaconda.org/conda-forge/celery) (📥 930K · ⏱️ 29.05.2022): +- [Conda](https://anaconda.org/conda-forge/joblib) (📥 24M · ⏱️ 09.08.2023): ``` - conda install -c conda-forge celery + conda install -c conda-forge joblib ```
-
luigi (🥇34 · ⭐ 16K) - Luigi是一个Python模块,可帮助您构建复杂的批处理管道。Apache-2 +
Airflow (🥇35 · ⭐ 34K) - Platform to programmatically author, schedule, and monitor workflows. Apache-2 -- [GitHub](https://github.com/spotify/luigi) (👨‍💻 590 · 🔀 2.3K · 📦 1.8K · 📋 940 - 7% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/apache/airflow) (👨‍💻 3.2K · 🔀 13K · 📥 590K · 📦 9.6K · 📋 8.6K - 8% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/spotify/luigi + git clone https://github.com/apache/airflow ``` -- [PyPi](https://pypi.org/project/luigi) (📥 670K / month): +- [PyPi](https://pypi.org/project/apache-airflow) (📥 25M / month): ``` - pip install luigi + pip install apache-airflow ``` -- [Conda](https://anaconda.org/anaconda/luigi) (📥 11K · ⏱️ 02.05.2022): +- [Conda](https://anaconda.org/conda-forge/airflow) (📥 1M · ⏱️ 01.01.2024): ``` - conda install -c anaconda luigi + conda install -c conda-forge airflow + ``` +- [Docker Hub](https://hub.docker.com/r/apache/airflow) (📥 680M · ⭐ 500 · ⏱️ 01.02.2024): + ``` + docker pull apache/airflow ```
-
joblib (🥇33 · ⭐ 2.9K) - 使用Python函数进行计算。BSD-3 +
Dagster (🥇35 · ⭐ 9.6K) - A data orchestrator for machine learning, analytics, and ETL. Apache-2 -- [GitHub](https://github.com/joblib/joblib) (👨‍💻 110 · 🔀 330 · 📦 210K · 📋 710 - 43% open · ⏱️ 20.05.2022): +- [GitHub](https://github.com/dagster-io/dagster) (👨‍💻 400 · 🔀 1.2K · 📦 2K · 📋 6.6K - 30% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/joblib/joblib + git clone https://github.com/dagster-io/dagster ``` -- [PyPi](https://pypi.org/project/joblib) (📥 23M / month): +- [PyPi](https://pypi.org/project/dagster) (📥 1M / month): ``` - pip install joblib + pip install dagster ``` -- [Conda](https://anaconda.org/conda-forge/joblib) (📥 11M · ⏱️ 07.10.2021): +- [Conda](https://anaconda.org/conda-forge/dagster) (📥 1.1M · ⏱️ 08.02.2024): ``` - conda install -c conda-forge joblib + conda install -c conda-forge dagster ```
-
rq (🥇32 · ⭐ 8.5K) - 适用于Python的简单作业队列。❗Unlicensed +
Celery (🥇34 · ⭐ 23K) - Asynchronous task queue/job queue based on distributed message.. ❗Unlicensed -- [GitHub](https://github.com/rq/rq) (👨‍💻 270 · 🔀 1.3K · 📦 11K · 📋 980 - 19% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/celery/celery) (👨‍💻 1.3K · 🔀 4.4K · 📦 130K · 📋 5K - 12% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/rq/rq + git clone https://github.com/celery/celery ``` -- [PyPi](https://pypi.org/project/rq) (📥 680K / month): +- [PyPi](https://pypi.org/project/celery) (📥 9.5M / month): ``` - pip install rq + pip install celery ``` -- [Conda](https://anaconda.org/conda-forge/rq) (📥 76K · ⏱️ 30.06.2021): +- [Conda](https://anaconda.org/conda-forge/celery) (📥 1.5M · ⏱️ 30.12.2023): ``` - conda install -c conda-forge rq + conda install -c conda-forge celery ```
-
Dagster (🥇32 · ⭐ 5.3K) - 用于机器学习,分析和ETL的数据协调器。Apache-2 +
luigi (🥈33 · ⭐ 17K) - Luigi is a Python module that helps you build complex pipelines of batch.. Apache-2 -- [GitHub](https://github.com/dagster-io/dagster) (👨‍💻 230 · 🔀 650 · 📦 500 · 📋 4.4K - 23% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/spotify/luigi) (👨‍💻 610 · 🔀 2.3K · 📦 2.3K · 📋 980 - 9% open · ⏱️ 23.01.2024): ``` - git clone https://github.com/dagster-io/dagster + git clone https://github.com/spotify/luigi ``` -- [PyPi](https://pypi.org/project/dagster) (📥 480K / month): +- [PyPi](https://pypi.org/project/luigi) (📥 370K / month): ``` - pip install dagster + pip install luigi ``` -- [Conda](https://anaconda.org/conda-forge/dagster) (📥 610K · ⏱️ 12.08.2022): +- [Conda](https://anaconda.org/anaconda/luigi) (📥 14K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge dagster + conda install -c anaconda luigi ```
-
Beam (🥈31 · ⭐ 5.8K) - 统一的编程模型,用于定义和执行数据处理。Apache-2 +
Prefect (🥈32 · ⭐ 14K) - The easiest way to automate your data. Apache-2 -- [GitHub](https://github.com/apache/beam) (👨‍💻 1.3K · 🔀 3.5K · 📋 4.4K - 89% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/PrefectHQ/prefect) (👨‍💻 230 · 🔀 1.4K · 📦 4.4K · 📋 4.5K - 14% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/apache/beam + git clone https://github.com/PrefectHQ/prefect ``` -- [PyPi](https://pypi.org/project/apache-beam) (📥 6.6M / month): +- [PyPi](https://pypi.org/project/prefect) (📥 720K / month): ``` - pip install apache-beam + pip install prefect + ``` +- [Conda](https://anaconda.org/conda-forge/prefect) (📥 600K · ⏱️ 09.02.2024): + ``` + conda install -c conda-forge prefect ```
-
dbt (🥈30 · ⭐ 5.4K) - dbt(数据构建工具)方便数据分析人员和工程师快速使用。Apache-2 +
rq (🥈32 · ⭐ 9.4K) - Simple job queues for Python. ❗Unlicensed -- [GitHub](https://github.com/dbt-labs/dbt-core) (👨‍💻 230 · 🔀 960 · 📥 520 · 📦 660 · 📋 3K - 10% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/rq/rq) (👨‍💻 300 · 🔀 1.4K · 📦 16K · 📋 1.1K - 14% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/fishtown-analytics/dbt + git clone https://github.com/rq/rq ``` -- [PyPi](https://pypi.org/project/dbt) (📥 170K / month): +- [PyPi](https://pypi.org/project/rq) (📥 1.5M / month): ``` - pip install dbt + pip install rq ``` -- [Conda](https://anaconda.org/conda-forge/dbt) (📥 210K · ⏱️ 09.12.2021): +- [Conda](https://anaconda.org/conda-forge/rq) (📥 100K · ⏱️ 04.09.2023): ``` - conda install -c conda-forge dbt + conda install -c conda-forge rq ```
-
Airflow (🥈29 · ⭐ 28K) - 代码实现的创建,安排和监视工作流的平台。Apache-2 +
Beam (🥈32 · ⭐ 7.4K) - Unified programming model to define and execute data processing.. Apache-2 -- [GitHub](https://github.com/apache/airflow) (👨‍💻 2.5K · 🔀 11K · 📥 340K · 📋 6K - 11% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/apache/beam) (👨‍💻 1.6K · 🔀 3.9K · 📦 3 · 📋 6.4K - 66% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/apache/airflow + git clone https://github.com/apache/beam ``` -- [PyPi](https://pypi.org/project/apache-airflow) (📥 8.9M / month): +- [PyPi](https://pypi.org/project/apache-beam) (📥 6.8M / month): ``` - pip install apache-airflow + pip install apache-beam ``` -- [Conda](https://anaconda.org/conda-forge/airflow) (📥 700K · ⏱️ 25.08.2022): +
+
dbt (🥈31 · ⭐ 8.4K) - dbt (data build tool) enables data analysts and engineers to transform.. Apache-2 + +- [GitHub](https://github.com/dbt-labs/dbt-core) (👨‍💻 300 · 🔀 1.4K · 📥 3.9K · 📦 4.3K · 📋 4.9K - 8% open · ⏱️ 13.02.2024): + ``` - conda install -c conda-forge airflow + git clone https://github.com/fishtown-analytics/dbt ``` -- [Docker Hub](https://hub.docker.com/r/apache/airflow) (📥 82M · ⭐ 380 · ⏱️ 23.08.2022): +- [PyPi](https://pypi.org/project/dbt) (📥 140K / month): ``` - docker pull apache/airflow + pip install dbt + ``` +- [Conda](https://anaconda.org/conda-forge/dbt) (📥 250K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge dbt ```
-
mrjob (🥈29 · ⭐ 2.6K · 💀) - 在Hadoop或Amazon Web Services上运行MapReduce作业。Apache-2 +
Kedro (🥈29 · ⭐ 9.2K) - A Python framework for creating reproducible, maintainable and modular.. Apache-2 -- [GitHub](https://github.com/Yelp/mrjob) (👨‍💻 140 · 🔀 580 · 📦 1.1K · 📋 1.3K - 15% open · ⏱️ 16.11.2020): +- [GitHub](https://github.com/kedro-org/kedro) (👨‍💻 220 · 🔀 850 · 📦 2.2K · 📋 1.7K - 15% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/Yelp/mrjob - ``` -- [PyPi](https://pypi.org/project/mrjob) (📥 76K / month): - ``` - pip install mrjob + git clone https://github.com/quantumblacklabs/kedro ``` -- [Conda](https://anaconda.org/conda-forge/mrjob) (📥 490K · ⏱️ 06.02.2022): +- [PyPi](https://pypi.org/project/kedro) (📥 390K / month): ``` - conda install -c conda-forge mrjob + pip install kedro ```
-
Prefect (🥈28 · ⭐ 9.9K) - 自动化数据的最简单方法。Apache-2 +
petl (🥈29 · ⭐ 1.2K) - Python Extract Transform and Load Tables of Data. MIT -- [GitHub](https://github.com/PrefectHQ/prefect) (👨‍💻 60 · 🔀 950 · 📦 1.1K · 📋 2.6K - 25% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/petl-developers/petl) (👨‍💻 63 · 🔀 190 · 📦 3.6K · 📋 450 - 18% open · ⏱️ 22.08.2023): ``` - git clone https://github.com/PrefectHQ/prefect + git clone https://github.com/petl-developers/petl ``` -- [PyPi](https://pypi.org/project/prefect) (📥 400K / month): +- [PyPi](https://pypi.org/project/petl) (📥 1.6M / month): ``` - pip install prefect + pip install petl ``` -- [Conda](https://anaconda.org/conda-forge/prefect) (📥 310K · ⏱️ 23.08.2022): +- [Conda](https://anaconda.org/conda-forge/petl) (📥 220K · ⏱️ 22.08.2023): ``` - conda install -c conda-forge prefect + conda install -c conda-forge petl ```
-
Kedro (🥈28 · ⭐ 7.5K) - 用于创建可重现,可维护和模块化的Python框架。Apache-2 +
Hub (🥈28 · ⭐ 7.5K) - Fastest unstructured dataset management for TensorFlow/PyTorch... MPL-2.0 -- [GitHub](https://github.com/kedro-org/kedro) (👨‍💻 160 · 🔀 680 · 📦 1K · 📋 870 - 17% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/activeloopai/deeplake) (👨‍💻 120 · 🔀 570 · 📦 2.6K · 📋 440 - 12% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/quantumblacklabs/kedro + git clone https://github.com/activeloopai/Hub ``` -- [PyPi](https://pypi.org/project/kedro) (📥 420K / month): +- [PyPi](https://pypi.org/project/hub) (📥 3K / month): ``` - pip install kedro + pip install hub ```
-
petl (🥈28 · ⭐ 1K) - Python提取转换并加载数据表。MIT +
mrjob (🥈28 · ⭐ 2.6K · 💀) - Run MapReduce jobs on Hadoop or Amazon Web Services. Apache-2 -- [GitHub](https://github.com/petl-developers/petl) (👨‍💻 55 · 🔀 170 · 📦 790 · 📋 440 - 16% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/Yelp/mrjob) (👨‍💻 140 · 🔀 570 · 📦 1.4K · 📋 1.3K - 15% open · ⏱️ 16.11.2020): ``` - git clone https://github.com/petl-developers/petl + git clone https://github.com/Yelp/mrjob ``` -- [PyPi](https://pypi.org/project/petl) (📥 280K / month): +- [PyPi](https://pypi.org/project/mrjob) (📥 83K / month): ``` - pip install petl + pip install mrjob ``` -- [Conda](https://anaconda.org/conda-forge/petl) (📥 120K · ⏱️ 22.08.2022): +- [Conda](https://anaconda.org/conda-forge/mrjob) (📥 520K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge petl + conda install -c conda-forge mrjob ```
-
PyFunctional (🥈26 · ⭐ 2.1K) - 用于创建具有链功能的数据管道的Python库。MIT +
Great Expectations (🥈27 · ⭐ 9.2K) - Always know what to expect from your data. Apache-2 -- [GitHub](https://github.com/EntilZha/PyFunctional) (👨‍💻 26 · 🔀 110 · 📦 460 · 📋 130 - 5% open · ⏱️ 05.08.2022): +- [GitHub](https://github.com/great-expectations/great_expectations) (👨‍💻 430 · 🔀 1.4K · 📋 1.8K - 7% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/EntilZha/PyFunctional + git clone https://github.com/great-expectations/great_expectations ``` -- [PyPi](https://pypi.org/project/pyfunctional) (📥 230K / month): +- [PyPi](https://pypi.org/project/great_expectations) (📥 15M / month): ``` - pip install pyfunctional + pip install great_expectations ```
-
Great Expectations (🥈25 · ⭐ 7.1K) - 通过数据测试,文档编制和性能分析,帮助数据团队加速流水线效率。Apache-2 +
PyFunctional (🥈26 · ⭐ 2.3K) - Python library for creating data pipelines with chain functional.. MIT -- [GitHub](https://github.com/great-expectations/great_expectations) (👨‍💻 320 · 🔀 1K · 📋 1.4K - 12% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/EntilZha/PyFunctional) (👨‍💻 31 · 🔀 130 · 📦 760 · 📋 130 - 7% open · ⏱️ 27.09.2023): ``` - git clone https://github.com/great-expectations/great_expectations + git clone https://github.com/EntilZha/PyFunctional ``` -- [PyPi](https://pypi.org/project/great_expectations) (📥 5.3M / month): +- [PyPi](https://pypi.org/project/pyfunctional) (📥 150K / month): ``` - pip install great_expectations + pip install pyfunctional ```
-
faust (🥈25 · ⭐ 6.3K · 💀) - Python流处理。❗Unlicensed +
zenml (🥉25 · ⭐ 3.5K) - ZenML : MLOps framework to create reproducible ML pipelines for.. Apache-2 -- [GitHub](https://github.com/robinhood/faust) (👨‍💻 94 · 🔀 530 · 📦 1.1K · 📋 460 - 48% open · ⏱️ 09.10.2020): +- [GitHub](https://github.com/zenml-io/zenml) (👨‍💻 89 · 🔀 370 · 📥 1 · 📦 370 · 📋 260 - 12% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/robinhood/faust + git clone https://github.com/maiot-io/zenml ``` -- [PyPi](https://pypi.org/project/faust) (📥 32K / month): +- [PyPi](https://pypi.org/project/zenml) (📥 31K / month): ``` - pip install faust + pip install zenml ```
-
TFX (🥈25 · ⭐ 1.8K) - TFX是用于部署机器学习生产流水线的端到端平台。Apache-2 +
TFX (🥉25 · ⭐ 2.1K) - TFX is an end-to-end platform for deploying production ML pipelines. Apache-2 -- [GitHub](https://github.com/tensorflow/tfx) (👨‍💻 150 · 🔀 580 · 📋 780 - 26% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/tensorflow/tfx) (👨‍💻 180 · 🔀 680 · 📋 880 - 3% open · ⏱️ 14.02.2024): ``` git clone https://github.com/tensorflow/tfx ``` -- [PyPi](https://pypi.org/project/tfx) (📥 370K / month): +- [PyPi](https://pypi.org/project/tfx) (📥 49K / month): ``` pip install tfx ```
-
ploomber (🥉24 · ⭐ 2.6K) - 精益数据科学工作流程。Apache-2 +
faust (🥉24 · ⭐ 6.7K · 💤) - Python Stream Processing. ❗Unlicensed -- [GitHub](https://github.com/ploomber/ploomber) (👨‍💻 59 · 🔀 180 · 📦 51 · 📋 790 - 25% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/robinhood/faust) (👨‍💻 95 · 🔀 530 · 📦 1.8K · 📋 480 - 48% open · ⏱️ 23.02.2023): ``` - git clone https://github.com/ploomber/ploomber + git clone https://github.com/robinhood/faust ``` -- [PyPi](https://pypi.org/project/ploomber) (📥 15K / month): +- [PyPi](https://pypi.org/project/faust) (📥 15K / month): ``` - pip install ploomber + pip install faust ```
-
streamparse (🥉24 · ⭐ 1.5K) - 在Apache Storm拓扑中运行Python。 Pythonic API,CLI 等。Apache-2 +
ploomber (🥉23 · ⭐ 3.3K) - Lean Data Science workflows: develop and test locally. Deploy to.. Apache-2 -- [GitHub](https://github.com/Parsely/streamparse) (👨‍💻 43 · 🔀 210 · 📦 55 · 📋 330 - 19% open · ⏱️ 18.07.2022): +- [GitHub](https://github.com/ploomber/ploomber) (👨‍💻 80 · 🔀 220 · 📦 120 · 📋 860 - 11% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/Parsely/streamparse + git clone https://github.com/ploomber/ploomber ``` -- [PyPi](https://pypi.org/project/streamparse) (📥 2.2K / month): +- [PyPi](https://pypi.org/project/ploomber) (📥 4.2K / month): ``` - pip install streamparse + pip install ploomber ```
-
Hub (🥉23 · ⭐ 4.8K) - TensorFlow/PyTorch最快的非结构化数据集管理。MPL-2.0 +
Pypeline (🥉23 · ⭐ 1.5K · 💤) - Concurrent data pipelines in Python . MIT -- [GitHub](https://github.com/activeloopai/Hub) (👨‍💻 99 · 🔀 390 · 📋 380 - 11% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/cgarciae/pypeln) (👨‍💻 13 · 🔀 95 · 📦 120 · 📋 71 - 33% open · ⏱️ 22.03.2023): ``` - git clone https://github.com/activeloopai/Hub + git clone https://github.com/cgarciae/pypeln ``` -- [PyPi](https://pypi.org/project/hub) (📥 3.7K / month): +- [PyPi](https://pypi.org/project/pypeln) (📥 160K / month): ``` - pip install hub + pip install pypeln ```
-
bonobo (🥉21 · ⭐ 1.5K · 💀) - 提取适用于Python 3.5+的Transform Load。Apache-2 +
streamparse (🥉23 · ⭐ 1.5K · 💀) - Run Python in Apache Storm topologies. Pythonic API, CLI.. Apache-2 -- [GitHub](https://github.com/python-bonobo/bonobo) (👨‍💻 37 · 🔀 130 · 📦 140 · 📋 180 - 39% open · ⏱️ 10.03.2021): +- [GitHub](https://github.com/Parsely/streamparse) (👨‍💻 44 · 🔀 210 · 📦 64 · 📋 330 - 19% open · ⏱️ 18.07.2022): ``` - git clone https://github.com/python-bonobo/bonobo + git clone https://github.com/Parsely/streamparse ``` -- [PyPi](https://pypi.org/project/bonobo) (📥 7.3K / month): +- [PyPi](https://pypi.org/project/streamparse) (📥 4K / month): ``` - pip install bonobo + pip install streamparse ```
-
TaskTiger (🥉21 · ⭐ 1.2K) - 使用Redis的Python任务队列。MIT +
TaskTiger (🥉23 · ⭐ 1.3K) - Python task queue using Redis. MIT -- [GitHub](https://github.com/closeio/tasktiger) (👨‍💻 24 · 🔀 64 · 📦 23 · 📋 58 - 37% open · ⏱️ 25.04.2022): +- [GitHub](https://github.com/closeio/tasktiger) (👨‍💻 30 · 🔀 78 · 📦 29 · 📋 70 - 41% open · ⏱️ 15.02.2024): ``` git clone https://github.com/closeio/tasktiger ``` -- [PyPi](https://pypi.org/project/tasktiger) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/tasktiger) (📥 5.1K / month): ``` pip install tasktiger ```
-
pdpipe (🥉21 · ⭐ 680) - pandas DataFrames的简单管道。MIT +
bonobo (🥉21 · ⭐ 1.6K · 💀) - Extract Transform Load for Python 3.5+. Apache-2 -- [GitHub](https://github.com/pdpipe/pdpipe) (👨‍💻 10 · 🔀 42 · 📦 41 · 📋 51 - 31% open · ⏱️ 09.08.2022): +- [GitHub](https://github.com/python-bonobo/bonobo) (👨‍💻 37 · 🔀 140 · 📦 170 · 📋 180 - 40% open · ⏱️ 10.03.2021): ``` - git clone https://github.com/pdpipe/pdpipe + git clone https://github.com/python-bonobo/bonobo ``` -- [PyPi](https://pypi.org/project/pdpipe) (📥 1.7K / month): +- [PyPi](https://pypi.org/project/bonobo) (📥 17K / month): ``` - pip install pdpipe + pip install bonobo ```
-
dpark (🥉20 · ⭐ 2.7K · 💀) - dpark是Python中与MapReduce相似的框架。BSD-3 +
dpark (🥉20 · ⭐ 2.7K · 💀) - Python clone of Spark, a MapReduce alike framework in Python. BSD-3 -- [GitHub](https://github.com/douban/dpark) (👨‍💻 35 · 🔀 540 · 📦 5 · 📋 61 - 1% open · ⏱️ 25.12.2020): +- [GitHub](https://github.com/douban/dpark) (👨‍💻 35 · 🔀 530 · 📦 5 · 📋 61 - 1% open · ⏱️ 25.12.2020): ``` git clone https://github.com/douban/dpark ``` -- [PyPi](https://pypi.org/project/dpark) (📥 32 / month): +- [PyPi](https://pypi.org/project/dpark) (📥 60 / month): ``` pip install dpark ```
-
zenml (🥉20 · ⭐ 2.3K) - ZenML:MLOps框架。Apache-2 - -- [GitHub](https://github.com/zenml-io/zenml) (👨‍💻 46 · 🔀 190 · 📋 110 - 22% open · ⏱️ 25.08.2022): - - ``` - git clone https://github.com/maiot-io/zenml - ``` -- [PyPi](https://pypi.org/project/zenml) (📥 2.5K / month): - ``` - pip install zenml - ``` -
-
Pypeline (🥉20 · ⭐ 1.4K) - Python中的并发数据管道。MIT +
pdpipe (🥉20 · ⭐ 710 · 💀) - Easy pipelines for pandas DataFrames. MIT -- [GitHub](https://github.com/cgarciae/pypeln) (👨‍💻 13 · 🔀 80 · 📋 59 - 25% open · ⏱️ 23.06.2022): +- [GitHub](https://github.com/pdpipe/pdpipe) (👨‍💻 11 · 🔀 44 · 📦 60 · 📋 53 - 28% open · ⏱️ 24.12.2022): ``` - git clone https://github.com/cgarciae/pypeln + git clone https://github.com/pdpipe/pdpipe ``` -- [PyPi](https://pypi.org/project/pypeln) (📥 8.3K / month): +- [PyPi](https://pypi.org/project/pdpipe) (📥 1.9K / month): ``` - pip install pypeln + pip install pdpipe ```
-
pysparkling (🥉20 · ⭐ 250 · 💀) - Apache Spark的RDD和DStream的纯Python实现。❗Unlicensed +
BatchFlow (🥉20 · ⭐ 200) - BatchFlow helps you conveniently work with random or sequential.. Apache-2 -- [GitHub](https://github.com/svenkreiss/pysparkling) (👨‍💻 10 · 🔀 42 · 📦 120 · 📋 27 - 22% open · ⏱️ 22.02.2021): +- [GitHub](https://github.com/analysiscenter/batchflow) (👨‍💻 35 · 🔀 44 · 📦 9 · 📋 110 - 25% open · ⏱️ 18.01.2024): ``` - git clone https://github.com/svenkreiss/pysparkling + git clone https://github.com/analysiscenter/batchflow ``` -- [PyPi](https://pypi.org/project/pysparkling) (📥 13K / month): +- [PyPi](https://pypi.org/project/batchflow) (📥 630 / month): ``` - pip install pysparkling + pip install batchflow ```
-
Optimus (🥉19 · ⭐ 1.2K) - 基于pandas、dask等的敏捷数据预处理工作流程。Apache-2 +
Optimus (🥉19 · ⭐ 1.4K · 💤) - Agile Data Preparation Workflows madeeasy with pandas,.. Apache-2 -- [GitHub](https://github.com/hi-primus/optimus) (👨‍💻 23 · 🔀 210 · 📋 230 - 14% open · ⏱️ 21.06.2022): +- [GitHub](https://github.com/hi-primus/optimus) (👨‍💻 24 · 🔀 230 · 📋 220 - 4% open · ⏱️ 19.05.2023): ``` git clone https://github.com/ironmussa/Optimus ``` -- [PyPi](https://pypi.org/project/optimuspyspark) (📥 52K / month): +- [PyPi](https://pypi.org/project/optimuspyspark) (📥 11K / month): ``` pip install optimuspyspark ```
-
mrq (🥉19 · ⭐ 870 · 💀) - Mr. Queue - 使用Redis和gevent的Python中的分布式worker任务队列。MIT +
mrq (🥉19 · ⭐ 880 · 💀) - Mr. Queue - A distributed worker task queue in Python using Redis & gevent. MIT -- [GitHub](https://github.com/pricingassistant/mrq) (👨‍💻 40 · 🔀 110 · 📦 29 · 📋 170 - 30% open · ⏱️ 13.12.2020): +- [GitHub](https://github.com/pricingassistant/mrq) (👨‍💻 40 · 🔀 120 · 📦 32 · 📋 170 - 30% open · ⏱️ 13.12.2020): ``` git clone https://github.com/pricingassistant/mrq ``` -- [PyPi](https://pypi.org/project/mrq) (📥 130 / month): +- [PyPi](https://pypi.org/project/mrq) (📥 260 / month): ``` pip install mrq ```
-
BatchFlow (🥉19 · ⭐ 180) - BatchFlow可帮助您方便地使用随机或顺序调度数据进行机器学习任务。Apache-2 +
pysparkling (🥉18 · ⭐ 260 · 💀) - A pure Python implementation of Apache Spark's RDD and.. ❗Unlicensed -- [GitHub](https://github.com/analysiscenter/batchflow) (👨‍💻 32 · 🔀 40 · 📦 2 · 📋 100 - 28% open · ⏱️ 03.08.2022): +- [GitHub](https://github.com/svenkreiss/pysparkling) (👨‍💻 10 · 🔀 41 · 📦 200 · 📋 28 - 25% open · ⏱️ 13.11.2022): ``` - git clone https://github.com/analysiscenter/batchflow + git clone https://github.com/svenkreiss/pysparkling ``` -- [PyPi](https://pypi.org/project/batchflow) (📥 140 / month): +- [PyPi](https://pypi.org/project/pysparkling) (📥 9.4K / month): ``` - pip install batchflow + pip install pysparkling ```
-
spark-deep-learning (🥉17 · ⭐ 1.9K) - 适用于Apache Spark的深度学习管道。Apache-2 +
Mara Pipelines (🥉17 · ⭐ 2K) - A lightweight opinionated ETL framework, halfway between plain.. MIT -- [GitHub](https://github.com/databricks/spark-deep-learning) (👨‍💻 17 · 🔀 460 · 📦 24 · 📋 100 - 74% open · ⏱️ 21.03.2022): +- [GitHub](https://github.com/mara/mara-pipelines) (👨‍💻 17 · 🔀 100 · 📋 34 - 52% open · ⏱️ 07.12.2023): ``` - git clone https://github.com/databricks/spark-deep-learning + git clone https://github.com/mara/mara-pipelines + ``` +- [PyPi](https://pypi.org/project/mara-pipelines) (📥 120 / month): + ``` + pip install mara-pipelines ```
-
Mara Pipelines (🥉17 · ⭐ 1.9K) - 一个轻量级的ETL框架。MIT +
spark-deep-learning (🥉17 · ⭐ 2K · 💀) - Deep Learning Pipelines for Apache Spark. Apache-2 -- [GitHub](https://github.com/mara/mara-pipelines) (👨‍💻 17 · 🔀 89 · 📋 30 - 53% open · ⏱️ 18.07.2022): +- [GitHub](https://github.com/databricks/spark-deep-learning) (👨‍💻 17 · 🔀 460 · 📦 40 · 📋 100 - 74% open · ⏱️ 21.03.2022): ``` - git clone https://github.com/mara/mara-pipelines - ``` -- [PyPi](https://pypi.org/project/mara-pipelines) (📥 360 / month): - ``` - pip install mara-pipelines + git clone https://github.com/databricks/spark-deep-learning ```
-
riko (🥉15 · ⭐ 1.6K · 💤) - 一个模仿Yahoo!的Python流处理引擎。MIT +
riko (🥉16 · ⭐ 1.6K · 💀) - A Python stream processing engine modeled after Yahoo! Pipes. MIT -- [GitHub](https://github.com/nerevu/riko) (👨‍💻 18 · 🔀 68 · 📋 29 - 72% open · ⏱️ 28.12.2021): +- [GitHub](https://github.com/nerevu/riko) (👨‍💻 18 · 🔀 75 · 📋 29 - 72% open · ⏱️ 28.12.2021): ``` git clone https://github.com/nerevu/riko ``` -- [PyPi](https://pypi.org/project/riko) (📥 30 / month): +- [PyPi](https://pypi.org/project/riko) (📥 190 / month): ``` pip install riko ```
-
Databolt Flow (🥉15 · ⭐ 940 · 💤) - Python库,用于构建高效的数据科学工作流程。MIT +
Databolt Flow (🥉16 · ⭐ 950 · 💤) - Python library for building highly effective data science.. MIT -- [GitHub](https://github.com/d6t/d6tflow) (👨‍💻 12 · 🔀 71 · 📦 20 · 📋 23 - 43% open · ⏱️ 28.09.2021): +- [GitHub](https://github.com/d6t/d6tflow) (👨‍💻 13 · 🔀 76 · 📦 28 · 📋 23 - 43% open · ⏱️ 20.07.2023): ``` git clone https://github.com/d6t/d6tflow ``` -- [PyPi](https://pypi.org/project/d6tflow) (📥 120 / month): +- [PyPi](https://pypi.org/project/d6tflow) (📥 300 / month): ``` pip install d6tflow ```
-
flupy (🥉14 · ⭐ 170) - python中的流利数据管道。❗Unlicensed +
flupy (🥉14 · ⭐ 180 · 💤) - Fluent data pipelines for python and your shell. ❗Unlicensed -- [GitHub](https://github.com/olirice/flupy) (👨‍💻 6 · 🔀 12 · ⏱️ 17.02.2022): +- [GitHub](https://github.com/olirice/flupy) (👨‍💻 6 · 🔀 14 · 📋 13 - 7% open · ⏱️ 25.04.2023): ``` git clone https://github.com/olirice/flupy ``` -- [PyPi](https://pypi.org/project/flupy) (📥 73K / month): +- [PyPi](https://pypi.org/project/flupy) (📥 220K / month): ``` pip install flupy ```
-
bodywork-core (🥉13 · ⭐ 400) - MLOps工具,用于将机器学习项目部署到Kubernetes。❗️AGPL-3.0 +
Botflow (🥉12 · ⭐ 1.2K · 💀) - Python Fast Dataflow programming framework for Data pipeline.. ❗Unlicensed -- [GitHub](https://github.com/bodywork-ml/bodywork-core) (👨‍💻 4 · 🔀 18 · 📦 10 · 📋 77 - 25% open · ⏱️ 04.07.2022): +- [GitHub](https://github.com/kkyon/botflow) (👨‍💻 11 · 🔀 100 · 📦 2 · 📋 5 - 60% open · ⏱️ 23.05.2019): ``` - git clone https://github.com/bodywork-ml/bodywork-core + git clone https://github.com/kkyon/botflow ``` -- [PyPi](https://pypi.org/project/bodywork-core): +- [PyPi](https://pypi.org/project/botflow) (📥 49 / month): ``` - pip install bodywork-core + pip install botflow ```
-
Botflow (🥉12 · ⭐ 1.2K · 💀) - 适用于数据管道工作的Python快速数据流编程框架。❗Unlicensed +
bodywork-core (🥉12 · ⭐ 430 · 💀) - MLOps tool for deploying machine learning projects to.. ❗️AGPL-3.0 -- [GitHub](https://github.com/kkyon/botflow) (👨‍💻 11 · 🔀 100 · 📦 1 · 📋 5 - 60% open · ⏱️ 23.05.2019): +- [GitHub](https://github.com/bodywork-ml/bodywork-core) (👨‍💻 4 · 🔀 20 · 📦 18 · 📋 78 - 26% open · ⏱️ 04.07.2022): ``` - git clone https://github.com/kkyon/botflow + git clone https://github.com/bodywork-ml/bodywork-core ``` -- [PyPi](https://pypi.org/project/botflow) (📥 23 / month): +- [PyPi](https://pypi.org/project/bodywork-core): ``` - pip install botflow + pip install bodywork-core ```

-## 分布式机器学习 +## Distributed Machine Learning -Back to top +Back to top -_提供在大型计算基础架构中分布和并行化机器学习任务的功能的库。_ +_Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure._ -
Ray (🥇35 · ⭐ 22K) - 一个开源代码框架,提供了用于构建分布式应用程序的简单通用API。Apache-2 +
Ray (🥇35 · ⭐ 30K) - An open source framework that provides a simple, universal API for.. Apache-2 -- [GitHub](https://github.com/ray-project/ray) (👨‍💻 740 · 🔀 3.7K · 📦 5.7K · 📋 11K - 21% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/ray-project/ray) (👨‍💻 970 · 🔀 5K · 📥 210 · 📦 14K · 📋 17K - 18% open · ⏱️ 15.02.2024): ``` git clone https://github.com/ray-project/ray ``` -- [PyPi](https://pypi.org/project/ray) (📥 1.8M / month): +- [PyPi](https://pypi.org/project/ray) (📥 3.1M / month): ``` pip install ray ```
-
dask (🥇32 · ⭐ 10K) - 具有任务调度的并行计算。BSD-3 +
DeepSpeed (🥇34 · ⭐ 31K) - DeepSpeed is a deep learning optimization library that makes.. Apache-2 + +- [GitHub](https://github.com/microsoft/DeepSpeed) (👨‍💻 290 · 🔀 3.6K · 📦 5.8K · 📋 2.4K - 35% open · ⏱️ 15.02.2024): + + ``` + git clone https://github.com/microsoft/DeepSpeed + ``` +- [PyPi](https://pypi.org/project/deepspeed) (📥 380K / month): + ``` + pip install deepspeed + ``` +- [Docker Hub](https://hub.docker.com/r/deepspeed/deepspeed) (📥 18K · ⭐ 4 · ⏱️ 02.09.2022): + ``` + docker pull deepspeed/deepspeed + ``` +
+
dask (🥇32 · ⭐ 12K) - Parallel computing with task scheduling. BSD-3 -- [GitHub](https://github.com/dask/dask) (👨‍💻 550 · 🔀 1.5K · 📦 39K · 📋 4.4K - 15% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/dask/dask) (👨‍💻 590 · 🔀 1.6K · 📦 57K · 📋 4.9K - 17% open · ⏱️ 15.02.2024): ``` git clone https://github.com/dask/dask @@ -6532,91 +6548,63 @@ _提供在大型计算基础架构中分布和并行化机器学习任务的功 ``` pip install dask ``` -- [Conda](https://anaconda.org/conda-forge/dask) (📥 6.4M · ⏱️ 19.08.2022): +- [Conda](https://anaconda.org/conda-forge/dask) (📥 11M · ⏱️ 10.02.2024): ``` conda install -c conda-forge dask ```
-
horovod (🥇30 · ⭐ 13K) - 基于TensorFlow,Keras,PyTorch,MXNet等的分布式训练框架。❗Unlicensed +
horovod (🥈30 · ⭐ 14K) - Distributed training framework for TensorFlow, Keras, PyTorch,.. ❗Unlicensed -- [GitHub](https://github.com/horovod/horovod) (👨‍💻 160 · 🔀 2K · 📦 650 · 📋 2.1K - 15% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/horovod/horovod) (👨‍💻 170 · 🔀 2.2K · 📦 1.1K · 📋 2.2K - 16% open · ⏱️ 05.01.2024): ``` git clone https://github.com/horovod/horovod ``` -- [PyPi](https://pypi.org/project/horovod) (📥 73K / month): +- [PyPi](https://pypi.org/project/horovod) (📥 70K / month): ``` pip install horovod ```
-
dask.distributed (🥇30 · ⭐ 1.4K) - Dask的分布式任务调度规划程序。BSD-3 +
dask.distributed (🥈30 · ⭐ 1.5K) - A distributed task scheduler for Dask. BSD-3 -- [GitHub](https://github.com/dask/distributed) (👨‍💻 280 · 🔀 620 · 📦 25K · 📋 2.9K - 33% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/dask/distributed) (👨‍💻 320 · 🔀 680 · 📦 33K · 📋 3.5K - 34% open · ⏱️ 15.02.2024): ``` git clone https://github.com/dask/distributed ``` -- [PyPi](https://pypi.org/project/distributed) (📥 4.9M / month): +- [PyPi](https://pypi.org/project/distributed) (📥 4.5M / month): ``` pip install distributed ``` -- [Conda](https://anaconda.org/conda-forge/distributed) (📥 7.8M · ⏱️ 19.08.2022): +- [Conda](https://anaconda.org/conda-forge/distributed) (📥 13M · ⏱️ 10.02.2024): ``` conda install -c conda-forge distributed ```
-
DeepSpeed (🥈28 · ⭐ 7.7K) - DeepSpeed是一个深度学习优化库。MIT - -- [GitHub](https://github.com/microsoft/DeepSpeed) (👨‍💻 130 · 🔀 830 · 📦 340 · 📋 980 - 48% open · ⏱️ 25.08.2022): - - ``` - git clone https://github.com/microsoft/DeepSpeed - ``` -- [PyPi](https://pypi.org/project/deepspeed) (📥 220K / month): - ``` - pip install deepspeed - ``` -- [Docker Hub](https://hub.docker.com/r/deepspeed/deepspeed) (📥 14K · ⭐ 3 · ⏱️ 06.06.2022): - ``` - docker pull deepspeed/deepspeed - ``` -
-
DEAP (🥈27 · ⭐ 4.8K) - Python中的分布式进化算法。❗️LGPL-3.0 +
DEAP (🥈28 · ⭐ 5.5K · 💤) - Distributed Evolutionary Algorithms in Python. ❗️LGPL-3.0 -- [GitHub](https://github.com/DEAP/deap) (👨‍💻 79 · 🔀 980 · 📦 2.8K · 📋 470 - 43% open · ⏱️ 08.08.2022): +- [GitHub](https://github.com/DEAP/deap) (👨‍💻 87 · 🔀 1.1K · 📦 4.4K · 📋 500 - 44% open · ⏱️ 28.07.2023): ``` git clone https://github.com/deap/deap ``` -- [PyPi](https://pypi.org/project/deap) (📥 160K / month): +- [PyPi](https://pypi.org/project/deap) (📥 200K / month): ``` pip install deap ``` -- [Conda](https://anaconda.org/conda-forge/deap) (📥 200K · ⏱️ 08.08.2022): +- [Conda](https://anaconda.org/conda-forge/deap) (📥 360K · ⏱️ 25.09.2023): ``` conda install -c conda-forge deap ```
-
petastorm (🥈27 · ⭐ 1.5K) - Petastorm库单机或分布式训练。Apache-2 - -- [GitHub](https://github.com/uber/petastorm) (👨‍💻 45 · 🔀 250 · 📥 340 · 📦 74 · 📋 280 - 49% open · ⏱️ 24.08.2022): - - ``` - git clone https://github.com/uber/petastorm - ``` -- [PyPi](https://pypi.org/project/petastorm) (📥 63K / month): - ``` - pip install petastorm - ``` -
-
BigDL (🥈26 · ⭐ 4K) - BigDL:适用于Apache Spark的分布式深度学习框架。Apache-2 +
BigDL (🥈28 · ⭐ 4.8K) - BigDL: Distributed Deep Learning Framework for Apache Spark. Apache-2 -- [GitHub](https://github.com/intel-analytics/BigDL) (👨‍💻 170 · 🔀 970 · 📦 38 · 📋 1.4K - 30% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/intel-analytics/BigDL) (👨‍💻 200 · 🔀 1.1K · 📥 220 · 📦 47 · 📋 2.1K - 34% open · ⏱️ 09.02.2024): ``` git clone https://github.com/intel-analytics/BigDL ``` -- [PyPi](https://pypi.org/project/bigdl) (📥 4K / month): +- [PyPi](https://pypi.org/project/bigdl) (📥 9.7K / month): ``` pip install bigdl ``` @@ -6629,218 +6617,230 @@ _提供在大型计算基础架构中分布和并行化机器学习任务的功 ```
-
FairScale (🥈26 · ⭐ 1.8K) - PyTorch扩展用于高性能和大规模训练。BSD-3 +
FairScale (🥈27 · ⭐ 2.8K) - PyTorch extensions for high performance and large scale training. BSD-3 -- [GitHub](https://github.com/facebookresearch/fairscale) (👨‍💻 63 · 🔀 180 · 📦 490 · 📋 320 - 21% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/facebookresearch/fairscale) (👨‍💻 73 · 🔀 250 · 📦 4.2K · 📋 350 - 19% open · ⏱️ 02.02.2024): ``` git clone https://github.com/facebookresearch/fairscale ``` -- [PyPi](https://pypi.org/project/fairscale) (📥 230K / month): +- [PyPi](https://pypi.org/project/fairscale) (📥 440K / month): ``` pip install fairscale ```
-
Elephas (🥈26 · ⭐ 1.5K) - 使用Keras和Spark进行分布式深度学习。MIT keras +
petastorm (🥈25 · ⭐ 1.7K) - Petastorm library enables single machine or distributed training.. Apache-2 -- [GitHub](https://github.com/maxpumperla/elephas) (👨‍💻 27 · 🔀 290 · 📦 56 · 📋 160 - 12% open · ⏱️ 30.03.2022): +- [GitHub](https://github.com/uber/petastorm) (👨‍💻 50 · 🔀 270 · 📥 430 · 📦 150 · 📋 300 - 50% open · ⏱️ 02.12.2023): ``` - git clone https://github.com/maxpumperla/elephas + git clone https://github.com/uber/petastorm ``` -- [PyPi](https://pypi.org/project/elephas) (📥 120K / month): +- [PyPi](https://pypi.org/project/petastorm) (📥 33K / month): ``` - pip install elephas + pip install petastorm ```
-
Mesh (🥈26 · ⭐ 1.3K) - Mesh TensorFlow:简化模型并行化。Apache-2 +
Elephas (🥈25 · ⭐ 1.6K · 💀) - Distributed Deep learning with Keras & Spark. MIT keras -- [GitHub](https://github.com/tensorflow/mesh) (👨‍💻 48 · 🔀 220 · 📦 710 · 📋 78 - 82% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/maxpumperla/elephas) (👨‍💻 27 · 🔀 300 · 📦 74 · 📋 160 - 5% open · ⏱️ 31.08.2022): ``` - git clone https://github.com/tensorflow/mesh + git clone https://github.com/maxpumperla/elephas ``` -- [PyPi](https://pypi.org/project/mesh-tensorflow) (📥 21K / month): +- [PyPi](https://pypi.org/project/elephas) (📥 100K / month): ``` - pip install mesh-tensorflow + pip install elephas ```
-
dask-ml (🥉25 · ⭐ 820) - 使用Dask进行可扩展的机器学习。BSD-3 +
dask-ml (🥈25 · ⭐ 880 · 💤) - Scalable Machine Learning with Dask. BSD-3 -- [GitHub](https://github.com/dask/dask-ml) (👨‍💻 76 · 🔀 230 · 📦 660 · 📋 440 - 45% open · ⏱️ 19.06.2022): +- [GitHub](https://github.com/dask/dask-ml) (👨‍💻 77 · 🔀 240 · 📦 950 · 📋 480 - 46% open · ⏱️ 24.03.2023): ``` git clone https://github.com/dask/dask-ml ``` -- [PyPi](https://pypi.org/project/dask-ml) (📥 70K / month): +- [PyPi](https://pypi.org/project/dask-ml) (📥 440K / month): ``` pip install dask-ml ``` -- [Conda](https://anaconda.org/conda-forge/dask-ml) (📥 400K · ⏱️ 27.05.2022): +- [Conda](https://anaconda.org/conda-forge/dask-ml) (📥 800K · ⏱️ 16.06.2023): ``` conda install -c conda-forge dask-ml ```
-
TensorFlowOnSpark (🥉23 · ⭐ 3.8K) - TensorFlowOnSpark将TensorFlow程序引入Spark。Apache-2 +
TensorFlowOnSpark (🥉23 · ⭐ 3.9K · 💤) - TensorFlowOnSpark brings TensorFlow programs to.. Apache-2 -- [GitHub](https://github.com/yahoo/TensorFlowOnSpark) (👨‍💻 34 · 🔀 920 · 📋 360 - 2% open · ⏱️ 21.04.2022): +- [GitHub](https://github.com/yahoo/TensorFlowOnSpark) (👨‍💻 34 · 🔀 920 · 📋 370 - 2% open · ⏱️ 27.04.2023): ``` git clone https://github.com/yahoo/TensorFlowOnSpark ``` -- [PyPi](https://pypi.org/project/tensorflowonspark) (📥 270K / month): +- [PyPi](https://pypi.org/project/tensorflowonspark) (📥 710K / month): ``` pip install tensorflowonspark ```
-
analytics-zoo (🥉23 · ⭐ 2.5K) - Apache上的分布式Tensorflow,Keras和PyTorch。Apache-2 +
Hivemind (🥉23 · ⭐ 1.8K) - Decentralized deep learning in PyTorch. Built to train models on.. MIT -- [GitHub](https://github.com/intel-analytics/analytics-zoo) (👨‍💻 100 · 🔀 700 · 📦 3 · 📋 1.3K - 32% open · ⏱️ 01.06.2022): +- [GitHub](https://github.com/learning-at-home/hivemind) (👨‍💻 29 · 🔀 120 · 📦 89 · 📋 160 - 35% open · ⏱️ 04.12.2023): ``` - git clone https://github.com/intel-analytics/analytics-zoo + git clone https://github.com/learning-at-home/hivemind ``` -- [PyPi](https://pypi.org/project/analytics-zoo) (📥 2.2K / month): +- [PyPi](https://pypi.org/project/hivemind) (📥 4.1K / month): ``` - pip install analytics-zoo + pip install hivemind ```
-
Hivemind (🥉23 · ⭐ 1.1K) - PyTorch中的分布式深度学习。专为训练模型而设计。MIT +
Submit it (🥉23 · ⭐ 1K) - Python 3.6+ toolbox for submitting jobs to Slurm. MIT -- [GitHub](https://github.com/learning-at-home/hivemind) (👨‍💻 23 · 🔀 67 · 📦 10 · 📋 120 - 28% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/facebookincubator/submitit) (👨‍💻 23 · 🔀 110 · 📦 2.1K · 📋 110 - 33% open · ⏱️ 09.11.2023): ``` - git clone https://github.com/learning-at-home/hivemind + git clone https://github.com/facebookincubator/submitit ``` -- [PyPi](https://pypi.org/project/hivemind) (📥 5.2K / month): +- [PyPi](https://pypi.org/project/submitit) (📥 260K / month): ``` - pip install hivemind + pip install submitit + ``` +- [Conda](https://anaconda.org/conda-forge/submitit) (📥 34K · ⏱️ 24.11.2023): + ``` + conda install -c conda-forge submitit ```
-
mpi4py (🥉22 · ⭐ 570) - MPI的Python接口。BSD-2 +
mpi4py (🥉23 · ⭐ 740) - Python bindings for MPI. BSD-2 -- [GitHub](https://github.com/mpi4py/mpi4py) (👨‍💻 21 · 🔀 78 · 📥 6.2K · 📋 84 - 11% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/mpi4py/mpi4py) (👨‍💻 26 · 🔀 110 · 📥 20K · 📋 150 - 6% open · ⏱️ 05.02.2024): ``` git clone https://github.com/mpi4py/mpi4py ``` -- [PyPi](https://pypi.org/project/mpi4py) (📥 290K / month): +- [PyPi](https://pypi.org/project/mpi4py) (📥 260K / month): ``` pip install mpi4py ``` -- [Conda](https://anaconda.org/conda-forge/mpi4py) (📥 1.3M · ⏱️ 12.08.2022): +- [Conda](https://anaconda.org/conda-forge/mpi4py) (📥 2.3M · ⏱️ 17.10.2023): ``` conda install -c conda-forge mpi4py ```
-
MMLSpark (🥉20 · ⭐ 3.5K) - 适用于Apache Spark的Microsoft机器学习。MIT +
analytics-zoo (🥉22 · ⭐ 2.6K) - Distributed Tensorflow, Keras and PyTorch on Apache.. Apache-2 -- [GitHub](https://github.com/microsoft/SynapseML) (👨‍💻 97 · 🔀 670 · 📋 570 - 39% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/intel-analytics/analytics-zoo) (👨‍💻 110 · 🔀 710 · 📦 4 · 📋 1.3K - 32% open · ⏱️ 15.12.2023): ``` - git clone https://github.com/Azure/mmlspark + git clone https://github.com/intel-analytics/analytics-zoo ``` -- [PyPi](https://pypi.org/project/mmlspark) (📥 4 / month): +- [PyPi](https://pypi.org/project/analytics-zoo) (📥 420 / month): ``` - pip install mmlspark + pip install analytics-zoo ```
-
Apache Singa (🥉19 · ⭐ 2.7K) - 分布式深度学习平台。Apache-2 +
Apache Singa (🥉21 · ⭐ 3K) - a distributed deep learning platform. Apache-2 -- [GitHub](https://github.com/apache/singa) (👨‍💻 79 · 🔀 780 · 📦 1 · 📋 79 - 21% open · ⏱️ 01.06.2022): +- [GitHub](https://github.com/apache/singa) (👨‍💻 85 · 🔀 1.1K · 📦 3 · 📋 96 - 25% open · ⏱️ 05.11.2023): ``` git clone https://github.com/apache/singa ``` -- [Conda](https://anaconda.org/nusdbsystem/singa) (📥 510 · ⏱️ 09.08.2021): +- [Conda](https://anaconda.org/nusdbsystem/singa) (📥 730 · ⏱️ 16.06.2023): ``` conda install -c nusdbsystem singa ``` -- [Docker Hub](https://hub.docker.com/r/apache/singa) (📥 690 · ⭐ 4 · ⏱️ 31.05.2022): +- [Docker Hub](https://hub.docker.com/r/apache/singa) (📥 5.8K · ⭐ 4 · ⏱️ 31.05.2022): ``` docker pull apache/singa ```
-
TensorFrames (🥉19 · ⭐ 760 · 💀) - 用于DataFrames的Tensorflow包装器。Apache-2 +
Mesh (🥉21 · ⭐ 1.5K) - Mesh TensorFlow: Model Parallelism Made Easier. Apache-2 -- [GitHub](https://github.com/databricks/tensorframes) (👨‍💻 16 · 🔀 160 · 📋 92 - 53% open · ⏱️ 15.11.2019): +- [GitHub](https://github.com/tensorflow/mesh) (👨‍💻 50 · 🔀 240 · 📋 83 - 79% open · ⏱️ 17.11.2023): ``` - git clone https://github.com/databricks/tensorframes + git clone https://github.com/tensorflow/mesh ``` -- [PyPi](https://pypi.org/project/tensorframes) (📥 40K / month): +- [PyPi](https://pypi.org/project/mesh-tensorflow) (📥 19K / month): ``` - pip install tensorframes + pip install mesh-tensorflow ```
-
ipyparallel (🥉18 · ⭐ 2.3K) - Python中的交互式并行计算。❗Unlicensed +
MMLSpark (🥉20 · ⭐ 4.9K) - Microsoft Machine Learning for Apache Spark. MIT -- [GitHub](https://github.com/ipython/ipyparallel) (👨‍💻 110 · 🔀 870 · 📋 330 - 15% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/microsoft/SynapseML) (👨‍💻 120 · 🔀 790 · 📋 700 - 42% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/ipython/ipyparallel + git clone https://github.com/Azure/mmlspark ``` -- [PyPi](https://pypi.org/project/ipyparallel) (📥 120K / month): +- [PyPi](https://pypi.org/project/mmlspark): ``` - pip install ipyparallel + pip install mmlspark + ``` +
+
TensorFrames (🥉19 · ⭐ 750 · 💀) - [DEPRECATED] Tensorflow wrapper for DataFrames on.. Apache-2 + +- [GitHub](https://github.com/databricks/tensorframes) (👨‍💻 16 · 🔀 160 · 📋 92 - 53% open · ⏱️ 15.11.2019): + + ``` + git clone https://github.com/databricks/tensorframes ``` -- [Conda](https://anaconda.org/conda-forge/ipyparallel) (📥 670K · ⏱️ 21.06.2022): +- [PyPi](https://pypi.org/project/tensorframes) (📥 21K / month): ``` - conda install -c conda-forge ipyparallel + pip install tensorframes ```
-
Submit it (🥉18 · ⭐ 680) - 用于将作业提交到Slurm的Python工具箱。MIT +
ipyparallel (🥉18 · ⭐ 2.5K) - Interactive Parallel Computing in Python. ❗Unlicensed -- [GitHub](https://github.com/facebookincubator/submitit) (👨‍💻 23 · 🔀 74 · 📋 71 - 32% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/ipython/ipyparallel) (👨‍💻 110 · 🔀 960 · 📋 350 - 16% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/facebookincubator/submitit + git clone https://github.com/ipython/ipyparallel ``` -- [PyPi](https://pypi.org/project/submitit) (📥 37K / month): +- [PyPi](https://pypi.org/project/ipyparallel) (📥 200K / month): ``` - pip install submitit + pip install ipyparallel ``` -- [Conda](https://anaconda.org/conda-forge/submitit) (📥 8.1K · ⏱️ 10.02.2021): +- [Conda](https://anaconda.org/conda-forge/ipyparallel) (📥 960K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge submitit + conda install -c conda-forge ipyparallel ```
-
sk-dist (🥉18 · ⭐ 280 · 💀) - PySpark中的分布式scikit学习元估计器。Apache-2 +
sk-dist (🥉18 · ⭐ 290 · 💤) - Distributed scikit-learn meta-estimators in PySpark. Apache-2 -- [GitHub](https://github.com/Ibotta/sk-dist) (👨‍💻 7 · 🔀 49 · 📦 10 · 📋 17 - 41% open · ⏱️ 07.07.2021): +- [GitHub](https://github.com/Ibotta/sk-dist) (👨‍💻 8 · 🔀 52 · 📦 16 · 📋 18 - 44% open · ⏱️ 07.02.2023): ``` git clone https://github.com/Ibotta/sk-dist ``` -- [PyPi](https://pypi.org/project/sk-dist) (📥 170K / month): +- [PyPi](https://pypi.org/project/sk-dist) (📥 300K / month): ``` pip install sk-dist ```
-
somoclu (🥉17 · ⭐ 240 · 💤) - 大规模并行的自组织图:加速训练。MIT +
somoclu (🥉18 · ⭐ 260) - Massively parallel self-organizing maps: accelerate training on.. MIT -- [GitHub](https://github.com/peterwittek/somoclu) (👨‍💻 19 · 🔀 62 · 📥 1.6K · 📋 130 - 18% open · ⏱️ 31.10.2021): +- [GitHub](https://github.com/peterwittek/somoclu) (👨‍💻 20 · 🔀 68 · 📥 1.9K · 📋 140 - 20% open · ⏱️ 18.01.2024): ``` git clone https://github.com/peterwittek/somoclu ``` -- [PyPi](https://pypi.org/project/somoclu) (📥 980 / month): +- [PyPi](https://pypi.org/project/somoclu) (📥 1.5K / month): ``` pip install somoclu ``` -- [Conda](https://anaconda.org/conda-forge/somoclu) (📥 64K · ⏱️ 15.11.2021): +- [Conda](https://anaconda.org/conda-forge/somoclu) (📥 84K · ⏱️ 13.10.2023): ``` conda install -c conda-forge somoclu ```
-
BytePS (🥉16 · ⭐ 3.3K) - 分布式DNN训练的高性能通用框架。Apache-2 +
BytePS (🥉16 · ⭐ 3.5K · 💀) - A high performance and generic framework for distributed DNN.. Apache-2 -- [GitHub](https://github.com/bytedance/byteps) (👨‍💻 19 · 🔀 450 · 📋 260 - 38% open · ⏱️ 10.02.2022): +- [GitHub](https://github.com/bytedance/byteps) (👨‍💻 21 · 🔀 470 · 📋 260 - 39% open · ⏱️ 10.02.2022): ``` git clone https://github.com/bytedance/byteps ``` -- [PyPi](https://pypi.org/project/byteps) (📥 19 / month): +- [PyPi](https://pypi.org/project/byteps) (📥 110 / month): ``` pip install byteps ``` @@ -6849,514 +6849,526 @@ _提供在大型计算基础架构中分布和并行化机器学习任务的功 docker pull bytepsimage/tensorflow ```
-
Fiber (🥉16 · ⭐ 980 · 💀) - 简化了AI的分布式计算。Apache-2 +
Fiber (🥉12 · ⭐ 1K · 💀) - Distributed Computing for AI Made Simple. Apache-2 -- [GitHub](https://github.com/uber/fiber) (👨‍💻 5 · 🔀 110 · 📦 43 · 📋 25 - 68% open · ⏱️ 15.03.2021): +- [GitHub](https://github.com/uber/fiber) (👨‍💻 5 · 🔀 110 · 📋 27 - 70% open · ⏱️ 15.03.2021): ``` git clone https://github.com/uber/fiber ``` -- [PyPi](https://pypi.org/project/fiber) (📥 60 / month): +- [PyPi](https://pypi.org/project/fiber) (📥 90 / month): ``` pip install fiber ```
-
LazyCluster (🥉13 · ⭐ 43 · 💤) - 分布式机器学习框架。Apache-2 +
LazyCluster (🥉12 · ⭐ 50 · 💀) - Distributed machine learning made simple. Apache-2 -- [GitHub](https://github.com/ml-tooling/lazycluster) (👨‍💻 2 · 🔀 9 · 📦 17 · ⏱️ 19.08.2021): +- [GitHub](https://github.com/ml-tooling/lazycluster) (👨‍💻 2 · 🔀 12 · 📦 28 · ⏱️ 19.08.2021): ``` git clone https://github.com/ml-tooling/lazycluster ``` -- [PyPi](https://pypi.org/project/lazycluster) (📥 42 / month): +- [PyPi](https://pypi.org/project/lazycluster) (📥 61 / month): ``` pip install lazycluster ```

-## 超参数优化和AutoML +## Hyperparameter Optimization & AutoML -Back to top +Back to top -_用于超参数优化,自动机器学习和神经体系结构搜索的库。_ +_Libraries for hyperparameter optimization, automl and neural architecture search._ -
Optuna (🥇34 · ⭐ 6.8K) - 超参数优化框架。MIT +
Optuna (🥇33 · ⭐ 9.3K) - A hyperparameter optimization framework. ❗Unlicensed -- [GitHub](https://github.com/optuna/optuna) (👨‍💻 200 · 🔀 730 · 📦 4K · 📋 1.2K - 7% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/optuna/optuna) (👨‍💻 260 · 🔀 930 · 📦 12K · 📋 1.6K - 5% open · ⏱️ 15.02.2024): ``` git clone https://github.com/optuna/optuna ``` -- [PyPi](https://pypi.org/project/optuna) (📥 1.5M / month): +- [PyPi](https://pypi.org/project/optuna) (📥 2.1M / month): ``` pip install optuna ``` -- [Conda](https://anaconda.org/conda-forge/optuna) (📥 320K · ⏱️ 06.07.2022): +- [Conda](https://anaconda.org/conda-forge/optuna) (📥 630K · ⏱️ 11.12.2023): ``` conda install -c conda-forge optuna ```
-
NNI (🥇30 · ⭐ 12K) - 一个开源AutoML工具箱,用于自动化机器学习生命周期。MIT +
scikit-optimize (🥇31 · ⭐ 2.7K · 💀) - Sequential model-based optimization with a.. BSD-3 -- [GitHub](https://github.com/microsoft/nni) (👨‍💻 180 · 🔀 1.6K · 📦 260 · 📋 1.7K - 17% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/scikit-optimize/scikit-optimize) (👨‍💻 76 · 🔀 510 · 📦 5.4K · 📋 640 - 39% open · ⏱️ 12.10.2021): ``` - git clone https://github.com/microsoft/nni + git clone https://github.com/scikit-optimize/scikit-optimize ``` -- [PyPi](https://pypi.org/project/nni) (📥 10K / month): +- [PyPi](https://pypi.org/project/scikit-optimize) (📥 580K / month): ``` - pip install nni + pip install scikit-optimize + ``` +- [Conda](https://anaconda.org/conda-forge/scikit-optimize) (📥 700K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge scikit-optimize ```
-
AutoKeras (🥇30 · ⭐ 8.6K) - 用于深度学习的AutoML库。Apache-2 +
NNI (🥇29 · ⭐ 14K) - An open source AutoML toolkit for automate machine learning lifecycle,.. MIT -- [GitHub](https://github.com/keras-team/autokeras) (👨‍💻 140 · 🔀 1.3K · 📥 7.4K · 📦 350 · 📋 840 - 11% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/microsoft/nni) (👨‍💻 190 · 🔀 1.8K · 📦 560 · 📋 2K - 17% open · ⏱️ 26.10.2023): ``` - git clone https://github.com/keras-team/autokeras + git clone https://github.com/microsoft/nni ``` -- [PyPi](https://pypi.org/project/autokeras) (📥 17K / month): +- [PyPi](https://pypi.org/project/nni) (📥 15K / month): ``` - pip install autokeras + pip install nni ```
-
Keras Tuner (🥇30 · ⭐ 2.6K) - 简单易用的超参数调整。Apache-2 +
TPOT (🥇29 · ⭐ 9.4K) - A Python Automated Machine Learning tool that optimizes machine.. ❗️LGPL-3.0 -- [GitHub](https://github.com/keras-team/keras-tuner) (👨‍💻 50 · 🔀 330 · 📦 1.6K · 📋 400 - 43% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/EpistasisLab/tpot) (👨‍💻 120 · 🔀 1.5K · 📦 2.6K · 📋 910 - 30% open · ⏱️ 08.12.2023): ``` - git clone https://github.com/keras-team/keras-tuner + git clone https://github.com/EpistasisLab/tpot ``` -- [PyPi](https://pypi.org/project/keras-tuner) (📥 610K / month): +- [PyPi](https://pypi.org/project/tpot) (📥 37K / month): ``` - pip install keras-tuner + pip install tpot + ``` +- [Conda](https://anaconda.org/conda-forge/tpot) (📥 240K · ⏱️ 15.08.2023): + ``` + conda install -c conda-forge tpot ```
-
scikit-optimize (🥇30 · ⭐ 2.4K · 💤) - SMBO模型优化实现。BSD-3 +
AutoKeras (🥇29 · ⭐ 9K) - AutoML library for deep learning. Apache-2 -- [GitHub](https://github.com/scikit-optimize/scikit-optimize) (👨‍💻 76 · 🔀 420 · 📦 3K · 📋 600 - 35% open · ⏱️ 12.10.2021): +- [GitHub](https://github.com/keras-team/autokeras) (👨‍💻 140 · 🔀 1.4K · 📥 18K · 📦 630 · 📋 890 - 14% open · ⏱️ 02.10.2023): ``` - git clone https://github.com/scikit-optimize/scikit-optimize - ``` -- [PyPi](https://pypi.org/project/scikit-optimize) (📥 790K / month): - ``` - pip install scikit-optimize + git clone https://github.com/keras-team/autokeras ``` -- [Conda](https://anaconda.org/conda-forge/scikit-optimize) (📥 570K · ⏱️ 15.12.2021): +- [PyPi](https://pypi.org/project/autokeras) (📥 13K / month): ``` - conda install -c conda-forge scikit-optimize + pip install autokeras ```
-
TPOT (🥈29 · ⭐ 8.7K) - Python自动化机器学习工具。❗️LGPL-3.0 +
Bayesian Optimization (🥇29 · ⭐ 7.3K) - A Python implementation of global optimization with.. MIT -- [GitHub](https://github.com/EpistasisLab/tpot) (👨‍💻 110 · 🔀 1.5K · 📦 1.6K · 📋 860 - 29% open · ⏱️ 29.07.2022): +- [GitHub](https://github.com/bayesian-optimization/BayesianOptimization) (👨‍💻 44 · 🔀 1.4K · 📥 140 · 📦 2.4K · 📋 330 - 3% open · ⏱️ 22.01.2024): ``` - git clone https://github.com/EpistasisLab/tpot - ``` -- [PyPi](https://pypi.org/project/tpot) (📥 41K / month): - ``` - pip install tpot + git clone https://github.com/fmfn/BayesianOptimization ``` -- [Conda](https://anaconda.org/conda-forge/tpot) (📥 170K · ⏱️ 05.03.2021): +- [PyPi](https://pypi.org/project/bayesian-optimization) (📥 250K / month): ``` - conda install -c conda-forge tpot + pip install bayesian-optimization ```
-
auto-sklearn (🥈29 · ⭐ 6.5K) - 使用scikit-learn的自动化机器学习。BSD-3 +
Keras Tuner (🥇29 · ⭐ 2.8K) - Hyperparameter tuning for humans. Apache-2 -- [GitHub](https://github.com/automl/auto-sklearn) (👨‍💻 86 · 🔀 1.2K · 📥 37 · 📦 310 · 📋 920 - 12% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/keras-team/keras-tuner) (👨‍💻 60 · 🔀 380 · 📦 3.2K · 📋 470 - 42% open · ⏱️ 29.11.2023): ``` - git clone https://github.com/automl/auto-sklearn + git clone https://github.com/keras-team/keras-tuner ``` -- [PyPi](https://pypi.org/project/auto-sklearn) (📥 40K / month): +- [PyPi](https://pypi.org/project/keras-tuner) (📥 160K / month): ``` - pip install auto-sklearn + pip install keras-tuner ```
-
Bayesian Optimization (🥈29 · ⭐ 6.2K) - 全局优化的Python实现。MIT +
auto-sklearn (🥈28 · ⭐ 7.3K · 💤) - Automated Machine Learning with scikit-learn. BSD-3 -- [GitHub](https://github.com/fmfn/BayesianOptimization) (👨‍💻 35 · 🔀 1.3K · 📥 96 · 📦 1.3K · 📋 260 - 7% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/automl/auto-sklearn) (👨‍💻 88 · 🔀 1.2K · 📥 51 · 📦 540 · 📋 1K - 17% open · ⏱️ 18.04.2023): ``` - git clone https://github.com/fmfn/BayesianOptimization + git clone https://github.com/automl/auto-sklearn ``` -- [PyPi](https://pypi.org/project/bayesian-optimization) (📥 200K / month): +- [PyPi](https://pypi.org/project/auto-sklearn) (📥 18K / month): ``` - pip install bayesian-optimization + pip install auto-sklearn ```
-
Hyperopt (🥈28 · ⭐ 6.4K · 💤) - Python中的分布式异步超参数优化。❗Unlicensed +
Hyperopt (🥈28 · ⭐ 7K) - Distributed Asynchronous Hyperparameter Optimization in Python. ❗Unlicensed -- [GitHub](https://github.com/hyperopt/hyperopt) (👨‍💻 93 · 🔀 860 · 📦 7.4K · 📋 610 - 61% open · ⏱️ 29.11.2021): +- [GitHub](https://github.com/hyperopt/hyperopt) (👨‍💻 100 · 🔀 910 · 📦 14K · 📋 640 - 38% open · ⏱️ 29.09.2023): ``` git clone https://github.com/hyperopt/hyperopt ``` -- [PyPi](https://pypi.org/project/hyperopt) (📥 1.8M / month): +- [PyPi](https://pypi.org/project/hyperopt) (📥 1.9M / month): ``` pip install hyperopt ``` -- [Conda](https://anaconda.org/conda-forge/hyperopt) (📥 500K · ⏱️ 30.04.2022): +- [Conda](https://anaconda.org/conda-forge/hyperopt) (📥 750K · ⏱️ 16.06.2023): ``` conda install -c conda-forge hyperopt ```
-
AutoGluon (🥈26 · ⭐ 4.7K) - AutoGluon:用于文本,图像和表格数据的AutoML。Apache-2 +
Ax (🥈27 · ⭐ 2.2K) - Adaptive Experimentation Platform. MIT -- [GitHub](https://github.com/awslabs/autogluon) (👨‍💻 85 · 🔀 620 · 📦 160 · 📋 740 - 21% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/facebook/Ax) (👨‍💻 160 · 🔀 280 · 📦 650 · 📋 620 - 5% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/awslabs/autogluon + git clone https://github.com/facebook/Ax ``` -- [PyPi](https://pypi.org/project/autogluon) (📥 40K / month): +- [PyPi](https://pypi.org/project/ax-platform) (📥 85K / month): ``` - pip install autogluon + pip install ax-platform ```
-
BoTorch (🥈26 · ⭐ 2.3K) - PyTorch中的贝叶斯优化。MIT +
featuretools (🥈26 · ⭐ 7K) - An open source python library for automated feature engineering. BSD-3 -- [GitHub](https://github.com/pytorch/botorch) (👨‍💻 80 · 🔀 260 · 📦 300 · 📋 290 - 15% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/alteryx/featuretools) (👨‍💻 72 · 🔀 830 · 📦 1.5K · 📋 990 - 17% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/pytorch/botorch + git clone https://github.com/alteryx/featuretools ``` -- [PyPi](https://pypi.org/project/botorch) (📥 210K / month): +- [PyPi](https://pypi.org/project/featuretools) (📥 50K / month): ``` - pip install botorch + pip install featuretools + ``` +- [Conda](https://anaconda.org/conda-forge/featuretools) (📥 180K · ⏱️ 27.10.2023): + ``` + conda install -c conda-forge featuretools ```
-
Ax (🥈26 · ⭐ 1.9K) - 自适应实验平台。MIT +
nevergrad (🥈26 · ⭐ 3.8K) - A Python toolbox for performing gradient-free optimization. MIT -- [GitHub](https://github.com/facebook/Ax) (👨‍💻 120 · 🔀 210 · 📦 310 · 📋 430 - 8% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/facebookresearch/nevergrad) (👨‍💻 53 · 🔀 340 · 📦 620 · 📋 260 - 32% open · ⏱️ 17.01.2024): ``` - git clone https://github.com/facebook/Ax + git clone https://github.com/facebookresearch/nevergrad ``` -- [PyPi](https://pypi.org/project/ax-platform) (📥 160K / month): +- [PyPi](https://pypi.org/project/nevergrad) (📥 74K / month): ``` - pip install ax-platform + pip install nevergrad + ``` +- [Conda](https://anaconda.org/conda-forge/nevergrad) (📥 46K · ⏱️ 09.01.2024): + ``` + conda install -c conda-forge nevergrad ```
-
Hyperas (🥈24 · ⭐ 2.1K · 💤) - Keras + Hyperopt:一个非常简单的包装,方便使用。MIT +
BoTorch (🥈26 · ⭐ 2.9K) - Bayesian optimization in PyTorch. MIT -- [GitHub](https://github.com/maxpumperla/hyperas) (👨‍💻 21 · 🔀 300 · 📦 250 · 📋 250 - 37% open · ⏱️ 19.11.2021): +- [GitHub](https://github.com/pytorch/botorch) (👨‍💻 110 · 🔀 350 · 📦 840 · 📋 450 - 11% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/maxpumperla/hyperas + git clone https://github.com/pytorch/botorch ``` -- [PyPi](https://pypi.org/project/hyperas) (📥 18K / month): +- [PyPi](https://pypi.org/project/botorch) (📥 120K / month): ``` - pip install hyperas + pip install botorch ```
-
mljar-supervised (🥈24 · ⭐ 2K) - 使用scikit-learn的自动化机器学习。MIT +
mljar-supervised (🥈26 · ⭐ 2.9K) - Automated Machine Learning Pipeline with Feature Engineering.. MIT -- [GitHub](https://github.com/mljar/mljar-supervised) (👨‍💻 19 · 🔀 280 · 📦 50 · 📋 490 - 19% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/mljar/mljar-supervised) (👨‍💻 26 · 🔀 380 · 📦 100 · 📋 610 - 23% open · ⏱️ 30.01.2024): ``` git clone https://github.com/mljar/mljar-supervised ``` -- [PyPi](https://pypi.org/project/mljar-supervised) (📥 7.4K / month): +- [PyPi](https://pypi.org/project/mljar-supervised) (📥 4.5K / month): ``` pip install mljar-supervised ```
-
nevergrad (🥈23 · ⭐ 3.3K) - 用于执行无梯度优化(gradient-free optimization)的Python工具箱。MIT +
AutoGluon (🥈25 · ⭐ 6.8K) - AutoGluon: AutoML for Text, Image, and Tabular Data. Apache-2 -- [GitHub](https://github.com/facebookresearch/nevergrad) (👨‍💻 50 · 🔀 310 · 📦 370 · 📋 220 - 30% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/autogluon/autogluon) (👨‍💻 120 · 🔀 810 · 📦 2 · 📋 1.2K - 25% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/facebookresearch/nevergrad - ``` -- [PyPi](https://pypi.org/project/nevergrad) (📥 33K / month): - ``` - pip install nevergrad + git clone https://github.com/awslabs/autogluon ``` -- [Conda](https://anaconda.org/conda-forge/nevergrad) (📥 31K · ⏱️ 14.06.2021): +- [PyPi](https://pypi.org/project/autogluon) (📥 64K / month): ``` - conda install -c conda-forge nevergrad + pip install autogluon ```
-
GPyOpt (🥈23 · ⭐ 830 · 💀) - 使用GPy进行高斯过程优化。BSD-3 +
lazypredict (🥈24 · ⭐ 2.5K · 💀) - Lazy Predict help build a lot of basic models without much.. MIT -- [GitHub](https://github.com/SheffieldML/GPyOpt) (👨‍💻 49 · 🔀 250 · 📦 310 · 📋 290 - 35% open · ⏱️ 05.11.2020): +- [GitHub](https://github.com/shankarpandala/lazypredict) (👨‍💻 17 · 🔀 280 · 📦 820 · 📋 110 - 66% open · ⏱️ 28.09.2022): ``` - git clone https://github.com/SheffieldML/GPyOpt + git clone https://github.com/shankarpandala/lazypredict ``` -- [PyPi](https://pypi.org/project/gpyopt) (📥 12K / month): +- [PyPi](https://pypi.org/project/lazypredict) (📥 18K / month): ``` - pip install gpyopt + pip install lazypredict ```
-
featuretools (🥈22 · ⭐ 6.3K) - 一个用于自动化特征工程的开源python库。BSD-3 +
Hyperas (🥈23 · ⭐ 2.2K · 💀) - Keras + Hyperopt: A very simple wrapper for convenient.. MIT -- [GitHub](https://github.com/alteryx/featuretools) (👨‍💻 67 · 🔀 800 · 📋 850 - 18% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/maxpumperla/hyperas) (👨‍💻 22 · 🔀 310 · 📦 340 · 📋 260 - 37% open · ⏱️ 05.01.2023): ``` - git clone https://github.com/alteryx/featuretools - ``` -- [PyPi](https://pypi.org/project/featuretools) (📥 160K / month): - ``` - pip install featuretools + git clone https://github.com/maxpumperla/hyperas ``` -- [Conda](https://anaconda.org/conda-forge/featuretools) (📥 100K · ⏱️ 18.08.2022): +- [PyPi](https://pypi.org/project/hyperas) (📥 9.8K / month): ``` - conda install -c conda-forge featuretools + pip install hyperas ```
-
AdaNet (🥈22 · ⭐ 3.4K · 💤) - 具有学习保证的快速灵活的AutoML。Apache-2 +
GPyOpt (🥈22 · ⭐ 910 · 💀) - Gaussian Process Optimization using GPy. BSD-3 -- [GitHub](https://github.com/tensorflow/adanet) (👨‍💻 27 · 🔀 520 · 📦 44 · 📋 110 - 56% open · ⏱️ 30.08.2021): +- [GitHub](https://github.com/SheffieldML/GPyOpt) (👨‍💻 50 · 🔀 260 · 📦 490 · 📋 290 - 35% open · ⏱️ 17.01.2023): ``` - git clone https://github.com/tensorflow/adanet + git clone https://github.com/SheffieldML/GPyOpt ``` -- [PyPi](https://pypi.org/project/adanet) (📥 490 / month): +- [PyPi](https://pypi.org/project/gpyopt) (📥 5.9K / month): ``` - pip install adanet + pip install gpyopt ```
-
Talos (🥈22 · ⭐ 1.5K) - TensorFlow,Keras和PyTorch的超参数优化。MIT +
AdaNet (🥉21 · ⭐ 3.5K · 💀) - Fast and flexible AutoML with learning guarantees. Apache-2 -- [GitHub](https://github.com/autonomio/talos) (👨‍💻 22 · 🔀 260 · 📦 150 · 📋 400 - 6% open · ⏱️ 23.04.2022): +- [GitHub](https://github.com/tensorflow/adanet) (👨‍💻 27 · 🔀 530 · 📦 56 · 📋 110 - 57% open · ⏱️ 30.08.2021): ``` - git clone https://github.com/autonomio/talos + git clone https://github.com/tensorflow/adanet ``` -- [PyPi](https://pypi.org/project/talos) (📥 750 / month): +- [PyPi](https://pypi.org/project/adanet) (📥 120 / month): ``` - pip install talos + pip install adanet ```
-
Orion (🥈22 · ⭐ 240) - 异步分布式超参数优化。❗Unlicensed +
Talos (🥉21 · ⭐ 1.6K · 💀) - Hyperparameter Optimization for TensorFlow, Keras and PyTorch. MIT -- [GitHub](https://github.com/Epistimio/orion) (👨‍💻 27 · 🔀 43 · 📦 73 · 📋 350 - 52% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/autonomio/talos) (👨‍💻 22 · 🔀 270 · 📦 170 · 📋 400 - 2% open · ⏱️ 18.09.2022): ``` - git clone https://github.com/Epistimio/orion + git clone https://github.com/autonomio/talos ``` -- [PyPi](https://pypi.org/project/orion) (📥 4.4K / month): +- [PyPi](https://pypi.org/project/talos) (📥 830 / month): ``` - pip install orion + pip install talos ```
-
MLBox (🥉21 · ⭐ 1.3K · 💀) - MLBox是功能强大的自动机器学习python库。❗Unlicensed +
HpBandSter (🥉20 · ⭐ 600 · 💀) - a distributed Hyperband implementation on Steroids. BSD-3 -- [GitHub](https://github.com/AxeldeRomblay/MLBox) (👨‍💻 9 · 🔀 270 · 📦 28 · 📋 92 - 19% open · ⏱️ 25.08.2020): +- [GitHub](https://github.com/automl/HpBandSter) (👨‍💻 11 · 🔀 110 · 📦 410 · 📋 91 - 61% open · ⏱️ 22.04.2022): ``` - git clone https://github.com/AxeldeRomblay/MLBox + git clone https://github.com/automl/HpBandSter ``` -- [PyPi](https://pypi.org/project/mlbox) (📥 2.9K / month): +- [PyPi](https://pypi.org/project/hpbandster) (📥 13K / month): ``` - pip install mlbox + pip install hpbandster ```
-
Neuraxle (🥉21 · ⭐ 540) - 类似于Sklearn的超参数调整和AutoML输入框架。Apache-2 +
Neuraxle (🥉20 · ⭐ 600 · 💀) - A Sklearn-like Framework for Hyperparameter Tuning and AutoML in.. Apache-2 -- [GitHub](https://github.com/Neuraxio/Neuraxle) (👨‍💻 7 · 🔀 52 · 📦 34 · 📋 320 - 19% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/Neuraxio/Neuraxle) (👨‍💻 9 · 🔀 58 · 📦 60 · 📋 320 - 4% open · ⏱️ 16.08.2022): ``` git clone https://github.com/Neuraxio/Neuraxle ``` -- [PyPi](https://pypi.org/project/neuraxle) (📥 490 / month): +- [PyPi](https://pypi.org/project/neuraxle) (📥 300 / month): ``` pip install neuraxle ```
-
optunity (🥉21 · ⭐ 390 · 💀) - 超参数优化的优化例程。BSD-3 +
optunity (🥉20 · ⭐ 410 · 💀) - optimization routines for hyperparameter tuning. BSD-3 -- [GitHub](https://github.com/claesenm/optunity) (👨‍💻 9 · 🔀 75 · 📥 67 · 📦 81 · 📋 97 - 50% open · ⏱️ 11.05.2020): +- [GitHub](https://github.com/claesenm/optunity) (👨‍💻 9 · 🔀 79 · 📥 90 · 📦 110 · 📋 97 - 49% open · ⏱️ 11.05.2020): ``` git clone https://github.com/claesenm/optunity ``` -- [PyPi](https://pypi.org/project/optunity) (📥 11K / month): +- [PyPi](https://pypi.org/project/optunity) (📥 5.5K / month): ``` pip install optunity ```
-
HpBandSter (🥉20 · ⭐ 540) - 分布式自动化机器学习库。BSD-3 +
Orion (🥉20 · ⭐ 280) - Asynchronous Distributed Hyperparameter Optimization. ❗Unlicensed -- [GitHub](https://github.com/automl/HpBandSter) (👨‍💻 11 · 🔀 110 · 📦 240 · 📋 89 - 60% open · ⏱️ 22.04.2022): +- [GitHub](https://github.com/Epistimio/orion) (👨‍💻 32 · 🔀 49 · 📦 98 · 📋 400 - 48% open · ⏱️ 17.11.2023): ``` - git clone https://github.com/automl/HpBandSter + git clone https://github.com/Epistimio/orion ``` -- [PyPi](https://pypi.org/project/hpbandster) (📥 22K / month): +- [PyPi](https://pypi.org/project/orion) (📥 1.1K / month): ``` - pip install hpbandster + pip install orion ```
auto_ml (🥉19 · ⭐ 1.6K · 💀) - [UNMAINTAINED] Automated machine learning for analytics & production. MIT -- [GitHub](https://github.com/ClimbsRocks/auto_ml) (👨‍💻 13 · 🔀 300 · 📥 42 · 📋 400 - 45% open · ⏱️ 25.03.2018): +- [GitHub](https://github.com/ClimbsRocks/auto_ml) (👨‍💻 13 · 🔀 310 · 📥 42 · 📦 2 · 📋 400 - 45% open · ⏱️ 25.03.2018): ``` git clone https://github.com/ClimbsRocks/auto_ml ``` -- [PyPi](https://pypi.org/project/auto_ml) (📥 840 / month): +- [PyPi](https://pypi.org/project/auto_ml) (📥 760 / month): ``` pip install auto_ml ```
-
lazypredict (🥉19 · ⭐ 380) - Lazy Predict帮助您无需大量代码即可构建许多基本模型。MIT +
MLBox (🥉19 · ⭐ 1.5K · 💀) - MLBox is a powerful Automated Machine Learning python library. ❗Unlicensed + +- [GitHub](https://github.com/AxeldeRomblay/MLBox) (👨‍💻 9 · 🔀 270 · 📦 35 · 📋 97 - 22% open · ⏱️ 25.08.2020): + + ``` + git clone https://github.com/AxeldeRomblay/MLBox + ``` +- [PyPi](https://pypi.org/project/mlbox) (📥 400 / month): + ``` + pip install mlbox + ``` +
+
AlphaPy (🥉19 · ⭐ 1K) - Automated Machine Learning [AutoML] with Python, scikit-learn, Keras,.. Apache-2 -- [GitHub](https://github.com/shankarpandala/lazypredict) (👨‍💻 17 · 🔀 67 · 📦 320 · 📋 66 - 48% open · ⏱️ 25.05.2022): +- [GitHub](https://github.com/ScottfreeLLC/AlphaPy) (👨‍💻 5 · 🔀 190 · 📦 4 · 📋 42 - 30% open · ⏱️ 10.02.2024): ``` - git clone https://github.com/shankarpandala/lazypredict + git clone https://github.com/ScottfreeLLC/AlphaPy ``` -- [PyPi](https://pypi.org/project/lazypredict) (📥 5.1K / month): +- [PyPi](https://pypi.org/project/alphapy) (📥 260 / month): ``` - pip install lazypredict + pip install alphapy ```
-
Sherpa (🥉19 · ⭐ 310 · 💀) - 超参数优化库。❗️GPL-3.0 +
sklearn-deap (🥉19 · ⭐ 760 · 💀) - Use evolutionary algorithms instead of gridsearch in.. MIT -- [GitHub](https://github.com/sherpa-ai/sherpa) (👨‍💻 43 · 🔀 48 · 📦 23 · 📋 57 - 28% open · ⏱️ 18.10.2020): +- [GitHub](https://github.com/rsteca/sklearn-deap) (👨‍💻 23 · 🔀 130 · 📦 42 · 📋 52 - 34% open · ⏱️ 30.07.2021): ``` - git clone https://github.com/sherpa-ai/sherpa + git clone https://github.com/rsteca/sklearn-deap ``` -- [PyPi](https://pypi.org/project/parameter-sherpa) (📥 1.1K / month): +- [PyPi](https://pypi.org/project/sklearn-deap) (📥 250 / month): ``` - pip install parameter-sherpa + pip install sklearn-deap ```
-
SMAC3 (🥉18 · ⭐ 730) - Sequential Model-based算法的配置。❗Unlicensed +
SMAC3 (🥉18 · ⭐ 960) - Sequential Model-based Algorithm Configuration. ❗Unlicensed -- [GitHub](https://github.com/automl/SMAC3) (👨‍💻 38 · 🔀 170 · 📋 400 - 18% open · ⏱️ 14.07.2022): +- [GitHub](https://github.com/automl/SMAC3) (👨‍💻 41 · 🔀 210 · 📋 510 - 15% open · ⏱️ 13.02.2024): ``` git clone https://github.com/automl/SMAC3 ``` -- [PyPi](https://pypi.org/project/smac) (📥 50K / month): +- [PyPi](https://pypi.org/project/smac) (📥 61K / month): ``` pip install smac ```
-
Test Tube (🥉18 · ⭐ 720 · 💀) - 可轻松记录实验并进行并行化的Python库。MIT +
Test Tube (🥉18 · ⭐ 740 · 💀) - Python library to easily log experiments and parallelize.. MIT -- [GitHub](https://github.com/williamFalcon/test-tube) (👨‍💻 16 · 🔀 67 · 📥 12 · 📋 44 - 52% open · ⏱️ 17.03.2020): +- [GitHub](https://github.com/williamFalcon/test-tube) (👨‍💻 16 · 🔀 74 · 📥 18 · 📋 44 - 52% open · ⏱️ 17.03.2020): ``` git clone https://github.com/williamFalcon/test-tube ``` -- [PyPi](https://pypi.org/project/test_tube) (📥 51K / month): +- [PyPi](https://pypi.org/project/test_tube) (📥 69K / month): ``` pip install test_tube ```
-
sklearn-deap (🥉18 · ⭐ 700 · 💀) - 使用进化算法而非gridsearch的超参数优化。MIT +
featurewiz (🥉18 · ⭐ 520) - Use advanced feature engineering strategies and select the.. Apache-2 -- [GitHub](https://github.com/rsteca/sklearn-deap) (👨‍💻 22 · 🔀 120 · 📦 35 · 📋 50 - 32% open · ⏱️ 30.07.2021): +- [GitHub](https://github.com/AutoViML/featurewiz) (👨‍💻 17 · 🔀 85 · 📦 65 · ⏱️ 10.02.2024): ``` - git clone https://github.com/rsteca/sklearn-deap + git clone https://github.com/AutoViML/featurewiz ``` -- [PyPi](https://pypi.org/project/sklearn-deap) (📥 670 / month): +- [PyPi](https://pypi.org/project/featurewiz) (📥 14K / month): ``` - pip install sklearn-deap + pip install featurewiz ```
-
Dragonfly (🥉18 · ⭐ 670) - 一个用于自动化特征工程的开源python库。MIT +
Auto ViML (🥉18 · ⭐ 490) - Automatically Build Multiple ML Models with a Single Line of Code... Apache-2 -- [GitHub](https://github.com/dragonfly/dragonfly) (👨‍💻 13 · 🔀 210 · 📋 56 - 64% open · ⏱️ 14.07.2022): +- [GitHub](https://github.com/AutoViML/Auto_ViML) (👨‍💻 8 · 🔀 96 · 📦 24 · ⏱️ 03.12.2023): ``` - git clone https://github.com/dragonfly/dragonfly + git clone https://github.com/AutoViML/Auto_ViML ``` -- [PyPi](https://pypi.org/project/dragonfly-opt) (📥 35K / month): +- [PyPi](https://pypi.org/project/autoviml) (📥 1.3K / month): ``` - pip install dragonfly-opt + pip install autoviml ```
-
AlphaPy (🥉17 · ⭐ 800) - 使用scikit-learn的自动化机器学习。Apache-2 +
Sherpa (🥉18 · ⭐ 330 · 💀) - Hyperparameter optimization that enables researchers to.. ❗️GPL-3.0 -- [GitHub](https://github.com/ScottfreeLLC/AlphaPy) (👨‍💻 3 · 🔀 160 · 📦 3 · 📋 41 - 29% open · ⏱️ 23.04.2022): +- [GitHub](https://github.com/sherpa-ai/sherpa) (👨‍💻 43 · 🔀 51 · 📦 34 · 📋 58 - 29% open · ⏱️ 18.10.2020): ``` - git clone https://github.com/ScottfreeLLC/AlphaPy + git clone https://github.com/sherpa-ai/sherpa ``` -- [PyPi](https://pypi.org/project/alphapy) (📥 59 / month): +- [PyPi](https://pypi.org/project/parameter-sherpa) (📥 290 / month): ``` - pip install alphapy + pip install parameter-sherpa ```
-
Auto Tune Models (🥉17 · ⭐ 520 · 💀) - 自动调整模型。MIT +
Auto Tune Models (🥉17 · ⭐ 520 · 💀) - Auto Tune Models - A multi-tenant, multi-data system for.. MIT -- [GitHub](https://github.com/HDI-Project/ATM) (👨‍💻 16 · 🔀 130 · 📦 12 · 📋 89 - 20% open · ⏱️ 21.02.2020): +- [GitHub](https://github.com/HDI-Project/ATM) (👨‍💻 17 · 🔀 140 · 📦 18 · 📋 89 - 20% open · ⏱️ 21.02.2020): ``` git clone https://github.com/HDI-Project/ATM ``` -- [PyPi](https://pypi.org/project/atm) (📥 67 / month): +- [PyPi](https://pypi.org/project/atm) (📥 91 / month): ``` pip install atm ```
-
Auto ViML (🥉17 · ⭐ 360) - 用单行代码自动构建多个ML模型。Apache-2 +
Parfit (🥉17 · ⭐ 200 · 💀) - A package for parallelizing the fit and flexibly scoring of.. MIT -- [GitHub](https://github.com/AutoViML/Auto_ViML) (👨‍💻 6 · 🔀 81 · 📦 17 · 📋 21 - 19% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/jmcarpenter2/parfit) (👨‍💻 4 · 🔀 30 · 📦 27 · 📋 11 - 54% open · ⏱️ 04.04.2020): ``` - git clone https://github.com/AutoViML/Auto_ViML + git clone https://github.com/jmcarpenter2/parfit ``` -- [PyPi](https://pypi.org/project/autoviml) (📥 460 / month): +- [PyPi](https://pypi.org/project/parfit) (📥 3.9K / month): ``` - pip install autoviml + pip install parfit ```
-
Parfit (🥉17 · ⭐ 200 · 💀) - 并行化拟合与评估工具库。MIT +
automl-gs (🥉16 · ⭐ 1.8K · 💀) - Provide an input CSV and a target field to predict, generate a.. MIT -- [GitHub](https://github.com/jmcarpenter2/parfit) (👨‍💻 4 · 🔀 25 · 📦 16 · 📋 11 - 54% open · ⏱️ 04.04.2020): +- [GitHub](https://github.com/minimaxir/automl-gs) (👨‍💻 7 · 🔀 170 · 📥 41 · 📋 31 - 80% open · ⏱️ 05.04.2019): ``` - git clone https://github.com/jmcarpenter2/parfit + git clone https://github.com/minimaxir/automl-gs ``` -- [PyPi](https://pypi.org/project/parfit) (📥 9.7K / month): +- [PyPi](https://pypi.org/project/automl_gs) (📥 31 / month): ``` - pip install parfit + pip install automl_gs ```
-
automl-gs (🥉16 · ⭐ 1.8K · 💀) - 提供输入CSV和目标字段以进行预测,自动生成可运行代码。MIT +
Xcessiv (🥉16 · ⭐ 1.3K · 💀) - A web-based application for quick, scalable, and automated.. Apache-2 -- [GitHub](https://github.com/minimaxir/automl-gs) (👨‍💻 7 · 🔀 160 · 📥 32 · 📋 30 - 80% open · ⏱️ 05.04.2019): +- [GitHub](https://github.com/reiinakano/xcessiv) (👨‍💻 6 · 🔀 100 · 📦 1 · 📋 34 - 61% open · ⏱️ 21.08.2017): ``` - git clone https://github.com/minimaxir/automl-gs + git clone https://github.com/reiinakano/xcessiv ``` -- [PyPi](https://pypi.org/project/automl_gs) (📥 22 / month): +- [PyPi](https://pypi.org/project/xcessiv) (📥 120 / month): ``` - pip install automl_gs + pip install xcessiv ```
-
featurewiz (🥉16 · ⭐ 270) - 自动化特征工程并进行特征选择的工具库。Apache-2 +
Dragonfly (🥉16 · ⭐ 830 · 💀) - An open source python library for scalable Bayesian optimisation. MIT -- [GitHub](https://github.com/AutoViML/featurewiz) (👨‍💻 4 · 🔀 57 · 📦 14 · ⏱️ 21.08.2022): +- [GitHub](https://github.com/dragonfly/dragonfly) (👨‍💻 13 · 🔀 220 · 📋 60 - 65% open · ⏱️ 01.10.2022): ``` - git clone https://github.com/AutoViML/featurewiz + git clone https://github.com/dragonfly/dragonfly ``` -- [PyPi](https://pypi.org/project/featurewiz) (📥 6.5K / month): +- [PyPi](https://pypi.org/project/dragonfly-opt) (📥 6.3K / month): ``` - pip install featurewiz + pip install dragonfly-opt ```
-
Advisor (🥉15 · ⭐ 1.5K · 💀) - Google Vizier的超参数开源实现。Apache-2 +
Advisor (🥉15 · ⭐ 1.5K · 💀) - Open-source implementation of Google Vizier for hyper parameters.. Apache-2 -- [GitHub](https://github.com/tobegit3hub/advisor) (👨‍💻 11 · 🔀 260 · 📋 32 - 59% open · ⏱️ 11.11.2019): +- [GitHub](https://github.com/tobegit3hub/advisor) (👨‍💻 11 · 🔀 260 · 📋 33 - 60% open · ⏱️ 11.11.2019): ``` git clone https://github.com/tobegit3hub/advisor ``` -- [PyPi](https://pypi.org/project/advisor) (📥 34 / month): +- [PyPi](https://pypi.org/project/advisor) (📥 73 / month): ``` pip install advisor ``` @@ -7365,63 +7377,51 @@ _用于超参数优化,自动机器学习和神经体系结构搜索的库。_ docker pull tobegit3hub/advisor ```
-
Xcessiv (🥉15 · ⭐ 1.3K · 💀) - 基于Web的应用程序,高效、可扩展且自动化。Apache-2 - -- [GitHub](https://github.com/reiinakano/xcessiv) (👨‍💻 6 · 🔀 110 · 📦 1 · 📋 34 - 61% open · ⏱️ 21.08.2017): - - ``` - git clone https://github.com/reiinakano/xcessiv - ``` -- [PyPi](https://pypi.org/project/xcessiv) (📥 10 / month): - ``` - pip install xcessiv - ``` -
-
HyperparameterHunter (🥉15 · ⭐ 690 · 💀) - 轻松进行超参数优化和自动结果评估。MIT +
HyperparameterHunter (🥉15 · ⭐ 700 · 💀) - Easy hyperparameter optimization and automatic result.. MIT -- [GitHub](https://github.com/HunterMcGushion/hyperparameter_hunter) (👨‍💻 4 · 🔀 88 · 📥 330 · 📋 120 - 27% open · ⏱️ 20.01.2021): +- [GitHub](https://github.com/HunterMcGushion/hyperparameter_hunter) (👨‍💻 4 · 🔀 99 · 📥 410 · 📋 120 - 27% open · ⏱️ 20.01.2021): ``` git clone https://github.com/HunterMcGushion/hyperparameter_hunter ``` -- [PyPi](https://pypi.org/project/hyperparameter-hunter) (📥 61 / month): +- [PyPi](https://pypi.org/project/hyperparameter-hunter) (📥 110 / month): ``` pip install hyperparameter-hunter ```
-
ENAS (🥉13 · ⭐ 2.6K · 💀) - Efficient Neural Architecture Search的Pytorch实现。Apache-2 +
ENAS (🥉13 · ⭐ 2.7K · 💀) - PyTorch implementation of Efficient Neural Architecture Search via.. Apache-2 -- [GitHub](https://github.com/carpedm20/ENAS-pytorch) (👨‍💻 6 · 🔀 470 · 📋 44 - 84% open · ⏱️ 16.06.2020): +- [GitHub](https://github.com/carpedm20/ENAS-pytorch) (👨‍💻 6 · 🔀 480 · 📋 47 - 82% open · ⏱️ 16.06.2020): ``` git clone https://github.com/carpedm20/ENAS-pytorch ```
-
Auptimizer (🥉13 · ⭐ 190 · 💀) - 自动ML模型优化工具。❗️GPL-3.0 +
Hypermax (🥉13 · ⭐ 110) - Better, faster hyper-parameter optimization. BSD-3 -- [GitHub](https://github.com/LGE-ARC-AdvancedAI/auptimizer) (👨‍💻 11 · 🔀 22 · 📋 6 - 16% open · ⏱️ 03.03.2021): +- [GitHub](https://github.com/genixpro/hypermax) (👨‍💻 8 · 🔀 13 · 📦 4 · 📋 5 - 60% open · ⏱️ 03.01.2024): ``` - git clone https://github.com/LGE-ARC-AdvancedAI/auptimizer + git clone https://github.com/electricbrainio/hypermax ``` -- [PyPi](https://pypi.org/project/auptimizer) (📥 25 / month): +- [PyPi](https://pypi.org/project/hypermax) (📥 52 / month): ``` - pip install auptimizer + pip install hypermax ```
-
Hypermax (🥉12 · ⭐ 100 · 💀) - 更好更快的超参数优化。BSD-3 +
Auptimizer (🥉12 · ⭐ 200 · 💀) - An automatic ML model optimization tool. ❗️GPL-3.0 -- [GitHub](https://github.com/electricbrainio/hypermax) (👨‍💻 9 · 🔀 13 · 📦 4 · 📋 5 - 60% open · ⏱️ 02.08.2020): +- [GitHub](https://github.com/LGE-ARC-AdvancedAI/auptimizer) (👨‍💻 11 · 🔀 27 · 📋 6 - 16% open · ⏱️ 03.03.2021): ``` - git clone https://github.com/electricbrainio/hypermax + git clone https://github.com/LGE-ARC-AdvancedAI/auptimizer ``` -- [PyPi](https://pypi.org/project/hypermax) (📥 30 / month): +- [PyPi](https://pypi.org/project/auptimizer) (📥 98 / month): ``` - pip install hypermax + pip install auptimizer ```
-
Devol (🥉11 · ⭐ 940 · 💀) - 使用Keras进行遗传神经体系结构搜索。MIT +
Devol (🥉11 · ⭐ 950 · 💀) - Genetic neural architecture search with Keras. MIT - [GitHub](https://github.com/joeddav/devol) (👨‍💻 18 · 🔀 110 · 📋 27 - 25% open · ⏱️ 05.07.2020): @@ -7429,241 +7429,241 @@ _用于超参数优化,自动机器学习和神经体系结构搜索的库。_ git clone https://github.com/joeddav/devol ```
-
Hypertunity (🥉10 · ⭐ 120 · 💀) - 黑盒超参数优化的工具集。Apache-2 +
Hypertunity (🥉11 · ⭐ 140 · 💀) - A toolset for black-box hyperparameter optimisation. Apache-2 -- [GitHub](https://github.com/gdikov/hypertunity) (👨‍💻 2 · 🔀 9 · 📦 2 · ⏱️ 26.01.2020): +- [GitHub](https://github.com/gdikov/hypertunity) (👨‍💻 2 · 🔀 10 · 📦 2 · ⏱️ 26.01.2020): ``` git clone https://github.com/gdikov/hypertunity ``` -- [PyPi](https://pypi.org/project/hypertunity) (📥 18 / month): +- [PyPi](https://pypi.org/project/hypertunity) (📥 40 / month): ``` pip install hypertunity ```

-## 强化学习 +## Reinforcement Learning -Back to top +Back to top -_用于构建和评估强化学习和基于agent的系统的库。_ +_Libraries for building and evaluating reinforcement learning & agent-based systems._ -
OpenAI Gym (🥇36 · ⭐ 28K) - 开发和比较强化学习的工具包。MIT +
OpenAI Gym (🥇34 · ⭐ 34K · 💀) - A toolkit for developing and comparing reinforcement learning.. MIT -- [GitHub](https://github.com/openai/gym) (👨‍💻 380 · 🔀 7.5K · 📦 32K · 📋 1.6K - 0% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/openai/gym) (👨‍💻 380 · 🔀 8K · 📦 50K · 📋 1.8K - 4% open · ⏱️ 30.01.2023): ``` git clone https://github.com/openai/gym ``` -- [PyPi](https://pypi.org/project/gym) (📥 620K / month): +- [PyPi](https://pypi.org/project/gym) (📥 660K / month): ``` pip install gym ```
-
TF-Agents (🥇27 · ⭐ 2.3K) - TF-Agents:可靠,可扩展且易于使用的TensorFlow的强化学习库。Apache-2 +
RLax (🥇26 · ⭐ 1.1K) - A library of reinforcement learning building blocks in JAX. Apache-2 jax -- [GitHub](https://github.com/tensorflow/agents) (👨‍💻 120 · 🔀 620 · 📦 880 · 📋 560 - 22% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/google-deepmind/rlax) (👨‍💻 21 · 🔀 81 · 📦 200 · 📋 25 - 28% open · ⏱️ 24.11.2023): ``` - git clone https://github.com/tensorflow/agents + git clone https://github.com/deepmind/rlax ``` -- [PyPi](https://pypi.org/project/tf-agents) (📥 150K / month): +- [PyPi](https://pypi.org/project/rlax) (📥 1.7M / month): ``` - pip install tf-agents + pip install rlax ```
-
keras-rl (🥈25 · ⭐ 5.3K · 💀) - Keras的深度强化学习。MIT +
keras-rl (🥈25 · ⭐ 5.5K · 💀) - Deep Reinforcement Learning for Keras. MIT -- [GitHub](https://github.com/keras-rl/keras-rl) (👨‍💻 40 · 🔀 1.3K · 📦 610 · 📋 230 - 2% open · ⏱️ 11.11.2019): +- [GitHub](https://github.com/keras-rl/keras-rl) (👨‍💻 41 · 🔀 1.3K · 📦 740 · 📋 240 - 4% open · ⏱️ 11.11.2019): ``` git clone https://github.com/keras-rl/keras-rl ``` -- [PyPi](https://pypi.org/project/keras-rl) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/keras-rl) (📥 2.1K / month): ``` pip install keras-rl ```
-
baselines (🥈24 · ⭐ 13K · 💀) - OpenAI基线:强化学习的高质量实现。MIT +
ViZDoom (🥈25 · ⭐ 1.6K) - Doom-based AI Research Platform for Reinforcement Learning from.. ❗Unlicensed -- [GitHub](https://github.com/openai/baselines) (👨‍💻 110 · 🔀 3.5K · 📦 410 · 📋 830 - 47% open · ⏱️ 31.01.2020): +- [GitHub](https://github.com/Farama-Foundation/ViZDoom) (👨‍💻 54 · 🔀 370 · 📥 12K · 📦 220 · 📋 460 - 8% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/openai/baselines + git clone https://github.com/mwydmuch/ViZDoom ``` -- [PyPi](https://pypi.org/project/baselines) (📥 940 / month): +- [PyPi](https://pypi.org/project/vizdoom) (📥 1.5K / month): ``` - pip install baselines + pip install vizdoom ```
-
Acme (🥈24 · ⭐ 2.7K) - 强化学习组件和代理库。Apache-2 +
baselines (🥈24 · ⭐ 15K · 💀) - OpenAI Baselines: high-quality implementations of reinforcement.. MIT -- [GitHub](https://github.com/deepmind/acme) (👨‍💻 75 · 🔀 340 · 📦 99 · 📋 210 - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/openai/baselines) (👨‍💻 120 · 🔀 3.8K · 📦 550 · 📋 850 - 48% open · ⏱️ 31.01.2020): ``` - git clone https://github.com/deepmind/acme + git clone https://github.com/openai/baselines ``` -- [PyPi](https://pypi.org/project/dm-acme) (📥 5K / month): +- [PyPi](https://pypi.org/project/baselines) (📥 1.1K / month): ``` - pip install dm-acme + pip install baselines ```
-
garage (🥈23 · ⭐ 1.5K) - 用于可重复的强化学习研究的工具包。MIT +
Acme (🥈24 · ⭐ 3.3K) - A library of reinforcement learning components and agents. Apache-2 -- [GitHub](https://github.com/rlworkgroup/garage) (👨‍💻 78 · 🔀 260 · 📦 51 · 📋 1K - 19% open · ⏱️ 20.05.2022): +- [GitHub](https://github.com/google-deepmind/acme) (👨‍💻 84 · 🔀 400 · 📦 190 · 📋 260 - 22% open · ⏱️ 03.01.2024): ``` - git clone https://github.com/rlworkgroup/garage + git clone https://github.com/deepmind/acme ``` -- [PyPi](https://pypi.org/project/garage) (📥 460 / month): +- [PyPi](https://pypi.org/project/dm-acme) (📥 1K / month): ``` - pip install garage + pip install dm-acme ```
-
ViZDoom (🥈23 · ⭐ 1.4K) - 人工智能强化学习工具库。❗Unlicensed +
TensorForce (🥈24 · ⭐ 3.3K) - Tensorforce: a TensorFlow library for applied.. Apache-2 -- [GitHub](https://github.com/mwydmuch/ViZDoom) (👨‍💻 49 · 🔀 330 · 📥 12K · 📦 150 · 📋 440 - 19% open · ⏱️ 26.06.2022): +- [GitHub](https://github.com/tensorforce/tensorforce) (👨‍💻 84 · 🔀 520 · 📦 440 · 📋 670 - 5% open · ⏱️ 14.08.2023): ``` - git clone https://github.com/mwydmuch/ViZDoom + git clone https://github.com/tensorforce/tensorforce ``` -- [PyPi](https://pypi.org/project/vizdoom) (📥 630 / month): +- [PyPi](https://pypi.org/project/tensorforce) (📥 620 / month): ``` - pip install vizdoom + pip install tensorforce ```
-
Dopamine (🥈22 · ⭐ 9.9K) - Dopamine是一个用于快速对强化学习进行原型制作的研究框架。Apache-2 +
Dopamine (🥈23 · ⭐ 10K) - Dopamine is a research framework for fast prototyping of.. Apache-2 -- [GitHub](https://github.com/google/dopamine) (👨‍💻 15 · 🔀 1.3K · 📋 150 - 43% open · ⏱️ 13.06.2022): +- [GitHub](https://github.com/google/dopamine) (👨‍💻 15 · 🔀 1.3K · 📦 21 · 📋 160 - 46% open · ⏱️ 27.11.2023): ``` git clone https://github.com/google/dopamine ``` -- [PyPi](https://pypi.org/project/dopamine-rl) (📥 49K / month): +- [PyPi](https://pypi.org/project/dopamine-rl) (📥 24K / month): ``` pip install dopamine-rl ```
-
TensorForce (🥈22 · ⭐ 3.2K) - Tensorforce:一个基于TensorFlow的强化学习库。Apache-2 +
ChainerRL (🥈23 · ⭐ 1.1K · 💀) - ChainerRL is a deep reinforcement learning library built on top of.. MIT -- [GitHub](https://github.com/tensorforce/tensorforce) (👨‍💻 82 · 🔀 510 · 📋 650 - 3% open · ⏱️ 10.02.2022): +- [GitHub](https://github.com/chainer/chainerrl) (👨‍💻 28 · 🔀 220 · 📦 160 · 📋 200 - 25% open · ⏱️ 17.04.2021): ``` - git clone https://github.com/tensorforce/tensorforce + git clone https://github.com/chainer/chainerrl ``` -- [PyPi](https://pypi.org/project/tensorforce) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/chainerrl) (📥 480 / month): ``` - pip install tensorforce + pip install chainerrl ```
-
ChainerRL (🥈22 · ⭐ 1.1K · 💀) - ChainerRL是建立在Chainer之上的深度强化学习库。MIT +
TF-Agents (🥉22 · ⭐ 2.7K) - TF-Agents: A reliable, scalable and easy to use TensorFlow.. Apache-2 -- [GitHub](https://github.com/chainer/chainerrl) (👨‍💻 29 · 🔀 220 · 📦 130 · 📋 200 - 25% open · ⏱️ 17.04.2021): +- [GitHub](https://github.com/tensorflow/agents) (👨‍💻 150 · 🔀 690 · 📋 650 - 28% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/chainer/chainerrl + git clone https://github.com/tensorflow/agents ``` -- [PyPi](https://pypi.org/project/chainerrl) (📥 520 / month): +- [PyPi](https://pypi.org/project/tf-agents) (📥 40K / month): ``` - pip install chainerrl + pip install tf-agents ```
-
RLax (🥈22 · ⭐ 890) - 强化学习组件和代理库。Apache-2 jax +
garage (🥉22 · ⭐ 1.8K · 💀) - A toolkit for reproducible reinforcement learning research. MIT -- [GitHub](https://github.com/deepmind/rlax) (👨‍💻 19 · 🔀 66 · 📦 75 · 📋 19 - 21% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/rlworkgroup/garage) (👨‍💻 79 · 🔀 300 · 📦 99 · 📋 1K - 19% open · ⏱️ 04.01.2023): ``` - git clone https://github.com/deepmind/rlax + git clone https://github.com/rlworkgroup/garage ``` -- [PyPi](https://pypi.org/project/rlax) (📥 5.3K / month): +- [PyPi](https://pypi.org/project/garage) (📥 670 / month): ``` - pip install rlax + pip install garage ```
-
TensorLayer (🥉21 · ⭐ 7.1K) - 深度学习和强化学习库。❗Unlicensed +
PFRL (🥉21 · ⭐ 1.1K · 💤) - PFRL: a PyTorch-based deep reinforcement learning library. MIT -- [GitHub](https://github.com/tensorlayer/TensorLayer) (👨‍💻 130 · 🔀 1.6K · 📥 1.4K · 📋 460 - 4% open · ⏱️ 23.04.2022): +- [GitHub](https://github.com/pfnet/pfrl) (👨‍💻 19 · 🔀 150 · 📦 99 · 📋 74 - 39% open · ⏱️ 16.07.2023): ``` - git clone https://github.com/tensorlayer/tensorlayer + git clone https://github.com/pfnet/pfrl ``` -- [PyPi](https://pypi.org/project/tensorlayer) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/pfrl) (📥 810 / month): ``` - pip install tensorlayer + pip install pfrl ```
-
Stable Baselines (🥉20 · ⭐ 3.6K · 💤) - OpenAI Baselines的一个分支,强化学习的实现。MIT +
Stable Baselines (🥉20 · ⭐ 4K · 💀) - A fork of OpenAI Baselines, implementations of.. MIT -- [GitHub](https://github.com/hill-a/stable-baselines) (👨‍💻 110 · 🔀 690 · 📋 920 - 11% open · ⏱️ 25.08.2021): +- [GitHub](https://github.com/hill-a/stable-baselines) (👨‍💻 110 · 🔀 720 · 📋 940 - 12% open · ⏱️ 04.09.2022): ``` git clone https://github.com/hill-a/stable-baselines ``` -- [PyPi](https://pypi.org/project/stable-baselines) (📥 7.9K / month): +- [PyPi](https://pypi.org/project/stable-baselines) (📥 4.4K / month): ``` pip install stable-baselines ```
-
PARL (🥉20 · ⭐ 2.7K) - 强化学习高性能分布式训练框架。Apache-2 +
TensorLayer (🥉19 · ⭐ 7.3K · 💤) - Deep Learning and Reinforcement Learning Library for.. ❗Unlicensed -- [GitHub](https://github.com/PaddlePaddle/PARL) (👨‍💻 31 · 🔀 730 · 📦 94 · 📋 410 - 15% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/tensorlayer/TensorLayer) (👨‍💻 130 · 🔀 1.6K · 📥 2K · 📋 460 - 5% open · ⏱️ 18.02.2023): ``` - git clone https://github.com/PaddlePaddle/PARL + git clone https://github.com/tensorlayer/tensorlayer ``` -- [PyPi](https://pypi.org/project/parl) (📥 500 / month): +- [PyPi](https://pypi.org/project/tensorlayer) (📥 980 / month): ``` - pip install parl + pip install tensorlayer ```
-
PFRL (🥉20 · ⭐ 890) - PFRL:基于PyTorch的深度强化学习库。MIT +
TRFL (🥉19 · ⭐ 3.1K · 💀) - TensorFlow Reinforcement Learning. Apache-2 -- [GitHub](https://github.com/pfnet/pfrl) (👨‍💻 16 · 🔀 120 · 📦 54 · 📋 63 - 38% open · ⏱️ 14.03.2022): +- [GitHub](https://github.com/google-deepmind/trfl) (👨‍💻 13 · 🔀 380 · 📦 140 · 📋 20 - 20% open · ⏱️ 16.08.2021): ``` - git clone https://github.com/pfnet/pfrl + git clone https://github.com/deepmind/trfl ``` -- [PyPi](https://pypi.org/project/pfrl) (📥 410 / month): +- [PyPi](https://pypi.org/project/trfl) (📥 1.2K / month): ``` - pip install pfrl + pip install trfl ```
-
TRFL (🥉19 · ⭐ 3.1K · 💤) - TensorFlow强化学习。Apache-2 +
ReAgent (🥉18 · ⭐ 3.5K) - A platform for Reasoning systems (Reinforcement Learning,.. BSD-3 -- [GitHub](https://github.com/deepmind/trfl) (👨‍💻 13 · 🔀 380 · 📦 89 · 📋 20 - 20% open · ⏱️ 16.08.2021): +- [GitHub](https://github.com/facebookresearch/ReAgent) (👨‍💻 170 · 🔀 500 · 📋 110 - 31% open · ⏱️ 29.01.2024): ``` - git clone https://github.com/deepmind/trfl - ``` -- [PyPi](https://pypi.org/project/trfl) (📥 4.2K / month): - ``` - pip install trfl + git clone https://github.com/facebookresearch/ReAgent ```
-
Coach (🥉18 · ⭐ 2.2K · 💀) - 英特尔AI实验室的强化学习训练器。Apache-2 +
PARL (🥉18 · ⭐ 3.1K · 💤) - A high-performance distributed training framework for.. Apache-2 -- [GitHub](https://github.com/IntelLabs/coach) (👨‍💻 35 · 🔀 430 · 📋 260 - 30% open · ⏱️ 28.06.2021): +- [GitHub](https://github.com/PaddlePaddle/PARL) (👨‍💻 42 · 🔀 810 · 📦 120 · 📋 500 - 21% open · ⏱️ 19.05.2023): ``` - git clone https://github.com/IntelLabs/coach + git clone https://github.com/PaddlePaddle/PARL ``` -- [PyPi](https://pypi.org/project/rl_coach) (📥 120 / month): +- [PyPi](https://pypi.org/project/parl) (📥 640 / month): ``` - pip install rl_coach + pip install parl ```
-
ReAgent (🥉17 · ⭐ 3.2K) - 推理系统平台。BSD-3 +
Coach (🥉18 · ⭐ 2.3K · 💀) - Reinforcement Learning Coach by Intel AI Lab enables easy.. Apache-2 -- [GitHub](https://github.com/facebookresearch/ReAgent) (👨‍💻 140 · 🔀 460 · 📋 100 - 25% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/IntelLabs/coach) (👨‍💻 38 · 🔀 450 · 📋 260 - 30% open · ⏱️ 11.12.2022): ``` - git clone https://github.com/facebookresearch/ReAgent + git clone https://github.com/IntelLabs/coach + ``` +- [PyPi](https://pypi.org/project/rl_coach) (📥 120 / month): + ``` + pip install rl_coach ```
-
DeepMind Lab (🥉15 · ⭐ 6.7K) - 可定制的3D平台,用于agent-based AI研究。❗Unlicensed +
DeepMind Lab (🥉14 · ⭐ 7K · 💀) - A customisable 3D platform for agent-based AI research. ❗Unlicensed -- [GitHub](https://github.com/deepmind/lab) (👨‍💻 8 · 🔀 1.3K · 📋 220 - 25% open · ⏱️ 09.06.2022): +- [GitHub](https://github.com/google-deepmind/lab) (👨‍💻 9 · 🔀 1.3K · 📋 220 - 25% open · ⏱️ 04.01.2023): ``` git clone https://github.com/deepmind/lab @@ -7671,372 +7671,360 @@ _用于构建和评估强化学习和基于agent的系统的库。_

-## 推荐系统 +## Recommender Systems -Back to top +Back to top -_用于建立和评估推荐系统的库。_ +_Libraries for building and evaluating recommendation systems._ -
lightfm (🥇26 · ⭐ 4.1K) - 全局优化的Python实现。Apache-2 +
lightfm (🥇28 · ⭐ 4.5K · 💤) - A Python implementation of LightFM, a hybrid recommendation.. Apache-2 -- [GitHub](https://github.com/lyst/lightfm) (👨‍💻 44 · 🔀 630 · 📦 790 · 📋 460 - 24% open · ⏱️ 19.07.2022): +- [GitHub](https://github.com/lyst/lightfm) (👨‍💻 47 · 🔀 660 · 📦 1.4K · 📋 500 - 28% open · ⏱️ 30.04.2023): ``` git clone https://github.com/lyst/lightfm ``` -- [PyPi](https://pypi.org/project/lightfm) (📥 360K / month): +- [PyPi](https://pypi.org/project/lightfm) (📥 630K / month): ``` pip install lightfm ``` -- [Conda](https://anaconda.org/conda-forge/lightfm) (📥 130K · ⏱️ 09.03.2022): +- [Conda](https://anaconda.org/conda-forge/lightfm) (📥 170K · ⏱️ 16.06.2023): ``` conda install -c conda-forge lightfm ```
-
implicit (🥇26 · ⭐ 2.9K) - 隐式反馈数据集的快速Python协同过滤。MIT +
implicit (🥇26 · ⭐ 3.4K) - Fast Python Collaborative Filtering for Implicit Feedback Datasets. MIT -- [GitHub](https://github.com/benfred/implicit) (👨‍💻 32 · 🔀 530 · 📥 95 · 📦 650 · 📋 420 - 16% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/benfred/implicit) (👨‍💻 34 · 🔀 580 · 📥 700 · 📦 1.2K · 📋 480 - 15% open · ⏱️ 21.11.2023): ``` git clone https://github.com/benfred/implicit ``` -- [PyPi](https://pypi.org/project/implicit) (📥 160K / month): +- [PyPi](https://pypi.org/project/implicit) (📥 180K / month): ``` pip install implicit ``` -- [Conda](https://anaconda.org/conda-forge/implicit) (📥 390K · ⏱️ 29.01.2022): +- [Conda](https://anaconda.org/conda-forge/implicit) (📥 570K · ⏱️ 21.11.2023): ``` conda install -c conda-forge implicit ```
-
TF Recommenders (🥇26 · ⭐ 1.4K) - TensorFlow Recommenders是一个用于构建推荐系统的工具库。Apache-2 +
Cornac (🥇26 · ⭐ 780) - A Comparative Framework for Multimodal Recommender Systems. Apache-2 -- [GitHub](https://github.com/tensorflow/recommenders) (👨‍💻 37 · 🔀 200 · 📦 140 · 📋 280 - 49% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/PreferredAI/cornac) (👨‍💻 18 · 🔀 120 · 📦 200 · 📋 140 - 7% open · ⏱️ 24.01.2024): ``` - git clone https://github.com/tensorflow/recommenders - ``` -- [PyPi](https://pypi.org/project/tensorflow-recommenders) (📥 560K / month): - ``` - pip install tensorflow-recommenders + git clone https://github.com/PreferredAI/cornac ``` -
-
TF Ranking (🥈23 · ⭐ 2.5K) - 在TensorFlow中学习推荐排序。Apache-2 - -- [GitHub](https://github.com/tensorflow/ranking) (👨‍💻 28 · 🔀 430 · 📋 290 - 19% open · ⏱️ 26.04.2022): - +- [PyPi](https://pypi.org/project/cornac) (📥 100K / month): ``` - git clone https://github.com/tensorflow/ranking + pip install cornac ``` -- [PyPi](https://pypi.org/project/tensorflow_ranking) (📥 110K / month): +- [Conda](https://anaconda.org/conda-forge/cornac) (📥 350K · ⏱️ 12.12.2023): ``` - pip install tensorflow_ranking + conda install -c conda-forge cornac ```
-
Cornac (🥈23 · ⭐ 630) - 多模态推荐系统的比较框架。Apache-2 +
TF Recommenders (🥈25 · ⭐ 1.7K) - TensorFlow Recommenders is a library for building.. Apache-2 -- [GitHub](https://github.com/PreferredAI/cornac) (👨‍💻 15 · 🔀 100 · 📦 120 · 📋 100 - 8% open · ⏱️ 22.07.2022): +- [GitHub](https://github.com/tensorflow/recommenders) (👨‍💻 42 · 🔀 250 · 📦 290 · 📋 400 - 53% open · ⏱️ 29.11.2023): ``` - git clone https://github.com/PreferredAI/cornac - ``` -- [PyPi](https://pypi.org/project/cornac) (📥 40K / month): - ``` - pip install cornac + git clone https://github.com/tensorflow/recommenders ``` -- [Conda](https://anaconda.org/conda-forge/cornac) (📥 240K · ⏱️ 19.02.2022): +- [PyPi](https://pypi.org/project/tensorflow-recommenders) (📥 450K / month): ``` - conda install -c conda-forge cornac + pip install tensorflow-recommenders ```
-
scikit-surprise (🥉22 · ⭐ 5.5K) - 用于构建和分析推荐算法的Python scikit工具库。BSD-3 +
scikit-surprise (🥈23 · ⭐ 6.1K · 💀) - A Python scikit for building and analyzing recommender.. BSD-3 -- [GitHub](https://github.com/NicolasHug/Surprise) (👨‍💻 43 · 🔀 920 · 📋 350 - 15% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/NicolasHug/Surprise) (👨‍💻 45 · 🔀 980 · 📦 21 · 📋 380 - 19% open · ⏱️ 27.01.2023): ``` git clone https://github.com/NicolasHug/Surprise ``` -- [PyPi](https://pypi.org/project/scikit-surprise) (📥 120K / month): +- [PyPi](https://pypi.org/project/scikit-surprise) (📥 140K / month): ``` pip install scikit-surprise ``` -- [Conda](https://anaconda.org/conda-forge/scikit-surprise) (📥 250K · ⏱️ 18.11.2021): +- [Conda](https://anaconda.org/conda-forge/scikit-surprise) (📥 350K · ⏱️ 06.10.2023): ``` conda install -c conda-forge scikit-surprise ```
-
RecBole (🥉22 · ⭐ 2K) - 统一,全面,高效的推荐库。MIT +
RecBole (🥈23 · ⭐ 3.1K) - A unified, comprehensive and efficient recommendation library. MIT -- [GitHub](https://github.com/RUCAIBox/RecBole) (👨‍💻 47 · 🔀 380 · 📋 460 - 13% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/RUCAIBox/RecBole) (👨‍💻 70 · 🔀 560 · 📋 890 - 23% open · ⏱️ 25.11.2023): ``` git clone https://github.com/RUCAIBox/RecBole ``` -- [PyPi](https://pypi.org/project/recbole) (📥 6.7K / month): +- [PyPi](https://pypi.org/project/recbole) (📥 1.9K / month): ``` pip install recbole ``` -- [Conda](https://anaconda.org/aibox/recbole) (📥 1.9K · ⏱️ 25.02.2022): +- [Conda](https://anaconda.org/aibox/recbole) (📥 4.5K · ⏱️ 01.11.2023): ``` conda install -c aibox recbole ```
-
Recommenders (🥉21 · ⭐ 14K) - 推荐系统最佳实践。MIT +
TF Ranking (🥉22 · ⭐ 2.7K) - Learning to Rank in TensorFlow. Apache-2 -- [GitHub](https://github.com/microsoft/recommenders) (👨‍💻 120 · 🔀 2.4K · 📥 230 · 📦 33 · 📋 710 - 20% open · ⏱️ 20.07.2022): +- [GitHub](https://github.com/tensorflow/ranking) (👨‍💻 33 · 🔀 470 · 📋 320 - 23% open · ⏱️ 26.09.2023): ``` - git clone https://github.com/microsoft/recommenders + git clone https://github.com/tensorflow/ranking + ``` +- [PyPi](https://pypi.org/project/tensorflow_ranking) (📥 98K / month): + ``` + pip install tensorflow_ranking ```
-
fastFM (🥉19 · ⭐ 1K · 💀) - fastFM:用于分解机的工具库。❗Unlicensed +
Recommenders (🥉21 · ⭐ 18K) - Best Practices on Recommendation Systems. MIT -- [GitHub](https://github.com/ibayer/fastFM) (👨‍💻 20 · 🔀 200 · 📥 450 · 📦 97 · 📋 110 - 43% open · ⏱️ 24.03.2021): +- [GitHub](https://github.com/recommenders-team/recommenders) (👨‍💻 130 · 🔀 2.9K · 📥 470 · 📦 100 · 📋 820 - 19% open · ⏱️ 30.01.2024): ``` - git clone https://github.com/ibayer/fastFM - ``` -- [PyPi](https://pypi.org/project/fastfm) (📥 370 / month): - ``` - pip install fastfm + git clone https://github.com/microsoft/recommenders ```
-
recmetrics (🥉19 · ⭐ 420) - 用于评估推荐系统的度量标准库。MIT +
recmetrics (🥉21 · ⭐ 550) - A library of metrics for evaluating recommender systems. MIT -- [GitHub](https://github.com/statisticianinstilettos/recmetrics) (👨‍💻 16 · 🔀 85 · 📦 29 · 📋 20 - 40% open · ⏱️ 17.04.2022): +- [GitHub](https://github.com/statisticianinstilettos/recmetrics) (👨‍💻 20 · 🔀 95 · 📥 5 · 📦 49 · 📋 25 - 40% open · ⏱️ 04.10.2023): ``` git clone https://github.com/statisticianinstilettos/recmetrics ``` -- [PyPi](https://pypi.org/project/recmetrics) (📥 3.3K / month): +- [PyPi](https://pypi.org/project/recmetrics) (📥 10K / month): ``` pip install recmetrics ```
-
Spotlight (🥉18 · ⭐ 2.8K · 💀) - 使用PyTorch的深度推荐系统模型实现。MIT +
Case Recommender (🥉19 · ⭐ 450 · 💀) - Case Recommender: A Flexible and Extensible Python.. MIT -- [GitHub](https://github.com/maciejkula/spotlight) (👨‍💻 11 · 🔀 400 · 📋 110 - 56% open · ⏱️ 09.02.2020): +- [GitHub](https://github.com/caserec/CaseRecommender) (👨‍💻 11 · 🔀 90 · 📦 12 · 📋 25 - 20% open · ⏱️ 25.11.2021): ``` - git clone https://github.com/maciejkula/spotlight + git clone https://github.com/caserec/CaseRecommender ``` -- [Conda](https://anaconda.org/maciejkula/spotlight) (📥 7.6K · ⏱️ 27.05.2018): +- [PyPi](https://pypi.org/project/caserecommender) (📥 170 / month): ``` - conda install -c maciejkula spotlight + pip install caserecommender ```
-
tensorrec (🥉18 · ⭐ 1.2K · 💀) - TensorFlow推荐算法和框架。Apache-2 +
tensorrec (🥉18 · ⭐ 1.3K · 💀) - A TensorFlow recommendation algorithm and framework in.. Apache-2 -- [GitHub](https://github.com/jfkirk/tensorrec) (👨‍💻 9 · 🔀 220 · 📦 27 · 📋 130 - 28% open · ⏱️ 04.02.2020): +- [GitHub](https://github.com/jfkirk/tensorrec) (👨‍💻 9 · 🔀 220 · 📦 34 · 📋 130 - 28% open · ⏱️ 04.02.2020): ``` git clone https://github.com/jfkirk/tensorrec ``` -- [PyPi](https://pypi.org/project/tensorrec) (📥 470 / month): +- [PyPi](https://pypi.org/project/tensorrec) (📥 230 / month): ``` pip install tensorrec ```
-
Case Recommender (🥉17 · ⭐ 420 · 💤) - Case Recommender:灵活且可扩展的Python推荐系统工具库。MIT +
fastFM (🥉18 · ⭐ 1.1K · 💀) - fastFM: A Library for Factorization Machines. ❗Unlicensed -- [GitHub](https://github.com/caserec/CaseRecommender) (👨‍💻 11 · 🔀 79 · 📦 10 · 📋 25 - 20% open · ⏱️ 25.11.2021): +- [GitHub](https://github.com/ibayer/fastFM) (👨‍💻 20 · 🔀 200 · 📥 600 · 📦 120 · 📋 110 - 43% open · ⏱️ 24.03.2021): ``` - git clone https://github.com/caserec/CaseRecommender + git clone https://github.com/ibayer/fastFM ``` -- [PyPi](https://pypi.org/project/caserecommender) (📥 130 / month): +- [PyPi](https://pypi.org/project/fastfm) (📥 590 / month): ``` - pip install caserecommender + pip install fastfm + ``` +
+
Spotlight (🥉17 · ⭐ 2.9K · 💀) - Deep recommender models using PyTorch. MIT + +- [GitHub](https://github.com/maciejkula/spotlight) (👨‍💻 11 · 🔀 410 · 📋 110 - 56% open · ⏱️ 09.02.2020): + + ``` + git clone https://github.com/maciejkula/spotlight + ``` +- [Conda](https://anaconda.org/maciejkula/spotlight) (📥 8.5K · ⏱️ 16.06.2023): + ``` + conda install -c maciejkula spotlight ```

-## 隐私机器学习 +## Privacy Machine Learning -Back to top +Back to top -_使用联合学习和差异隐私之类的方法进行加密和保留隐私的机器学习的库。_ +_Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy._ -
PySyft (🥇26 · ⭐ 8.3K) - 基于内部数据自动化回答问题的工具库。Apache-2 +
PySyft (🥇27 · ⭐ 9.1K) - A library for answering questions using data you cannot see. Apache-2 -- [GitHub](https://github.com/OpenMined/PySyft) (👨‍💻 450 · 🔀 1.8K · 📋 3.1K - 1% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/OpenMined/PySyft) (👨‍💻 500 · 🔀 1.9K · 📥 2.2K · 📦 1 · 📋 3.4K - 0% open · ⏱️ 15.02.2024): ``` git clone https://github.com/OpenMined/PySyft ``` -- [PyPi](https://pypi.org/project/syft) (📥 4K / month): +- [PyPi](https://pypi.org/project/syft) (📥 6K / month): ``` pip install syft ```
-
Opacus (🥈24 · ⭐ 1.2K) - 使用不同的隐私训练PyTorch模型。Apache-2 +
Opacus (🥈26 · ⭐ 1.6K) - Training PyTorch models with differential privacy. Apache-2 -- [GitHub](https://github.com/pytorch/opacus) (👨‍💻 55 · 🔀 220 · 📥 51 · 📦 130 · 📋 200 - 21% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/pytorch/opacus) (👨‍💻 75 · 🔀 300 · 📥 110 · 📦 730 · 📋 270 - 23% open · ⏱️ 10.02.2024): ``` git clone https://github.com/pytorch/opacus ``` -- [PyPi](https://pypi.org/project/opacus) (📥 15K / month): +- [PyPi](https://pypi.org/project/opacus) (📥 75K / month): ``` pip install opacus ```
-
TensorFlow Privacy (🥈23 · ⭐ 1.6K) - 用于训练机器学习模型的库。Apache-2 +
TensorFlow Privacy (🥈23 · ⭐ 1.9K) - Library for training machine learning models with.. Apache-2 -- [GitHub](https://github.com/tensorflow/privacy) (👨‍💻 49 · 🔀 350 · 📥 80 · 📋 150 - 43% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/tensorflow/privacy) (👨‍💻 58 · 🔀 420 · 📥 140 · 📋 170 - 46% open · ⏱️ 14.02.2024): ``` git clone https://github.com/tensorflow/privacy ``` -- [PyPi](https://pypi.org/project/tensorflow-privacy) (📥 32K / month): +- [PyPi](https://pypi.org/project/tensorflow-privacy) (📥 14K / month): ``` pip install tensorflow-privacy ```
-
FATE (🥉22 · ⭐ 4.4K) - 工业级联邦学习框架。Apache-2 +
FATE (🥉22 · ⭐ 5.4K) - An Industrial Grade Federated Learning Framework. Apache-2 -- [GitHub](https://github.com/FederatedAI/FATE) (👨‍💻 74 · 🔀 1.3K · 📋 1.3K - 36% open · ⏱️ 15.04.2022): +- [GitHub](https://github.com/FederatedAI/FATE) (👨‍💻 100 · 🔀 1.5K · 📋 1.9K - 43% open · ⏱️ 31.01.2024): ``` git clone https://github.com/FederatedAI/FATE ```
-
TFEncrypted (🥉20 · ⭐ 1K) - TensorFlow中的加密机器学习框架。Apache-2 +
TFEncrypted (🥉20 · ⭐ 1.2K · 💤) - A Framework for Encrypted Machine Learning in.. Apache-2 -- [GitHub](https://github.com/tf-encrypted/tf-encrypted) (👨‍💻 28 · 🔀 180 · 📦 62 · 📋 420 - 37% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/tf-encrypted/tf-encrypted) (👨‍💻 29 · 🔀 200 · 📦 65 · 📋 440 - 32% open · ⏱️ 08.02.2023): ``` git clone https://github.com/tf-encrypted/tf-encrypted ``` -- [PyPi](https://pypi.org/project/tf-encrypted) (📥 440 / month): +- [PyPi](https://pypi.org/project/tf-encrypted) (📥 410 / month): ``` pip install tf-encrypted ```
-
CrypTen (🥉18 · ⭐ 1.1K) - 隐私保护的机器学习框架。MIT +
CrypTen (🥉18 · ⭐ 1.4K) - A framework for Privacy Preserving Machine Learning. MIT -- [GitHub](https://github.com/facebookresearch/CrypTen) (👨‍💻 29 · 🔀 180 · 📦 21 · 📋 160 - 12% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/facebookresearch/CrypTen) (👨‍💻 33 · 🔀 250 · 📦 33 · 📋 240 - 20% open · ⏱️ 06.01.2024): ``` git clone https://github.com/facebookresearch/CrypTen ``` -- [PyPi](https://pypi.org/project/crypten) (📥 230 / month): +- [PyPi](https://pypi.org/project/crypten) (📥 320 / month): ``` pip install crypten ```

-## 工作流程和实验跟踪 +## Workflow & Experiment Tracking -Back to top +Back to top -_跟踪和可视化机器学习实验的工具库整理。_ +_Libraries to organize, track, and visualize machine learning experiments._ -
Tensorboard (🥇37 · ⭐ 6K) - TensorFlow的可视化工具包。Apache-2 +
mlflow (🥇37 · ⭐ 17K) - Open source platform for the machine learning lifecycle. Apache-2 -- [GitHub](https://github.com/tensorflow/tensorboard) (👨‍💻 290 · 🔀 1.5K · 📦 120K · 📋 1.7K - 31% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/mlflow/mlflow) (👨‍💻 700 · 🔀 3.7K · 📦 30K · 📋 3.4K - 32% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/tensorflow/tensorboard + git clone https://github.com/mlflow/mlflow ``` -- [PyPi](https://pypi.org/project/tensorboard) (📥 14M / month): +- [PyPi](https://pypi.org/project/mlflow) (📥 16M / month): ``` - pip install tensorboard + pip install mlflow ``` -- [Conda](https://anaconda.org/conda-forge/tensorboard) (📥 3.2M · ⏱️ 11.08.2022): +- [Conda](https://anaconda.org/conda-forge/mlflow) (📥 1.7M · ⏱️ 11.02.2024): ``` - conda install -c conda-forge tensorboard + conda install -c conda-forge mlflow ```
-
SageMaker SDK (🥇33 · ⭐ 1.7K) - 一个用于训练和部署机器学习的库。Apache-2 +
Tensorboard (🥇37 · ⭐ 6.5K) - TensorFlow's Visualization Toolkit. Apache-2 -- [GitHub](https://github.com/aws/sagemaker-python-sdk) (👨‍💻 280 · 🔀 810 · 📦 1.6K · 📋 1.1K - 32% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/tensorflow/tensorboard) (👨‍💻 310 · 🔀 1.6K · 📦 210K · 📋 1.8K - 32% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/aws/sagemaker-python-sdk - ``` -- [PyPi](https://pypi.org/project/sagemaker) (📥 8.4M / month): - ``` - pip install sagemaker + git clone https://github.com/tensorflow/tensorboard ``` -
-
PyCaret (🥇32 · ⭐ 6.1K) - Python中的开源代码,低代码机器学习库。MIT - -- [GitHub](https://github.com/pycaret/pycaret) (👨‍💻 99 · 🔀 1.4K · 📥 610 · 📦 2.4K · 📋 1.7K - 15% open · ⏱️ 13.08.2022): - +- [PyPi](https://pypi.org/project/tensorboard) (📥 23M / month): ``` - git clone https://github.com/pycaret/pycaret + pip install tensorboard ``` -- [PyPi](https://pypi.org/project/pycaret) (📥 580K / month): +- [Conda](https://anaconda.org/conda-forge/tensorboard) (📥 4.5M · ⏱️ 09.02.2024): ``` - pip install pycaret + conda install -c conda-forge tensorboard ```
-
wandb client (🥇32 · ⭐ 4.6K) - 用于可视化和跟踪机器学习的工具。MIT +
SageMaker SDK (🥇34 · ⭐ 2K) - A library for training and deploying machine learning.. Apache-2 -- [GitHub](https://github.com/wandb/wandb) (👨‍💻 120 · 🔀 340 · 📦 11K · 📋 1.9K - 24% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/aws/sagemaker-python-sdk) (👨‍💻 420 · 🔀 1K · 📦 3.6K · 📋 1.4K - 17% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/wandb/client + git clone https://github.com/aws/sagemaker-python-sdk ``` -- [PyPi](https://pypi.org/project/wandb) (📥 1.7M / month): +- [PyPi](https://pypi.org/project/sagemaker) (📥 26M / month): ``` - pip install wandb + pip install sagemaker ```
-
tensorboardX (🥈31 · ⭐ 7.4K) - pytorch(和链接器,mxnet,numpy,...)的张量板。MIT +
PyCaret (🥇33 · ⭐ 8.2K) - An open-source, low-code machine learning library in Python. MIT -- [GitHub](https://github.com/lanpa/tensorboardX) (👨‍💻 72 · 🔀 850 · 📥 350 · 📦 21K · 📋 430 - 15% open · ⏱️ 08.06.2022): +- [GitHub](https://github.com/pycaret/pycaret) (👨‍💻 130 · 🔀 1.7K · 📥 680 · 📦 5.1K · 📋 2.2K - 14% open · ⏱️ 02.02.2024): ``` - git clone https://github.com/lanpa/tensorboardX - ``` -- [PyPi](https://pypi.org/project/tensorboardX) (📥 1.1M / month): - ``` - pip install tensorboardX + git clone https://github.com/pycaret/pycaret ``` -- [Conda](https://anaconda.org/conda-forge/tensorboardx) (📥 780K · ⏱️ 07.06.2022): +- [PyPi](https://pypi.org/project/pycaret) (📥 290K / month): ``` - conda install -c conda-forge tensorboardx + pip install pycaret ```
-
mlflow (🥈30 · ⭐ 12K) - 机器学习生命周期的开源平台。Apache-2 +
DVC (🥈32 · ⭐ 13K) - Data Version Control | Git for Data & Models. Apache-2 -- [GitHub](https://github.com/mlflow/mlflow) (👨‍💻 470 · 🔀 2.8K · 📋 2.4K - 33% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/iterative/dvc) (👨‍💻 290 · 🔀 1.1K · 📥 44K · 📦 13K · 📋 4.6K - 11% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/mlflow/mlflow + git clone https://github.com/iterative/dvc ``` -- [PyPi](https://pypi.org/project/mlflow) (📥 13M / month): +- [PyPi](https://pypi.org/project/dvc) (📥 780K / month): ``` - pip install mlflow + pip install dvc ``` -- [Conda](https://anaconda.org/conda-forge/mlflow) (📥 740K · ⏱️ 19.08.2022): +- [Conda](https://anaconda.org/conda-forge/dvc) (📥 1.8M · ⏱️ 09.02.2024): ``` - conda install -c conda-forge mlflow + conda install -c conda-forge dvc ```
-
sacred (🥈30 · ⭐ 3.9K) - Sacred是可帮助您配置,组织,记录和复现的工具。MIT +
wandb client (🥈32 · ⭐ 7.8K) - A tool for visualizing and tracking your machine learning.. MIT -- [GitHub](https://github.com/IDSIA/sacred) (👨‍💻 100 · 🔀 350 · 📦 1.5K · 📋 540 - 16% open · ⏱️ 15.08.2022): +- [GitHub](https://github.com/wandb/wandb) (👨‍💻 170 · 🔀 570 · 📦 38K · 📋 3K - 28% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/IDSIA/sacred + git clone https://github.com/wandb/client ``` -- [PyPi](https://pypi.org/project/sacred) (📥 68K / month): +- [PyPi](https://pypi.org/project/wandb) (📥 12M / month): ``` - pip install sacred + pip install wandb ```
-
ClearML (🥈29 · ⭐ 3.5K) - ClearML-自动精简工具套件。Apache-2 +
ClearML (🥈30 · ⭐ 5.1K) - ClearML - Auto-Magical Suite of tools to streamline your ML.. Apache-2 -- [GitHub](https://github.com/allegroai/clearml) (👨‍💻 52 · 🔀 460 · 📥 500 · 📦 290 · 📋 600 - 44% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/allegroai/clearml) (👨‍💻 89 · 🔀 610 · 📥 2.1K · 📦 940 · 📋 950 - 44% open · ⏱️ 12.02.2024): ``` git clone https://github.com/allegroai/clearml ``` -- [PyPi](https://pypi.org/project/clearml) (📥 94K / month): +- [PyPi](https://pypi.org/project/clearml) (📥 240K / month): ``` pip install clearml ``` @@ -8045,141 +8033,133 @@ _跟踪和可视化机器学习实验的工具库整理。_ docker pull allegroai/trains ```
-
Metaflow (🥈28 · ⭐ 5.9K) - 轻松构建和管理现实生活中的数据科学项目。Apache-2 +
tensorboardX (🥈29 · ⭐ 7.8K) - tensorboard for pytorch (and chainer, mxnet, numpy, ...). MIT -- [GitHub](https://github.com/Netflix/metaflow) (👨‍💻 54 · 🔀 500 · 📦 310 · 📋 420 - 45% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/lanpa/tensorboardX) (👨‍💻 82 · 🔀 850 · 📥 410 · 📦 40K · 📋 450 - 16% open · ⏱️ 12.11.2023): ``` - git clone https://github.com/Netflix/metaflow + git clone https://github.com/lanpa/tensorboardX ``` -- [PyPi](https://pypi.org/project/metaflow) (📥 62K / month): +- [PyPi](https://pypi.org/project/tensorboardX) (📥 2.4M / month): ``` - pip install metaflow + pip install tensorboardX ``` -- [Conda](https://anaconda.org/conda-forge/metaflow) (📥 63K · ⏱️ 25.08.2022): +- [Conda](https://anaconda.org/conda-forge/tensorboardx) (📥 1.1M · ⏱️ 20.08.2023): ``` - conda install -c conda-forge metaflow + conda install -c conda-forge tensorboardx ```
-
VisualDL (🥈27 · ⭐ 4.4K) - 深度学习可视化工具包。Apache-2 +
Metaflow (🥈28 · ⭐ 7.4K) - Build and manage real-life data science projects with ease. Apache-2 -- [GitHub](https://github.com/PaddlePaddle/VisualDL) (👨‍💻 32 · 🔀 590 · 📥 210 · 📦 1.3K · 📋 420 - 20% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/Netflix/metaflow) (👨‍💻 81 · 🔀 660 · 📦 590 · 📋 600 - 40% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/PaddlePaddle/VisualDL + git clone https://github.com/Netflix/metaflow ``` -- [PyPi](https://pypi.org/project/visualdl) (📥 60K / month): +- [PyPi](https://pypi.org/project/metaflow) (📥 160K / month): ``` - pip install visualdl + pip install metaflow + ``` +- [Conda](https://anaconda.org/conda-forge/metaflow) (📥 160K · ⏱️ 15.01.2024): + ``` + conda install -c conda-forge metaflow ```
-
Catalyst (🥈27 · ⭐ 3K) - 加快深度学习研发。Apache-2 +
sacred (🥈28 · ⭐ 4.1K) - Sacred is a tool to help you configure, organize, log and reproduce.. MIT -- [GitHub](https://github.com/catalyst-team/catalyst) (👨‍💻 100 · 🔀 340 · 📦 600 · 📋 340 - 1% open · ⏱️ 29.04.2022): +- [GitHub](https://github.com/IDSIA/sacred) (👨‍💻 100 · 🔀 360 · 📦 2.8K · 📋 560 - 17% open · ⏱️ 13.11.2023): ``` - git clone https://github.com/catalyst-team/catalyst + git clone https://github.com/IDSIA/sacred ``` -- [PyPi](https://pypi.org/project/catalyst) (📥 39K / month): +- [PyPi](https://pypi.org/project/sacred) (📥 38K / month): ``` - pip install catalyst + pip install sacred ```
-
snakemake (🥈27 · ⭐ 1.5K) - 工作流管理系统snakemake。MIT +
snakemake (🥈28 · ⭐ 2K) - This is the development home of the workflow management system.. MIT -- [GitHub](https://github.com/snakemake/snakemake) (👨‍💻 260 · 🔀 360 · 📦 1.2K · 📋 1.1K - 59% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/snakemake/snakemake) (👨‍💻 320 · 🔀 470 · 📦 1.9K · 📋 1.5K - 60% open · ⏱️ 15.02.2024): ``` git clone https://github.com/snakemake/snakemake ``` -- [PyPi](https://pypi.org/project/snakemake) (📥 51K / month): +- [PyPi](https://pypi.org/project/snakemake) (📥 190K / month): ``` pip install snakemake ``` -- [Conda](https://anaconda.org/bioconda/snakemake) (📥 510K · ⏱️ 11.08.2022): +- [Conda](https://anaconda.org/bioconda/snakemake) (📥 970K · ⏱️ 10.02.2024): ``` conda install -c bioconda snakemake ```
-
ml-metadata (🥈26 · ⭐ 490) - 用于记录和检索与ML相关的元数据。Apache-2 +
Catalyst (🥈27 · ⭐ 3.2K · 💀) - Accelerated deep learning R&D. Apache-2 -- [GitHub](https://github.com/google/ml-metadata) (👨‍💻 15 · 🔀 95 · 📥 1.7K · 📦 240 · 📋 91 - 26% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/catalyst-team/catalyst) (👨‍💻 100 · 🔀 360 · 📦 1.1K · ⏱️ 29.04.2022): ``` - git clone https://github.com/google/ml-metadata + git clone https://github.com/catalyst-team/catalyst ``` -- [PyPi](https://pypi.org/project/ml-metadata) (📥 480K / month): +- [PyPi](https://pypi.org/project/catalyst) (📥 190K / month): ``` - pip install ml-metadata + pip install catalyst ```
-
DVC (🥈25 · ⭐ 10K) - 数据版本控制|针对数据和模型的Git。|) - 数据版本控制|针对数据和模型的Git。Apache-2 +
aim (🥈26 · ⭐ 4.6K) - Aim a super-easy way to record, search and compare 1000s of ML training.. Apache-2 -- [GitHub](https://github.com/iterative/dvc) (👨‍💻 270 · 🔀 950 · 📥 120K · 📋 3.8K - 16% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/aimhubio/aim) (👨‍💻 61 · 🔀 270 · 📦 440 · 📋 960 - 32% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/iterative/dvc - ``` -- [PyPi](https://pypi.org/project/dvc) (📥 530K / month): - ``` - pip install dvc + git clone https://github.com/aimhubio/aim ``` -- [Conda](https://anaconda.org/conda-forge/dvc) (📥 1.2M · ⏱️ 25.08.2022): +- [PyPi](https://pypi.org/project/aim) (📥 78K / month): ``` - conda install -c conda-forge dvc + pip install aim ```
-
AzureML SDK (🥈25 · ⭐ 3.4K) - 带有ML的Python笔记本和带有Azure的深度学习示例。MIT +
VisualDL (🥈25 · ⭐ 4.7K) - Deep Learning Visualization Toolkit. Apache-2 -- [GitHub](https://github.com/Azure/MachineLearningNotebooks) (👨‍💻 60 · 🔀 2.1K · 📥 460 · 📋 1.3K - 21% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/PaddlePaddle/VisualDL) (👨‍💻 33 · 🔀 620 · 📥 340 · 📦 2.6K · 📋 470 - 24% open · ⏱️ 20.09.2023): ``` - git clone https://github.com/Azure/MachineLearningNotebooks + git clone https://github.com/PaddlePaddle/VisualDL ``` -- [PyPi](https://pypi.org/project/azureml-sdk) (📥 1.5M / month): +- [PyPi](https://pypi.org/project/visualdl) (📥 260K / month): ``` - pip install azureml-sdk + pip install visualdl ```
-
aim (🥉24 · ⭐ 2.7K) - 以一种非常简单的方式来记录,搜索和比较数千次ML训练。Apache-2 +
AzureML SDK (🥈25 · ⭐ 3.9K) - Python notebooks with ML and deep learning examples with Azure.. MIT -- [GitHub](https://github.com/aimhubio/aim) (👨‍💻 42 · 🔀 160 · 📦 100 · 📋 630 - 21% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Azure/MachineLearningNotebooks) (👨‍💻 64 · 🔀 2.4K · 📥 500 · 📋 1.4K - 24% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/aimhubio/aim + git clone https://github.com/Azure/MachineLearningNotebooks ``` -- [PyPi](https://pypi.org/project/aim) (📥 34K / month): +- [PyPi](https://pypi.org/project/azureml-sdk) (📥 550K / month): ``` - pip install aim + pip install azureml-sdk ```
-
livelossplot (🥉23 · ⭐ 1.2K) - Jupyter Notebook for Keras的实时训练loss图。MIT +
kaggle (🥉24 · ⭐ 5.8K) - Official Kaggle API. Apache-2 -- [GitHub](https://github.com/stared/livelossplot) (👨‍💻 17 · 🔀 140 · 📦 840 · 📋 75 - 6% open · ⏱️ 04.04.2022): +- [GitHub](https://github.com/Kaggle/kaggle-api) (👨‍💻 37 · 🔀 1K · 📦 21 · 📋 440 - 32% open · ⏱️ 23.01.2024): ``` - git clone https://github.com/stared/livelossplot - ``` -- [PyPi](https://pypi.org/project/livelossplot) (📥 63K / month): - ``` - pip install livelossplot + git clone https://github.com/Kaggle/kaggle-api ``` -
-
Labml (🥉23 · ⭐ 1.2K) - 从您的手机监控深度学习模型训练和硬件使用情况。MIT - -- [GitHub](https://github.com/labmlai/labml) (👨‍💻 7 · 🔀 78 · 📦 54 · 📋 29 - 44% open · ⏱️ 15.08.2022): - +- [PyPi](https://pypi.org/project/kaggle) (📥 220K / month): ``` - git clone https://github.com/lab-ml/labml + pip install kaggle ``` -- [PyPi](https://pypi.org/project/labml) (📥 3.2K / month): +- [Conda](https://anaconda.org/conda-forge/kaggle) (📥 140K · ⏱️ 07.02.2024): ``` - pip install labml + conda install -c conda-forge kaggle ```
-
knockknock (🥉22 · ⭐ 2.5K · 💀) - 当您的训练结束后通知您。MIT +
knockknock (🥉23 · ⭐ 2.7K · 💀) - Knock Knock: Get notified when your training ends with only two.. MIT -- [GitHub](https://github.com/huggingface/knockknock) (👨‍💻 18 · 🔀 210 · 📦 380 · 📋 39 - 41% open · ⏱️ 16.03.2020): +- [GitHub](https://github.com/huggingface/knockknock) (👨‍💻 20 · 🔀 220 · 📦 890 · 📋 40 - 42% open · ⏱️ 16.03.2020): ``` git clone https://github.com/huggingface/knockknock @@ -8188,191 +8168,211 @@ _跟踪和可视化机器学习实验的工具库整理。_ ``` pip install knockknock ``` -- [Conda](https://anaconda.org/conda-forge/knockknock) (📥 10K · ⏱️ 17.03.2020): +- [Conda](https://anaconda.org/conda-forge/knockknock) (📥 14K · ⏱️ 16.06.2023): ``` conda install -c conda-forge knockknock ```
-
kaggle (🥉21 · ⭐ 4.9K · 💀) - 官方Kaggle API。Apache-2 +
Labml (🥉23 · ⭐ 1.8K) - Monitor deep learning model training and hardware usage from your mobile.. MIT -- [GitHub](https://github.com/Kaggle/kaggle-api) (👨‍💻 36 · 🔀 940 · 📋 350 - 57% open · ⏱️ 15.03.2021): +- [GitHub](https://github.com/labmlai/labml) (👨‍💻 9 · 🔀 120 · 📦 130 · 📋 36 - 44% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/Kaggle/kaggle-api + git clone https://github.com/lab-ml/labml ``` -- [PyPi](https://pypi.org/project/kaggle) (📥 120K / month): +- [PyPi](https://pypi.org/project/labml) (📥 3.9K / month): ``` - pip install kaggle + pip install labml + ``` +
+
ml-metadata (🥉23 · ⭐ 580) - For recording and retrieving metadata associated with ML.. Apache-2 + +- [GitHub](https://github.com/google/ml-metadata) (👨‍💻 19 · 🔀 120 · 📥 2.1K · 📦 390 · 📋 100 - 27% open · ⏱️ 26.01.2024): + + ``` + git clone https://github.com/google/ml-metadata ``` -- [Conda](https://anaconda.org/conda-forge/kaggle) (📥 95K · ⏱️ 17.12.2021): +- [PyPi](https://pypi.org/project/ml-metadata) (📥 56K / month): ``` - conda install -c conda-forge kaggle + pip install ml-metadata ```
-
Guild AI (🥉21 · ⭐ 730) - 实验跟踪,ML开发人员工具库。Apache-2 +
quinn (🥉23 · ⭐ 550) - pyspark methods to enhance developer productivity. ❗Unlicensed -- [GitHub](https://github.com/guildai/guildai) (👨‍💻 21 · 🔀 66 · 📥 6 · 📦 58 · 📋 380 - 45% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/MrPowers/quinn) (👨‍💻 25 · 🔀 83 · 📥 10 · 📦 74 · 📋 94 - 30% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/guildai/guildai + git clone https://github.com/MrPowers/quinn ``` -- [PyPi](https://pypi.org/project/guildai) (📥 3.1K / month): +- [PyPi](https://pypi.org/project/quinn) (📥 810K / month): ``` - pip install guildai + pip install quinn ```
-
hiddenlayer (🥉20 · ⭐ 1.6K · 💀) - 神经网络图和训练指标。MIT +
gokart (🥉23 · ⭐ 300) - A wrapper of the data pipeline library luigi. MIT -- [GitHub](https://github.com/waleedka/hiddenlayer) (👨‍💻 6 · 🔀 230 · 📦 130 · 📋 85 - 58% open · ⏱️ 24.04.2020): +- [GitHub](https://github.com/m3dev/gokart) (👨‍💻 37 · 🔀 54 · 📦 74 · 📋 75 - 20% open · ⏱️ 10.02.2024): ``` - git clone https://github.com/waleedka/hiddenlayer + git clone https://github.com/m3dev/gokart ``` -- [PyPi](https://pypi.org/project/hiddenlayer) (📥 1.7K / month): +- [PyPi](https://pypi.org/project/gokart) (📥 4K / month): ``` - pip install hiddenlayer + pip install gokart ```
-
TNT (🥉20 · ⭐ 1.4K) - 用于记录和可视化,加载和训练的简单工具。BSD-3 +
livelossplot (🥉22 · ⭐ 1.3K · 💀) - Live training loss plot in Jupyter Notebook for Keras,.. MIT -- [GitHub](https://github.com/pytorch/tnt) (👨‍💻 53 · 🔀 200 · ⏱️ 18.08.2022): +- [GitHub](https://github.com/stared/livelossplot) (👨‍💻 17 · 🔀 140 · 📦 1.3K · 📋 77 - 9% open · ⏱️ 04.04.2022): ``` - git clone https://github.com/pytorch/tnt + git clone https://github.com/stared/livelossplot ``` -- [PyPi](https://pypi.org/project/torchnet) (📥 8.8K / month): +- [PyPi](https://pypi.org/project/livelossplot) (📥 15K / month): ``` - pip install torchnet + pip install livelossplot ```
-
TensorWatch (🥉19 · ⭐ 3.2K · 💀) - Python机器学习的调试,监视和可视化。MIT +
hiddenlayer (🥉21 · ⭐ 1.8K · 💀) - Neural network graphs and training metrics for.. MIT -- [GitHub](https://github.com/microsoft/tensorwatch) (👨‍💻 13 · 🔀 340 · 📦 86 · 📋 67 - 77% open · ⏱️ 15.01.2021): +- [GitHub](https://github.com/waleedka/hiddenlayer) (👨‍💻 6 · 🔀 250 · 📦 240 · 📋 89 - 60% open · ⏱️ 24.04.2020): ``` - git clone https://github.com/microsoft/tensorwatch + git clone https://github.com/waleedka/hiddenlayer ``` -- [PyPi](https://pypi.org/project/tensorwatch) (📥 5.3K / month): +- [PyPi](https://pypi.org/project/hiddenlayer) (📥 1.3K / month): ``` - pip install tensorwatch + pip install hiddenlayer ```
-
lore (🥉19 · ⭐ 1.5K) - lore使机器学习对软件工程师更易上手,对机器学习研究人员更可维护。MIT +
lore (🥉19 · ⭐ 1.6K · 💀) - Lore makes machine learning approachable for Software Engineers and.. MIT -- [GitHub](https://github.com/instacart/lore) (👨‍💻 26 · 🔀 120 · 📦 20 · 📋 35 - 45% open · ⏱️ 11.04.2022): +- [GitHub](https://github.com/instacart/lore) (👨‍💻 29 · 🔀 130 · 📦 21 · 📋 35 - 42% open · ⏱️ 27.09.2022): ``` git clone https://github.com/instacart/lore ``` -- [PyPi](https://pypi.org/project/lore) (📥 530 / month): +- [PyPi](https://pypi.org/project/lore) (📥 1.1K / month): ``` pip install lore ```
-
gokart (🥉19 · ⭐ 260) - 数据管道库luigi的包装。MIT +
Guild AI (🥉19 · ⭐ 850) - Experiment tracking, ML developer tools. Apache-2 -- [GitHub](https://github.com/m3dev/gokart) (👨‍💻 34 · 🔀 45 · 📋 73 - 19% open · ⏱️ 02.08.2022): +- [GitHub](https://github.com/guildai/guildai) (👨‍💻 29 · 🔀 83 · 📥 14 · 📦 90 · 📋 440 - 50% open · ⏱️ 12.08.2023): ``` - git clone https://github.com/m3dev/gokart + git clone https://github.com/guildai/guildai ``` -- [PyPi](https://pypi.org/project/gokart) (📥 1K / month): +- [PyPi](https://pypi.org/project/guildai) (📥 1.1K / month): ``` - pip install gokart + pip install guildai ```
-
Studio.ml (🥉18 · ⭐ 380 · 💤) - Studio:简化和加快模型构建过程。Apache-2 +
Studio.ml (🥉19 · ⭐ 380) - Studio: Simplify and expedite model building process. Apache-2 -- [GitHub](https://github.com/studioml/studio) (👨‍💻 21 · 🔀 51 · 📦 5 · 📋 250 - 22% open · ⏱️ 14.09.2021): +- [GitHub](https://github.com/studioml/studio) (👨‍💻 24 · 🔀 50 · 📦 5 · 📋 250 - 22% open · ⏱️ 06.09.2023): ``` git clone https://github.com/studioml/studio ``` -- [PyPi](https://pypi.org/project/studioml) (📥 35 / month): +- [PyPi](https://pypi.org/project/studioml) (📥 380 / month): ``` pip install studioml ```
-
MXBoard (🥉18 · ⭐ 330 · 💀) - MXNet日志记录器,以在TensorBoard中进行可视化。Apache-2 +
MXBoard (🥉19 · ⭐ 330 · 💀) - Logging MXNet data for visualization in TensorBoard. Apache-2 -- [GitHub](https://github.com/awslabs/mxboard) (👨‍💻 9 · 🔀 46 · 📦 160 · 📋 31 - 51% open · ⏱️ 24.01.2020): +- [GitHub](https://github.com/awslabs/mxboard) (👨‍💻 9 · 🔀 47 · 📦 240 · 📋 31 - 48% open · ⏱️ 24.01.2020): ``` git clone https://github.com/awslabs/mxboard ``` -- [PyPi](https://pypi.org/project/mxboard) (📥 7.7K / month): +- [PyPi](https://pypi.org/project/mxboard) (📥 1.8K / month): ``` pip install mxboard ```
-
quinn (🥉17 · ⭐ 350 · 💀) - pyspark方法可提高开发人员的工作效率。❗Unlicensed +
TensorWatch (🥉18 · ⭐ 3.4K) - Debugging, monitoring and visualization for Python Machine Learning.. MIT -- [GitHub](https://github.com/MrPowers/quinn) (👨‍💻 6 · 🔀 47 · 📋 24 - 58% open · ⏱️ 09.02.2021): +- [GitHub](https://github.com/microsoft/tensorwatch) (👨‍💻 15 · 🔀 350 · 📦 140 · 📋 69 - 75% open · ⏱️ 30.08.2023): ``` - git clone https://github.com/MrPowers/quinn + git clone https://github.com/microsoft/tensorwatch ``` -- [PyPi](https://pypi.org/project/quinn) (📥 770K / month): +- [PyPi](https://pypi.org/project/tensorwatch) (📥 630 / month): ``` - pip install quinn + pip install tensorwatch + ``` +
+
TNT (🥉17 · ⭐ 1.6K) - Simple tools for logging and visualizing, loading and training. ❗Unlicensed + +- [GitHub](https://github.com/pytorch/tnt) (👨‍💻 110 · 🔀 240 · 📋 66 - 4% open · ⏱️ 14.02.2024): + + ``` + git clone https://github.com/pytorch/tnt + ``` +- [PyPi](https://pypi.org/project/torchnet) (📥 6.3K / month): + ``` + pip install torchnet ```
-
TensorBoard Logger (🥉15 · ⭐ 620 · 💀) - 简易TensorBoard日志记录库。MIT +
TensorBoard Logger (🥉17 · ⭐ 630 · 💀) - Log TensorBoard events without touching TensorFlow. MIT -- [GitHub](https://github.com/TeamHG-Memex/tensorboard_logger) (👨‍💻 5 · 🔀 49 · 📋 24 - 37% open · ⏱️ 21.10.2019): +- [GitHub](https://github.com/TeamHG-Memex/tensorboard_logger) (👨‍💻 5 · 🔀 53 · 📦 170 · 📋 24 - 37% open · ⏱️ 21.10.2019): ``` git clone https://github.com/TeamHG-Memex/tensorboard_logger ``` -- [PyPi](https://pypi.org/project/tensorboard_logger) (📥 56K / month): +- [PyPi](https://pypi.org/project/tensorboard_logger) (📥 5.8K / month): ``` pip install tensorboard_logger ```
-
datmo (🥉15 · ⭐ 340 · 💀) - 面向数据科学家的开源生产模型管理工具。MIT +
SKLL (🥉17 · ⭐ 550) - SciKit-Learn Laboratory (SKLL) makes it easy to run machine.. ❗Unlicensed -- [GitHub](https://github.com/datmo/datmo) (👨‍💻 6 · 🔀 28 · 📦 5 · 📋 180 - 15% open · ⏱️ 29.11.2019): +- [GitHub](https://github.com/EducationalTestingService/skll) (👨‍💻 37 · 🔀 67 · 📥 13 · 📦 41 · 📋 410 - 5% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/datmo/datmo + git clone https://github.com/EducationalTestingService/skll ``` -- [PyPi](https://pypi.org/project/datmo) (📥 28 / month): +- [PyPi](https://pypi.org/project/skll) (📥 460 / month): ``` - pip install datmo + pip install skll ```
-
steppy (🥉15 · ⭐ 130 · 💀) - 轻量级的Python库,可进行快速且可重复的实验。MIT +
steppy (🥉16 · ⭐ 140 · 💀) - Lightweight, Python library for fast and reproducible experimentation. MIT -- [GitHub](https://github.com/minerva-ml/steppy) (👨‍💻 5 · 🔀 33 · 📦 46 · 📋 63 - 20% open · ⏱️ 23.11.2018): +- [GitHub](https://github.com/minerva-ml/steppy) (👨‍💻 7 · 🔀 32 · 📦 51 · 📋 63 - 20% open · ⏱️ 23.11.2018): ``` git clone https://github.com/minerva-ml/steppy ``` -- [PyPi](https://pypi.org/project/steppy) (📥 9 / month): +- [PyPi](https://pypi.org/project/steppy) (📥 42 / month): ``` pip install steppy ```
-
SKLL (🥉14 · ⭐ 530 · 💤) - SciKit学习实验室(SKLL)使机器学习易于操作。❗Unlicensed +
datmo (🥉14 · ⭐ 350 · 💀) - Open source production model management tool for data scientists. MIT -- [GitHub](https://github.com/EducationalTestingService/skll) (👨‍💻 37 · 🔀 65 · 📥 11 · 📦 38 · 📋 400 - 7% open · ⏱️ 21.12.2021): +- [GitHub](https://github.com/datmo/datmo) (👨‍💻 6 · 🔀 30 · 📦 5 · 📋 180 - 15% open · ⏱️ 29.11.2019): ``` - git clone https://github.com/EducationalTestingService/skll + git clone https://github.com/datmo/datmo ``` -- [PyPi](https://pypi.org/project/skll) (📥 140 / month): +- [PyPi](https://pypi.org/project/datmo) (📥 140 / month): ``` - pip install skll + pip install datmo ```
-
ModelChimp (🥉14 · ⭐ 120 · 💤) - 机器和深度学习项目的实验跟踪。BSD-2 +
ModelChimp (🥉13 · ⭐ 130 · 💀) - Experiment tracking for machine and deep learning projects. BSD-2 - [GitHub](https://github.com/ModelChimp/modelchimp) (👨‍💻 3 · 🔀 12 · 📋 14 - 28% open · ⏱️ 01.08.2021): ``` git clone https://github.com/ModelChimp/modelchimp ``` -- [PyPi](https://pypi.org/project/modelchimp) (📥 43 / month): +- [PyPi](https://pypi.org/project/modelchimp) (📥 120 / month): ``` pip install modelchimp ``` @@ -8381,917 +8381,901 @@ _跟踪和可视化机器学习实验的工具库整理。_ docker pull modelchimp/modelchimp-server ```
-
traintool (🥉7 · ⭐ 10 · 💀) - 一站式训练现成的机器学习模型。Apache-2 +
traintool (🥉8 · ⭐ 12 · 💀) - Train off-the-shelf machine learning models in one.. Apache-2 -- [GitHub](https://github.com/jrieke/traintool) (⏱️ 12.03.2021): +- [GitHub](https://github.com/jrieke/traintool) (🔀 1 · ⏱️ 12.03.2021): ``` git clone https://github.com/jrieke/traintool ``` -- [PyPi](https://pypi.org/project/traintool) (📥 10 / month): +- [PyPi](https://pypi.org/project/traintool) (📥 26 / month): ``` pip install traintool ```

-## 模型序列化和转换 +## Model Serialization & Conversion -Back to top +Back to top -_用于将模型序列化为文件,在各种模型格式之间进行转换以及优化模型以进行部署的库。_ +_Libraries to serialize models to files, convert between a variety of model formats, and optimize models for deployment._ -
onnx (🥇32 · ⭐ 13K) - 机器学习互操作性的开放标准。Apache-2 +
onnx (🥇34 · ⭐ 16K) - Open standard for machine learning interoperability. Apache-2 -- [GitHub](https://github.com/onnx/onnx) (👨‍💻 250 · 🔀 2.9K · 📥 18K · 📦 8.1K · 📋 2K - 11% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/onnx/onnx) (👨‍💻 310 · 🔀 3.5K · 📥 20K · 📦 24K · 📋 2.6K - 10% open · ⏱️ 13.02.2024): ``` git clone https://github.com/onnx/onnx ``` -- [PyPi](https://pypi.org/project/onnx) (📥 1.6M / month): +- [PyPi](https://pypi.org/project/onnx) (📥 4.6M / month): ``` pip install onnx ``` -- [Conda](https://anaconda.org/conda-forge/onnx) (📥 490K · ⏱️ 18.08.2022): +- [Conda](https://anaconda.org/conda-forge/onnx) (📥 920K · ⏱️ 25.01.2024): ``` conda install -c conda-forge onnx ```
-
Core ML Tools (🥇25 · ⭐ 2.8K) - 核心ML工具包含用于核心ML模型的支持工具。BSD-3 +
TorchServe (🥇30 · ⭐ 3.9K) - Model Serving on PyTorch. Apache-2 -- [GitHub](https://github.com/apple/coremltools) (👨‍💻 130 · 🔀 420 · 📥 4.4K · 📦 1K · 📋 970 - 28% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/pytorch/serve) (👨‍💻 180 · 🔀 780 · 📥 5.5K · 📦 600 · 📋 1.5K - 20% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/apple/coremltools + git clone https://github.com/pytorch/serve ``` -- [PyPi](https://pypi.org/project/coremltools) (📥 93K / month): +- [PyPi](https://pypi.org/project/torchserve) (📥 42K / month): ``` - pip install coremltools + pip install torchserve ``` -
-
m2cgen (🥇25 · ⭐ 2.2K) - 将ML模型转换成本机代码(Java,C,Python,Go,JavaScript)等。MIT - -- [GitHub](https://github.com/BayesWitnesses/m2cgen) (👨‍💻 13 · 🔀 200 · 📥 32 · 📦 59 · 📋 92 - 26% open · ⏱️ 14.08.2022): - +- [Conda](https://anaconda.org/pytorch/torchserve) (📥 150K · ⏱️ 12.10.2023): ``` - git clone https://github.com/BayesWitnesses/m2cgen + conda install -c pytorch torchserve ``` -- [PyPi](https://pypi.org/project/m2cgen) (📥 45K / month): +- [Docker Hub](https://hub.docker.com/r/pytorch/torchserve) (📥 1.2M · ⭐ 22 · ⏱️ 12.10.2023): ``` - pip install m2cgen + docker pull pytorch/torchserve ```
-
TorchServe (🥈24 · ⭐ 2.8K) - 在PyTorch上进行模型服务。Apache-2 +
Core ML Tools (🥈27 · ⭐ 3.9K) - Core ML tools contain supporting tools for Core ML model.. BSD-3 -- [GitHub](https://github.com/pytorch/serve) (👨‍💻 120 · 🔀 570 · 📥 2K · 📋 970 - 14% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/apple/coremltools) (👨‍💻 160 · 🔀 560 · 📥 9.1K · 📦 3.6K · 📋 1.3K - 20% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/pytorch/serve + git clone https://github.com/apple/coremltools ``` -- [PyPi](https://pypi.org/project/torchserve) (📥 17K / month): +- [PyPi](https://pypi.org/project/coremltools) (📥 190K / month): ``` - pip install torchserve + pip install coremltools ``` -- [Conda](https://anaconda.org/pytorch/torchserve) (📥 33K · ⏱️ 13.05.2022): +
+
m2cgen (🥈24 · ⭐ 2.7K · 💀) - Transform ML models into a native code (Java, C, Python, Go,.. MIT + +- [GitHub](https://github.com/BayesWitnesses/m2cgen) (👨‍💻 14 · 🔀 220 · 📥 62 · 📦 200 · 📋 100 - 32% open · ⏱️ 05.10.2022): + ``` - conda install -c pytorch torchserve + git clone https://github.com/BayesWitnesses/m2cgen ``` -- [Docker Hub](https://hub.docker.com/r/pytorch/torchserve) (📥 1M · ⭐ 15 · ⏱️ 19.07.2022): +- [PyPi](https://pypi.org/project/m2cgen) (📥 15K / month): ``` - docker pull pytorch/torchserve + pip install m2cgen ```
-
mmdnn (🥈23 · ⭐ 5.6K · 💀) - MMdnn是一组工具,可以帮助用户在不同的深度学习框架之间进行互操作。MIT +
mmdnn (🥈22 · ⭐ 5.8K · 💀) - MMdnn is a set of tools to help users inter-operate among different deep.. MIT -- [GitHub](https://github.com/microsoft/MMdnn) (👨‍💻 85 · 🔀 950 · 📥 3.6K · 📦 85 · 📋 610 - 52% open · ⏱️ 14.08.2020): +- [GitHub](https://github.com/microsoft/MMdnn) (👨‍💻 86 · 🔀 960 · 📥 3.7K · 📦 120 · 📋 620 - 52% open · ⏱️ 22.09.2022): ``` git clone https://github.com/Microsoft/MMdnn ``` -- [PyPi](https://pypi.org/project/mmdnn) (📥 580 / month): +- [PyPi](https://pypi.org/project/mmdnn) (📥 510 / month): ``` pip install mmdnn ```
-
cortex (🥉22 · ⭐ 7.8K) - 具有成本效益的无服务器大规模计算。Apache-2 +
cortex (🥉21 · ⭐ 8K · 💤) - Cost-effective serverless computing at scale. Apache-2 -- [GitHub](https://github.com/cortexlabs/cortex) (👨‍💻 24 · 🔀 580 · 📋 1.1K - 10% open · ⏱️ 23.04.2022): +- [GitHub](https://github.com/cortexlabs/cortex) (👨‍💻 25 · 🔀 600 · 📋 1.1K - 10% open · ⏱️ 04.03.2023): ``` git clone https://github.com/cortexlabs/cortex ``` -- [PyPi](https://pypi.org/project/cortex) (📥 1.7K / month): +- [PyPi](https://pypi.org/project/cortex) (📥 1.1K / month): ``` pip install cortex ```
-
Hummingbird (🥉22 · ⭐ 3K) - 蜂鸟将训练有素的机器学习模型编译为张量计算,以用于..MIT +
Hummingbird (🥉20 · ⭐ 3.3K) - Hummingbird compiles trained ML models into tensor computation for.. MIT -- [GitHub](https://github.com/microsoft/hummingbird) (👨‍💻 31 · 🔀 240 · 📥 180 · 📦 39 · 📋 250 - 16% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/microsoft/hummingbird) (👨‍💻 40 · 🔀 270 · 📥 370 · 📋 300 - 16% open · ⏱️ 14.02.2024): ``` git clone https://github.com/microsoft/hummingbird ``` -- [PyPi](https://pypi.org/project/hummingbird-ml) (📥 3.9K / month): +- [PyPi](https://pypi.org/project/hummingbird-ml) (📥 7.7K / month): ``` pip install hummingbird-ml ```
-
sklearn-porter (🥉20 · ⭐ 1.2K) - 将经过训练的scikit-learn估计器转换为C,Java等。BSD-3 +
sklearn-porter (🥉19 · ⭐ 1.3K · 💀) - Transpile trained scikit-learn estimators to C, Java,.. BSD-3 -- [GitHub](https://github.com/nok/sklearn-porter) (👨‍💻 12 · 🔀 160 · 📦 44 · 📋 68 - 50% open · ⏱️ 22.05.2022): +- [GitHub](https://github.com/nok/sklearn-porter) (👨‍💻 12 · 🔀 160 · 📦 61 · 📋 70 - 51% open · ⏱️ 22.05.2022): ``` git clone https://github.com/nok/sklearn-porter ``` -- [PyPi](https://pypi.org/project/sklearn-porter) (📥 340 / month): +- [PyPi](https://pypi.org/project/sklearn-porter) (📥 350 / month): ``` pip install sklearn-porter ```
-
pytorch2keras (🥉18 · ⭐ 810 · 💤) - PyTorch到Keras模型转换器。MIT +
pytorch2keras (🥉17 · ⭐ 850 · 💀) - PyTorch to Keras model convertor. MIT -- [GitHub](https://github.com/gmalivenko/pytorch2keras) (👨‍💻 13 · 🔀 140 · 📦 51 · 📋 120 - 44% open · ⏱️ 06.08.2021): +- [GitHub](https://github.com/gmalivenko/pytorch2keras) (👨‍💻 13 · 🔀 140 · 📦 95 · 📋 130 - 45% open · ⏱️ 06.08.2021): ``` git clone https://github.com/nerox8664/pytorch2keras ``` -- [PyPi](https://pypi.org/project/pytorch2keras) (📥 480 / month): +- [PyPi](https://pypi.org/project/pytorch2keras) (📥 630 / month): ``` pip install pytorch2keras ```
-
Larq Compute Engine (🥉17 · ⭐ 210) - 高度优化的二值化推理引擎。Apache-2 +
Larq Compute Engine (🥉17 · ⭐ 230) - Highly optimized inference engine for Binarized.. Apache-2 -- [GitHub](https://github.com/larq/compute-engine) (👨‍💻 18 · 🔀 32 · 📥 730 · 📦 6 · 📋 140 - 9% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/larq/compute-engine) (👨‍💻 18 · 🔀 32 · 📥 1K · 📦 7 · 📋 140 - 10% open · ⏱️ 05.02.2024): ``` git clone https://github.com/larq/compute-engine ``` -- [PyPi](https://pypi.org/project/larq-compute-engine) (📥 870 / month): +- [PyPi](https://pypi.org/project/larq-compute-engine) (📥 1.9K / month): ``` pip install larq-compute-engine ```
-
tfdeploy (🥉14 · ⭐ 350 · 💀) - 部署张量流图以进行快速评估并导出到无tensorflow环境中基于numpy运行。BSD-3 +
tfdeploy (🥉16 · ⭐ 350) - Deploy tensorflow graphs for fast evaluation and export to.. BSD-3 -- [GitHub](https://github.com/riga/tfdeploy) (👨‍💻 4 · 🔀 36 · 📋 34 - 32% open · ⏱️ 08.01.2021): +- [GitHub](https://github.com/riga/tfdeploy) (👨‍💻 4 · 🔀 36 · 📋 34 - 32% open · ⏱️ 02.01.2024): ``` git clone https://github.com/riga/tfdeploy ``` -- [PyPi](https://pypi.org/project/tfdeploy) (📥 9 / month): +- [PyPi](https://pypi.org/project/tfdeploy) (📥 69 / month): ``` pip install tfdeploy ```

-## 模型的可解释性 +## Model Interpretability -Back to top +Back to top -_用于可视化,解释,调试,评估和解释机器学习模型的库。_ +_Libraries to visualize, explain, debug, evaluate, and interpret machine learning models._ -
shap (🥇36 · ⭐ 17K) - 用于解释任何机器学习模型的输出的一种博弈论方法实现。MIT +
shap (🥇36 · ⭐ 21K) - A game theoretic approach to explain the output of any machine learning model. MIT -- [GitHub](https://github.com/slundberg/shap) (👨‍💻 200 · 🔀 2.6K · 📦 6.4K · 📋 2K - 69% open · ⏱️ 16.06.2022): +- [GitHub](https://github.com/shap/shap) (👨‍💻 230 · 🔀 3K · 📦 16K · 📋 2.4K - 59% open · ⏱️ 15.02.2024): ``` git clone https://github.com/slundberg/shap ``` -- [PyPi](https://pypi.org/project/shap) (📥 3.7M / month): +- [PyPi](https://pypi.org/project/shap) (📥 7.6M / month): ``` pip install shap ``` -- [Conda](https://anaconda.org/conda-forge/shap) (📥 1.4M · ⏱️ 20.06.2022): +- [Conda](https://anaconda.org/conda-forge/shap) (📥 2.3M · ⏱️ 08.01.2024): ``` conda install -c conda-forge shap ```
-
Lime (🥇30 · ⭐ 10K · 💀) - Lime:解释任何机器学习分类器的预测。BSD-2 +
arviz (🥇30 · ⭐ 1.5K) - Exploratory analysis of Bayesian models with Python. Apache-2 -- [GitHub](https://github.com/marcotcr/lime) (👨‍💻 61 · 🔀 1.6K · 📦 2.6K · 📋 580 - 9% open · ⏱️ 29.07.2021): +- [GitHub](https://github.com/arviz-devs/arviz) (👨‍💻 150 · 🔀 360 · 📥 130 · 📦 5.8K · 📋 830 - 18% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/marcotcr/lime + git clone https://github.com/arviz-devs/arviz ``` -- [PyPi](https://pypi.org/project/lime) (📥 560K / month): +- [PyPi](https://pypi.org/project/arviz) (📥 1.8M / month): ``` - pip install lime + pip install arviz ``` -- [Conda](https://anaconda.org/conda-forge/lime) (📥 110K · ⏱️ 28.06.2020): +- [Conda](https://anaconda.org/conda-forge/arviz) (📥 2.1M · ⏱️ 28.12.2023): ``` - conda install -c conda-forge lime + conda install -c conda-forge arviz ```
-
pyLDAvis (🥇29 · ⭐ 1.6K · 💀) - 用于交互式主题模型可视化的Python库。BSD-3 +
Lime (🥇29 · ⭐ 11K · 💀) - Lime: Explaining the predictions of any machine learning classifier. BSD-2 -- [GitHub](https://github.com/bmabey/pyLDAvis) (👨‍💻 32 · 🔀 330 · 📦 3.8K · 📋 160 - 51% open · ⏱️ 24.03.2021): +- [GitHub](https://github.com/marcotcr/lime) (👨‍💻 62 · 🔀 1.7K · 📦 5K · 📋 620 - 14% open · ⏱️ 29.07.2021): ``` - git clone https://github.com/bmabey/pyLDAvis + git clone https://github.com/marcotcr/lime ``` -- [PyPi](https://pypi.org/project/pyldavis) (📥 640K / month): +- [PyPi](https://pypi.org/project/lime) (📥 330K / month): ``` - pip install pyldavis + pip install lime ``` -- [Conda](https://anaconda.org/conda-forge/pyldavis) (📥 46K · ⏱️ 24.03.2021): +- [Conda](https://anaconda.org/conda-forge/lime) (📥 200K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge pyldavis + conda install -c conda-forge lime ```
-
InterpretML (🥇28 · ⭐ 4.9K) - 拟合可解释的模型。对机器学习黑匣子进行解释。MIT +
Captum (🥇29 · ⭐ 4.4K) - Model interpretability and understanding for PyTorch. BSD-3 -- [GitHub](https://github.com/interpretml/interpret) (👨‍💻 31 · 🔀 590 · 📦 260 · 📋 300 - 32% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/pytorch/captum) (👨‍💻 110 · 🔀 460 · 📦 1.8K · 📋 500 - 34% open · ⏱️ 05.02.2024): ``` - git clone https://github.com/interpretml/interpret + git clone https://github.com/pytorch/captum ``` -- [PyPi](https://pypi.org/project/interpret) (📥 90K / month): +- [PyPi](https://pypi.org/project/captum) (📥 160K / month): ``` - pip install interpret + pip install captum ```
-
dtreeviz (🥇28 · ⭐ 2.2K) - 用于决策树可视化和模型解释的python库。MIT +
explainerdashboard (🥇29 · ⭐ 2.1K) - Quickly build Explainable AI dashboards that show the inner.. MIT -- [GitHub](https://github.com/parrt/dtreeviz) (👨‍💻 21 · 🔀 280 · 📦 450 · 📋 120 - 19% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/oegedijk/explainerdashboard) (👨‍💻 21 · 🔀 300 · 📦 440 · 📋 230 - 13% open · ⏱️ 18.12.2023): ``` - git clone https://github.com/parrt/dtreeviz + git clone https://github.com/oegedijk/explainerdashboard ``` -- [PyPi](https://pypi.org/project/dtreeviz) (📥 96K / month): +- [PyPi](https://pypi.org/project/explainerdashboard) (📥 81K / month): ``` - pip install dtreeviz + pip install explainerdashboard ```
-
arviz (🥇28 · ⭐ 1.3K) - 使用Python探索性分析贝叶斯模型。Apache-2 +
pyLDAvis (🥇29 · ⭐ 1.8K) - Python library for interactive topic model visualization. Port of.. BSD-3 -- [GitHub](https://github.com/arviz-devs/arviz) (👨‍💻 130 · 🔀 290 · 📥 110 · 📦 2.7K · 📋 760 - 20% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/bmabey/pyLDAvis) (👨‍💻 41 · 🔀 350 · 📦 5.7K · 📋 180 - 41% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/arviz-devs/arviz + git clone https://github.com/bmabey/pyLDAvis ``` -- [PyPi](https://pypi.org/project/arviz) (📥 740K / month): +- [PyPi](https://pypi.org/project/pyldavis) (📥 170K / month): ``` - pip install arviz + pip install pyldavis ``` -- [Conda](https://anaconda.org/conda-forge/arviz) (📥 810K · ⏱️ 13.07.2022): +- [Conda](https://anaconda.org/conda-forge/pyldavis) (📥 78K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge arviz + conda install -c conda-forge pyldavis ```
-
Captum (🥈27 · ⭐ 3.4K) - PyTorch的模型可解释性和理解。BSD-3 +
dtreeviz (🥈28 · ⭐ 2.8K) - A python library for decision tree visualization and model interpretation. MIT -- [GitHub](https://github.com/pytorch/captum) (👨‍💻 88 · 🔀 350 · 📦 650 · 📋 380 - 24% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/parrt/dtreeviz) (👨‍💻 26 · 🔀 330 · 📦 1K · 📋 200 - 30% open · ⏱️ 06.01.2024): ``` - git clone https://github.com/pytorch/captum + git clone https://github.com/parrt/dtreeviz ``` -- [PyPi](https://pypi.org/project/captum) (📥 47K / month): +- [PyPi](https://pypi.org/project/dtreeviz) (📥 150K / month): ``` - pip install captum + pip install dtreeviz ```
-
scikit-plot (🥈26 · ⭐ 2.2K · 💀) - 一个直观的库,可向其中添加绘图功能。MIT +
scikit-plot (🥈27 · ⭐ 2.4K · 💀) - An intuitive library to add plotting functionality to.. MIT -- [GitHub](https://github.com/reiinakano/scikit-plot) (👨‍💻 13 · 🔀 260 · 📦 2.3K · 📋 58 - 32% open · ⏱️ 19.08.2018): +- [GitHub](https://github.com/reiinakano/scikit-plot) (👨‍💻 13 · 🔀 280 · 📦 4.4K · 📋 60 - 35% open · ⏱️ 19.08.2018): ``` git clone https://github.com/reiinakano/scikit-plot ``` -- [PyPi](https://pypi.org/project/scikit-plot) (📥 650K / month): +- [PyPi](https://pypi.org/project/scikit-plot) (📥 490K / month): ``` pip install scikit-plot ``` -- [Conda](https://anaconda.org/conda-forge/scikit-plot) (📥 120K · ⏱️ 05.06.2019): +- [Conda](https://anaconda.org/conda-forge/scikit-plot) (📥 170K · ⏱️ 16.06.2023): ``` conda install -c conda-forge scikit-plot ```
-
explainerdashboard (🥈26 · ⭐ 1.3K) - 快速构建可显示内部信息的可解释AI仪表板。MIT +
InterpretML (🥈26 · ⭐ 5.9K) - Fit interpretable models. Explain blackbox machine learning. MIT -- [GitHub](https://github.com/oegedijk/explainerdashboard) (👨‍💻 15 · 🔀 160 · 📦 160 · 📋 180 - 8% open · ⏱️ 16.06.2022): +- [GitHub](https://github.com/interpretml/interpret) (👨‍💻 41 · 🔀 690 · 📦 620 · 📋 410 - 20% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/oegedijk/explainerdashboard + git clone https://github.com/interpretml/interpret ``` -- [PyPi](https://pypi.org/project/explainerdashboard) (📥 59K / month): +- [PyPi](https://pypi.org/project/interpret) (📥 85K / month): ``` - pip install explainerdashboard + pip install interpret ```
-
Model Analysis (🥈26 · ⭐ 1.2K) - TensorFlow的模型分析工具。Apache-2 +
Fairness 360 (🥈26 · ⭐ 2.3K) - A comprehensive set of fairness metrics for datasets and.. Apache-2 -- [GitHub](https://github.com/tensorflow/model-analysis) (👨‍💻 47 · 🔀 240 · 📋 65 - 24% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Trusted-AI/AIF360) (👨‍💻 70 · 🔀 780 · 📦 370 · 📋 240 - 60% open · ⏱️ 21.11.2023): ``` - git clone https://github.com/tensorflow/model-analysis + git clone https://github.com/Trusted-AI/AIF360 ``` -- [PyPi](https://pypi.org/project/tensorflow-model-analysis) (📥 1M / month): +- [PyPi](https://pypi.org/project/aif360) (📥 11K / month): ``` - pip install tensorflow-model-analysis + pip install aif360 ```
-
Alibi (🥈25 · ⭐ 1.7K) - 监视和解释机器学习模型的算法。Apache-2 +
DoWhy (🥈25 · ⭐ 6.6K) - DoWhy is a Python library for causal inference that supports explicit.. MIT -- [GitHub](https://github.com/SeldonIO/alibi) (👨‍💻 18 · 🔀 190 · 📦 190 · 📋 300 - 36% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/py-why/dowhy) (👨‍💻 84 · 🔀 880 · 📥 33 · 📦 330 · 📋 430 - 29% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/SeldonIO/alibi + git clone https://github.com/Microsoft/dowhy ``` -- [PyPi](https://pypi.org/project/alibi) (📥 15K / month): +- [PyPi](https://pypi.org/project/dowhy) (📥 43K / month): ``` - pip install alibi + pip install dowhy + ``` +- [Conda](https://anaconda.org/conda-forge/dowhy) (📥 19K · ⏱️ 26.01.2024): + ``` + conda install -c conda-forge dowhy ```
-
Lucid (🥈24 · ⭐ 4.4K · 💀) - 用于神经科学研究的基础设施和工具的集合。Apache-2 +
imodels (🥈25 · ⭐ 1.3K) - Interpretable ML package for concise, transparent, and accurate.. MIT -- [GitHub](https://github.com/tensorflow/lucid) (👨‍💻 40 · 🔀 600 · 📦 650 · 📋 170 - 42% open · ⏱️ 19.03.2021): +- [GitHub](https://github.com/csinva/imodels) (👨‍💻 22 · 🔀 110 · 📦 63 · 📋 82 - 36% open · ⏱️ 30.12.2023): ``` - git clone https://github.com/tensorflow/lucid + git clone https://github.com/csinva/imodels ``` -- [PyPi](https://pypi.org/project/lucid) (📥 2K / month): +- [PyPi](https://pypi.org/project/imodels) (📥 28K / month): ``` - pip install lucid + pip install imodels ```
-
Fairness 360 (🥈24 · ⭐ 1.8K) - 一整套用于数据集的公平度量标准。Apache-2 +
Alibi (🥈24 · ⭐ 2.3K) - Algorithms for monitoring and explaining machine learning models. ❗Unlicensed -- [GitHub](https://github.com/Trusted-AI/AIF360) (👨‍💻 52 · 🔀 580 · 📦 170 · 📋 140 - 54% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/SeldonIO/alibi) (👨‍💻 20 · 🔀 240 · 📦 560 · 📋 360 - 37% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/Trusted-AI/AIF360 + git clone https://github.com/SeldonIO/alibi ``` -- [PyPi](https://pypi.org/project/aif360) (📥 7.3K / month): +- [PyPi](https://pypi.org/project/alibi) (📥 23K / month): ``` - pip install aif360 + pip install alibi ```
-
CausalNex (🥈24 · ⭐ 1.6K) - 一个可帮助数据科学家进行因果推断的Python库。Apache-2 +
CausalNex (🥈24 · ⭐ 2.1K) - A Python library that helps data scientists to infer.. Apache-2 -- [GitHub](https://github.com/quantumblacklabs/causalnex) (👨‍💻 22 · 🔀 180 · 📦 53 · 📋 110 - 17% open · ⏱️ 06.07.2022): +- [GitHub](https://github.com/mckinsey/causalnex) (👨‍💻 40 · 🔀 240 · 📦 110 · 📋 130 - 13% open · ⏱️ 10.02.2024): ``` git clone https://github.com/quantumblacklabs/causalnex ``` -- [PyPi](https://pypi.org/project/causalnex) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/causalnex) (📥 2.5K / month): ``` pip install causalnex ```
-
Explainability 360 (🥈24 · ⭐ 1.1K) - 数据和机器学习的可解释性。Apache-2 +
Model Analysis (🥈24 · ⭐ 1.2K) - Model analysis tools for TensorFlow. Apache-2 -- [GitHub](https://github.com/Trusted-AI/AIX360) (👨‍💻 31 · 🔀 240 · 📦 55 · 📋 65 - 56% open · ⏱️ 26.07.2022): +- [GitHub](https://github.com/tensorflow/model-analysis) (👨‍💻 57 · 🔀 250 · 📦 2 · 📋 75 - 29% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/Trusted-AI/AIX360 + git clone https://github.com/tensorflow/model-analysis ``` -- [PyPi](https://pypi.org/project/aix360) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/tensorflow-model-analysis) (📥 73K / month): ``` - pip install aix360 + pip install tensorflow-model-analysis ```
-
keras-vis (🥈23 · ⭐ 2.9K · 💀) - 用于Keras的神经网络可视化工具包。MIT +
iNNvestigate (🥈24 · ⭐ 1.2K) - A toolbox to iNNvestigate neural networks' predictions!. BSD-2 -- [GitHub](https://github.com/raghakot/keras-vis) (👨‍💻 10 · 🔀 630 · 📦 2.1K · 📋 210 - 52% open · ⏱️ 20.04.2020): +- [GitHub](https://github.com/albermax/innvestigate) (👨‍💻 20 · 🔀 230 · 📥 91 · 📦 120 · 📋 260 - 20% open · ⏱️ 12.10.2023): ``` - git clone https://github.com/raghakot/keras-vis + git clone https://github.com/albermax/innvestigate ``` -- [PyPi](https://pypi.org/project/keras-vis) (📥 3.3K / month): +- [PyPi](https://pypi.org/project/innvestigate) (📥 830 / month): ``` - pip install keras-vis + pip install innvestigate ```
-
yellowbrick (🥈22 · ⭐ 3.7K) - 可视化分析和诊断工具,方便机器使用。Apache-2 +
Lucid (🥈23 · ⭐ 4.6K · 💀) - A collection of infrastructure and tools for research in.. Apache-2 -- [GitHub](https://github.com/DistrictDataLabs/yellowbrick) (👨‍💻 110 · 🔀 510 · 📋 670 - 11% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/tensorflow/lucid) (👨‍💻 40 · 🔀 610 · 📦 760 · 📋 180 - 42% open · ⏱️ 19.03.2021): ``` - git clone https://github.com/DistrictDataLabs/yellowbrick + git clone https://github.com/tensorflow/lucid ``` -- [PyPi](https://pypi.org/project/yellowbrick) (📥 580K / month): +- [PyPi](https://pypi.org/project/lucid) (📥 600 / month): ``` - pip install yellowbrick + pip install lucid ```
-
eli5 (🥈22 · ⭐ 2.6K · 💀) - 一个用于调试/检查机器学习分类器的库。MIT +
checklist (🥈23 · ⭐ 2K) - Beyond Accuracy: Behavioral Testing of NLP models with CheckList. MIT -- [GitHub](https://github.com/TeamHG-Memex/eli5) (👨‍💻 14 · 🔀 310 · 📋 250 - 55% open · ⏱️ 22.01.2020): +- [GitHub](https://github.com/marcotcr/checklist) (👨‍💻 15 · 🔀 200 · 📦 310 · 📋 88 - 5% open · ⏱️ 26.09.2023): ``` - git clone https://github.com/TeamHG-Memex/eli5 - ``` -- [PyPi](https://pypi.org/project/eli5) (📥 480K / month): - ``` - pip install eli5 + git clone https://github.com/marcotcr/checklist ``` -- [Conda](https://anaconda.org/conda-forge/eli5) (📥 120K · ⏱️ 14.05.2022): +- [PyPi](https://pypi.org/project/checklist) (📥 11K / month): ``` - conda install -c conda-forge eli5 + pip install checklist ```
-
imodels (🥈22 · ⭐ 890) - 可解释的ML包,用于简洁,透明和准确的预测。MIT +
fairlearn (🥈23 · ⭐ 1.7K) - A Python package to assess and improve fairness of machine.. MIT -- [GitHub](https://github.com/csinva/imodels) (👨‍💻 13 · 🔀 83 · 📦 20 · 📋 40 - 35% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/fairlearn/fairlearn) (👨‍💻 80 · 🔀 370 · 📦 3 · 📋 440 - 33% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/csinva/imodels + git clone https://github.com/fairlearn/fairlearn + ``` +- [PyPi](https://pypi.org/project/fairlearn) (📥 230K / month): + ``` + pip install fairlearn ``` -- [PyPi](https://pypi.org/project/imodels) (📥 19K / month): +- [Conda](https://anaconda.org/conda-forge/fairlearn) (📥 31K · ⏱️ 20.12.2023): ``` - pip install imodels + conda install -c conda-forge fairlearn ```
-
DoWhy (🥉21 · ⭐ 5.1K) - DoWhy是用于因果推断的Python库。MIT +
Explainability 360 (🥈23 · ⭐ 1.5K) - Interpretability and explainability of data and.. Apache-2 -- [GitHub](https://github.com/py-why/dowhy) (👨‍💻 60 · 🔀 700 · 📥 31 · 📋 250 - 31% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/Trusted-AI/AIX360) (👨‍💻 41 · 🔀 300 · 📦 86 · 📋 76 - 60% open · ⏱️ 22.08.2023): ``` - git clone https://github.com/Microsoft/dowhy + git clone https://github.com/Trusted-AI/AIX360 ``` -- [PyPi](https://pypi.org/project/dowhy) (📥 180K / month): +- [PyPi](https://pypi.org/project/aix360) (📥 1.4K / month): ``` - pip install dowhy + pip install aix360 + ``` +
+
LIT (🥉22 · ⭐ 3.3K) - The Language Interpretability Tool: Interactively analyze NLP models for.. Apache-2 + +- [GitHub](https://github.com/PAIR-code/lit) (👨‍💻 34 · 🔀 340 · 📦 27 · 📋 120 - 33% open · ⏱️ 08.11.2023): + + ``` + git clone https://github.com/PAIR-code/lit ``` -- [Conda](https://anaconda.org/conda-forge/dowhy) (📥 8.2K · ⏱️ 19.07.2022): +- [PyPi](https://pypi.org/project/lit-nlp) (📥 2.7K / month): ``` - conda install -c conda-forge dowhy + pip install lit-nlp ```
-
checklist (🥉21 · ⭐ 1.7K) - 超越准确性:使用CheckList对NLP模型进行行为测试。MIT +
keras-vis (🥉22 · ⭐ 3K · 💀) - Neural network visualization toolkit for keras. MIT -- [GitHub](https://github.com/marcotcr/checklist) (👨‍💻 13 · 🔀 170 · 📦 150 · 📋 83 - 2% open · ⏱️ 12.08.2022): +- [GitHub](https://github.com/raghakot/keras-vis) (👨‍💻 10 · 🔀 650 · 📦 2.9K · 📋 210 - 52% open · ⏱️ 20.04.2020): ``` - git clone https://github.com/marcotcr/checklist + git clone https://github.com/raghakot/keras-vis ``` -- [PyPi](https://pypi.org/project/checklist) (📥 7.8K / month): +- [PyPi](https://pypi.org/project/keras-vis) (📥 870 / month): ``` - pip install checklist + pip install keras-vis ```
-
fairlearn (🥉21 · ⭐ 1.4K) - 一个用于评估和改善机器公平性的Python程序包。MIT +
eli5 (🥉22 · ⭐ 2.7K · 💀) - A library for debugging/inspecting machine learning classifiers and.. MIT -- [GitHub](https://github.com/fairlearn/fairlearn) (👨‍💻 68 · 🔀 310 · 📋 360 - 39% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/TeamHG-Memex/eli5) (👨‍💻 14 · 🔀 320 · 📋 260 - 56% open · ⏱️ 22.01.2020): ``` - git clone https://github.com/fairlearn/fairlearn + git clone https://github.com/TeamHG-Memex/eli5 ``` -- [PyPi](https://pypi.org/project/fairlearn) (📥 230K / month): +- [PyPi](https://pypi.org/project/eli5) (📥 460K / month): ``` - pip install fairlearn + pip install eli5 ``` -- [Conda](https://anaconda.org/conda-forge/fairlearn) (📥 20K · ⏱️ 07.07.2021): +- [Conda](https://anaconda.org/conda-forge/eli5) (📥 150K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge fairlearn + conda install -c conda-forge eli5 ```
-
DALEX (🥉21 · ⭐ 1.1K) - 用于模型探索和扩展的模块。❗️GPL-3.0 +
DALEX (🥉22 · ⭐ 1.3K) - moDel Agnostic Language for Exploration and eXplanation. ❗️GPL-3.0 -- [GitHub](https://github.com/ModelOriented/DALEX) (👨‍💻 20 · 🔀 140 · 📦 57 · 📋 370 - 5% open · ⏱️ 03.08.2022): +- [GitHub](https://github.com/ModelOriented/DALEX) (👨‍💻 24 · 🔀 160 · 📦 150 · 📋 400 - 4% open · ⏱️ 27.09.2023): ``` git clone https://github.com/ModelOriented/DALEX ``` -- [PyPi](https://pypi.org/project/dalex) (📥 9.5K / month): +- [PyPi](https://pypi.org/project/dalex) (📥 19K / month): ``` pip install dalex ```
-
keract (🥉21 · ⭐ 990) - 在Keras中分层输出和渐变。MIT +
keract (🥉22 · ⭐ 1K) - Layers Outputs and Gradients in Keras. Made easy. MIT -- [GitHub](https://github.com/philipperemy/keract) (👨‍💻 16 · 🔀 180 · 📦 140 · 📋 87 - 5% open · ⏱️ 23.07.2022): +- [GitHub](https://github.com/philipperemy/keract) (👨‍💻 16 · 🔀 180 · 📦 200 · 📋 88 - 2% open · ⏱️ 17.11.2023): ``` git clone https://github.com/philipperemy/keract ``` -- [PyPi](https://pypi.org/project/keract) (📥 900 / month): +- [PyPi](https://pypi.org/project/keract) (📥 4.3K / month): ``` pip install keract ```
-
tf-explain (🥉21 · ⭐ 940) - 使用Tensorflow 2.x的tf.keras模型的可解释性方法。MIT +
tf-explain (🥉21 · ⭐ 1K · 💀) - Interpretability Methods for tf.keras models with Tensorflow.. MIT -- [GitHub](https://github.com/sicara/tf-explain) (👨‍💻 18 · 🔀 100 · 📦 130 · 📋 88 - 42% open · ⏱️ 30.06.2022): +- [GitHub](https://github.com/sicara/tf-explain) (👨‍💻 18 · 🔀 110 · 📦 210 · 📋 90 - 43% open · ⏱️ 30.06.2022): ``` git clone https://github.com/sicara/tf-explain ``` -- [PyPi](https://pypi.org/project/tf-explain) (📥 1.1K / month): +- [PyPi](https://pypi.org/project/tf-explain) (📥 1.9K / month): ``` pip install tf-explain ```
-
random-forest-importances (🥉21 · ⭐ 510 · 💀) - 随机森林特征重要度计算。MIT +
random-forest-importances (🥉21 · ⭐ 580 · 💀) - Code to compute permutation and drop-column.. MIT -- [GitHub](https://github.com/parrt/random-forest-importances) (👨‍💻 14 · 🔀 120 · 📦 100 · 📋 34 - 14% open · ⏱️ 30.01.2021): +- [GitHub](https://github.com/parrt/random-forest-importances) (👨‍💻 14 · 🔀 130 · 📦 140 · 📋 37 - 21% open · ⏱️ 30.01.2021): ``` git clone https://github.com/parrt/random-forest-importances ``` -- [PyPi](https://pypi.org/project/rfpimp) (📥 30K / month): +- [PyPi](https://pypi.org/project/rfpimp) (📥 20K / month): ``` pip install rfpimp ```
-
sklearn-evaluation (🥉21 · ⭐ 340) - 机器学习模型评估变得容易。MIT - -- [GitHub](https://github.com/ploomber/sklearn-evaluation) (👨‍💻 8 · 🔀 28 · 📦 49 · 📋 39 - 20% open · ⏱️ 22.08.2022): - - ``` - git clone https://github.com/edublancas/sklearn-evaluation - ``` -- [PyPi](https://pypi.org/project/sklearn-evaluation) (📥 1.7K / month): - ``` - pip install sklearn-evaluation - ``` -
-
DiCE (🥉20 · ⭐ 890) - 生成任何机器学习的各种反事实说明。MIT +
DiCE (🥉20 · ⭐ 1.2K) - Generate Diverse Counterfactual Explanations for any machine.. MIT -- [GitHub](https://github.com/interpretml/DiCE) (👨‍💻 14 · 🔀 120 · 📋 130 - 44% open · ⏱️ 06.07.2022): +- [GitHub](https://github.com/interpretml/DiCE) (👨‍💻 19 · 🔀 170 · 📋 160 - 40% open · ⏱️ 09.12.2023): ``` git clone https://github.com/interpretml/DiCE ``` -- [PyPi](https://pypi.org/project/dice-ml) (📥 140K / month): +- [PyPi](https://pypi.org/project/dice-ml) (📥 77K / month): ``` pip install dice-ml ```
-
TreeInterpreter (🥉20 · ⭐ 720 · 💀) - 解释scikit-learn决策树的程序包。BSD-3 - -- [GitHub](https://github.com/andosa/treeinterpreter) (👨‍💻 11 · 🔀 140 · 📦 280 · 📋 23 - 82% open · ⏱️ 28.02.2021): - - ``` - git clone https://github.com/andosa/treeinterpreter - ``` -- [PyPi](https://pypi.org/project/treeinterpreter) (📥 150K / month): - ``` - pip install treeinterpreter - ``` -
-
LIT (🥉19 · ⭐ 3K) - 语言可解释性工具:交互式分析NLP模型。Apache-2 +
yellowbrick (🥉19 · ⭐ 4.2K · 💤) - Visual analysis and diagnostic tools to facilitate.. Apache-2 -- [GitHub](https://github.com/PAIR-code/lit) (👨‍💻 18 · 🔀 310 · 📦 11 · 📋 110 - 37% open · ⏱️ 15.03.2022): +- [GitHub](https://github.com/DistrictDataLabs/yellowbrick) (👨‍💻 110 · 🔀 540 · 📋 690 - 12% open · ⏱️ 05.07.2023): ``` - git clone https://github.com/PAIR-code/lit + git clone https://github.com/DistrictDataLabs/yellowbrick ``` -- [PyPi](https://pypi.org/project/lit-nlp) (📥 820 / month): +- [PyPi](https://pypi.org/project/yellowbrick) (📥 400K / month): ``` - pip install lit-nlp + pip install yellowbrick ```
-
What-If Tool (🥉19 · ⭐ 740 · 💤) - What-If工具的源代码/网页/演示。Apache-2 +
What-If Tool (🥉19 · ⭐ 870) - Source code/webpage/demos for the What-If Tool. Apache-2 -- [GitHub](https://github.com/PAIR-code/what-if-tool) (👨‍💻 20 · 🔀 140 · 📋 110 - 52% open · ⏱️ 05.01.2022): +- [GitHub](https://github.com/PAIR-code/what-if-tool) (👨‍💻 20 · 🔀 160 · 📦 2 · 📋 120 - 54% open · ⏱️ 01.02.2024): ``` git clone https://github.com/PAIR-code/what-if-tool ``` -- [PyPi](https://pypi.org/project/witwidget) (📥 11K / month): +- [PyPi](https://pypi.org/project/witwidget) (📥 2.3K / month): ``` pip install witwidget ``` -- [NPM](https://www.npmjs.com/package/wit-widget) (📥 5.9K / month): +- [NPM](https://www.npmjs.com/package/wit-widget) (📥 1.4K / month): ``` npm install wit-widget ```
-
deeplift (🥉19 · ⭐ 650 · 💤) - Public facing deeplift repo。MIT +
LOFO (🥉19 · ⭐ 790) - Leave One Feature Out Importance. MIT -- [GitHub](https://github.com/kundajelab/deeplift) (👨‍💻 11 · 🔀 150 · 📦 62 · 📋 85 - 43% open · ⏱️ 11.11.2021): +- [GitHub](https://github.com/aerdem4/lofo-importance) (👨‍💻 6 · 🔀 80 · 📦 27 · 📋 25 - 8% open · ⏱️ 16.01.2024): ``` - git clone https://github.com/kundajelab/deeplift + git clone https://github.com/aerdem4/lofo-importance ``` -- [PyPi](https://pypi.org/project/deeplift) (📥 530 / month): +- [PyPi](https://pypi.org/project/lofo-importance) (📥 2.2K / month): ``` - pip install deeplift + pip install lofo-importance ```
-
aequitas (🥉19 · ⭐ 490 · 💀) - 偏差和公平审计工具包。MIT +
deeplift (🥉19 · ⭐ 780 · 💀) - Public facing deeplift repo. MIT -- [GitHub](https://github.com/dssg/aequitas) (👨‍💻 16 · 🔀 90 · 📦 110 · 📋 61 - 65% open · ⏱️ 27.05.2021): +- [GitHub](https://github.com/kundajelab/deeplift) (👨‍💻 11 · 🔀 160 · 📦 89 · 📋 89 - 44% open · ⏱️ 11.11.2021): ``` - git clone https://github.com/dssg/aequitas + git clone https://github.com/kundajelab/deeplift ``` -- [PyPi](https://pypi.org/project/aequitas) (📥 2K / month): +- [PyPi](https://pypi.org/project/deeplift) (📥 400 / month): ``` - pip install aequitas + pip install deeplift ```
-
model-card-toolkit (🥉19 · ⭐ 300) - 模型解释与分析卡片工具库。Apache-2 +
TreeInterpreter (🥉19 · ⭐ 740 · 💀) - Package for interpreting scikit-learn's decision tree.. BSD-3 -- [GitHub](https://github.com/tensorflow/model-card-toolkit) (👨‍💻 13 · 🔀 60 · 📦 10 · 📋 14 - 85% open · ⏱️ 28.04.2022): +- [GitHub](https://github.com/andosa/treeinterpreter) (👨‍💻 11 · 🔀 140 · 📦 600 · 📋 25 - 80% open · ⏱️ 28.02.2021): ``` - git clone https://github.com/tensorflow/model-card-toolkit + git clone https://github.com/andosa/treeinterpreter ``` -- [PyPi](https://pypi.org/project/model-card-toolkit) (📥 850 / month): +- [PyPi](https://pypi.org/project/treeinterpreter) (📥 44K / month): ``` - pip install model-card-toolkit + pip install treeinterpreter ```
-
fairness-indicators (🥉19 · ⭐ 270) - Tensorflow的公平性评估和可视化。Apache-2 +
aequitas (🥉19 · ⭐ 610) - Bias and Fairness Audit Toolkit. MIT -- [GitHub](https://github.com/tensorflow/fairness-indicators) (👨‍💻 33 · 🔀 68 · 📋 11 - 27% open · ⏱️ 26.07.2022): +- [GitHub](https://github.com/dssg/aequitas) (👨‍💻 20 · 🔀 100 · 📦 150 · 📋 76 - 40% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/tensorflow/fairness-indicators + git clone https://github.com/dssg/aequitas ``` -- [PyPi](https://pypi.org/project/fairness-indicators) (📥 620 / month): +- [PyPi](https://pypi.org/project/aequitas) (📥 4.6K / month): ``` - pip install fairness-indicators + pip install aequitas ```
-
iNNvestigate (🥉18 · ⭐ 1K) - 神经网络预估分析工具箱。BSD-2 +
fairness-indicators (🥉19 · ⭐ 330) - Tensorflow's Fairness Evaluation and Visualization.. Apache-2 -- [GitHub](https://github.com/albermax/innvestigate) (👨‍💻 19 · 🔀 220 · 📥 16 · 📋 230 - 19% open · ⏱️ 01.08.2022): +- [GitHub](https://github.com/tensorflow/fairness-indicators) (👨‍💻 34 · 🔀 74 · 📋 15 - 40% open · ⏱️ 16.01.2024): ``` - git clone https://github.com/albermax/innvestigate + git clone https://github.com/tensorflow/fairness-indicators ``` -- [PyPi](https://pypi.org/project/innvestigate) (📥 440 / month): +- [PyPi](https://pypi.org/project/fairness-indicators) (📥 2.2K / month): ``` - pip install innvestigate + pip install fairness-indicators ```
-
Skater (🥉17 · ⭐ 1K) - 用于模型解释/说明的Python库。❗️UPL-1.0 +
model-card-toolkit (🥉18 · ⭐ 400 · 💤) - a tool that leverages rich metadata and lineage.. Apache-2 -- [GitHub](https://github.com/oracle/Skater) (👨‍💻 36 · 🔀 170 · 📋 160 - 40% open · ⏱️ 11.02.2022): +- [GitHub](https://github.com/tensorflow/model-card-toolkit) (👨‍💻 22 · 🔀 80 · 📥 18 · 📦 23 · 📋 30 - 23% open · ⏱️ 26.07.2023): ``` - git clone https://github.com/oracle/Skater - ``` -- [PyPi](https://pypi.org/project/skater) (📥 3K / month): - ``` - pip install skater + git clone https://github.com/tensorflow/model-card-toolkit ``` -- [Conda](https://anaconda.org/conda-forge/skater) (📥 51K · ⏱️ 15.11.2021): +- [PyPi](https://pypi.org/project/model-card-toolkit) (📥 1.4K / month): ``` - conda install -c conda-forge skater + pip install model-card-toolkit ```
-
FlashTorch (🥉17 · ⭐ 680 · 💀) - PyTorch中用于神经网络的可视化工具包。MIT +
tcav (🥉17 · ⭐ 610 · 💀) - Code for the TCAV ML interpretability project. Apache-2 -- [GitHub](https://github.com/MisaOgura/flashtorch) (👨‍💻 2 · 🔀 84 · 📦 10 · 📋 31 - 29% open · ⏱️ 27.04.2021): +- [GitHub](https://github.com/tensorflow/tcav) (👨‍💻 19 · 🔀 140 · 📦 19 · 📋 64 - 14% open · ⏱️ 16.09.2021): ``` - git clone https://github.com/MisaOgura/flashtorch + git clone https://github.com/tensorflow/tcav ``` -- [PyPi](https://pypi.org/project/flashtorch) (📥 160 / month): +- [PyPi](https://pypi.org/project/tcav) (📥 110 / month): ``` - pip install flashtorch + pip install tcav ```
-
tcav (🥉17 · ⭐ 530 · 💤) - TCAV ML可解释性项目的代码。Apache-2 +
XAI (🥉16 · ⭐ 1K · 💀) - XAI - An eXplainability toolbox for machine learning. MIT -- [GitHub](https://github.com/tensorflow/tcav) (👨‍💻 19 · 🔀 130 · 📦 14 · 📋 61 - 11% open · ⏱️ 16.09.2021): +- [GitHub](https://github.com/EthicalML/xai) (👨‍💻 3 · 🔀 150 · 📦 23 · 📋 10 - 30% open · ⏱️ 30.10.2021): ``` - git clone https://github.com/tensorflow/tcav + git clone https://github.com/EthicalML/xai ``` -- [PyPi](https://pypi.org/project/tcav) (📥 48 / month): +- [PyPi](https://pypi.org/project/xai) (📥 240 / month): ``` - pip install tcav + pip install xai ```
-
ExplainX.ai (🥉17 · ⭐ 320 · 💀) - 适用于数据科学家的可解释AI框架。MIT +
ExplainX.ai (🥉16 · ⭐ 380) - Explainable AI framework for data scientists. Explain & debug any.. MIT -- [GitHub](https://github.com/explainX/explainx) (👨‍💻 4 · 🔀 42 · 📥 4 · 📋 26 - 34% open · ⏱️ 02.02.2021): +- [GitHub](https://github.com/explainX/explainx) (👨‍💻 5 · 🔀 51 · 📥 13 · 📋 31 - 6% open · ⏱️ 15.01.2024): ``` git clone https://github.com/explainX/explainx ``` -- [PyPi](https://pypi.org/project/explainx) (📥 1.9K / month): +- [PyPi](https://pypi.org/project/explainx) (📥 390 / month): ``` pip install explainx ```
-
XAI (🥉15 · ⭐ 840 · 💤) - XAI-用于机器学习的可解释性工具箱。MIT +
FlashTorch (🥉15 · ⭐ 720) - Visualization toolkit for neural networks in PyTorch! Demo --. MIT -- [GitHub](https://github.com/EthicalML/xai) (👨‍💻 3 · 🔀 120 · 📦 19 · 📋 9 - 22% open · ⏱️ 30.10.2021): +- [GitHub](https://github.com/MisaOgura/flashtorch) (👨‍💻 2 · 🔀 88 · 📦 15 · 📋 31 - 29% open · ⏱️ 21.09.2023): ``` - git clone https://github.com/EthicalML/xai + git clone https://github.com/MisaOgura/flashtorch ``` -- [PyPi](https://pypi.org/project/xai) (📥 120 / month): +- [PyPi](https://pypi.org/project/flashtorch) (📥 730 / month): ``` - pip install xai + pip install flashtorch ```
-
Anchor (🥉15 · ⭐ 720) - High-Precision Model-Agnostic Explanations论文代码。BSD-2 +
Anchor (🥉14 · ⭐ 780 · 💀) - Code for High-Precision Model-Agnostic Explanations paper. BSD-2 -- [GitHub](https://github.com/marcotcr/anchor) (👨‍💻 10 · 🔀 99 · 📋 70 - 27% open · ⏱️ 19.07.2022): +- [GitHub](https://github.com/marcotcr/anchor) (👨‍💻 10 · 🔀 110 · 📋 75 - 32% open · ⏱️ 19.07.2022): ``` git clone https://github.com/marcotcr/anchor ``` -- [PyPi](https://pypi.org/project/anchor_exp) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/anchor_exp) (📥 2.2K / month): ``` pip install anchor_exp ```
-
LOFO (🥉15 · ⭐ 480) - Leave One Feature Out特征重要度。MIT +
bias-detector (🥉14 · ⭐ 42) - Bias Detector is a python package for detecting bias in machine.. MIT -- [GitHub](https://github.com/aerdem4/lofo-importance) (👨‍💻 3 · 🔀 56 · 📦 19 · 📋 18 - 11% open · ⏱️ 27.04.2022): +- [GitHub](https://github.com/intuit/bias-detector) (👨‍💻 4 · 🔀 12 · 📦 1 · ⏱️ 04.02.2024): ``` - git clone https://github.com/aerdem4/lofo-importance + git clone https://github.com/intuit/bias-detector ``` -- [PyPi](https://pypi.org/project/lofo-importance) (📥 310 / month): +- [PyPi](https://pypi.org/project/bias-detector) (📥 240 / month): ``` - pip install lofo-importance + pip install bias-detector ```
-
contextual-ai (🥉13 · ⭐ 81 · 💤) - AI 模型可解释性工具。Apache-2 +
Attribution Priors (🥉12 · ⭐ 120 · 💀) - Tools for training explainable models using.. MIT -- [GitHub](https://github.com/SAP/contextual-ai) (👨‍💻 12 · 🔀 10 · 📋 12 - 8% open · ⏱️ 11.11.2021): +- [GitHub](https://github.com/suinleelab/attributionpriors) (👨‍💻 6 · 🔀 10 · 📦 4 · 📋 6 - 33% open · ⏱️ 19.03.2021): ``` - git clone https://github.com/SAP/contextual-ai + git clone https://github.com/suinleelab/attributionpriors ``` -- [PyPi](https://pypi.org/project/contextual-ai) (📥 65 / month): +- [PyPi](https://pypi.org/project/attributionpriors) (📥 59 / month): ``` - pip install contextual-ai + pip install attributionpriors ```
-
Attribution Priors (🥉11 · ⭐ 100 · 💀) - 训练可解释模型的工具。MIT +
contextual-ai (🥉12 · ⭐ 85 · 💀) - Contextual AI adds explainability to different stages of.. Apache-2 -- [GitHub](https://github.com/suinleelab/attributionpriors) (👨‍💻 6 · 🔀 10 · 📦 3 · 📋 5 - 40% open · ⏱️ 19.03.2021): +- [GitHub](https://github.com/SAP-archive/contextual-ai) (👨‍💻 12 · 🔀 11 · 📋 15 - 13% open · ⏱️ 11.11.2021): ``` - git clone https://github.com/suinleelab/attributionpriors + git clone https://github.com/SAP/contextual-ai ``` -- [PyPi](https://pypi.org/project/attributionpriors) (📥 18 / month): +- [PyPi](https://pypi.org/project/contextual-ai) (📥 62 / month): ``` - pip install attributionpriors + pip install contextual-ai ```
-
bias-detector (🥉11 · ⭐ 40 · 💤) - Bias Detector是用于检测机器偏差的python软件包。MIT +
sklearn-evaluation (🥉11 · ⭐ 3 · 💀) - Machine learning model evaluation made easy: plots,.. MIT -- [GitHub](https://github.com/intuit/bias-detector) (👨‍💻 4 · 🔀 11 · ⏱️ 20.12.2021): +- [GitHub](https://github.com/edublancas/sklearn-evaluation) (👨‍💻 19 · ⏱️ 13.01.2023): ``` - git clone https://github.com/intuit/bias-detector + git clone https://github.com/edublancas/sklearn-evaluation ``` -- [PyPi](https://pypi.org/project/bias-detector) (📥 48 / month): +- [PyPi](https://pypi.org/project/sklearn-evaluation) (📥 2.7K / month): ``` - pip install bias-detector + pip install sklearn-evaluation ```

-## 向量相似度搜索(ANN) +## Vector Similarity Search (ANN) -Back to top +Back to top -_用于近似最近邻居搜索和向量索引/相似性搜索的库。_ +_Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search._ -🔗 ANN Benchmarks ( ⭐ 3K) - Benchmarks of approximate nearest neighbor libraries in Python. +🔗 ANN Benchmarks ( ⭐ 4.4K) - Benchmarks of approximate nearest neighbor libraries in Python. -
Annoy (🥇31 · ⭐ 10K) - C++/Python中的近似最近邻居实现,并针对内存使用进行了优化。Apache-2 +
hnswlib (🥇31 · ⭐ 3.8K) - Header-only C++/python library for fast approximate nearest neighbors. Apache-2 -- [GitHub](https://github.com/spotify/annoy) (👨‍💻 82 · 🔀 1K · 📦 2.2K · 📋 350 - 10% open · ⏱️ 08.08.2022): +- [GitHub](https://github.com/nmslib/hnswlib) (👨‍💻 72 · 🔀 540 · 📦 6K · 📋 320 - 52% open · ⏱️ 03.12.2023): ``` - git clone https://github.com/spotify/annoy + git clone https://github.com/nmslib/hnswlib ``` -- [PyPi](https://pypi.org/project/annoy) (📥 1.5M / month): +- [PyPi](https://pypi.org/project/hnswlib) (📥 680K / month): ``` - pip install annoy + pip install hnswlib ```
-
Milvus (🥇29 · ⭐ 12K) - 一个开源的embedding嵌入向量相似度搜索引擎。Apache-2 +
Faiss (🥇30 · ⭐ 27K) - A library for efficient similarity search and clustering of dense vectors. MIT -- [GitHub](https://github.com/milvus-io/milvus) (👨‍💻 220 · 🔀 1.4K · 📥 44K · 📋 5.7K - 4% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/facebookresearch/faiss) (👨‍💻 150 · 🔀 3.2K · 📦 3.4K · 📋 2.3K - 17% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/milvus-io/milvus + git clone https://github.com/facebookresearch/faiss ``` -- [PyPi](https://pypi.org/project/pymilvus) (📥 130K / month): +- [PyPi](https://pypi.org/project/pymilvus) (📥 520K / month): ``` pip install pymilvus ``` -- [Docker Hub](https://hub.docker.com/r/milvusdb/milvus) (📥 1.3M · ⭐ 21 · ⏱️ 26.08.2022): +- [Conda](https://anaconda.org/conda-forge/faiss) (📥 1M · ⏱️ 16.06.2023): ``` - docker pull milvusdb/milvus + conda install -c conda-forge faiss ```
-
NMSLIB (🥈28 · ⭐ 2.8K) - 非度量空间库(NMSLIB):一种有效的相似度搜索。Apache-2 +
Milvus (🥇30 · ⭐ 26K) - An open source embedding vector similarity search engine powered by.. Apache-2 -- [GitHub](https://github.com/nmslib/nmslib) (👨‍💻 48 · 🔀 400 · 📦 660 · 📋 400 - 14% open · ⏱️ 31.05.2022): +- [GitHub](https://github.com/milvus-io/milvus) (👨‍💻 260 · 🔀 2.5K · 📥 72K · 📋 10K - 5% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/nmslib/nmslib + git clone https://github.com/milvus-io/milvus ``` -- [PyPi](https://pypi.org/project/nmslib) (📥 120K / month): +- [PyPi](https://pypi.org/project/pymilvus) (📥 520K / month): ``` - pip install nmslib + pip install pymilvus ``` -- [Conda](https://anaconda.org/conda-forge/nmslib) (📥 61K · ⏱️ 15.04.2022): +- [Docker Hub](https://hub.docker.com/r/milvusdb/milvus) (📥 11M · ⭐ 39 · ⏱️ 13.02.2024): ``` - conda install -c conda-forge nmslib + docker pull milvusdb/milvus ```
-
PyNNDescent (🥈28 · ⭐ 660) - 适用于近似最近邻查找的Python库。BSD-2 +
Annoy (🥈29 · ⭐ 12K) - Approximate Nearest Neighbors in C++/Python optimized for memory usage.. Apache-2 -- [GitHub](https://github.com/lmcinnes/pynndescent) (👨‍💻 21 · 🔀 88 · 📦 2K · 📋 110 - 47% open · ⏱️ 21.07.2022): +- [GitHub](https://github.com/spotify/annoy) (👨‍💻 88 · 🔀 1.1K · 📦 3.5K · 📋 390 - 12% open · ⏱️ 20.08.2023): ``` - git clone https://github.com/lmcinnes/pynndescent - ``` -- [PyPi](https://pypi.org/project/pynndescent) (📥 610K / month): - ``` - pip install pynndescent + git clone https://github.com/spotify/annoy ``` -- [Conda](https://anaconda.org/conda-forge/pynndescent) (📥 850K · ⏱️ 15.05.2022): +- [PyPi](https://pypi.org/project/annoy) (📥 800K / month): ``` - conda install -c conda-forge pynndescent + pip install annoy ```
-
Faiss (🥈27 · ⭐ 18K) - 一个用于高效相似性搜索和密集向量聚类的库。MIT +
NMSLIB (🥈28 · ⭐ 3.2K · 💀) - Non-Metric Space Library (NMSLIB): An efficient similarity search.. Apache-2 -- [GitHub](https://github.com/facebookresearch/faiss) (👨‍💻 100 · 🔀 2.6K · 📦 720 · 📋 1.9K - 11% open · ⏱️ 08.08.2022): +- [GitHub](https://github.com/nmslib/nmslib) (👨‍💻 47 · 🔀 430 · 📦 1K · 📋 420 - 17% open · ⏱️ 31.05.2022): ``` - git clone https://github.com/facebookresearch/faiss + git clone https://github.com/nmslib/nmslib ``` -- [PyPi](https://pypi.org/project/pymilvus) (📥 130K / month): +- [PyPi](https://pypi.org/project/nmslib) (📥 340K / month): ``` - pip install pymilvus + pip install nmslib ``` -- [Conda](https://anaconda.org/conda-forge/faiss) (📥 450K · ⏱️ 09.02.2022): +- [Conda](https://anaconda.org/conda-forge/nmslib) (📥 100K · ⏱️ 26.09.2023): ``` - conda install -c conda-forge faiss + conda install -c conda-forge nmslib ```
-
hnswlib (🥈27 · ⭐ 2.1K) - 仅标头的C++/python库,用于快速近似最近邻查找。Apache-2 +
PyNNDescent (🥈28 · ⭐ 820) - A Python nearest neighbor descent for approximate nearest neighbors. BSD-2 -- [GitHub](https://github.com/nmslib/hnswlib) (👨‍💻 56 · 🔀 380 · 📦 280 · 📋 250 - 50% open · ⏱️ 16.04.2022): +- [GitHub](https://github.com/lmcinnes/pynndescent) (👨‍💻 27 · 🔀 100 · 📦 5.4K · 📋 130 - 52% open · ⏱️ 10.01.2024): ``` - git clone https://github.com/nmslib/hnswlib + git clone https://github.com/lmcinnes/pynndescent ``` -- [PyPi](https://pypi.org/project/hnswlib) (📥 430K / month): +- [PyPi](https://pypi.org/project/pynndescent) (📥 1.2M / month): ``` - pip install hnswlib + pip install pynndescent + ``` +- [Conda](https://anaconda.org/conda-forge/pynndescent) (📥 1.7M · ⏱️ 20.11.2023): + ``` + conda install -c conda-forge pynndescent ```
-
Magnitude (🥉22 · ⭐ 1.5K · 💀) - 快速,高效的通用向量嵌入实用程序包。MIT +
Magnitude (🥉21 · ⭐ 1.6K · 💀) - A fast, efficient universal vector embedding utility package. MIT -- [GitHub](https://github.com/plasticityai/magnitude) (👨‍💻 4 · 🔀 110 · 📦 240 · 📋 83 - 38% open · ⏱️ 17.07.2020): +- [GitHub](https://github.com/plasticityai/magnitude) (👨‍💻 4 · 🔀 120 · 📦 330 · 📋 84 - 39% open · ⏱️ 17.07.2020): ``` git clone https://github.com/plasticityai/magnitude ``` -- [PyPi](https://pypi.org/project/pymagnitude) (📥 3.1K / month): +- [PyPi](https://pypi.org/project/pymagnitude) (📥 1K / month): ``` pip install pymagnitude ```
-
NGT (🥉19 · ⭐ 930) - 最近邻搜索算法实现包。Apache-2 +
NGT (🥉18 · ⭐ 1.2K) - Nearest Neighbor Search with Neighborhood Graph and Tree for High-.. Apache-2 -- [GitHub](https://github.com/yahoojapan/NGT) (👨‍💻 14 · 🔀 94 · 📋 100 - 11% open · ⏱️ 15.08.2022): +- [GitHub](https://github.com/yahoojapan/NGT) (👨‍💻 14 · 🔀 100 · 📋 130 - 11% open · ⏱️ 06.12.2023): ``` git clone https://github.com/yahoojapan/NGT ``` -- [PyPi](https://pypi.org/project/ngt) (📥 16K / month): +- [PyPi](https://pypi.org/project/ngt) (📥 5.3K / month): ``` pip install ngt ```
-
NearPy (🥉19 · ⭐ 710 · 💀) - 用于快速(近似)最近邻搜索的Python框架。MIT +
NearPy (🥉18 · ⭐ 750 · 💀) - Python framework for fast (approximated) nearest neighbour search in.. MIT -- [GitHub](https://github.com/pixelogik/NearPy) (👨‍💻 18 · 🔀 140 · 📦 70 · 📋 62 - 38% open · ⏱️ 21.10.2018): +- [GitHub](https://github.com/pixelogik/NearPy) (👨‍💻 20 · 🔀 150 · 📦 100 · 📋 64 - 39% open · ⏱️ 22.01.2023): ``` git clone https://github.com/pixelogik/NearPy ``` -- [PyPi](https://pypi.org/project/NearPy) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/NearPy) (📥 640 / month): ``` pip install NearPy ```
-
N2 (🥉18 · ⭐ 520 · 💀) - TOROS N2-快速运行的轻量级近似最近邻库。Apache-2 +
N2 (🥉18 · ⭐ 560 · 💤) - TOROS N2 - lightweight approximate Nearest Neighbor library which runs.. Apache-2 -- [GitHub](https://github.com/kakao/n2) (👨‍💻 18 · 🔀 64 · 📦 23 · 📋 33 - 33% open · ⏱️ 20.05.2021): +- [GitHub](https://github.com/kakao/n2) (👨‍💻 20 · 🔀 72 · 📦 31 · 📋 35 - 37% open · ⏱️ 27.06.2023): ``` git clone https://github.com/kakao/n2 ``` -- [PyPi](https://pypi.org/project/n2) (📥 860 / month): +- [PyPi](https://pypi.org/project/n2) (📥 300 / month): ``` pip install n2 ```
-
PySparNN (🥉11 · ⭐ 900 · 💀) - C++/Python中的近似最近邻居实现,并针对内存使用进行了优化。BSD-3 +
PySparNN (🥉11 · ⭐ 910 · 💀) - Approximate Nearest Neighbor Search for Sparse Data in Python!. BSD-3 - [GitHub](https://github.com/facebookresearch/pysparnn) (👨‍💻 5 · 🔀 140 · 📋 29 - 51% open · ⏱️ 31.01.2018): @@ -9301,295 +9285,295 @@ _用于近似最近邻居搜索和向量索引/相似性搜索的库。_

-## 概率统计 +## Probabilistics & Statistics -Back to top +Back to top -_提供概率编程/推理,贝叶斯推理,高斯过程或统计信息的功能的库。_ +_Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics._ -
Pyro (🥇30 · ⭐ 7.6K) - 使用Python和PyTorch进行深度通用概率编程。Apache-2 +
filterpy (🥇29 · ⭐ 3K · 💀) - Python Kalman filtering and optimal estimation library. Implements.. MIT -- [GitHub](https://github.com/pyro-ppl/pyro) (👨‍💻 130 · 🔀 900 · 📦 820 · 📋 970 - 20% open · ⏱️ 05.08.2022): +- [GitHub](https://github.com/rlabbe/filterpy) (👨‍💻 43 · 🔀 580 · 📦 5.1K · 📋 220 - 28% open · ⏱️ 22.08.2022): ``` - git clone https://github.com/pyro-ppl/pyro - ``` -- [PyPi](https://pypi.org/project/pyro-ppl) (📥 460K / month): - ``` - pip install pyro-ppl + git clone https://github.com/rlabbe/filterpy ``` -
-
GPyTorch (🥇29 · ⭐ 2.8K) - 高斯过程的高效和模块化实现。MIT - -- [GitHub](https://github.com/cornellius-gp/gpytorch) (👨‍💻 99 · 🔀 420 · 📦 680 · 📋 1.1K - 24% open · ⏱️ 24.08.2022): - +- [PyPi](https://pypi.org/project/filterpy) (📥 2.2M / month): ``` - git clone https://github.com/cornellius-gp/gpytorch + pip install filterpy ``` -- [PyPi](https://pypi.org/project/gpytorch) (📥 260K / month): +- [Conda](https://anaconda.org/conda-forge/filterpy) (📥 240K · ⏱️ 16.06.2023): ``` - pip install gpytorch + conda install -c conda-forge filterpy ```
-
filterpy (🥇28 · ⭐ 2.4K) - Python卡尔曼过滤和最佳估计库。MIT +
patsy (🥇29 · ⭐ 920) - Describing statistical models in Python using symbolic formulas. ❗Unlicensed -- [GitHub](https://github.com/rlabbe/filterpy) (👨‍💻 43 · 🔀 520 · 📦 1.6K · 📋 200 - 23% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/pydata/patsy) (👨‍💻 19 · 🔀 95 · 📦 89K · 📋 140 - 45% open · ⏱️ 04.01.2024): ``` - git clone https://github.com/rlabbe/filterpy + git clone https://github.com/pydata/patsy ``` -- [PyPi](https://pypi.org/project/filterpy) (📥 760K / month): +- [PyPi](https://pypi.org/project/patsy) (📥 13M / month): ``` - pip install filterpy + pip install patsy ``` -- [Conda](https://anaconda.org/conda-forge/filterpy) (📥 140K · ⏱️ 05.05.2020): +- [Conda](https://anaconda.org/conda-forge/patsy) (📥 9.6M · ⏱️ 05.01.2024): ``` - conda install -c conda-forge filterpy + conda install -c conda-forge patsy ```
-
GPflow (🥇28 · ⭐ 1.7K) - TensorFlow中的高斯过程。Apache-2 +
PyMC3 (🥇28 · ⭐ 8K) - Probabilistic Programming in Python: Bayesian Modeling and.. ❗Unlicensed -- [GitHub](https://github.com/GPflow/GPflow) (👨‍💻 78 · 🔀 410 · 📦 390 · 📋 780 - 15% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/pymc-devs/pymc) (👨‍💻 480 · 🔀 1.8K · 📥 1.9K · 📦 2.7K · 📋 3.2K - 6% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/GPflow/GPflow + git clone https://github.com/pymc-devs/pymc3 ``` -- [PyPi](https://pypi.org/project/gpflow) (📥 16K / month): +- [PyPi](https://pypi.org/project/pymc3) (📥 720K / month): ``` - pip install gpflow + pip install pymc3 ``` -- [Conda](https://anaconda.org/conda-forge/gpflow) (📥 15K · ⏱️ 24.05.2022): +- [Conda](https://anaconda.org/conda-forge/pymc3) (📥 550K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge gpflow + conda install -c conda-forge pymc3 ```
-
pingouin (🥈27 · ⭐ 1.2K) - 基于Pandas的Python统计软件包。❗️GPL-3.0 +
GPyTorch (🥇28 · ⭐ 3.4K) - A highly efficient and modular implementation of Gaussian Processes.. MIT -- [GitHub](https://github.com/raphaelvallat/pingouin) (👨‍💻 33 · 🔀 110 · 📦 680 · 📋 220 - 14% open · ⏱️ 18.07.2022): +- [GitHub](https://github.com/cornellius-gp/gpytorch) (👨‍💻 130 · 🔀 510 · 📦 1.9K · 📋 1.3K - 24% open · ⏱️ 04.02.2024): ``` - git clone https://github.com/raphaelvallat/pingouin - ``` -- [PyPi](https://pypi.org/project/pingouin) (📥 59K / month): - ``` - pip install pingouin + git clone https://github.com/cornellius-gp/gpytorch ``` -- [Conda](https://anaconda.org/conda-forge/pingouin) (📥 66K · ⏱️ 24.06.2022): +- [PyPi](https://pypi.org/project/gpytorch) (📥 170K / month): ``` - conda install -c conda-forge pingouin + pip install gpytorch ```
-
patsy (🥈27 · ⭐ 850) - 使用符号公式描述Python中的统计模型。❗Unlicensed +
GPflow (🥇28 · ⭐ 1.8K) - Gaussian processes in TensorFlow. Apache-2 -- [GitHub](https://github.com/pydata/patsy) (👨‍💻 17 · 🔀 88 · 📦 56K · 📋 130 - 46% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/GPflow/GPflow) (👨‍💻 84 · 🔀 420 · 📦 620 · 📋 800 - 15% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/pydata/patsy + git clone https://github.com/GPflow/GPflow ``` -- [PyPi](https://pypi.org/project/patsy) (📥 7.5M / month): +- [PyPi](https://pypi.org/project/gpflow) (📥 46K / month): ``` - pip install patsy + pip install gpflow ``` -- [Conda](https://anaconda.org/conda-forge/patsy) (📥 5.5M · ⏱️ 26.09.2021): +- [Conda](https://anaconda.org/conda-forge/gpflow) (📥 25K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge patsy + conda install -c conda-forge gpflow ```
-
PyMC3 (🥈26 · ⭐ 6.9K) - Python中的概率编程。❗Unlicensed +
pingouin (🥇28 · ⭐ 1.5K) - Statistical package in Python based on Pandas. ❗️GPL-3.0 -- [GitHub](https://github.com/pymc-devs/pymc) (👨‍💻 410 · 🔀 1.6K · 📥 1.9K · 📦 690 · 📋 2.8K - 6% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/raphaelvallat/pingouin) (👨‍💻 43 · 🔀 130 · 📦 1.8K · 📋 280 - 11% open · ⏱️ 29.01.2024): ``` - git clone https://github.com/pymc-devs/pymc3 + git clone https://github.com/raphaelvallat/pingouin ``` -- [PyPi](https://pypi.org/project/pymc3) (📥 410K / month): +- [PyPi](https://pypi.org/project/pingouin) (📥 69K / month): ``` - pip install pymc3 + pip install pingouin ``` -- [Conda](https://anaconda.org/conda-forge/pymc3) (📥 440K · ⏱️ 20.05.2022): +- [Conda](https://anaconda.org/conda-forge/pingouin) (📥 110K · ⏱️ 15.01.2024): ``` - conda install -c conda-forge pymc3 + conda install -c conda-forge pingouin ```
-
pomegranate (🥈26 · ⭐ 2.9K) - 在Python中快速,灵活且易于使用的概率建模。MIT +
pomegranate (🥈27 · ⭐ 3.2K) - Fast, flexible and easy to use probabilistic modelling in Python. MIT -- [GitHub](https://github.com/jmschrei/pomegranate) (👨‍💻 66 · 🔀 530 · 📦 740 · 📋 670 - 8% open · ⏱️ 04.07.2022): +- [GitHub](https://github.com/jmschrei/pomegranate) (👨‍💻 72 · 🔀 570 · 📦 1.1K · 📋 740 - 4% open · ⏱️ 13.11.2023): ``` git clone https://github.com/jmschrei/pomegranate ``` -- [PyPi](https://pypi.org/project/pomegranate) (📥 53K / month): +- [PyPi](https://pypi.org/project/pomegranate) (📥 38K / month): ``` pip install pomegranate ``` -- [Conda](https://anaconda.org/conda-forge/pomegranate) (📥 95K · ⏱️ 16.11.2021): +- [Conda](https://anaconda.org/conda-forge/pomegranate) (📥 140K · ⏱️ 10.12.2023): ``` conda install -c conda-forge pomegranate ```
-
hmmlearn (🥈26 · ⭐ 2.6K) - Python中的隐马尔可夫模型,具有类似于scikit-learn的API。BSD-3 +
Pyro (🥈26 · ⭐ 8.3K) - Deep universal probabilistic programming with Python and PyTorch. Apache-2 -- [GitHub](https://github.com/hmmlearn/hmmlearn) (👨‍💻 41 · 🔀 660 · 📦 1.4K · 📋 390 - 13% open · ⏱️ 04.07.2022): +- [GitHub](https://github.com/pyro-ppl/pyro) (👨‍💻 150 · 🔀 950 · 📋 1.1K - 21% open · ⏱️ 10.02.2024): ``` - git clone https://github.com/hmmlearn/hmmlearn - ``` -- [PyPi](https://pypi.org/project/hmmlearn) (📥 110K / month): - ``` - pip install hmmlearn + git clone https://github.com/pyro-ppl/pyro ``` -- [Conda](https://anaconda.org/conda-forge/hmmlearn) (📥 130K · ⏱️ 12.02.2022): +- [PyPi](https://pypi.org/project/pyro-ppl) (📥 280K / month): ``` - conda install -c conda-forge hmmlearn + pip install pyro-ppl ```
-
pgmpy (🥉25 · ⭐ 2.1K) - 用于学习(结构和参数)和推理的Python库。MIT +
pgmpy (🥈26 · ⭐ 2.6K) - Python Library for learning (Structure and Parameter) and inference.. MIT -- [GitHub](https://github.com/pgmpy/pgmpy) (👨‍💻 110 · 🔀 630 · 📥 160 · 📦 400 · 📋 770 - 24% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/pgmpy/pgmpy) (👨‍💻 120 · 🔀 670 · 📥 310 · 📦 860 · 📋 850 - 26% open · ⏱️ 30.01.2024): ``` git clone https://github.com/pgmpy/pgmpy ``` -- [PyPi](https://pypi.org/project/pgmpy) (📥 57K / month): +- [PyPi](https://pypi.org/project/pgmpy) (📥 46K / month): ``` pip install pgmpy ```
-
tensorflow-probability (🥉24 · ⭐ 3.8K) - 概率推理与统计分析。Apache-2 +
hmmlearn (🥉25 · ⭐ 2.9K) - Hidden Markov Models in Python, with scikit-learn like API. BSD-3 -- [GitHub](https://github.com/tensorflow/probability) (👨‍💻 460 · 🔀 960 · 📋 1.2K - 42% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/hmmlearn/hmmlearn) (👨‍💻 46 · 🔀 710 · 📦 2.3K · 📋 430 - 13% open · ⏱️ 20.01.2024): ``` - git clone https://github.com/tensorflow/probability + git clone https://github.com/hmmlearn/hmmlearn ``` -- [PyPi](https://pypi.org/project/tensorflow-probability) (📥 910K / month): +- [PyPi](https://pypi.org/project/hmmlearn) (📥 200K / month): ``` - pip install tensorflow-probability + pip install hmmlearn ``` -- [Conda](https://anaconda.org/conda-forge/tensorflow-probability) (📥 70K · ⏱️ 08.08.2022): +- [Conda](https://anaconda.org/conda-forge/hmmlearn) (📥 210K · ⏱️ 07.10.2023): ``` - conda install -c conda-forge tensorflow-probability + conda install -c conda-forge hmmlearn ```
-
Edward (🥉23 · ⭐ 4.7K · 💀) - TensorFlow中的一种概率编程语言。❗Unlicensed +
SALib (🥉25 · ⭐ 790) - Sensitivity Analysis Library in Python (Numpy). Contains Sobol, Morris,.. MIT -- [GitHub](https://github.com/blei-lab/edward) (👨‍💻 87 · 🔀 750 · 📥 15 · 📦 270 · 📋 510 - 36% open · ⏱️ 25.07.2018): +- [GitHub](https://github.com/SALib/SALib) (👨‍💻 44 · 🔀 220 · 📦 1K · 📋 310 - 13% open · ⏱️ 22.01.2024): ``` - git clone https://github.com/blei-lab/edward + git clone https://github.com/SALib/SALib ``` -- [PyPi](https://pypi.org/project/edward) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/salib) (📥 140K / month): ``` - pip install edward + pip install salib + ``` +- [Conda](https://anaconda.org/conda-forge/salib) (📥 140K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge salib ```
-
Orbit (🥉21 · ⭐ 1.5K) - 用于贝叶斯预测的Python软件包,具有面向对象的设计。❗Unlicensed +
scikit-posthocs (🥉25 · ⭐ 320) - Multiple Pairwise Comparisons (Post Hoc) Tests in Python. MIT -- [GitHub](https://github.com/uber/orbit) (👨‍💻 18 · 🔀 110 · 📦 9 · 📋 370 - 12% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/maximtrp/scikit-posthocs) (👨‍💻 13 · 🔀 38 · 📥 39 · 📦 610 · 📋 53 - 11% open · ⏱️ 13.12.2023): ``` - git clone https://github.com/uber/orbit + git clone https://github.com/maximtrp/scikit-posthocs ``` -- [PyPi](https://pypi.org/project/orbit-ml) (📥 300K / month): +- [PyPi](https://pypi.org/project/scikit-posthocs) (📥 96K / month): ``` - pip install orbit-ml + pip install scikit-posthocs ```
-
bambi (🥉20 · ⭐ 820) - Python中的贝叶斯模型构建接口(Bambi)。MIT +
tensorflow-probability (🥉24 · ⭐ 4K) - Probabilistic reasoning and statistical analysis in.. Apache-2 -- [GitHub](https://github.com/bambinos/bambi) (👨‍💻 26 · 🔀 89 · 📦 32 · 📋 270 - 18% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/tensorflow/probability) (👨‍💻 490 · 🔀 1K · 📋 1.3K - 43% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/bambinos/bambi + git clone https://github.com/tensorflow/probability ``` -- [PyPi](https://pypi.org/project/bambi) (📥 6.7K / month): +- [PyPi](https://pypi.org/project/tensorflow-probability) (📥 2.9M / month): ``` - pip install bambi + pip install tensorflow-probability + ``` +- [Conda](https://anaconda.org/conda-forge/tensorflow-probability) (📥 120K · ⏱️ 09.01.2024): + ``` + conda install -c conda-forge tensorflow-probability ```
-
SALib (🥉20 · ⭐ 620) - Python(Numpy)中的灵敏度分析库。MIT +
PyStan (🥉24 · ⭐ 300) - PyStan, a Python interface to Stan, a platform for statistical modeling... ISC -- [GitHub](https://github.com/SALib/SALib) (👨‍💻 37 · 🔀 190 · 📋 280 - 15% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/stan-dev/pystan) (👨‍💻 14 · 🔀 55 · 📦 9.6K · 📋 200 - 6% open · ⏱️ 07.02.2024): ``` - git clone https://github.com/SALib/SALib + git clone https://github.com/stan-dev/pystan ``` -- [PyPi](https://pypi.org/project/salib) (📥 160K / month): +- [PyPi](https://pypi.org/project/pystan) (📥 1.7M / month): ``` - pip install salib + pip install pystan ``` -- [Conda](https://anaconda.org/conda-forge/salib) (📥 90K · ⏱️ 04.09.2021): +- [Conda](https://anaconda.org/conda-forge/pystan) (📥 2.8M · ⏱️ 16.06.2023): ``` - conda install -c conda-forge salib + conda install -c conda-forge pystan ```
-
scikit-posthocs (🥉20 · ⭐ 250) - Python中的多个成对比较(Post Hoc)测试。MIT +
Edward (🥉22 · ⭐ 4.8K · 💀) - A probabilistic programming language in TensorFlow. Deep.. ❗Unlicensed -- [GitHub](https://github.com/maximtrp/scikit-posthocs) (👨‍💻 10 · 🔀 28 · 📥 25 · 📋 47 - 12% open · ⏱️ 21.08.2022): +- [GitHub](https://github.com/blei-lab/edward) (👨‍💻 87 · 🔀 750 · 📥 16 · 📦 300 · 📋 510 - 35% open · ⏱️ 25.07.2018): ``` - git clone https://github.com/maximtrp/scikit-posthocs + git clone https://github.com/blei-lab/edward ``` -- [PyPi](https://pypi.org/project/scikit-posthocs) (📥 40K / month): +- [PyPi](https://pypi.org/project/edward) (📥 410 / month): ``` - pip install scikit-posthocs + pip install edward ```
-
Funsor (🥉19 · ⭐ 200) - 用于概率编程的函数张量。Apache-2 +
bambi (🥉22 · ⭐ 980) - BAyesian Model-Building Interface (Bambi) in Python. MIT -- [GitHub](https://github.com/pyro-ppl/funsor) (👨‍💻 10 · 🔀 17 · 📦 32 · 📋 140 - 47% open · ⏱️ 08.04.2022): +- [GitHub](https://github.com/bambinos/bambi) (👨‍💻 36 · 🔀 110 · 📦 100 · 📋 380 - 17% open · ⏱️ 04.02.2024): ``` - git clone https://github.com/pyro-ppl/funsor + git clone https://github.com/bambinos/bambi ``` -- [PyPi](https://pypi.org/project/funsor) (📥 1.2K / month): +- [PyPi](https://pypi.org/project/bambi) (📥 22K / month): ``` - pip install funsor + pip install bambi ```
-
Baal (🥉18 · ⭐ 630) - 在深度网络中使用近似贝叶斯后验进行主动学习。Apache-2 +
Baal (🥉22 · ⭐ 820) - Using approximate bayesian posteriors in deep nets for active learning. Apache-2 -- [GitHub](https://github.com/baal-org/baal) (👨‍💻 16 · 🔀 60 · 📋 84 - 27% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/baal-org/baal) (👨‍💻 21 · 🔀 82 · 📦 53 · 📋 110 - 22% open · ⏱️ 02.12.2023): ``` git clone https://github.com/ElementAI/baal ``` -- [PyPi](https://pypi.org/project/baal) (📥 740 / month): +- [PyPi](https://pypi.org/project/baal) (📥 1.1K / month): ``` pip install baal ```
-
PyStan (🥉18 · ⭐ 200) - PyStan是Stan的Python接口。ISC +
Orbit (🥉21 · ⭐ 1.8K) - A Python package for Bayesian forecasting with object-oriented.. ❗Unlicensed -- [GitHub](https://github.com/stan-dev/pystan) (👨‍💻 10 · 🔀 39 · 📋 180 - 2% open · ⏱️ 07.07.2022): +- [GitHub](https://github.com/uber/orbit) (👨‍💻 19 · 🔀 130 · 📦 45 · 📋 400 - 13% open · ⏱️ 22.01.2024): ``` - git clone https://github.com/stan-dev/pystan + git clone https://github.com/uber/orbit ``` -- [PyPi](https://pypi.org/project/pystan) (📥 2.8M / month): +- [PyPi](https://pypi.org/project/orbit-ml) (📥 34K / month): ``` - pip install pystan + pip install orbit-ml ``` -- [Conda](https://anaconda.org/conda-forge/pystan) (📥 1.6M · ⏱️ 25.07.2022): +
+
Funsor (🥉20 · ⭐ 230) - Functional tensors for probabilistic programming. Apache-2 + +- [GitHub](https://github.com/pyro-ppl/funsor) (👨‍💻 11 · 🔀 19 · 📦 66 · 📋 140 - 47% open · ⏱️ 31.08.2023): + ``` - conda install -c conda-forge pystan + git clone https://github.com/pyro-ppl/funsor + ``` +- [PyPi](https://pypi.org/project/funsor) (📥 51K / month): + ``` + pip install funsor ```
-
pyhsmm (🥉17 · ⭐ 520 · 💀) - HSMM和HMM中的贝叶斯推断。MIT +
pyhsmm (🥉17 · ⭐ 540 · 💀) - Bayesian inference in HSMMs and HMMs. MIT -- [GitHub](https://github.com/mattjj/pyhsmm) (👨‍💻 13 · 🔀 160 · 📦 25 · 📋 96 - 37% open · ⏱️ 24.08.2020): +- [GitHub](https://github.com/mattjj/pyhsmm) (👨‍💻 13 · 🔀 160 · 📦 28 · 📋 98 - 38% open · ⏱️ 24.08.2020): ``` git clone https://github.com/mattjj/pyhsmm ``` -- [PyPi](https://pypi.org/project/pyhsmm) (📥 85 / month): +- [PyPi](https://pypi.org/project/pyhsmm) (📥 90 / month): ``` pip install pyhsmm ```
-
ZhuSuan (🥉14 · ⭐ 2.1K · 💀) - TensorFlow中的一种概率编程语言。MIT +
ZhuSuan (🥉14 · ⭐ 2.2K · 💀) - A probabilistic programming library for Bayesian deep learning,.. MIT -- [GitHub](https://github.com/thu-ml/zhusuan) (👨‍💻 20 · 🔀 400 · 📋 60 - 11% open · ⏱️ 05.08.2019): +- [GitHub](https://github.com/thu-ml/zhusuan) (👨‍💻 20 · 🔀 410 · 📋 60 - 11% open · ⏱️ 05.08.2019): ``` git clone https://github.com/thu-ml/zhusuan @@ -9597,1047 +9581,1047 @@ _提供概率编程/推理,贝叶斯推理,高斯过程或统计信息的功

-## 对抗学习与鲁棒性 +## Adversarial Robustness -Back to top +Back to top -_用于测试机器学习模型抵抗攻击性/恶意示例的鲁棒性的库。_ +_Libraries for testing the robustness of machine learning models against attacks with adversarial/malicious examples._ -
Foolbox (🥇27 · ⭐ 2.3K) - 一个Python工具箱,用于创建欺骗神经网络的对抗示例。MIT +
CleverHans (🥇27 · ⭐ 6K · 💀) - An adversarial example library for constructing attacks,.. MIT -- [GitHub](https://github.com/bethgelab/foolbox) (👨‍💻 32 · 🔀 400 · 📦 320 · 📋 350 - 5% open · ⏱️ 25.05.2022): +- [GitHub](https://github.com/cleverhans-lab/cleverhans) (👨‍💻 130 · 🔀 1.4K · 📦 590 · 📋 450 - 6% open · ⏱️ 31.01.2023): ``` - git clone https://github.com/bethgelab/foolbox + git clone https://github.com/cleverhans-lab/cleverhans ``` -- [PyPi](https://pypi.org/project/foolbox) (📥 5.4K / month): +- [PyPi](https://pypi.org/project/cleverhans) (📥 1.2K / month): ``` - pip install foolbox + pip install cleverhans ```
-
CleverHans (🥈26 · ⭐ 5.6K · 💤) - 一个用于构造攻击的对抗性示例库。MIT +
TextAttack (🥇27 · ⭐ 2.7K) - TextAttack is a Python framework for adversarial attacks, data.. MIT -- [GitHub](https://github.com/cleverhans-lab/cleverhans) (👨‍💻 130 · 🔀 1.3K · 📦 350 · 📋 450 - 5% open · ⏱️ 23.09.2021): +- [GitHub](https://github.com/QData/TextAttack) (👨‍💻 61 · 🔀 350 · 📦 230 · 📋 260 - 18% open · ⏱️ 11.11.2023): ``` - git clone https://github.com/cleverhans-lab/cleverhans + git clone https://github.com/QData/TextAttack ``` -- [PyPi](https://pypi.org/project/cleverhans) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/textattack) (📥 5.3K / month): ``` - pip install cleverhans + pip install textattack ```
-
TextAttack (🥈26 · ⭐ 2.1K) - TextAttack是用于对抗攻击,数据的Python框架。MIT +
Foolbox (🥈26 · ⭐ 2.6K) - A Python toolbox to create adversarial examples that fool neural networks.. MIT -- [GitHub](https://github.com/QData/TextAttack) (👨‍💻 53 · 🔀 250 · 📦 93 · 📋 220 - 9% open · ⏱️ 14.08.2022): +- [GitHub](https://github.com/bethgelab/foolbox) (👨‍💻 33 · 🔀 410 · 📦 560 · 📋 370 - 5% open · ⏱️ 22.01.2024): ``` - git clone https://github.com/QData/TextAttack + git clone https://github.com/bethgelab/foolbox ``` -- [PyPi](https://pypi.org/project/textattack) (📥 6.6K / month): +- [PyPi](https://pypi.org/project/foolbox) (📥 1.7K / month): ``` - pip install textattack + pip install foolbox ```
-
ART (🥉24 · ⭐ 3.2K) - 对抗性鲁棒性工具箱(ART)- 用于机器学习的Python库。MIT +
ART (🥉25 · ⭐ 4.3K) - Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning.. MIT -- [GitHub](https://github.com/Trusted-AI/adversarial-robustness-toolbox) (👨‍💻 110 · 🔀 850 · 📦 250 · 📋 710 - 12% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/Trusted-AI/adversarial-robustness-toolbox) (👨‍💻 130 · 🔀 1.1K · 📦 480 · 📋 860 - 13% open · ⏱️ 12.02.2024): ``` git clone https://github.com/Trusted-AI/adversarial-robustness-toolbox ``` -- [PyPi](https://pypi.org/project/adversarial-robustness-toolbox) (📥 5.6K / month): +- [PyPi](https://pypi.org/project/adversarial-robustness-toolbox) (📥 29K / month): ``` pip install adversarial-robustness-toolbox ```
-
advertorch (🥉18 · ⭐ 1.1K) - 对抗性鲁棒性研究的工具箱。❗️GPL-3.0 +
advertorch (🥉19 · ⭐ 1.3K · 💀) - A Toolbox for Adversarial Robustness Research. ❗️GPL-3.0 -- [GitHub](https://github.com/BorealisAI/advertorch) (👨‍💻 21 · 🔀 170 · 📦 85 · 📋 52 - 34% open · ⏱️ 29.05.2022): +- [GitHub](https://github.com/BorealisAI/advertorch) (👨‍💻 21 · 🔀 190 · 📦 150 · 📋 57 - 36% open · ⏱️ 29.05.2022): ``` git clone https://github.com/BorealisAI/advertorch ``` -- [PyPi](https://pypi.org/project/advertorch) (📥 340 / month): +- [PyPi](https://pypi.org/project/advertorch) (📥 470 / month): ``` pip install advertorch ```
-
robustness (🥉17 · ⭐ 720) - 一个用于实验,训练和评估神经网络的库。MIT +
robustness (🥉19 · ⭐ 870 · 💀) - A library for experimenting with, training and evaluating neural.. MIT -- [GitHub](https://github.com/MadryLab/robustness) (👨‍💻 13 · 🔀 140 · 📦 81 · 📋 75 - 25% open · ⏱️ 14.02.2022): +- [GitHub](https://github.com/MadryLab/robustness) (👨‍💻 13 · 🔀 170 · 📦 170 · 📋 81 - 27% open · ⏱️ 14.02.2022): ``` git clone https://github.com/MadryLab/robustness ``` -- [PyPi](https://pypi.org/project/robustness) (📥 640 / month): +- [PyPi](https://pypi.org/project/robustness) (📥 220 / month): ``` pip install robustness ```
-
AdvBox (🥉15 · ⭐ 1.2K) - Advbox是一个工具箱,用于生成对抗示例。Apache-2 +
AdvBox (🥉15 · ⭐ 1.4K · 💀) - Advbox is a toolbox to generate adversarial examples that fool.. Apache-2 -- [GitHub](https://github.com/advboxes/AdvBox) (👨‍💻 19 · 🔀 240 · 📋 38 - 21% open · ⏱️ 08.08.2022): +- [GitHub](https://github.com/advboxes/AdvBox) (👨‍💻 19 · 🔀 250 · 📦 2 · 📋 38 - 18% open · ⏱️ 08.08.2022): ``` git clone https://github.com/advboxes/AdvBox ``` -- [PyPi](https://pypi.org/project/advbox) (📥 17 / month): +- [PyPi](https://pypi.org/project/advbox) (📥 39 / month): ``` pip install advbox ```

-## GPU实用程序 +## GPU Utilities -Back to top +Back to top -_需要并利用CUDA / GPU系统功能来优化数据处理和机器学习任务的库。_ +_Libraries that require and make use of CUDA/GPU system capabilities to optimize data handling and machine learning tasks._ -
CuPy (🥇32 · ⭐ 6.3K) - CUDA加速了与NumPy兼容的数组库。MIT +
gpustat (🥇29 · ⭐ 3.8K) - A simple command-line utility for querying and monitoring GPU status. MIT + +- [GitHub](https://github.com/wookayin/gpustat) (👨‍💻 17 · 🔀 250 · 📦 4.7K · 📋 120 - 19% open · ⏱️ 12.01.2024): + + ``` + git clone https://github.com/wookayin/gpustat + ``` +- [PyPi](https://pypi.org/project/gpustat) (📥 1.2M / month): + ``` + pip install gpustat + ``` +- [Conda](https://anaconda.org/conda-forge/gpustat) (📥 280K · ⏱️ 23.08.2023): + ``` + conda install -c conda-forge gpustat + ``` +
+
CuPy (🥇28 · ⭐ 7.6K) - A NumPy-compatible array library accelerated by CUDA. MIT -- [GitHub](https://github.com/cupy/cupy) (👨‍💻 310 · 🔀 590 · 📥 42K · 📦 1.2K · 📋 1.8K - 21% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/cupy/cupy) (👨‍💻 360 · 🔀 710 · 📥 170K · 📦 1.9K · 📋 2.1K - 22% open · ⏱️ 15.02.2024): ``` git clone https://github.com/cupy/cupy ``` -- [PyPi](https://pypi.org/project/cupy) (📥 20K / month): +- [PyPi](https://pypi.org/project/cupy) (📥 21K / month): ``` pip install cupy ``` -- [Conda](https://anaconda.org/conda-forge/cupy) (📥 1.8M · ⏱️ 29.07.2022): +- [Conda](https://anaconda.org/conda-forge/cupy) (📥 3.3M · ⏱️ 05.02.2024): ``` conda install -c conda-forge cupy ``` -- [Docker Hub](https://hub.docker.com/r/cupy/cupy) (📥 55K · ⭐ 8 · ⏱️ 28.07.2022): +- [Docker Hub](https://hub.docker.com/r/cupy/cupy) (📥 59K · ⭐ 11 · ⏱️ 18.01.2024): ``` docker pull cupy/cupy ```
-
gpustat (🥇28 · ⭐ 3K) - 一个简单的命令行实用程序,用于查询和监控GPU状态。MIT +
Apex (🥈27 · ⭐ 7.9K) - A PyTorch Extension: Tools for easy mixed precision and distributed.. BSD-3 -- [GitHub](https://github.com/wookayin/gpustat) (👨‍💻 14 · 🔀 220 · 📦 2.1K · 📋 86 - 22% open · ⏱️ 09.08.2022): +- [GitHub](https://github.com/NVIDIA/apex) (👨‍💻 120 · 🔀 1.2K · 📦 2.3K · 📋 1.1K - 54% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/wookayin/gpustat - ``` -- [PyPi](https://pypi.org/project/gpustat) (📥 820K / month): - ``` - pip install gpustat + git clone https://github.com/NVIDIA/apex ``` -- [Conda](https://anaconda.org/conda-forge/gpustat) (📥 140K · ⏱️ 24.11.2020): +- [Conda](https://anaconda.org/conda-forge/nvidia-apex) (📥 180K · ⏱️ 12.01.2024): ``` - conda install -c conda-forge gpustat + conda install -c conda-forge nvidia-apex ```
-
ArrayFire (🥈25 · ⭐ 3.9K) - ArrayFire:通用GPU库。BSD-3 +
GPUtil (🥈25 · ⭐ 1K · 💀) - A Python module for getting the GPU status from NVIDA GPUs using.. MIT -- [GitHub](https://github.com/arrayfire/arrayfire) (👨‍💻 81 · 🔀 490 · 📥 2.7K · 📋 1.5K - 16% open · ⏱️ 09.07.2022): +- [GitHub](https://github.com/anderskm/gputil) (👨‍💻 13 · 🔀 110 · 📦 4.7K · 📋 31 - 51% open · ⏱️ 16.08.2019): ``` - git clone https://github.com/arrayfire/arrayfire + git clone https://github.com/anderskm/gputil ``` -- [PyPi](https://pypi.org/project/arrayfire) (📥 130K / month): +- [PyPi](https://pypi.org/project/gputil) (📥 420K / month): ``` - pip install arrayfire + pip install gputil ```
-
GPUtil (🥈25 · ⭐ 900 · 💀) - 一个Python模块,用于从NVIDA GPU获取GPU状态。MIT +
cuDF (🥈23 · ⭐ 7K) - cuDF - GPU DataFrame Library. Apache-2 -- [GitHub](https://github.com/anderskm/gputil) (👨‍💻 13 · 🔀 98 · 📦 2.3K · 📋 26 - 46% open · ⏱️ 16.08.2019): +- [GitHub](https://github.com/rapidsai/cudf) (👨‍💻 270 · 🔀 800 · 📦 51 · 📋 5.9K - 15% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/anderskm/gputil + git clone https://github.com/rapidsai/cudf ``` -- [PyPi](https://pypi.org/project/gputil) (📥 480K / month): +- [PyPi](https://pypi.org/project/cudf) (📥 2.6K / month): ``` - pip install gputil + pip install cudf ```
-
Apex (🥈24 · ⭐ 6.6K) - PyTorch扩展:易于实现混合精度和分布式的工具。BSD-3 +
PyCUDA (🥈23 · ⭐ 1.7K) - CUDA integration for Python, plus shiny features. ❗Unlicensed -- [GitHub](https://github.com/NVIDIA/apex) (👨‍💻 100 · 🔀 1K · 📦 1.2K · 📋 1K - 53% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/inducer/pycuda) (👨‍💻 81 · 🔀 280 · 📦 2.6K · 📋 250 - 26% open · ⏱️ 15.01.2024): ``` - git clone https://github.com/NVIDIA/apex + git clone https://github.com/inducer/pycuda ``` -- [Conda](https://anaconda.org/conda-forge/nvidia-apex) (📥 100K · ⏱️ 06.04.2022): +- [PyPi](https://pypi.org/project/pycuda) (📥 35K / month): ``` - conda install -c conda-forge nvidia-apex + pip install pycuda ```
-
py3nvml (🥈23 · ⭐ 210) - NVML库的Python3接口。在内部获取NVIDIA GPU状态。BSD-3 +
py3nvml (🥈23 · ⭐ 230 · 💀) - Python 3 Bindings for NVML library. Get NVIDIA GPU status inside.. BSD-3 -- [GitHub](https://github.com/fbcotter/py3nvml) (👨‍💻 9 · 🔀 30 · 📦 510 · 📋 13 - 7% open · ⏱️ 14.04.2022): +- [GitHub](https://github.com/fbcotter/py3nvml) (👨‍💻 9 · 🔀 29 · 📦 990 · 📋 16 - 25% open · ⏱️ 14.04.2022): ``` git clone https://github.com/fbcotter/py3nvml ``` -- [PyPi](https://pypi.org/project/py3nvml) (📥 110K / month): +- [PyPi](https://pypi.org/project/py3nvml) (📥 87K / month): ``` pip install py3nvml ``` -- [Conda](https://anaconda.org/conda-forge/py3nvml) (📥 31K · ⏱️ 20.06.2022): +- [Conda](https://anaconda.org/conda-forge/py3nvml) (📥 57K · ⏱️ 25.09.2023): ``` conda install -c conda-forge py3nvml ```
-
PyCUDA (🥈22 · ⭐ 1.4K) - 适用于Python的CUDA集成,有着出色的功能。❗Unlicensed +
ArrayFire (🥉21 · ⭐ 4.3K) - ArrayFire: a general purpose GPU library. BSD-3 -- [GitHub](https://github.com/inducer/pycuda) (👨‍💻 76 · 🔀 250 · 📦 1.5K · 📋 220 - 27% open · ⏱️ 16.08.2022): +- [GitHub](https://github.com/arrayfire/arrayfire) (👨‍💻 88 · 🔀 510 · 📥 5.4K · 📋 1.6K - 18% open · ⏱️ 05.10.2023): ``` - git clone https://github.com/inducer/pycuda + git clone https://github.com/arrayfire/arrayfire ``` -- [PyPi](https://pypi.org/project/pycuda) (📥 35K / month): +- [PyPi](https://pypi.org/project/arrayfire) (📥 950 / month): ``` - pip install pycuda + pip install arrayfire ```
-
cuDF (🥉20 · ⭐ 4.9K) - cuDF-GPU DataFrame库。Apache-2 +
Vulkan Kompute (🥉21 · ⭐ 1.4K) - General purpose GPU compute framework for cross vendor.. Apache-2 -- [GitHub](https://github.com/rapidsai/cudf) (👨‍💻 250 · 🔀 630 · 📋 4.8K - 12% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/KomputeProject/kompute) (👨‍💻 24 · 🔀 110 · 📥 490 · 📋 200 - 31% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/rapidsai/cudf + git clone https://github.com/EthicalML/vulkan-kompute ``` -- [PyPi](https://pypi.org/project/cudf) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/kp) (📥 220 / month): ``` - pip install cudf + pip install kp ```
-
scikit-cuda (🥉20 · ⭐ 910) - GPU工具库的python接口。❗Unlicensed +
cuML (🥉20 · ⭐ 3.8K) - cuML - RAPIDS Machine Learning Library. Apache-2 -- [GitHub](https://github.com/lebedov/scikit-cuda) (👨‍💻 46 · 🔀 170 · 📦 200 · 📋 220 - 22% open · ⏱️ 31.03.2022): +- [GitHub](https://github.com/rapidsai/cuml) (👨‍💻 170 · 🔀 490 · 📋 2.4K - 34% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/lebedov/scikit-cuda + git clone https://github.com/rapidsai/cuml ``` -- [PyPi](https://pypi.org/project/scikit-cuda) (📥 490 / month): +- [PyPi](https://pypi.org/project/cuml) (📥 2.2K / month): ``` - pip install scikit-cuda + pip install cuml ```
-
cuML (🥉19 · ⭐ 2.9K) - cuML-RAPIDS机器学习库。Apache-2 +
scikit-cuda (🥉20 · ⭐ 960) - Python interface to GPU-powered libraries. ❗Unlicensed -- [GitHub](https://github.com/rapidsai/cuml) (👨‍💻 160 · 🔀 420 · 📋 2.1K - 32% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/lebedov/scikit-cuda) (👨‍💻 44 · 🔀 170 · 📦 280 · 📋 220 - 23% open · ⏱️ 15.10.2023): ``` - git clone https://github.com/rapidsai/cuml + git clone https://github.com/lebedov/scikit-cuda ``` -- [PyPi](https://pypi.org/project/cuml) (📥 940 / month): +- [PyPi](https://pypi.org/project/scikit-cuda) (📥 560 / month): ``` - pip install cuml + pip install scikit-cuda ```
-
Vulkan Kompute (🥉18 · ⭐ 920) - 适用于跨供应商的通用GPU计算框架。Apache-2 +
cuGraph (🥉18 · ⭐ 1.5K) - cuGraph - RAPIDS Graph Analytics Library. Apache-2 -- [GitHub](https://github.com/KomputeProject/kompute) (👨‍💻 19 · 🔀 64 · 📥 170 · 📦 4 · 📋 180 - 32% open · ⏱️ 21.06.2022): +- [GitHub](https://github.com/rapidsai/cugraph) (👨‍💻 110 · 🔀 280 · 📦 2 · 📋 1.6K - 15% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/EthicalML/vulkan-kompute + git clone https://github.com/rapidsai/cugraph ``` -- [PyPi](https://pypi.org/project/kp) (📥 87 / month): +- [PyPi](https://pypi.org/project/cugraph) (📥 180 / month): ``` - pip install kp + pip install cugraph ```
-
DALI (🥉17 · ⭐ 4K) - GPU加速的库,其中包含高度优化的构建块。Apache-2 +
DALI (🥉17 · ⭐ 4.8K) - A GPU-accelerated library containing highly optimized building blocks.. Apache-2 -- [GitHub](https://github.com/NVIDIA/DALI) (👨‍💻 77 · 🔀 500 · 📋 1.2K - 15% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/NVIDIA/DALI) (👨‍💻 88 · 🔀 590 · 📋 1.5K - 11% open · ⏱️ 15.02.2024): ``` git clone https://github.com/NVIDIA/DALI ```
-
nvidia-ml-py3 (🥉17 · ⭐ 86 · 💀) - NVIDIA Management Library的Python3接口。❗Unlicensed +
nvidia-ml-py3 (🥉16 · ⭐ 130 · 💀) - Python 3 Bindings for the NVIDIA Management Library. ❗Unlicensed -- [GitHub](https://github.com/nicolargo/nvidia-ml-py3) (👨‍💻 2 · 🔀 18 · 📦 6.2K · ⏱️ 06.03.2019): +- [GitHub](https://github.com/nicolargo/nvidia-ml-py3) (👨‍💻 2 · 🔀 20 · 📦 8.7K · 📋 3 - 66% open · ⏱️ 06.03.2019): ``` git clone https://github.com/nicolargo/nvidia-ml-py3 ``` -- [PyPi](https://pypi.org/project/nvidia-ml-py3) (📥 970K / month): +- [PyPi](https://pypi.org/project/nvidia-ml-py3) (📥 320K / month): ``` pip install nvidia-ml-py3 ```
-
cuGraph (🥉16 · ⭐ 1.1K) - cuGraph-RAPIDS图形分析库。Apache-2 - -- [GitHub](https://github.com/rapidsai/cugraph) (👨‍💻 90 · 🔀 210 · 📋 990 - 20% open · ⏱️ 25.08.2022): - - ``` - git clone https://github.com/rapidsai/cugraph - ``` -- [PyPi](https://pypi.org/project/cugraph) (📥 100 / month): - ``` - pip install cugraph - ``` -
-
BlazingSQL (🥉15 · ⭐ 1.8K · 💤) - BlazingSQL是一种用于GPU的轻量级,GPU加速的引擎。Apache-2 +
BlazingSQL (🥉14 · ⭐ 1.9K · 💀) - BlazingSQL is a lightweight, GPU accelerated, SQL engine for.. Apache-2 -- [GitHub](https://github.com/BlazingDB/blazingsql) (👨‍💻 49 · 🔀 170 · 📋 710 - 17% open · ⏱️ 30.09.2021): +- [GitHub](https://github.com/BlazingDB/blazingsql) (👨‍💻 50 · 🔀 180 · 📋 720 - 18% open · ⏱️ 30.09.2021): ``` git clone https://github.com/BlazingDB/blazingsql ``` -- [Conda](https://anaconda.org/blazingsql/blazingsql-protocol) (📥 950 · ⏱️ 11.11.2019): +- [Conda](https://anaconda.org/blazingsql/blazingsql-protocol) (📥 1K · ⏱️ 16.06.2023): ``` conda install -c blazingsql blazingsql-protocol ```
-
SpeedTorch (🥉14 · ⭐ 660 · 💀) - 用于更快的Pytorch中CPU-GPU传输的工具库。MIT +
SpeedTorch (🥉14 · ⭐ 670 · 💀) - Library for faster pinned CPU - GPU transfer in Pytorch. MIT -- [GitHub](https://github.com/Santosh-Gupta/SpeedTorch) (👨‍💻 3 · 🔀 39 · 📦 4 · 📋 6 - 66% open · ⏱️ 21.02.2020): +- [GitHub](https://github.com/Santosh-Gupta/SpeedTorch) (👨‍💻 3 · 🔀 39 · 📦 5 · 📋 6 - 66% open · ⏱️ 21.02.2020): ``` git clone https://github.com/Santosh-Gupta/SpeedTorch ``` -- [PyPi](https://pypi.org/project/SpeedTorch) (📥 22 / month): +- [PyPi](https://pypi.org/project/SpeedTorch) (📥 120 / month): ``` pip install SpeedTorch ```
-
cuSignal (🥉14 · ⭐ 610) - GPU加速信号处理。Apache-2 +
ipyexperiments (🥉13 · ⭐ 180) - jupyter/ipython experiment containers for GPU and.. ❗Unlicensed -- [GitHub](https://github.com/rapidsai/cusignal) (👨‍💻 39 · 🔀 96 · 📋 140 - 11% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/stas00/ipyexperiments) (👨‍💻 3 · 🔀 11 · 📦 8 · ⏱️ 15.12.2023): ``` - git clone https://github.com/rapidsai/cusignal + git clone https://github.com/stas00/ipyexperiments + ``` +- [PyPi](https://pypi.org/project/ipyexperiments) (📥 210 / month): + ``` + pip install ipyexperiments ```
-
ipyexperiments (🥉11 · ⭐ 150 · 💤) - jupyter/ipython实验容器。❗Unlicensed +
cuSignal (🥉10 · ⭐ 700) - GPU accelerated signal processing. ❗Unlicensed -- [GitHub](https://github.com/stas00/ipyexperiments) (👨‍💻 3 · 🔀 11 · 📦 6 · ⏱️ 07.12.2021): +- [GitHub](https://github.com/rapidsai/cusignal) (👨‍💻 46 · 🔀 120 · 📋 160 - 16% open · ⏱️ 21.09.2023): ``` - git clone https://github.com/stas00/ipyexperiments - ``` -- [PyPi](https://pypi.org/project/ipyexperiments) (📥 100 / month): - ``` - pip install ipyexperiments + git clone https://github.com/rapidsai/cusignal ```

-## Tensorflow实用程序 +## Tensorflow Utilities -Back to top +Back to top -_TensorFlow的拓展工具库。_ +_Libraries that extend TensorFlow with additional capabilities._ -
TF Addons (🥇33 · ⭐ 1.6K) - 由TensorFlow 2.x维护的有用额外功能。Apache-2 +
TF Addons (🥇33 · ⭐ 1.7K) - Useful extra functionality for TensorFlow 2.x maintained by.. Apache-2 -- [GitHub](https://github.com/tensorflow/addons) (👨‍💻 200 · 🔀 530 · 📦 7.2K · 📋 920 - 21% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/tensorflow/addons) (👨‍💻 210 · 🔀 560 · 📦 14K · 📋 970 - 7% open · ⏱️ 13.12.2023): ``` git clone https://github.com/tensorflow/addons ``` -- [PyPi](https://pypi.org/project/tensorflow-addons) (📥 2.2M / month): +- [PyPi](https://pypi.org/project/tensorflow-addons) (📥 860K / month): ``` pip install tensorflow-addons ```
-
tensor2tensor (🥇31 · ⭐ 13K) - 设计深度学习模型和数据集的库。Apache-2 +
TF Model Optimization (🥇30 · ⭐ 1.5K) - A toolkit to optimize ML models for deployment for.. Apache-2 + +- [GitHub](https://github.com/tensorflow/model-optimization) (👨‍💻 83 · 🔀 310 · 📦 3.5K · 📋 340 - 51% open · ⏱️ 15.02.2024): + + ``` + git clone https://github.com/tensorflow/model-optimization + ``` +- [PyPi](https://pypi.org/project/tensorflow-model-optimization) (📥 750K / month): + ``` + pip install tensorflow-model-optimization + ``` +
+
tensor2tensor (🥈29 · ⭐ 15K · 💤) - Library of deep learning models and datasets designed.. Apache-2 -- [GitHub](https://github.com/tensorflow/tensor2tensor) (👨‍💻 240 · 🔀 3K · 📦 1.2K · 📋 1.2K - 45% open · ⏱️ 09.08.2022): +- [GitHub](https://github.com/tensorflow/tensor2tensor) (👨‍💻 240 · 🔀 3.3K · 📦 1.5K · 📋 1.2K - 46% open · ⏱️ 01.04.2023): ``` git clone https://github.com/tensorflow/tensor2tensor ``` -- [PyPi](https://pypi.org/project/tensor2tensor) (📥 8.9K / month): +- [PyPi](https://pypi.org/project/tensor2tensor) (📥 4.2K / month): ``` pip install tensor2tensor ```
-
tensorflow-hub (🥇31 · ⭐ 3.2K) - 通过重用部分库来进行迁移学习的库。Apache-2 +
tensorflow-hub (🥈28 · ⭐ 3.4K) - A library for transfer learning by reusing parts of.. Apache-2 -- [GitHub](https://github.com/tensorflow/hub) (👨‍💻 94 · 🔀 1.6K · 📦 13K · 📋 650 - 2% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/tensorflow/hub) (👨‍💻 110 · 🔀 1.7K · 📋 690 - 0% open · ⏱️ 06.02.2024): ``` git clone https://github.com/tensorflow/hub ``` -- [PyPi](https://pypi.org/project/tensorflow-hub) (📥 3.3M / month): +- [PyPi](https://pypi.org/project/tensorflow-hub) (📥 3.7M / month): ``` pip install tensorflow-hub ``` -- [Conda](https://anaconda.org/conda-forge/tensorflow-hub) (📥 67K · ⏱️ 18.04.2021): +- [Conda](https://anaconda.org/conda-forge/tensorflow-hub) (📥 93K · ⏱️ 30.01.2024): ``` conda install -c conda-forge tensorflow-hub ```
-
TensorFlow Transform (🥈30 · ⭐ 930 · 📈) - 输入管道框架。Apache-2 +
TensorFlow Transform (🥈28 · ⭐ 980) - Input pipeline framework. Apache-2 -- [GitHub](https://github.com/tensorflow/transform) (👨‍💻 27 · 🔀 190 · 📦 1K · 📋 190 - 17% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/tensorflow/transform) (👨‍💻 28 · 🔀 200 · 📦 1.6K · 📋 200 - 15% open · ⏱️ 07.02.2024): ``` git clone https://github.com/tensorflow/transform ``` -- [PyPi](https://pypi.org/project/tensorflow-transform) (📥 3.3M / month): +- [PyPi](https://pypi.org/project/tensorflow-transform) (📥 680K / month): ``` pip install tensorflow-transform ```
-
TF Model Optimization (🥈29 · ⭐ 1.3K) - 用于优化ML模型以进行部署的工具包。Apache-2 - -- [GitHub](https://github.com/tensorflow/model-optimization) (👨‍💻 71 · 🔀 280 · 📦 2K · 📋 300 - 48% open · ⏱️ 23.08.2022): - - ``` - git clone https://github.com/tensorflow/model-optimization - ``` -- [PyPi](https://pypi.org/project/tensorflow-model-optimization) (📥 140K / month): - ``` - pip install tensorflow-model-optimization - ``` -
-
Neural Structured Learning (🥉26 · ⭐ 930) - 用结构化信号训练神经模型。Apache-2 +
efficientnet (🥉26 · ⭐ 2K · 💀) - Implementation of EfficientNet model. Keras and.. Apache-2 -- [GitHub](https://github.com/tensorflow/neural-structured-learning) (👨‍💻 34 · 🔀 170 · 📦 260 · 📋 65 - 3% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/qubvel/efficientnet) (👨‍💻 10 · 🔀 460 · 📥 250K · 📦 1.9K · 📋 110 - 49% open · ⏱️ 16.07.2021): ``` - git clone https://github.com/tensorflow/neural-structured-learning + git clone https://github.com/qubvel/efficientnet ``` -- [PyPi](https://pypi.org/project/neural-structured-learning) (📥 16K / month): +- [PyPi](https://pypi.org/project/efficientnet) (📥 62K / month): ``` - pip install neural-structured-learning + pip install efficientnet ```
-
TensorFlow I/O (🥉25 · ⭐ 570) - Dataset, streaming, and file system extensions.. Apache-2 +
TensorFlow I/O (🥉25 · ⭐ 680) - Dataset, streaming, and file system extensions.. Apache-2 -- [GitHub](https://github.com/tensorflow/io) (👨‍💻 94 · 🔀 210 · 📋 530 - 36% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/tensorflow/io) (👨‍💻 110 · 🔀 260 · 📋 620 - 41% open · ⏱️ 06.02.2024): ``` git clone https://github.com/tensorflow/io ``` -- [PyPi](https://pypi.org/project/tensorflow-io) (📥 440K / month): +- [PyPi](https://pypi.org/project/tensorflow-io) (📥 3M / month): ``` pip install tensorflow-io ```
-
efficientnet (🥉24 · ⭐ 2K · 💀) - EfficientNet模型的实现。Apache-2 +
Neural Structured Learning (🥉24 · ⭐ 980) - Training neural models with structured signals. Apache-2 -- [GitHub](https://github.com/qubvel/efficientnet) (👨‍💻 10 · 🔀 450 · 📥 240K · 📦 1.1K · 📋 110 - 48% open · ⏱️ 16.07.2021): +- [GitHub](https://github.com/tensorflow/neural-structured-learning) (👨‍💻 38 · 🔀 180 · 📦 420 · ⏱️ 20.09.2023): ``` - git clone https://github.com/qubvel/efficientnet + git clone https://github.com/tensorflow/neural-structured-learning ``` -- [PyPi](https://pypi.org/project/efficientnet) (📥 53K / month): +- [PyPi](https://pypi.org/project/neural-structured-learning) (📥 15K / month): ``` - pip install efficientnet + pip install neural-structured-learning ```
-
TensorFlow Cloud (🥉23 · ⭐ 330) - TensorFlow Cloud存储库提供的API。Apache-2 +
TensorFlow Cloud (🥉23 · ⭐ 360) - The TensorFlow Cloud repository provides APIs that.. Apache-2 -- [GitHub](https://github.com/tensorflow/cloud) (👨‍💻 27 · 🔀 71 · 📦 170 · 📋 82 - 68% open · ⏱️ 24.03.2022): +- [GitHub](https://github.com/tensorflow/cloud) (👨‍💻 27 · 🔀 82 · 📦 340 · 📋 87 - 68% open · ⏱️ 20.10.2023): ``` git clone https://github.com/tensorflow/cloud ``` -- [PyPi](https://pypi.org/project/tensorflow-cloud) (📥 150K / month): +- [PyPi](https://pypi.org/project/tensorflow-cloud) (📥 36K / month): ``` pip install tensorflow-cloud ```
-
TensorNets (🥉20 · ⭐ 1K · 💀) - 具有预先训练的权重的高级网络定义。MIT +
TF Compression (🥉22 · ⭐ 800) - Data compression in TensorFlow. Apache-2 -- [GitHub](https://github.com/taehoonlee/tensornets) (👨‍💻 6 · 🔀 180 · 📦 52 · 📋 58 - 27% open · ⏱️ 02.01.2021): +- [GitHub](https://github.com/tensorflow/compression) (👨‍💻 21 · 🔀 240 · 📋 100 - 9% open · ⏱️ 01.02.2024): ``` - git clone https://github.com/taehoonlee/tensornets + git clone https://github.com/tensorflow/compression ``` -- [PyPi](https://pypi.org/project/tensornets) (📥 150 / month): +- [PyPi](https://pypi.org/project/tensorflow-compression) (📥 8.2K / month): ``` - pip install tensornets + pip install tensorflow-compression ```
-
TF Compression (🥉19 · ⭐ 640) - TensorFlow中的数据压缩。Apache-2 +
TensorNets (🥉19 · ⭐ 1K · 💀) - High level network definitions with pre-trained weights in.. MIT -- [GitHub](https://github.com/tensorflow/compression) (👨‍💻 16 · 🔀 210 · 📋 87 - 2% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/taehoonlee/tensornets) (👨‍💻 6 · 🔀 180 · 📦 75 · 📋 58 - 27% open · ⏱️ 02.01.2021): ``` - git clone https://github.com/tensorflow/compression + git clone https://github.com/taehoonlee/tensornets ``` -- [PyPi](https://pypi.org/project/tensorflow-compression) (📥 1K / month): +- [PyPi](https://pypi.org/project/tensornets) (📥 85 / month): ``` - pip install tensorflow-compression + pip install tensornets ```
-
Saliency (🥉17 · ⭐ 810) - 与框架无关的实现,可实现最新的显着性。Apache-2 +
Saliency (🥉18 · ⭐ 920 · 💀) - Framework-agnostic implementation for state-of-the-art.. Apache-2 -- [GitHub](https://github.com/PAIR-code/saliency) (👨‍💻 15 · 🔀 170 · 📦 41 · ⏱️ 13.05.2022): +- [GitHub](https://github.com/PAIR-code/saliency) (👨‍💻 16 · 🔀 180 · 📦 77 · 📋 37 - 27% open · ⏱️ 13.05.2022): ``` git clone https://github.com/PAIR-code/saliency ``` -- [PyPi](https://pypi.org/project/saliency) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/saliency) (📥 3.6K / month): ``` pip install saliency ```
-
tffm (🥉17 · ⭐ 780 · 💤) - 任意阶乘分解机的TensorFlow实现。MIT +
tffm (🥉15 · ⭐ 780 · 💀) - TensorFlow implementation of an arbitrary order Factorization Machine. MIT -- [GitHub](https://github.com/geffy/tffm) (👨‍💻 10 · 🔀 180 · 📦 11 · 📋 40 - 45% open · ⏱️ 17.01.2022): +- [GitHub](https://github.com/geffy/tffm) (👨‍💻 11 · 🔀 170 · 📦 13 · 📋 40 - 45% open · ⏱️ 17.01.2022): ``` git clone https://github.com/geffy/tffm ``` -- [PyPi](https://pypi.org/project/tffm) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/tffm) (📥 31 / month): ``` pip install tffm ```

-## Sklearn实用程序 +## Sklearn Utilities -Back to top +Back to top -_scikit-learn的拓展工具库。_ +_Libraries that extend scikit-learn with additional capabilities._ -
imbalanced-learn (🥇32 · ⭐ 6K) - 一个解决不平衡类别数据建模的Python程序包。MIT +
imbalanced-learn (🥇34 · ⭐ 6.6K) - A Python Package to Tackle the Curse of Imbalanced.. MIT -- [GitHub](https://github.com/scikit-learn-contrib/imbalanced-learn) (👨‍💻 63 · 🔀 1.1K · 📦 12K · 📋 510 - 8% open · ⏱️ 16.05.2022): +- [GitHub](https://github.com/scikit-learn-contrib/imbalanced-learn) (👨‍💻 82 · 🔀 1.2K · 📦 24K · 📋 570 - 4% open · ⏱️ 24.01.2024): ``` git clone https://github.com/scikit-learn-contrib/imbalanced-learn ``` -- [PyPi](https://pypi.org/project/imbalanced-learn) (📥 3.2M / month): +- [PyPi](https://pypi.org/project/imbalanced-learn) (📥 9.2M / month): ``` pip install imbalanced-learn ``` -- [Conda](https://anaconda.org/conda-forge/imbalanced-learn) (📥 250K · ⏱️ 16.05.2022): +- [Conda](https://anaconda.org/conda-forge/imbalanced-learn) (📥 530K · ⏱️ 24.01.2024): ``` conda install -c conda-forge imbalanced-learn ```
-
MLxtend (🥇30 · ⭐ 4.1K) - 用于Python数据的扩展和帮助程序模块库。❗Unlicensed +
MLxtend (🥇30 · ⭐ 4.7K) - A library of extension and helper modules for Python's data.. ❗Unlicensed -- [GitHub](https://github.com/rasbt/mlxtend) (👨‍💻 90 · 🔀 760 · 📦 6.6K · 📋 420 - 25% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/rasbt/mlxtend) (👨‍💻 100 · 🔀 830 · 📦 12K · 📋 460 - 27% open · ⏱️ 05.01.2024): ``` git clone https://github.com/rasbt/mlxtend ``` -- [PyPi](https://pypi.org/project/mlxtend) (📥 1.4M / month): +- [PyPi](https://pypi.org/project/mlxtend) (📥 640K / month): ``` pip install mlxtend ``` -- [Conda](https://anaconda.org/conda-forge/mlxtend) (📥 220K · ⏱️ 27.05.2022): +- [Conda](https://anaconda.org/conda-forge/mlxtend) (📥 300K · ⏱️ 05.01.2024): ``` conda install -c conda-forge mlxtend ```
-
category_encoders (🥇30 · ⭐ 2K) - A library of sklearn compatible categorical variable.. BSD-3 +
category_encoders (🥇30 · ⭐ 2.3K) - A library of sklearn compatible categorical variable.. BSD-3 -- [GitHub](https://github.com/scikit-learn-contrib/category_encoders) (👨‍💻 52 · 🔀 360 · 📦 3.8K · 📋 250 - 25% open · ⏱️ 02.06.2022): +- [GitHub](https://github.com/scikit-learn-contrib/category_encoders) (👨‍💻 70 · 🔀 390 · 📦 1.4K · 📋 280 - 15% open · ⏱️ 13.12.2023): ``` git clone https://github.com/scikit-learn-contrib/category_encoders ``` -- [PyPi](https://pypi.org/project/category_encoders) (📥 950K / month): +- [PyPi](https://pypi.org/project/category_encoders) (📥 1.4M / month): ``` pip install category_encoders ``` -- [Conda](https://anaconda.org/conda-forge/category_encoders) (📥 180K · ⏱️ 02.06.2022): +- [Conda](https://anaconda.org/conda-forge/category_encoders) (📥 250K · ⏱️ 30.10.2023): ``` conda install -c conda-forge category_encoders ```
-
fancyimpute (🥈25 · ⭐ 1.1K · 💤) - 多元插补和矩阵补全算法。Apache-2 +
scikit-multilearn (🥈27 · ⭐ 890 · 💤) - A scikit-learn based module for multi-label et. al... BSD-2 -- [GitHub](https://github.com/iskandr/fancyimpute) (👨‍💻 12 · 🔀 160 · 📦 1.2K · 📋 110 - 1% open · ⏱️ 21.10.2021): +- [GitHub](https://github.com/scikit-multilearn/scikit-multilearn) (👨‍💻 28 · 🔀 170 · 📦 1.4K · 📋 200 - 38% open · ⏱️ 19.04.2023): ``` - git clone https://github.com/iskandr/fancyimpute + git clone https://github.com/scikit-multilearn/scikit-multilearn ``` -- [PyPi](https://pypi.org/project/fancyimpute) (📥 16K / month): +- [PyPi](https://pypi.org/project/scikit-multilearn) (📥 61K / month): ``` - pip install fancyimpute + pip install scikit-multilearn ```
-
scikit-multilearn (🥈24 · ⭐ 770) - 基于scikit-learn的多标签等模块。BSD-2 +
fancyimpute (🥈25 · ⭐ 1.2K · 💀) - Multivariate imputation and matrix completion.. Apache-2 -- [GitHub](https://github.com/scikit-multilearn/scikit-multilearn) (👨‍💻 17 · 🔀 140 · 📦 820 · 📋 180 - 46% open · ⏱️ 09.07.2022): +- [GitHub](https://github.com/iskandr/fancyimpute) (👨‍💻 12 · 🔀 170 · 📦 1.5K · 📋 120 - 0% open · ⏱️ 21.10.2021): ``` - git clone https://github.com/scikit-multilearn/scikit-multilearn + git clone https://github.com/iskandr/fancyimpute ``` -- [PyPi](https://pypi.org/project/scikit-multilearn) (📥 87K / month): +- [PyPi](https://pypi.org/project/fancyimpute) (📥 19K / month): ``` - pip install scikit-multilearn + pip install fancyimpute ```
-
scikit-opt (🥈23 · ⭐ 3.5K) - 遗传算法,粒子群优化等实现。MIT +
scikit-opt (🥈23 · ⭐ 4.7K) - Genetic Algorithm, Particle Swarm Optimization, Simulated.. MIT -- [GitHub](https://github.com/guofei9987/scikit-opt) (👨‍💻 16 · 🔀 800 · 📦 83 · 📋 150 - 30% open · ⏱️ 15.07.2022): +- [GitHub](https://github.com/guofei9987/scikit-opt) (👨‍💻 20 · 🔀 940 · 📦 180 · 📋 170 - 35% open · ⏱️ 19.11.2023): ``` git clone https://github.com/guofei9987/scikit-opt ``` -- [PyPi](https://pypi.org/project/scikit-opt) (📥 1.6K / month): +- [PyPi](https://pypi.org/project/scikit-opt) (📥 2.5K / month): ``` pip install scikit-opt ```
-
scikit-lego (🥈22 · ⭐ 880) - scikit学习管道的额外块。MIT +
scikit-lego (🥈23 · ⭐ 1.1K) - Extra blocks for scikit-learn pipelines. MIT -- [GitHub](https://github.com/koaning/scikit-lego) (👨‍💻 52 · 🔀 90 · 📦 59 · 📋 240 - 9% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/koaning/scikit-lego) (👨‍💻 62 · 🔀 110 · 📦 130 · 📋 290 - 11% open · ⏱️ 29.01.2024): ``` git clone https://github.com/koaning/scikit-lego ``` -- [PyPi](https://pypi.org/project/scikit-lego) (📥 23K / month): +- [PyPi](https://pypi.org/project/scikit-lego) (📥 29K / month): ``` pip install scikit-lego ``` -- [Conda](https://anaconda.org/conda-forge/scikit-lego) (📥 23K · ⏱️ 06.06.2022): +- [Conda](https://anaconda.org/conda-forge/scikit-lego) (📥 46K · ⏱️ 19.07.2023): ``` conda install -c conda-forge scikit-lego ```
-
iterative-stratification (🥈22 · ⭐ 710) - scikit-learn交叉验证器。BSD-3 +
iterative-stratification (🥉22 · ⭐ 810 · 💀) - scikit-learn cross validators for iterative.. BSD-3 -- [GitHub](https://github.com/trent-b/iterative-stratification) (👨‍💻 7 · 🔀 64 · 📦 220 · 📋 20 - 5% open · ⏱️ 06.06.2022): +- [GitHub](https://github.com/trent-b/iterative-stratification) (👨‍💻 7 · 🔀 75 · 📦 410 · 📋 25 - 8% open · ⏱️ 06.06.2022): ``` git clone https://github.com/trent-b/iterative-stratification ``` -- [PyPi](https://pypi.org/project/iterative-stratification) (📥 35K / month): +- [PyPi](https://pypi.org/project/iterative-stratification) (📥 210K / month): ``` pip install iterative-stratification ```
-
sklearn-crfsuite (🥈22 · ⭐ 410 · 💀) - 用于CRFsuite的scikit-learn启发式API。❗Unlicensed - -- [GitHub](https://github.com/TeamHG-Memex/sklearn-crfsuite) (👨‍💻 6 · 🔀 190 · 📦 4K · 📋 56 - 58% open · ⏱️ 05.12.2019): - - ``` - git clone https://github.com/TeamHG-Memex/sklearn-crfsuite - ``` -- [PyPi](https://pypi.org/project/sklearn-crfsuite) (📥 200K / month): - ``` - pip install sklearn-crfsuite - ``` -
-
combo (🥉20 · ⭐ 590) - (AAAI'20)用于机器学习模型的Python工具箱。BSD-2 xgboost +
sklearn-crfsuite (🥉21 · ⭐ 420 · 💀) - scikit-learn inspired API for CRFsuite. ❗Unlicensed -- [GitHub](https://github.com/yzhao062/combo) (👨‍💻 2 · 🔀 100 · 📦 480 · 📋 13 - 76% open · ⏱️ 07.07.2022): +- [GitHub](https://github.com/TeamHG-Memex/sklearn-crfsuite) (👨‍💻 6 · 🔀 210 · 📦 7.4K · 📋 57 - 59% open · ⏱️ 05.12.2019): ``` - git clone https://github.com/yzhao062/combo + git clone https://github.com/TeamHG-Memex/sklearn-crfsuite ``` -- [PyPi](https://pypi.org/project/combo) (📥 35K / month): +- [PyPi](https://pypi.org/project/sklearn-crfsuite) (📥 180K / month): ``` - pip install combo + pip install sklearn-crfsuite ```
-
skope-rules (🥉20 · ⭐ 480 · 💀) - 使用Python中的逻辑规则进行机器学习。❗Unlicensed +
skope-rules (🥉20 · ⭐ 580 · 💤) - machine learning with logical rules in Python. ❗Unlicensed -- [GitHub](https://github.com/scikit-learn-contrib/skope-rules) (👨‍💻 18 · 🔀 79 · 📦 130 · 📋 31 - 80% open · ⏱️ 23.10.2020): +- [GitHub](https://github.com/scikit-learn-contrib/skope-rules) (👨‍💻 19 · 🔀 90 · 📦 360 · 📋 34 - 82% open · ⏱️ 14.02.2023): ``` git clone https://github.com/scikit-learn-contrib/skope-rules ``` -- [PyPi](https://pypi.org/project/skope-rules) (📥 96K / month): +- [PyPi](https://pypi.org/project/skope-rules) (📥 15K / month): ``` pip install skope-rules ```
-
sklearn-contrib-lightning (🥉19 · ⭐ 1.6K · 💤) - 大规模线性分类,回归分析等。❗Unlicensed +
sklearn-contrib-lightning (🥉19 · ⭐ 1.7K · 💀) - Large-scale linear classification, regression and.. ❗Unlicensed -- [GitHub](https://github.com/scikit-learn-contrib/lightning) (👨‍💻 17 · 🔀 180 · 📥 230 · 📦 100 · 📋 88 - 52% open · ⏱️ 30.01.2022): +- [GitHub](https://github.com/scikit-learn-contrib/lightning) (👨‍💻 17 · 🔀 190 · 📥 410 · 📦 150 · 📋 91 - 53% open · ⏱️ 30.01.2022): ``` git clone https://github.com/scikit-learn-contrib/lightning ``` -- [PyPi](https://pypi.org/project/sklearn-contrib-lightning) (📥 1.7K / month): +- [PyPi](https://pypi.org/project/sklearn-contrib-lightning) (📥 1.5K / month): ``` pip install sklearn-contrib-lightning ``` -- [Conda](https://anaconda.org/conda-forge/sklearn-contrib-lightning) (📥 170K · ⏱️ 13.11.2021): +- [Conda](https://anaconda.org/conda-forge/sklearn-contrib-lightning) (📥 200K · ⏱️ 16.06.2023): ``` conda install -c conda-forge sklearn-contrib-lightning ```
-
DESlib (🥉17 · ⭐ 420) - 一个用于动态分类器和集成选择的Python库。BSD-3 +
combo (🥉19 · ⭐ 630 · 💀) - (AAAI' 20) A Python Toolbox for Machine Learning Model.. BSD-2 xgboost -- [GitHub](https://github.com/scikit-learn-contrib/DESlib) (👨‍💻 14 · 🔀 63 · 📦 29 · 📋 150 - 10% open · ⏱️ 07.06.2022): +- [GitHub](https://github.com/yzhao062/combo) (👨‍💻 2 · 🔀 110 · 📦 600 · 📋 16 - 81% open · ⏱️ 14.01.2023): ``` - git clone https://github.com/scikit-learn-contrib/DESlib + git clone https://github.com/yzhao062/combo ``` -- [PyPi](https://pypi.org/project/deslib) (📥 340 / month): +- [PyPi](https://pypi.org/project/combo) (📥 20K / month): ``` - pip install deslib + pip install combo ```
-
celer (🥉17 · ⭐ 160) - L1型问题的快速求解器:Lasso,稀疏Logisitic回归等BSD-3 +
scikit-tda (🥉17 · ⭐ 480 · 💀) - Topological Data Analysis for Python. ❗Unlicensed -- [GitHub](https://github.com/mathurinm/celer) (👨‍💻 11 · 🔀 25 · 📦 13 · 📋 90 - 20% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/scikit-tda/scikit-tda) (👨‍💻 4 · 🔀 50 · 📦 51 · 📋 20 - 80% open · ⏱️ 13.03.2022): ``` - git clone https://github.com/mathurinm/celer + git clone https://github.com/scikit-tda/scikit-tda ``` -- [PyPi](https://pypi.org/project/celer) (📥 620 / month): +- [PyPi](https://pypi.org/project/scikit-tda) (📥 2.7K / month): ``` - pip install celer + pip install scikit-tda ```
-
scikit-tda (🥉16 · ⭐ 360) - Python的拓扑数据分析。❗Unlicensed +
skggm (🥉17 · ⭐ 230 · 💤) - Scikit-learn compatible estimation of general graphical models. MIT -- [GitHub](https://github.com/scikit-tda/scikit-tda) (👨‍💻 4 · 🔀 44 · 📦 33 · 📋 19 - 78% open · ⏱️ 13.03.2022): +- [GitHub](https://github.com/skggm/skggm) (👨‍💻 7 · 🔀 43 · 📦 13 · 📋 76 - 38% open · ⏱️ 15.06.2023): ``` - git clone https://github.com/scikit-tda/scikit-tda + git clone https://github.com/skggm/skggm ``` -- [PyPi](https://pypi.org/project/scikit-tda) (📥 1.6K / month): +- [PyPi](https://pypi.org/project/skggm) (📥 52 / month): ``` - pip install scikit-tda + pip install skggm ```
-
skggm (🥉16 · ⭐ 210) - 通用图形模型的Scikit学习兼容估计。MIT +
celer (🥉16 · ⭐ 190 · 💤) - Fast solver for L1-type problems: Lasso, sparse Logisitic.. BSD-3 -- [GitHub](https://github.com/skggm/skggm) (👨‍💻 6 · 🔀 36 · 📦 8 · 📋 75 - 37% open · ⏱️ 11.03.2022): +- [GitHub](https://github.com/mathurinm/celer) (👨‍💻 11 · 🔀 31 · 📦 32 · 📋 93 - 20% open · ⏱️ 21.07.2023): ``` - git clone https://github.com/skggm/skggm + git clone https://github.com/mathurinm/celer ``` -- [PyPi](https://pypi.org/project/skggm) (📥 61 / month): +- [PyPi](https://pypi.org/project/celer) (📥 640 / month): ``` - pip install skggm + pip install celer + ``` +
+
DESlib (🥉15 · ⭐ 460 · 💤) - A Python library for dynamic classifier and ensemble selection. BSD-3 + +- [GitHub](https://github.com/scikit-learn-contrib/DESlib) (👨‍💻 16 · 🔀 79 · 📋 150 - 11% open · ⏱️ 18.06.2023): + + ``` + git clone https://github.com/scikit-learn-contrib/DESlib + ``` +- [PyPi](https://pypi.org/project/deslib) (📥 1.2K / month): + ``` + pip install deslib ```
-
dabl (🥉13 · ⭐ 120 · 💀) - 数据分析基准库。BSD-3 +
dabl (🥉13 · ⭐ 130) - Data Analysis Baseline Library. BSD-3 -- [GitHub](https://github.com/amueller/dabl) (👨‍💻 21 · 🔀 10 · ⏱️ 09.07.2021): +- [GitHub](https://github.com/amueller/dabl) (👨‍💻 24 · 🔀 9 · ⏱️ 09.01.2024): ``` git clone https://github.com/amueller/dabl ``` -- [PyPi](https://pypi.org/project/dabl) (📥 2.1K / month): +- [PyPi](https://pypi.org/project/dabl) (📥 4.9K / month): ``` pip install dabl ```

-## Pytorch实用程序 +## Pytorch Utilities -Back to top +Back to top -_Pytorch的拓展工具库。_ +_Libraries that extend Pytorch with additional capabilities._ -
PML (🥇28 · ⭐ 4.7K) - 在应用程序中使用深度度量学习的最简单方法。MIT +
PML (🥇30 · ⭐ 5.7K) - The easiest way to use deep metric learning in your application. Modular,.. MIT -- [GitHub](https://github.com/KevinMusgrave/pytorch-metric-learning) (👨‍💻 27 · 🔀 560 · 📦 320 · 📋 380 - 13% open · ⏱️ 13.08.2022): +- [GitHub](https://github.com/KevinMusgrave/pytorch-metric-learning) (👨‍💻 40 · 🔀 630 · 📦 1.2K · 📋 480 - 10% open · ⏱️ 16.12.2023): ``` git clone https://github.com/KevinMusgrave/pytorch-metric-learning ``` -- [PyPi](https://pypi.org/project/pytorch-metric-learning) (📥 90K / month): +- [PyPi](https://pypi.org/project/pytorch-metric-learning) (📥 250K / month): ``` pip install pytorch-metric-learning ``` -- [Conda](https://anaconda.org/metric-learning/pytorch-metric-learning) (📥 8K · ⏱️ 03.08.2022): +- [Conda](https://anaconda.org/metric-learning/pytorch-metric-learning) (📥 11K · ⏱️ 16.06.2023): ``` conda install -c metric-learning pytorch-metric-learning ```
-
pretrainedmodels (🥇27 · ⭐ 8.6K · 💀) - pytorch预训练的ConvNets:NASNet,ResNeXt等BSD-3 +
pytorch-optimizer (🥇27 · ⭐ 2.9K · 💤) - torch-optimizer -- collection of optimizers for.. Apache-2 -- [GitHub](https://github.com/Cadene/pretrained-models.pytorch) (👨‍💻 22 · 🔀 1.8K · 📦 1.8K · 📋 180 - 46% open · ⏱️ 16.04.2020): +- [GitHub](https://github.com/jettify/pytorch-optimizer) (👨‍💻 26 · 🔀 280 · 📦 1.1K · 📋 63 - 52% open · ⏱️ 20.06.2023): ``` - git clone https://github.com/Cadene/pretrained-models.pytorch + git clone https://github.com/jettify/pytorch-optimizer ``` -- [PyPi](https://pypi.org/project/pretrainedmodels) (📥 170K / month): +- [PyPi](https://pypi.org/project/torch_optimizer) (📥 98K / month): ``` - pip install pretrainedmodels + pip install torch_optimizer ```
-
pytorch-optimizer (🥇26 · ⭐ 2.5K · 💤) - torch-optimizer - pytorch的优化器集合。Apache-2 +
torchdiffeq (🥇26 · ⭐ 5.1K) - Differentiable ODE solvers with full GPU support and.. MIT -- [GitHub](https://github.com/jettify/pytorch-optimizer) (👨‍💻 25 · 🔀 240 · 📦 670 · 📋 50 - 42% open · ⏱️ 11.11.2021): +- [GitHub](https://github.com/rtqichen/torchdiffeq) (👨‍💻 21 · 🔀 850 · 📦 2.9K · 📋 210 - 30% open · ⏱️ 19.10.2023): ``` - git clone https://github.com/jettify/pytorch-optimizer + git clone https://github.com/rtqichen/torchdiffeq ``` -- [PyPi](https://pypi.org/project/torch_optimizer) (📥 48K / month): +- [PyPi](https://pypi.org/project/torchdiffeq) (📥 750K / month): ``` - pip install torch_optimizer + pip install torchdiffeq ```
-
pytorch-summary (🥈25 · ⭐ 3.6K · 💀) - PyTorch中的模型摘要类似于`model.summary()`。MIT +
pytorch-summary (🥈25 · ⭐ 3.9K · 💀) - Model summary in PyTorch similar to `model.summary()`.. MIT -- [GitHub](https://github.com/sksq96/pytorch-summary) (👨‍💻 11 · 🔀 400 · 📦 5.7K · 📋 140 - 69% open · ⏱️ 10.05.2021): +- [GitHub](https://github.com/sksq96/pytorch-summary) (👨‍💻 11 · 🔀 410 · 📦 13K · 📋 140 - 70% open · ⏱️ 10.05.2021): ``` git clone https://github.com/sksq96/pytorch-summary ``` -- [PyPi](https://pypi.org/project/torchsummary) (📥 100K / month): +- [PyPi](https://pypi.org/project/torchsummary) (📥 140K / month): ``` pip install torchsummary ```
-
torchdiffeq (🥈24 · ⭐ 4.2K) - 具有完整GPU支持的可微分ODE求解器。MIT +
pretrainedmodels (🥈24 · ⭐ 8.9K · 💀) - Pretrained ConvNets for pytorch: NASNet, ResNeXt,.. BSD-3 -- [GitHub](https://github.com/rtqichen/torchdiffeq) (👨‍💻 21 · 🔀 720 · 📦 300 · 📋 180 - 21% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/Cadene/pretrained-models.pytorch) (👨‍💻 22 · 🔀 1.8K · 📦 20 · 📋 180 - 47% open · ⏱️ 16.04.2020): ``` - git clone https://github.com/rtqichen/torchdiffeq + git clone https://github.com/Cadene/pretrained-models.pytorch ``` -- [PyPi](https://pypi.org/project/torchdiffeq) (📥 25K / month): +- [PyPi](https://pypi.org/project/pretrainedmodels) (📥 130K / month): ``` - pip install torchdiffeq + pip install pretrainedmodels ```
-
SRU (🥈22 · ⭐ 2.1K · 💀) - 与CNN一样快地训练RNN(https://arxiv.org/abs/1709.02755)。MIT +
torch-scatter (🥈23 · ⭐ 1.4K) - PyTorch Extension Library of Optimized Scatter Operations. MIT -- [GitHub](https://github.com/asappresearch/sru) (👨‍💻 21 · 🔀 300 · 📦 18 · 📋 130 - 46% open · ⏱️ 19.05.2021): +- [GitHub](https://github.com/rusty1s/pytorch_scatter) (👨‍💻 29 · 🔀 170 · 📋 360 - 8% open · ⏱️ 01.02.2024): ``` - git clone https://github.com/asappresearch/sru + git clone https://github.com/rusty1s/pytorch_scatter ``` -- [PyPi](https://pypi.org/project/sru) (📥 2.7K / month): +- [PyPi](https://pypi.org/project/torch-scatter) (📥 34K / month): ``` - pip install sru + pip install torch-scatter ```
-
EfficientNet-PyTorch (🥈21 · ⭐ 7.1K · 💀) - EfficientNet等模型的PyTorch实现Apache-2 +
TabNet (🥈22 · ⭐ 2.4K · 💤) - PyTorch implementation of TabNet paper :.. MIT -- [GitHub](https://github.com/lukemelas/EfficientNet-PyTorch) (👨‍💻 24 · 🔀 1.4K · 📥 1.9M · 📋 280 - 50% open · ⏱️ 15.04.2021): +- [GitHub](https://github.com/dreamquark-ai/tabnet) (👨‍💻 21 · 🔀 450 · 📋 300 - 5% open · ⏱️ 23.07.2023): ``` - git clone https://github.com/lukemelas/EfficientNet-PyTorch + git clone https://github.com/dreamquark-ai/tabnet ``` -- [PyPi](https://pypi.org/project/efficientnet-pytorch) (📥 100K / month): +- [PyPi](https://pypi.org/project/pytorch-tabnet) (📥 38K / month): ``` - pip install efficientnet-pytorch + pip install pytorch-tabnet ```
-
TabNet (🥈21 · ⭐ 1.8K) - Efficient Neural Architecture Search的Pytorch实现。MIT +
SRU (🥈22 · ⭐ 2.1K · 💀) - Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755). MIT -- [GitHub](https://github.com/dreamquark-ai/tabnet) (👨‍💻 19 · 🔀 370 · 📋 230 - 7% open · ⏱️ 27.06.2022): +- [GitHub](https://github.com/asappresearch/sru) (👨‍💻 21 · 🔀 300 · 📦 26 · 📋 130 - 48% open · ⏱️ 19.05.2021): ``` - git clone https://github.com/dreamquark-ai/tabnet + git clone https://github.com/asappresearch/sru ``` -- [PyPi](https://pypi.org/project/pytorch-tabnet) (📥 20K / month): +- [PyPi](https://pypi.org/project/sru) (📥 1.8K / month): ``` - pip install pytorch-tabnet + pip install sru ```
-
EfficientNets (🥈21 · ⭐ 1.5K · 💀) - 预训练的EfficientNet,EfficientNet-Lite,MixNet等Apache-2 +
torchsde (🥈22 · ⭐ 1.4K) - Differentiable SDE solvers with GPU support and efficient.. Apache-2 -- [GitHub](https://github.com/rwightman/gen-efficientnet-pytorch) (👨‍💻 5 · 🔀 200 · 📦 120 · 📋 54 - 5% open · ⏱️ 08.07.2021): +- [GitHub](https://github.com/google-research/torchsde) (👨‍💻 8 · 🔀 170 · 📦 2.4K · 📋 70 - 25% open · ⏱️ 26.09.2023): ``` - git clone https://github.com/rwightman/gen-efficientnet-pytorch - ``` -- [PyPi](https://pypi.org/project/geffnet) (📥 15K / month): - ``` - pip install geffnet + git clone https://github.com/google-research/torchsde ```
-
Pytorch Toolbelt (🥈21 · ⭐ 1.3K) - PyTorch扩展用于快速研发原型和Kaggle实验。MIT +
EfficientNet-PyTorch (🥈21 · ⭐ 7.7K · 💀) - A PyTorch implementation of EfficientNet and.. Apache-2 -- [GitHub](https://github.com/BloodAxe/pytorch-toolbelt) (👨‍💻 7 · 🔀 100 · 📋 24 - 8% open · ⏱️ 20.08.2022): +- [GitHub](https://github.com/lukemelas/EfficientNet-PyTorch) (👨‍💻 24 · 🔀 1.5K · 📥 3.7M · 📦 1 · 📋 290 - 51% open · ⏱️ 15.04.2021): ``` - git clone https://github.com/BloodAxe/pytorch-toolbelt + git clone https://github.com/lukemelas/EfficientNet-PyTorch ``` -- [PyPi](https://pypi.org/project/pytorch_toolbelt) (📥 15K / month): +- [PyPi](https://pypi.org/project/efficientnet-pytorch) (📥 140K / month): ``` - pip install pytorch_toolbelt + pip install efficientnet-pytorch ```
-
PyTorch Sparse (🥈21 · ⭐ 710) - 优化图聚类的PyTorch扩展库MIT +
Antialiased CNNs (🥈21 · ⭐ 1.6K · 💀) - pip install antialiased-cnns to improve stability and.. ❗️CC BY-NC-SA 4.0 -- [GitHub](https://github.com/rusty1s/pytorch_sparse) (👨‍💻 32 · 🔀 100 · 📋 200 - 13% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/adobe/antialiased-cnns) (👨‍💻 6 · 🔀 200 · 📦 48 · 📋 48 - 31% open · ⏱️ 29.09.2021): ``` - git clone https://github.com/rusty1s/pytorch_sparse + git clone https://github.com/adobe/antialiased-cnns ``` -- [PyPi](https://pypi.org/project/torch-sparse) (📥 27K / month): +- [PyPi](https://pypi.org/project/antialiased-cnns) (📥 9.2K / month): ``` - pip install torch-sparse + pip install antialiased-cnns ```
-
reformer-pytorch (🥉20 · ⭐ 1.8K) - Reformer,Pytorch中高效的transformer实现。MIT +
PyTorch Sparse (🥈21 · ⭐ 920) - PyTorch Extension Library of Optimized Autograd Sparse.. MIT -- [GitHub](https://github.com/lucidrains/reformer-pytorch) (👨‍💻 11 · 🔀 240 · 📋 120 - 11% open · ⏱️ 24.06.2022): +- [GitHub](https://github.com/rusty1s/pytorch_sparse) (👨‍💻 45 · 🔀 140 · 📋 260 - 11% open · ⏱️ 02.02.2024): ``` - git clone https://github.com/lucidrains/reformer-pytorch + git clone https://github.com/rusty1s/pytorch_sparse ``` -- [PyPi](https://pypi.org/project/reformer-pytorch) (📥 1.9K / month): +- [PyPi](https://pypi.org/project/torch-sparse) (📥 22K / month): ``` - pip install reformer-pytorch + pip install torch-sparse ```
-
Torchmeta (🥉20 · ⭐ 1.7K · 💤) - 少量学习的扩展程序和数据加载器的集合。MIT +
Torchmeta (🥉20 · ⭐ 1.9K · 💀) - A collection of extensions and data-loaders for few-shot.. MIT -- [GitHub](https://github.com/tristandeleu/pytorch-meta) (👨‍💻 12 · 🔀 220 · 📦 97 · 📋 130 - 32% open · ⏱️ 20.09.2021): +- [GitHub](https://github.com/tristandeleu/pytorch-meta) (👨‍💻 12 · 🔀 240 · 📦 160 · 📋 140 - 36% open · ⏱️ 20.09.2021): ``` git clone https://github.com/tristandeleu/pytorch-meta ``` -- [PyPi](https://pypi.org/project/torchmeta) (📥 1.4K / month): +- [PyPi](https://pypi.org/project/torchmeta) (📥 3.9K / month): ``` pip install torchmeta ```
-
torch-scatter (🥉20 · ⭐ 1.1K) - 优化图聚类的PyTorch扩展库MIT +
Higher (🥉20 · ⭐ 1.6K · 💀) - higher is a pytorch library allowing users to obtain higher.. Apache-2 -- [GitHub](https://github.com/rusty1s/pytorch_scatter) (👨‍💻 22 · 🔀 120 · 📋 270 - 6% open · ⏱️ 18.08.2022): +- [GitHub](https://github.com/facebookresearch/higher) (👨‍💻 9 · 🔀 120 · 📦 380 · 📋 110 - 53% open · ⏱️ 26.10.2021): ``` - git clone https://github.com/rusty1s/pytorch_scatter + git clone https://github.com/facebookresearch/higher ``` -- [PyPi](https://pypi.org/project/torch-scatter) (📥 30K / month): +- [PyPi](https://pypi.org/project/higher) (📥 65K / month): ``` - pip install torch-scatter + pip install higher ```
-
Performer Pytorch (🥉20 · ⭐ 860) - Performer的实现。MIT +
EfficientNets (🥉20 · ⭐ 1.6K · 💀) - Pretrained EfficientNet, EfficientNet-Lite, MixNet,.. Apache-2 -- [GitHub](https://github.com/lucidrains/performer-pytorch) (👨‍💻 6 · 🔀 120 · 📦 49 · 📋 78 - 44% open · ⏱️ 02.02.2022): +- [GitHub](https://github.com/rwightman/gen-efficientnet-pytorch) (👨‍💻 5 · 🔀 200 · 📦 210 · 📋 55 - 7% open · ⏱️ 08.07.2021): ``` - git clone https://github.com/lucidrains/performer-pytorch + git clone https://github.com/rwightman/gen-efficientnet-pytorch ``` -- [PyPi](https://pypi.org/project/performer-pytorch) (📥 75K / month): +- [PyPi](https://pypi.org/project/geffnet) (📥 5.7K / month): ``` - pip install performer-pytorch + pip install geffnet ```
-
Poutyne (🥉20 · ⭐ 530) - PyTorch的简化框架和实用程序。❗️LGPL-3.0 +
Pytorch Toolbelt (🥉20 · ⭐ 1.5K) - PyTorch extensions for fast R&D prototyping and Kaggle.. MIT -- [GitHub](https://github.com/GRAAL-Research/poutyne) (👨‍💻 18 · 🔀 62 · 📦 91 · 📋 53 - 15% open · ⏱️ 16.07.2022): +- [GitHub](https://github.com/BloodAxe/pytorch-toolbelt) (👨‍💻 7 · 🔀 120 · 📥 13 · 📋 31 - 6% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/GRAAL-Research/poutyne + git clone https://github.com/BloodAxe/pytorch-toolbelt ``` -- [PyPi](https://pypi.org/project/poutyne) (📥 5.3K / month): +- [PyPi](https://pypi.org/project/pytorch_toolbelt) (📥 7.2K / month): ``` - pip install poutyne + pip install pytorch_toolbelt ```
-
AdaBound (🥉19 · ⭐ 2.9K · 💀) - 训练速度与Adam一样快且与SGD一样好的优化器。Apache-2 +
reformer-pytorch (🥉19 · ⭐ 2K · 💤) - Reformer, the efficient Transformer, in Pytorch. MIT -- [GitHub](https://github.com/Luolc/AdaBound) (👨‍💻 2 · 🔀 320 · 📦 140 · 📋 25 - 72% open · ⏱️ 06.03.2019): +- [GitHub](https://github.com/lucidrains/reformer-pytorch) (👨‍💻 11 · 🔀 250 · 📋 120 - 12% open · ⏱️ 21.06.2023): ``` - git clone https://github.com/Luolc/AdaBound + git clone https://github.com/lucidrains/reformer-pytorch ``` -- [PyPi](https://pypi.org/project/adabound) (📥 1.4K / month): +- [PyPi](https://pypi.org/project/reformer-pytorch) (📥 3K / month): ``` - pip install adabound + pip install reformer-pytorch ```
-
Antialiased CNNs (🥉19 · ⭐ 1.6K · 💤) - pip安装antialiased-cnns以提高稳定性等。❗️CC BY-NC-SA 4.0 +
Lambda Networks (🥉19 · ⭐ 1.5K · 💀) - Implementation of LambdaNetworks, a new approach to.. MIT -- [GitHub](https://github.com/adobe/antialiased-cnns) (👨‍💻 6 · 🔀 200 · 📦 29 · 📋 44 - 29% open · ⏱️ 29.09.2021): +- [GitHub](https://github.com/lucidrains/lambda-networks) (👨‍💻 3 · 🔀 160 · 📦 24 · 📋 28 - 46% open · ⏱️ 18.11.2020): ``` - git clone https://github.com/adobe/antialiased-cnns + git clone https://github.com/lucidrains/lambda-networks ``` -- [PyPi](https://pypi.org/project/antialiased-cnns) (📥 1.5K / month): +- [PyPi](https://pypi.org/project/lambda-networks) (📥 1.5K / month): ``` - pip install antialiased-cnns + pip install lambda-networks ```
-
Higher (🥉19 · ⭐ 1.4K · 💤) - Higher是一个pytorch库,允许用户在跨训练循环而不是单个训练步骤的损失上获得更高阶的梯度。Apache-2 +
Poutyne (🥉19 · ⭐ 560 · 💤) - A simplified framework and utilities for PyTorch. ❗️LGPL-3.0 -- [GitHub](https://github.com/facebookresearch/higher) (👨‍💻 9 · 🔀 100 · 📦 160 · 📋 100 - 50% open · ⏱️ 26.10.2021): +- [GitHub](https://github.com/GRAAL-Research/poutyne) (👨‍💻 20 · 🔀 63 · 📦 130 · 📋 56 - 14% open · ⏱️ 09.07.2023): ``` - git clone https://github.com/facebookresearch/higher + git clone https://github.com/GRAAL-Research/poutyne ``` -- [PyPi](https://pypi.org/project/higher) (📥 110K / month): +- [PyPi](https://pypi.org/project/poutyne) (📥 4.2K / month): ``` - pip install higher + pip install poutyne ```
-
tinygrad (🥉17 · ⭐ 6.5K) - You like pytorch? You like micrograd? You love tinygrad!. MIT +
AdaBound (🥉18 · ⭐ 2.9K · 💀) - An optimizer that trains as fast as Adam and as good as SGD. Apache-2 -- [GitHub](https://github.com/geohot/tinygrad) (👨‍💻 62 · 🔀 650 · 📦 3 · 📋 110 - 14% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/Luolc/AdaBound) (👨‍💻 2 · 🔀 320 · 📦 190 · 📋 25 - 72% open · ⏱️ 06.03.2019): ``` - git clone https://github.com/geohot/tinygrad + git clone https://github.com/Luolc/AdaBound + ``` +- [PyPi](https://pypi.org/project/adabound) (📥 1.1K / month): + ``` + pip install adabound ```
-
Tensor Sensor (🥉17 · ⭐ 650) - 该库的目标是为numpy/pytorch矩阵代数表达式生成更有用的异常消息。MIT +
Performer Pytorch (🥉18 · ⭐ 1K · 💀) - An implementation of Performer, a linear attention-.. MIT -- [GitHub](https://github.com/parrt/tensor-sensor) (👨‍💻 4 · 🔀 34 · 📦 7 · 📋 23 - 34% open · ⏱️ 07.04.2022): +- [GitHub](https://github.com/lucidrains/performer-pytorch) (👨‍💻 6 · 🔀 140 · 📦 110 · 📋 84 - 48% open · ⏱️ 02.02.2022): ``` - git clone https://github.com/parrt/tensor-sensor + git clone https://github.com/lucidrains/performer-pytorch ``` -- [PyPi](https://pypi.org/project/tensor-sensor) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/performer-pytorch) (📥 2K / month): ``` - pip install tensor-sensor + pip install performer-pytorch ```
-
micrograd (🥉16 · ⭐ 2.4K · 💀) - 一个微型的标量值autograd引擎和一个神经网络库。MIT +
Tensor Sensor (🥉18 · ⭐ 750 · 💀) - The goal of this library is to generate more helpful.. MIT -- [GitHub](https://github.com/karpathy/micrograd) (👨‍💻 2 · 🔀 210 · 📦 7 · 📋 5 - 40% open · ⏱️ 18.04.2020): +- [GitHub](https://github.com/parrt/tensor-sensor) (👨‍💻 4 · 🔀 37 · 📦 31 · 📋 24 - 33% open · ⏱️ 07.04.2022): ``` - git clone https://github.com/karpathy/micrograd + git clone https://github.com/parrt/tensor-sensor ``` -- [PyPi](https://pypi.org/project/micrograd) (📥 360 / month): +- [PyPi](https://pypi.org/project/tensor-sensor) (📥 2.6K / month): ``` - pip install micrograd + pip install tensor-sensor ```
-
Lambda Networks (🥉16 · ⭐ 1.5K · 💀) - LambdaNetworks的实现。MIT +
micrograd (🥉17 · ⭐ 7.4K · 💀) - A tiny scalar-valued autograd engine and a neural net library.. MIT -- [GitHub](https://github.com/lucidrains/lambda-networks) (👨‍💻 3 · 🔀 160 · 📦 6 · 📋 28 - 46% open · ⏱️ 18.11.2020): +- [GitHub](https://github.com/karpathy/micrograd) (👨‍💻 2 · 🔀 940 · 📦 35 · 📋 21 - 52% open · ⏱️ 18.04.2020): ``` - git clone https://github.com/lucidrains/lambda-networks + git clone https://github.com/karpathy/micrograd ``` -- [PyPi](https://pypi.org/project/lambda-networks) (📥 45 / month): +- [PyPi](https://pypi.org/project/micrograd) (📥 690 / month): ``` - pip install lambda-networks + pip install micrograd ```
-
Tez (🥉16 · ⭐ 1.1K) - Tez是用于PyTorch的超级简单且轻巧的Trainer。Apache-2 +
Tez (🥉16 · ⭐ 1.2K · 💀) - Tez is a super-simple and lightweight Trainer for PyTorch. It.. Apache-2 -- [GitHub](https://github.com/abhishekkrthakur/tez) (👨‍💻 2 · 🔀 140 · 📦 33 · 📋 37 - 54% open · ⏱️ 10.08.2022): +- [GitHub](https://github.com/abhishekkrthakur/tez) (👨‍💻 2 · 🔀 140 · 📦 49 · 📋 41 - 56% open · ⏱️ 16.09.2022): ``` git clone https://github.com/abhishekkrthakur/tez ``` -- [PyPi](https://pypi.org/project/tez) (📥 1.8K / month): +- [PyPi](https://pypi.org/project/tez) (📥 210 / month): ``` pip install tez ```
-
torchsde (🥉16 · ⭐ 1K · 💀) - 具有GPU支持且高效的可微分SDE求解器。Apache-2 +
Pywick (🥉14 · ⭐ 400 · 💀) - High-level batteries-included neural network training.. ❗Unlicensed -- [GitHub](https://github.com/google-research/torchsde) (👨‍💻 5 · 🔀 110 · 📦 19 · 📋 50 - 18% open · ⏱️ 26.07.2021): +- [GitHub](https://github.com/achaiah/pywick) (👨‍💻 4 · 🔀 38 · 📦 9 · 📋 14 - 7% open · ⏱️ 22.10.2021): ``` - git clone https://github.com/google-research/torchsde + git clone https://github.com/achaiah/pywick + ``` +- [PyPi](https://pypi.org/project/pywick) (📥 76 / month): + ``` + pip install pywick ```
-
Pywick (🥉14 · ⭐ 370 · 💤) - 更高层次的pytorch神经网络训练库。❗Unlicensed +
tinygrad (🥉14 · ⭐ 28) - You like pytorch? You like micrograd? You love tinygrad!. MIT -- [GitHub](https://github.com/achaiah/pywick) (👨‍💻 4 · 🔀 39 · 📦 7 · 📋 14 - 7% open · ⏱️ 22.10.2021): +- [GitHub](https://github.com/geohot/tinygrad) (👨‍💻 270 · 📦 20 · ⏱️ 23.01.2024): ``` - git clone https://github.com/achaiah/pywick - ``` -- [PyPi](https://pypi.org/project/pywick) (📥 36 / month): - ``` - pip install pywick + git clone https://github.com/geohot/tinygrad ```
-
Torch-Struct (🥉13 · ⭐ 1K · 💤) - 快速,通用和经过测试的微分结构化预测。MIT +
Torch-Struct (🥉13 · ⭐ 1.1K · 💀) - Fast, general, and tested differentiable structured.. MIT -- [GitHub](https://github.com/harvardnlp/pytorch-struct) (👨‍💻 16 · 🔀 83 · 📋 54 - 44% open · ⏱️ 30.01.2022): +- [GitHub](https://github.com/harvardnlp/pytorch-struct) (👨‍💻 16 · 🔀 88 · 📋 55 - 45% open · ⏱️ 30.01.2022): ``` git clone https://github.com/harvardnlp/pytorch-struct @@ -10645,44 +10629,44 @@ _Pytorch的拓展工具库。_

-## 数据库客户端 +## Database Clients -Back to top +Back to top -_用于连接,操作和查询数据库的库。_ +_Libraries for connecting to, operating, and querying databases._ -🔗 Python DB Clients ( ⭐ 7 · 💤) - Collection of database clients for python. +🔗 Python DB Clients ( ⭐ 67 · 💀) - Collection of database clients for python.
-## 中文自然语言处理 +## Chinese NLP -Back to top +Back to top -
jieba (🥇32 · ⭐ 29K · 💀) - Chinese Words Segementation Utilities. MIT +
jieba (🥇33 · ⭐ 32K · 💀) - Chinese Words Segementation Utilities. MIT -- [GitHub](https://github.com/fxsjy/jieba) (👨‍💻 48 · 🔀 6.3K · 📦 14K · 📋 810 - 73% open · ⏱️ 15.02.2020): +- [GitHub](https://github.com/fxsjy/jieba) (👨‍💻 49 · 🔀 6.5K · 📦 26K · 📋 840 - 73% open · ⏱️ 15.02.2020): ``` git clone https://github.com/fxsjy/jieba ``` -- [PyPi](https://pypi.org/project/jieba) (📥 440K / month): +- [PyPi](https://pypi.org/project/jieba) (📥 660K / month): ``` pip install jieba ``` -- [Conda](https://anaconda.org/conda-forge/jieba) (📥 120K · ⏱️ 30.05.2021): +- [Conda](https://anaconda.org/conda-forge/jieba) (📥 150K · ⏱️ 16.06.2023): ``` conda install -c conda-forge jieba ```
-
snownlp (🥉22 · ⭐ 5.9K · 💀) - Python library for processing Chinese text. MIT +
snownlp (🥉23 · ⭐ 6.3K · 💀) - Python library for processing Chinese text. MIT -- [GitHub](https://github.com/isnowfy/snownlp) (👨‍💻 8 · 🔀 1.3K · 📦 930 · 📋 100 - 38% open · ⏱️ 19.01.2020): +- [GitHub](https://github.com/isnowfy/snownlp) (👨‍💻 8 · 🔀 1.4K · 📦 1.3K · 📋 110 - 39% open · ⏱️ 19.01.2020): ``` git clone https://github.com/isnowfy/snownlp ``` -- [PyPi](https://pypi.org/project/snownlp) (📥 3.6K / month): +- [PyPi](https://pypi.org/project/snownlp) (📥 11K / month): ``` pip install snownlp ``` @@ -10691,448 +10675,448 @@ _用于连接,操作和查询数据库的库。_ ## Others -Back to top +Back to top -
scipy (🥇38 · ⭐ 10K) - 用于数学,科学和工程的开源软件生态系统。BSD-3 +
Streamlit (🥇38 · ⭐ 30K · 📈) - Streamlit The fastest way to build data apps in Python. Apache-2 + +- [GitHub](https://github.com/streamlit/streamlit) (👨‍💻 220 · 🔀 2.7K · 📦 310K · 📋 3.9K - 18% open · ⏱️ 14.02.2024): + + ``` + git clone https://github.com/streamlit/streamlit + ``` +- [PyPi](https://pypi.org/project/streamlit) (📥 3.5M / month): + ``` + pip install streamlit + ``` +
+
scipy (🥇38 · ⭐ 12K) - Ecosystem of open-source software for mathematics, science, and engineering. BSD-3 -- [GitHub](https://github.com/scipy/scipy) (👨‍💻 1.3K · 🔀 4.3K · 📥 350K · 📦 560K · 📋 8.4K - 16% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/scipy/scipy) (👨‍💻 1.6K · 🔀 4.8K · 📥 390K · 📦 920K · 📋 9.7K - 15% open · ⏱️ 15.02.2024): ``` git clone https://github.com/scipy/scipy ``` -- [PyPi](https://pypi.org/project/scipy) (📥 43M / month): +- [PyPi](https://pypi.org/project/scipy) (📥 80M / month): ``` pip install scipy ``` -- [Conda](https://anaconda.org/conda-forge/scipy) (📥 26M · ⏱️ 30.07.2022): +- [Conda](https://anaconda.org/conda-forge/scipy) (📥 45M · ⏱️ 24.01.2024): ``` conda install -c conda-forge scipy ```
-
SymPy (🥇35 · ⭐ 9.5K) - 用纯Python编写的计算机代数系统。❗Unlicensed +
Gradio (🥇36 · ⭐ 26K) - Wrap UIs around any model, share with anyone. Apache-2 -- [GitHub](https://github.com/sympy/sympy) (👨‍💻 1.2K · 🔀 3.6K · 📥 460K · 📦 45K · 📋 12K - 32% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/gradio-app/gradio) (👨‍💻 260 · 🔀 1.8K · 📦 23K · 📋 3.7K - 11% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/sympy/sympy - ``` -- [PyPi](https://pypi.org/project/sympy) (📥 2.6M / month): - ``` - pip install sympy + git clone https://github.com/gradio-app/gradio ``` -- [Conda](https://anaconda.org/conda-forge/sympy) (📥 2.3M · ⏱️ 23.08.2022): +- [PyPi](https://pypi.org/project/gradio) (📥 6.6M / month): ``` - conda install -c conda-forge sympy + pip install gradio ```
-
PyOD (🥇31 · ⭐ 6.1K) - (JMLR'19)用于可扩展离群值检测的Python工具箱。BSD-2 +
SymPy (🥇36 · ⭐ 12K) - A computer algebra system written in pure Python. ❗Unlicensed -- [GitHub](https://github.com/yzhao062/pyod) (👨‍💻 41 · 🔀 1.1K · 📦 1.5K · 📋 260 - 47% open · ⏱️ 29.07.2022): +- [GitHub](https://github.com/sympy/sympy) (👨‍💻 1.3K · 🔀 4.1K · 📥 530K · 📦 110K · 📋 13K - 33% open · ⏱️ 15.02.2024): ``` - git clone https://github.com/yzhao062/pyod + git clone https://github.com/sympy/sympy ``` -- [PyPi](https://pypi.org/project/pyod) (📥 370K / month): +- [PyPi](https://pypi.org/project/sympy) (📥 11M / month): ``` - pip install pyod + pip install sympy + ``` +- [Conda](https://anaconda.org/conda-forge/sympy) (📥 5M · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge sympy ```
-
Streamlit (🥇30 · ⭐ 20K · 📈) - Streamlit用Python构建数据应用程序的最快方法。Apache-2 +
PyOD (🥈32 · ⭐ 7.8K) - (JMLR'19) A Python Toolbox for Scalable Outlier Detection (Anomaly.. BSD-2 -- [GitHub](https://github.com/streamlit/streamlit) (👨‍💻 150 · 🔀 1.8K · 📦 380 · 📋 2.6K - 23% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/yzhao062/pyod) (👨‍💻 50 · 🔀 1.3K · 📦 3.3K · 📋 320 - 54% open · ⏱️ 09.02.2024): ``` - git clone https://github.com/streamlit/streamlit + git clone https://github.com/yzhao062/pyod ``` -- [PyPi](https://pypi.org/project/streamlit) (📥 810K / month): +- [PyPi](https://pypi.org/project/pyod) (📥 650K / month): ``` - pip install streamlit + pip install pyod ```
-
Gradio (🥇30 · ⭐ 8.5K) - 对任何模型做UI封装并与他人共享。Apache-2 +
Datasette (🥈30 · ⭐ 8.7K) - An open source multi-tool for exploring and publishing data. Apache-2 -- [GitHub](https://github.com/gradio-app/gradio) (👨‍💻 92 · 🔀 530 · 📦 1.1K · 📋 1K - 18% open · ⏱️ 25.08.2022): +- [GitHub](https://github.com/simonw/datasette) (👨‍💻 76 · 🔀 610 · 📥 59 · 📦 1.2K · 📋 1.7K - 29% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/gradio-app/gradio + git clone https://github.com/simonw/datasette ``` -- [PyPi](https://pypi.org/project/gradio) (📥 150K / month): +- [PyPi](https://pypi.org/project/datasette) (📥 41K / month): ``` - pip install gradio + pip install datasette ```
-
Autograd (🥈29 · ⭐ 5.9K) - 高效地计算导数的numpy代码。MIT +
Autograd (🥈30 · ⭐ 6.7K) - Efficiently computes derivatives of numpy code. MIT -- [GitHub](https://github.com/HIPS/autograd) (👨‍💻 52 · 🔀 800 · 📦 3.8K · 📋 370 - 39% open · ⏱️ 15.06.2022): +- [GitHub](https://github.com/HIPS/autograd) (👨‍💻 56 · 🔀 860 · 📦 7.3K · 📋 390 - 40% open · ⏱️ 16.11.2023): ``` git clone https://github.com/HIPS/autograd ``` -- [PyPi](https://pypi.org/project/autograd) (📥 1.2M / month): +- [PyPi](https://pypi.org/project/autograd) (📥 1.5M / month): ``` pip install autograd ``` -- [Conda](https://anaconda.org/conda-forge/autograd) (📥 230K · ⏱️ 29.06.2022): +- [Conda](https://anaconda.org/conda-forge/autograd) (📥 390K · ⏱️ 26.06.2023): ``` conda install -c conda-forge autograd ```
-
Datasette (🥈28 · ⭐ 6.4K) - 用于探索和发布数据的开源多功能工具。Apache-2 +
DeepChem (🥈30 · ⭐ 4.9K) - Democratizing Deep-Learning for Drug Discovery, Quantum Chemistry,.. MIT -- [GitHub](https://github.com/simonw/datasette) (👨‍💻 67 · 🔀 410 · 📥 39 · 📦 730 · 📋 1.4K - 27% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/deepchem/deepchem) (👨‍💻 240 · 🔀 1.5K · 📦 320 · 📋 1.7K - 26% open · ⏱️ 12.02.2024): ``` - git clone https://github.com/simonw/datasette + git clone https://github.com/deepchem/deepchem ``` -- [PyPi](https://pypi.org/project/datasette) (📥 240K / month): +- [PyPi](https://pypi.org/project/deepchem) (📥 20K / month): ``` - pip install datasette + pip install deepchem ```
-
DeepChem (🥈28 · ⭐ 3.8K) - 在药物发现,量子化学,材料科学和生物学方面普及深度学习。MIT +
carla (🥈29 · ⭐ 10K) - Open-source simulator for autonomous driving research. ❗Unlicensed -- [GitHub](https://github.com/deepchem/deepchem) (👨‍💻 200 · 🔀 1.3K · 📦 120 · 📋 1.4K - 29% open · ⏱️ 26.08.2022): +- [GitHub](https://github.com/carla-simulator/carla) (👨‍💻 170 · 🔀 3.1K · 📦 640 · 📋 4.8K - 20% open · ⏱️ 02.02.2024): ``` - git clone https://github.com/deepchem/deepchem + git clone https://github.com/carla-simulator/carla ``` -- [PyPi](https://pypi.org/project/deepchem) (📥 8.9K / month): +- [PyPi](https://pypi.org/project/carla) (📥 17K / month): ``` - pip install deepchem + pip install carla ```
-
hdbscan (🥈28 · ⭐ 2.2K) - HDBSCAN群集的高性能实现。BSD-3 +
hdbscan (🥈29 · ⭐ 2.6K) - A high performance implementation of HDBSCAN clustering. BSD-3 -- [GitHub](https://github.com/scikit-learn-contrib/hdbscan) (👨‍💻 80 · 🔀 390 · 📦 1.5K · 📋 440 - 63% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/scikit-learn-contrib/hdbscan) (👨‍💻 86 · 🔀 450 · 📦 3.1K · 📋 490 - 66% open · ⏱️ 20.11.2023): ``` git clone https://github.com/scikit-learn-contrib/hdbscan ``` -- [PyPi](https://pypi.org/project/hdbscan) (📥 450K / month): +- [PyPi](https://pypi.org/project/hdbscan) (📥 610K / month): ``` pip install hdbscan ``` -- [Conda](https://anaconda.org/conda-forge/hdbscan) (📥 1.2M · ⏱️ 11.02.2022): +- [Conda](https://anaconda.org/conda-forge/hdbscan) (📥 1.8M · ⏱️ 06.10.2023): ``` conda install -c conda-forge hdbscan ```
-
agate (🥈28 · ⭐ 1.1K · 💀) - 为人而不是为机器优化的Python数据分析库。MIT +
pyjanitor (🥈29 · ⭐ 1.3K) - Clean APIs for data cleaning. Python implementation of R package.. MIT -- [GitHub](https://github.com/wireservice/agate) (👨‍💻 49 · 🔀 140 · 📦 1.1K · 📋 640 - 1% open · ⏱️ 15.07.2021): +- [GitHub](https://github.com/pyjanitor-devs/pyjanitor) (👨‍💻 110 · 🔀 160 · 📦 540 · 📋 550 - 18% open · ⏱️ 14.02.2024): ``` - git clone https://github.com/wireservice/agate + git clone https://github.com/ericmjl/pyjanitor ``` -- [PyPi](https://pypi.org/project/agate) (📥 1.6M / month): +- [PyPi](https://pypi.org/project/pyjanitor) (📥 200K / month): ``` - pip install agate + pip install pyjanitor ``` -- [Conda](https://anaconda.org/conda-forge/agate) (📥 91K · ⏱️ 16.07.2021): +- [Conda](https://anaconda.org/conda-forge/pyjanitor) (📥 190K · ⏱️ 16.06.2023): ``` - conda install -c conda-forge agate + conda install -c conda-forge pyjanitor ```
-
Cython BLIS (🥈28 · ⭐ 190) - 快速矩阵乘法库。❗Unlicensed +
agate (🥈29 · ⭐ 1.2K) - A Python data analysis library that is optimized for humans instead of.. MIT -- [GitHub](https://github.com/explosion/cython-blis) (👨‍💻 12 · 🔀 34 · 📦 20K · 📋 28 - 17% open · ⏱️ 04.08.2022): +- [GitHub](https://github.com/wireservice/agate) (👨‍💻 52 · 🔀 150 · 📦 2.8K · 📋 640 - 0% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/explosion/cython-blis + git clone https://github.com/wireservice/agate ``` -- [PyPi](https://pypi.org/project/blis) (📥 3.8M / month): +- [PyPi](https://pypi.org/project/agate) (📥 4.8M / month): ``` - pip install blis + pip install agate ``` -- [Conda](https://anaconda.org/conda-forge/cython-blis) (📥 1.6M · ⏱️ 05.08.2022): +- [Conda](https://anaconda.org/conda-forge/agate) (📥 160K · ⏱️ 21.12.2023): ``` - conda install -c conda-forge cython-blis + conda install -c conda-forge agate ```
-
PaddleHub (🥈27 · ⭐ 8.3K) - 基于PaddlePaddle的出色的预训练模型工具包。Apache-2 +
Pythran (🥈28 · ⭐ 1.9K) - Ahead of Time compiler for numeric kernels. BSD-3 -- [GitHub](https://github.com/PaddlePaddle/PaddleHub) (👨‍💻 62 · 🔀 1.7K · 📥 580 · 📦 890 · 📋 1.1K - 41% open · ⏱️ 19.08.2022): +- [GitHub](https://github.com/serge-sans-paille/pythran) (👨‍💻 72 · 🔀 190 · 📦 1.8K · 📋 830 - 14% open · ⏱️ 11.02.2024): ``` - git clone https://github.com/PaddlePaddle/PaddleHub - ``` -- [PyPi](https://pypi.org/project/paddlehub) (📥 14K / month): - ``` - pip install paddlehub + git clone https://github.com/serge-sans-paille/pythran ``` -
-
carla (🥈27 · ⭐ 8.2K · 💤) - 用于自动驾驶研究的开源模拟器。❗Unlicensed - -- [GitHub](https://github.com/carla-simulator/carla) (👨‍💻 140 · 🔀 2.4K · 📦 230 · 📋 4K - 16% open · ⏱️ 19.11.2021): - +- [PyPi](https://pypi.org/project/pythran) (📥 170K / month): ``` - git clone https://github.com/carla-simulator/carla + pip install pythran ``` -- [PyPi](https://pypi.org/project/carla) (📥 26K / month): +- [Conda](https://anaconda.org/conda-forge/pythran) (📥 450K · ⏱️ 08.01.2024): ``` - pip install carla + conda install -c conda-forge pythran ```
-
Pythran (🥈27 · ⭐ 1.8K) - 用于数字内核的时间编译器。BSD-3 +
pyclustering (🥉27 · ⭐ 1.1K) - pyclustring is a Python, C++ data mining library. BSD-3 -- [GitHub](https://github.com/serge-sans-paille/pythran) (👨‍💻 66 · 🔀 170 · 📦 220 · 📋 760 - 14% open · ⏱️ 19.07.2022): +- [GitHub](https://github.com/annoviko/pyclustering) (👨‍💻 26 · 🔀 250 · 📥 480 · 📦 620 · 📋 660 - 10% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/serge-sans-paille/pythran + git clone https://github.com/annoviko/pyclustering ``` -- [PyPi](https://pypi.org/project/pythran) (📥 370K / month): +- [PyPi](https://pypi.org/project/pyclustering) (📥 88K / month): ``` - pip install pythran + pip install pyclustering ``` -- [Conda](https://anaconda.org/conda-forge/pythran) (📥 260K · ⏱️ 31.07.2022): +- [Conda](https://anaconda.org/conda-forge/pyclustering) (📥 60K · ⏱️ 16.11.2023): ``` - conda install -c conda-forge pythran + conda install -c conda-forge pyclustering ```
-
pyjanitor (🥈27 · ⭐ 960) - 用于数据清理的API。MIT +
Cython BLIS (🥉27 · ⭐ 210) - Fast matrix-multiplication as a self-contained Python.. ❗Unlicensed -- [GitHub](https://github.com/pyjanitor-devs/pyjanitor) (👨‍💻 100 · 🔀 150 · 📦 220 · 📋 490 - 20% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/explosion/cython-blis) (👨‍💻 12 · 🔀 38 · 📦 39K · 📋 33 - 21% open · ⏱️ 03.11.2023): ``` - git clone https://github.com/ericmjl/pyjanitor + git clone https://github.com/explosion/cython-blis ``` -- [PyPi](https://pypi.org/project/pyjanitor) (📥 29K / month): +- [PyPi](https://pypi.org/project/blis) (📥 5.6M / month): ``` - pip install pyjanitor + pip install blis ``` -- [Conda](https://anaconda.org/conda-forge/pyjanitor) (📥 130K · ⏱️ 22.11.2021): +- [Conda](https://anaconda.org/conda-forge/cython-blis) (📥 2M · ⏱️ 01.10.2023): ``` - conda install -c conda-forge pyjanitor + conda install -c conda-forge cython-blis ```
-
metric-learn (🥉26 · ⭐ 1.3K) - Python中的度量学习算法。MIT +
metric-learn (🥉26 · ⭐ 1.4K) - Metric learning algorithms in Python. MIT -- [GitHub](https://github.com/scikit-learn-contrib/metric-learn) (👨‍💻 22 · 🔀 220 · 📦 230 · 📋 160 - 26% open · ⏱️ 21.06.2022): +- [GitHub](https://github.com/scikit-learn-contrib/metric-learn) (👨‍💻 22 · 🔀 220 · 📦 350 · 📋 160 - 26% open · ⏱️ 29.09.2023): ``` git clone https://github.com/scikit-learn-contrib/metric-learn ``` -- [PyPi](https://pypi.org/project/metric-learn) (📥 44K / month): +- [PyPi](https://pypi.org/project/metric-learn) (📥 15K / month): ``` pip install metric-learn ```
-
Trax (🥉25 · ⭐ 7.1K) - 借助清晰的代码和速度来进行深度学习。Apache-2 +
PaddleHub (🥉25 · ⭐ 12K · 💤) - Awesome pre-trained models toolkit based on.. Apache-2 -- [GitHub](https://github.com/google/trax) (👨‍💻 78 · 🔀 720 · 📦 75 · 📋 210 - 41% open · ⏱️ 08.08.2022): +- [GitHub](https://github.com/PaddlePaddle/PaddleHub) (👨‍💻 69 · 🔀 2.1K · 📥 660 · 📦 1.5K · 📋 1.3K - 44% open · ⏱️ 28.03.2023): ``` - git clone https://github.com/google/trax + git clone https://github.com/PaddlePaddle/PaddleHub ``` -- [PyPi](https://pypi.org/project/trax) (📥 4K / month): +- [PyPi](https://pypi.org/project/paddlehub) (📥 4.3K / month): ``` - pip install trax + pip install paddlehub ```
-
TabPy (🥉25 · ⭐ 1.3K) - 快速执行Python代码,并在Tableau可视化文件中显示结果。MIT +
Trax (🥉25 · ⭐ 7.9K) - Trax Deep Learning with Clear Code and Speed. Apache-2 -- [GitHub](https://github.com/tableau/TabPy) (👨‍💻 47 · 🔀 480 · 📦 93 · 📋 290 - 1% open · ⏱️ 10.06.2022): +- [GitHub](https://github.com/google/trax) (👨‍💻 79 · 🔀 800 · 📦 140 · 📋 230 - 46% open · ⏱️ 01.02.2024): ``` - git clone https://github.com/tableau/TabPy + git clone https://github.com/google/trax ``` -- [PyPi](https://pypi.org/project/tabpy) (📥 19K / month): +- [PyPi](https://pypi.org/project/trax) (📥 2.9K / month): ``` - pip install tabpy + pip install trax ```
-
causalml (🥉24 · ⭐ 3.2K) - 利用机器学习提升建模和因果推理。❗Unlicensed +
TabPy (🥉25 · ⭐ 1.5K) - Execute Python code on the fly and display results in Tableau visualizations:. MIT -- [GitHub](https://github.com/uber/causalml) (👨‍💻 44 · 🔀 520 · 📦 52 · 📋 280 - 21% open · ⏱️ 22.08.2022): +- [GitHub](https://github.com/tableau/TabPy) (👨‍💻 50 · 🔀 560 · 📦 150 · 📋 310 - 4% open · ⏱️ 04.01.2024): ``` - git clone https://github.com/uber/causalml + git clone https://github.com/tableau/TabPy ``` -- [PyPi](https://pypi.org/project/causalml) (📥 48K / month): +- [PyPi](https://pypi.org/project/tabpy) (📥 10K / month): ``` - pip install causalml + pip install tabpy ```
-
pyclustering (🥉24 · ⭐ 990 · 💀) - pyclustring是Python,C++数据挖掘库。BSD-3 +
PySwarms (🥉25 · ⭐ 1.2K · 💤) - A research toolkit for particle swarm optimization in Python. MIT -- [GitHub](https://github.com/annoviko/pyclustering) (👨‍💻 26 · 🔀 220 · 📥 410 · 📦 350 · 📋 650 - 9% open · ⏱️ 12.02.2021): +- [GitHub](https://github.com/ljvmiranda921/pyswarms) (👨‍💻 45 · 🔀 330 · 📦 340 · 📋 220 - 10% open · ⏱️ 06.06.2023): ``` - git clone https://github.com/annoviko/pyclustering - ``` -- [PyPi](https://pypi.org/project/pyclustering) (📥 50K / month): - ``` - pip install pyclustering + git clone https://github.com/ljvmiranda921/pyswarms ``` -- [Conda](https://anaconda.org/conda-forge/pyclustering) (📥 41K · ⏱️ 13.09.2021): +- [PyPi](https://pypi.org/project/pyswarms) (📥 31K / month): ``` - conda install -c conda-forge pyclustering + pip install pyswarms ```
-
PySwarms (🥉23 · ⭐ 960) - 用于Python中粒子群优化的研究工具包。MIT +
causalml (🥉24 · ⭐ 4.6K) - Uplift modeling and causal inference with machine learning.. ❗Unlicensed -- [GitHub](https://github.com/ljvmiranda921/pyswarms) (👨‍💻 44 · 🔀 300 · 📦 180 · 📋 210 - 3% open · ⏱️ 03.07.2022): +- [GitHub](https://github.com/uber/causalml) (👨‍💻 60 · 🔀 720 · 📦 180 · 📋 370 - 14% open · ⏱️ 13.02.2024): ``` - git clone https://github.com/ljvmiranda921/pyswarms + git clone https://github.com/uber/causalml ``` -- [PyPi](https://pypi.org/project/pyswarms) (📥 18K / month): +- [PyPi](https://pypi.org/project/causalml) (📥 78K / month): ``` - pip install pyswarms + pip install causalml ```
-
gplearn (🥉22 · ⭐ 1.2K) - 使用scikit-learn启发式API进行Python遗传编程。BSD-3 +
Prince (🥉24 · ⭐ 1.2K) - Python factor analysis library (PCA, CA, MCA, MFA, FAMD). MIT -- [GitHub](https://github.com/trevorstephens/gplearn) (👨‍💻 10 · 🔀 200 · 📦 280 · 📋 190 - 7% open · ⏱️ 04.08.2022): +- [GitHub](https://github.com/MaxHalford/prince) (👨‍💻 16 · 🔀 170 · 📦 490 · 📋 130 - 3% open · ⏱️ 21.12.2023): ``` - git clone https://github.com/trevorstephens/gplearn + git clone https://github.com/MaxHalford/prince ``` -- [PyPi](https://pypi.org/project/gplearn) (📥 5.3K / month): +- [PyPi](https://pypi.org/project/prince) (📥 110K / month): ``` - pip install gplearn + pip install prince ```
-
pyopencl (🥉22 · ⭐ 910) - 适用于Python的OpenCL集成。❗Unlicensed +
pyopencl (🥉23 · ⭐ 1K) - OpenCL integration for Python, plus shiny features. ❗Unlicensed -- [GitHub](https://github.com/inducer/pyopencl) (👨‍💻 92 · 🔀 220 · 📦 800 · 📋 300 - 20% open · ⏱️ 23.08.2022): +- [GitHub](https://github.com/inducer/pyopencl) (👨‍💻 95 · 🔀 230 · 📦 1.8K · 📋 320 - 18% open · ⏱️ 23.01.2024): ``` git clone https://github.com/inducer/pyopencl ``` -- [PyPi](https://pypi.org/project/pyopencl) (📥 34K / month): +- [PyPi](https://pypi.org/project/pyopencl) (📥 55K / month): ``` pip install pyopencl ``` -- [Conda](https://anaconda.org/conda-forge/pyopencl) (📥 670K · ⏱️ 22.06.2022): +- [Conda](https://anaconda.org/conda-forge/pyopencl) (📥 980K · ⏱️ 24.01.2024): ``` conda install -c conda-forge pyopencl ```
-
Prince (🥉22 · ⭐ 850 · 💤) - Python因子分析库(PCA,CA,MCA,MFA,FAMD)。MIT - -- [GitHub](https://github.com/MaxHalford/prince) (👨‍💻 12 · 🔀 150 · 📦 240 · 📋 110 - 35% open · ⏱️ 28.12.2021): - - ``` - git clone https://github.com/MaxHalford/prince - ``` -- [PyPi](https://pypi.org/project/prince) (📥 45K / month): - ``` - pip install prince - ``` -
-
findspark (🥉22 · ⭐ 440) - 查找pyspark并导入的工具库。BSD-3 +
findspark (🥉23 · ⭐ 500 · 💀) - Find pyspark to make it importable. BSD-3 -- [GitHub](https://github.com/minrk/findspark) (👨‍💻 15 · 🔀 68 · 📦 2.7K · 📋 22 - 50% open · ⏱️ 11.02.2022): +- [GitHub](https://github.com/minrk/findspark) (👨‍💻 15 · 🔀 71 · 📦 4.2K · 📋 23 - 47% open · ⏱️ 11.02.2022): ``` git clone https://github.com/minrk/findspark ``` -- [PyPi](https://pypi.org/project/findspark) (📥 2.1M / month): +- [PyPi](https://pypi.org/project/findspark) (📥 1.8M / month): ``` pip install findspark ``` -- [Conda](https://anaconda.org/conda-forge/findspark) (📥 690K · ⏱️ 11.02.2022): +- [Conda](https://anaconda.org/conda-forge/findspark) (📥 890K · ⏱️ 16.06.2023): ``` conda install -c conda-forge findspark ```
-
River (🥉20 · ⭐ 3.6K) - Python中的在线机器学习。BSD-3 +
River (🥉21 · ⭐ 4.6K) - Online machine learning in Python. BSD-3 -- [GitHub](https://github.com/online-ml/river) (👨‍💻 81 · 🔀 380 · 📦 160 · 📋 370 - 1% open · ⏱️ 24.08.2022): +- [GitHub](https://github.com/online-ml/river) (👨‍💻 110 · 🔀 500 · 📦 430 · 📋 560 - 17% open · ⏱️ 14.02.2024): ``` git clone https://github.com/online-ml/river ```
-
BioPandas (🥉20 · ⭐ 500) - 在pandas DataFrames中处理分子结构。BSD-3 +
SUOD (🥉21 · ⭐ 370) - (MLSys' 21) An Acceleration System for Large-scare Unsupervised.. BSD-2 -- [GitHub](https://github.com/rasbt/biopandas) (👨‍💻 10 · 🔀 100 · 📦 120 · 📋 47 - 42% open · ⏱️ 06.08.2022): +- [GitHub](https://github.com/yzhao062/SUOD) (👨‍💻 3 · 🔀 48 · 📦 500 · 📋 12 - 75% open · ⏱️ 08.02.2024): ``` - git clone https://github.com/rasbt/biopandas - ``` -- [PyPi](https://pypi.org/project/biopandas) (📥 5.3K / month): - ``` - pip install biopandas + git clone https://github.com/yzhao062/SUOD ``` -- [Conda](https://anaconda.org/conda-forge/biopandas) (📥 120K · ⏱️ 13.05.2022): +- [PyPi](https://pypi.org/project/suod) (📥 14K / month): ``` - conda install -c conda-forge biopandas + pip install suod ```
-
StreamAlert (🥉19 · ⭐ 2.7K) - StreamAlert是无服务器的实时数据分析框架。Apache-2 +
gplearn (🥉20 · ⭐ 1.5K) - Genetic Programming in Python, with a scikit-learn inspired API. BSD-3 -- [GitHub](https://github.com/airbnb/streamalert) (👨‍💻 33 · 🔀 320 · 📋 340 - 24% open · ⏱️ 20.07.2022): +- [GitHub](https://github.com/trevorstephens/gplearn) (👨‍💻 10 · 🔀 270 · 📦 500 · 📋 210 - 10% open · ⏱️ 12.08.2023): ``` - git clone https://github.com/airbnb/streamalert + git clone https://github.com/trevorstephens/gplearn + ``` +- [PyPi](https://pypi.org/project/gplearn) (📥 5.5K / month): + ``` + pip install gplearn ```
-
SUOD (🥉19 · ⭐ 330) - (MLSys' 21)大型无人驾驶加速系统。BSD-2 +
BioPandas (🥉20 · ⭐ 660) - Working with molecular structures in pandas DataFrames. BSD-3 -- [GitHub](https://github.com/yzhao062/SUOD) (👨‍💻 2 · 🔀 41 · 📦 430 · 📋 9 - 66% open · ⏱️ 07.07.2022): +- [GitHub](https://github.com/BioPandas/biopandas) (👨‍💻 15 · 🔀 120 · 📦 230 · 📋 56 - 41% open · ⏱️ 19.09.2023): ``` - git clone https://github.com/yzhao062/SUOD + git clone https://github.com/rasbt/biopandas ``` -- [PyPi](https://pypi.org/project/suod) (📥 29K / month): +- [PyPi](https://pypi.org/project/biopandas) (📥 84K / month): ``` - pip install suod + pip install biopandas + ``` +- [Conda](https://anaconda.org/conda-forge/biopandas) (📥 150K · ⏱️ 16.06.2023): + ``` + conda install -c conda-forge biopandas ```
-
impyute (🥉19 · ⭐ 320 · 💤) - 数据插补库可对缺少数据的数据集进行预处理。MIT +
impyute (🥉19 · ⭐ 340 · 💀) - Data imputations library to preprocess datasets with missing data. MIT -- [GitHub](https://github.com/eltonlaw/impyute) (👨‍💻 11 · 🔀 46 · 📦 140 · 📋 64 - 42% open · ⏱️ 06.11.2021): +- [GitHub](https://github.com/eltonlaw/impyute) (👨‍💻 11 · 🔀 48 · 📦 220 · 📋 65 - 43% open · ⏱️ 06.11.2021): ``` git clone https://github.com/eltonlaw/impyute ``` -- [PyPi](https://pypi.org/project/impyute) (📥 8.2K / month): +- [PyPi](https://pypi.org/project/impyute) (📥 3.7K / month): ``` pip install impyute ```
-
AstroML (🥉17 · ⭐ 840) - 天文学和天体物理学的机器学习,统计和数据挖掘.BSD-2 +
StreamAlert (🥉18 · ⭐ 2.8K · 💀) - StreamAlert is a serverless, realtime data analysis.. Apache-2 + +- [GitHub](https://github.com/airbnb/streamalert) (👨‍💻 33 · 🔀 320 · 📋 350 - 25% open · ⏱️ 20.07.2022): + + ``` + git clone https://github.com/airbnb/streamalert + ``` +
+
AstroML (🥉17 · ⭐ 1K) - Machine learning, statistics, and data mining for astronomy and.. BSD-2 -- [GitHub](https://github.com/astroML/astroML) (👨‍💻 30 · 🔀 270 · 📋 150 - 37% open · ⏱️ 17.08.2022): +- [GitHub](https://github.com/astroML/astroML) (👨‍💻 31 · 🔀 290 · 📋 160 - 37% open · ⏱️ 04.01.2024): ``` git clone https://github.com/astroML/astroML ``` -- [PyPi](https://pypi.org/project/astroML) (📥 1.3K / month): +- [PyPi](https://pypi.org/project/astroML) (📥 1.4K / month): ``` pip install astroML ``` -- [Conda](https://anaconda.org/conda-forge/astroml) (📥 31K · ⏱️ 02.03.2022): +- [Conda](https://anaconda.org/conda-forge/astroml) (📥 42K · ⏱️ 16.06.2023): ``` conda install -c conda-forge astroml ```
-
Feature Engine (🥉16 · ⭐ 22) - 具有sklearn类功能的功能工程包。BSD-3 +
Feature Engine (🥉15 · ⭐ 42 · 💀) - Feature engineering package with sklearn like functionality. BSD-3 -- [GitHub](https://github.com/solegalli/feature_engine) (👨‍💻 36 · 🔀 8 · ⏱️ 05.07.2022): +- [GitHub](https://github.com/solegalli/feature_engine) (👨‍💻 38 · 🔀 12 · ⏱️ 07.12.2022): ``` git clone https://github.com/solegalli/feature_engine ``` -- [PyPi](https://pypi.org/project/feature_engine) (📥 93K / month): +- [PyPi](https://pypi.org/project/feature_engine) (📥 150K / month): ``` pip install feature_engine ``` -- [Conda](https://anaconda.org/conda-forge/feature_engine) (📥 14K · ⏱️ 14.06.2022): +- [Conda](https://anaconda.org/conda-forge/feature_engine) (📥 44K · ⏱️ 19.09.2023): ``` conda install -c conda-forge feature_engine ```
-
cleanlab (🥉13 · ⭐ 49 · 🐣) - 机器学习的标准软件包。❗️AGPL-3.0 +
cleanlab (🥉14 · ⭐ 54 · 💀) - The standard package for machine learning with noisy labels and.. ❗️AGPL-3.0 -- [GitHub](https://github.com/cgnorthcutt/cleanlab) (👨‍💻 10 · 🔀 9 · ⏱️ 21.08.2022): +- [GitHub](https://github.com/cgnorthcutt/cleanlab) (👨‍💻 10 · 🔀 8 · ⏱️ 21.08.2022): ``` git clone https://github.com/cgnorthcutt/cleanlab ``` -- [PyPi](https://pypi.org/project/cleanlab) (📥 7.2K / month): +- [PyPi](https://pypi.org/project/cleanlab) (📥 13K / month): ``` pip install cleanlab ``` diff --git a/history/2024-02-15_changes.md b/history/2024-02-15_changes.md new file mode 100644 index 0000000..7c8e3bf --- /dev/null +++ b/history/2024-02-15_changes.md @@ -0,0 +1,20 @@ +## 📈 Trending Up + +_Projects that have a higher project-quality score compared to the last update. There might be a variety of reasons, such as increased downloads or code activity._ + +- Seaborn (🥇39 · ⭐ 12K · 📈) - Statistical data visualization using matplotlib. BSD-3 +- Streamlit (🥇38 · ⭐ 30K · 📈) - Streamlit The fastest way to build data apps in Python. Apache-2 +- pytorch-lightning (🥇37 · ⭐ 26K · 📈) - The lightweight PyTorch wrapper for high-performance.. Apache-2 +- opencv-python (🥇34 · ⭐ 4K · 📈) - Automated CI toolchain to produce precompiled opencv-python,.. MIT +- plotnine (🥈29 · ⭐ 3.7K · 📈) - A grammar of graphics for Python. MIT + +## 📉 Trending Down + +_Projects that have a lower project-quality score compared to the last update. There might be a variety of reasons such as decreased downloads or code activity._ + +- Arrow (🥈28 · ⭐ 13K · 📉) - Apache Arrow is a cross-language development platform for in-.. Apache-2 +- UMAP (🥉25 · ⭐ 6.8K · 📉) - Uniform Manifold Approximation and Projection. BSD-3 +- tinytag (🥉17 · ⭐ 650 · 📉) - Read music meta data and length of MP3, OGG, OPUS, MP4, M4A, FLAC, WMA.. MIT +- sklearn-evaluation (🥉11 · ⭐ 3 · 💀) - Machine learning model evaluation made easy: plots,.. MIT +- Skater (🥉5 · 📉) - Python Library for Model Interpretation/Explanations. ❗Unlicensed + diff --git a/history/2024-02-15_projects.csv b/history/2024-02-15_projects.csv new file mode 100644 index 0000000..78219c6 --- /dev/null +++ b/history/2024-02-15_projects.csv @@ -0,0 +1,822 @@ +,name,show,github_id,resource,category,github_url,homepage,license,created_at,updated_at,last_commit_pushed_at,fork_count,open_issue_count,closed_issue_count,star_count,description,contributor_count,projectrank,latest_stable_release_published_at,latest_stable_release_number,release_count,updated_github_id,commit_count,pypi_id,conda_id,dockerhub_id,docs_url,labels,dependent_project_count,github_dependent_project_count,pypi_url,pypi_monthly_downloads,monthly_downloads,conda_url,conda_latest_release_published_at,conda_total_downloads,dockerhub_url,dockerhub_latest_release_published_at,dockerhub_stars,dockerhub_pulls,projectrank_placing,github_release_downloads,trending,npm_id,npm_url,npm_monthly_downloads,helm_id,brew_id,apt_id,yum_id,snap_id,maven_id,maven_url,dnf_id,yay_id,gitlab_id,gitlab_url +0,ANN Benchmarks,True,erikbern/ann-benchmarks,True,nn-search,https://github.com/erikbern/ann-benchmarks,https://github.com/erikbern/ann-benchmarks,MIT,2015-05-28 13:21:43.000,2024-01-31 03:41:07.000000,2024-01-10 20:21:25,631.0,47.0,132.0,4373.0,Benchmarks of approximate nearest neighbor libraries in Python.,99.0,0,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +1,Python Web Scraping,True,ml-tooling/best-of-web-python,True,web-scraping,https://github.com/ml-tooling/best-of-web-python,https://github.com/ml-tooling/best-of-web-python,CC-BY-SA-4.0,2021-01-05 13:09:27.000,2024-02-08 17:09:28.000000,2024-02-08 17:09:27,160.0,,3.0,2125.0,Collection of web-scraping and crawling libraries.,14.0,0,2024-02-08 17:09:33,2024.02.08,100.0,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +2,Python DB Clients,True,HanXinzi2020/awesome-python-resources,True,db-clients,https://github.com/HanXinzi-AI/awesome-python-resources,https://github.com/HanXinzi2020/awesome-python-resources#数据库,,2021-04-24 13:42:10.000,2024-02-15 14:13:51.000000,2022-08-26 04:30:58,15.0,,,67.0,Collection of database clients for python.,2.0,0,,,,HanXinzi-AI/awesome-python-resources,46.0,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,, +3,Tensorflow,True,tensorflow/tensorflow,,ml-frameworks,https://github.com/tensorflow/tensorflow,https://github.com/tensorflow/tensorflow,Apache-2.0,2015-11-07 01:19:20.000,2024-02-15 13:49:43.742553,2024-02-15 13:21:01,72103.0,1882.0,36809.0,182962.0,An Open Source Machine Learning Framework for Everyone.,4544.0,44,2023-11-14 18:46:08,2.15.0,100.0,,159901.0,tensorflow,conda-forge/tensorflow,tensorflow/tensorflow,https://www.tensorflow.org/overview,['tensorflow'],342658.0,342658.0,https://pypi.org/project/tensorflow,18592167.0,19705532.0,https://anaconda.org/conda-forge/tensorflow,2024-01-30 00:38:25.304,4483693.0,https://hub.docker.com/r/tensorflow/tensorflow,2024-02-15 13:49:43.742553,2277.0,76078167.0,1.0,,,,,,,,,,,,,,,, +4,PyTorch,True,pytorch/pytorch,,ml-frameworks,https://github.com/pytorch/pytorch,https://github.com/pytorch/pytorch,BSD-3-Clause,2016-08-13 05:26:41.000,2024-02-15 13:53:35.000000,2024-02-15 11:03:39,19970.0,12563.0,27267.0,75389.0,Tensors and Dynamic neural networks in Python with strong GPU..,4654.0,39,2024-01-30 17:58:51,2.2.0,49.0,,,torch,pytorch/pytorch,,https://pytorch.org/docs/stable/index.html,['pytorch'],390634.0,390634.0,https://pypi.org/project/torch,18237523.0,18934815.0,https://anaconda.org/pytorch/pytorch,2024-01-29 16:05:11.351,20210446.0,,,,,1.0,33939.0,,,,,,,,,,,,,,, +5,scikit-learn,True,scikit-learn/scikit-learn,,ml-frameworks,https://github.com/scikit-learn/scikit-learn,https://github.com/scikit-learn/scikit-learn,BSD-3-Clause,2010-08-17 09:43:38.000,2024-02-15 14:04:03.000000,2024-02-15 14:04:02,24126.0,1639.0,9048.0,57387.0,scikit-learn: machine learning in Python.,3074.0,39,2024-02-14 10:12:43,1.4.1,46.0,,,scikit-learn,conda-forge/scikit-learn,,,['sklearn'],700615.0,700615.0,https://pypi.org/project/scikit-learn,50688800.0,51270360.0,https://anaconda.org/conda-forge/scikit-learn,2024-01-19 10:17:08.879,26169754.0,,,,,1.0,940.0,,,,,,,,,,,,,,, +6,pandas,True,pandas-dev/pandas,,data-containers,https://github.com/pandas-dev/pandas,https://github.com/pandas-dev/pandas,BSD-3-Clause,2010-08-24 01:37:33.000,2024-02-15 11:51:09.000000,2024-02-14 21:13:40,16716.0,3538.0,22439.0,41213.0,Flexible and powerful data analysis / manipulation library for..,3554.0,39,2024-01-20 03:33:20,2.2.0,100.0,,,pandas,conda-forge/pandas,,,['pandas'],1520973.0,1520973.0,https://pypi.org/project/pandas,163729231.0,164919070.0,https://anaconda.org/conda-forge/pandas,2024-01-20 16:04:39.136,47505129.0,,,,,1.0,247713.0,,,,,,,,,,,,,,, +7,spaCy,True,explosion/spaCy,,nlp,https://github.com/explosion/spaCy,https://github.com/explosion/spaCy,MIT,2014-07-03 15:15:40.000,2024-02-14 13:47:24.000000,2024-02-14 13:46:28,4178.0,80.0,5471.0,28249.0,Industrial-strength Natural Language Processing (NLP) in Python.,748.0,39,2023-10-16 16:11:22,3.7.2,100.0,,16116.0,spacy,conda-forge/spacy,,,,80278.0,80278.0,https://pypi.org/project/spacy,6238454.0,6314164.0,https://anaconda.org/conda-forge/spacy,2023-11-05 20:08:03.012,3331255.0,,,,,1.0,,,,,,,,,,,,,,,, +8,numpy,True,numpy/numpy,,data-containers,https://github.com/numpy/numpy,https://github.com/numpy/numpy,,2010-09-13 23:02:39.000,2024-02-15 14:15:21.000000,2024-02-15 14:15:20,8847.0,1894.0,10287.0,25717.0,The fundamental package for scientific computing with Python.,1741.0,39,2024-02-06 00:32:23,1.26.4,100.0,,,numpy,conda-forge/numpy,,,,2113006.0,2113006.0,https://pypi.org/project/numpy,230350026.0,231951902.0,https://anaconda.org/conda-forge/numpy,2024-02-06 15:10:51.240,69954461.0,,,,,1.0,960170.0,,,,,,,,,,,,,,, +9,XGBoost,True,dmlc/xgboost,,ml-frameworks,https://github.com/dmlc/xgboost,https://github.com/dmlc/xgboost,Apache-2.0,2014-02-06 17:28:03.000,2024-02-15 02:53:54.000000,2024-02-14 18:01:38,8145.0,358.0,4713.0,25309.0,"Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or..",636.0,39,2023-12-19 10:07:53,2.0.3,56.0,,6751.0,xgboost,conda-forge/xgboost,,https://xgboost.readthedocs.io/en/latest/,,80718.0,80718.0,https://pypi.org/project/xgboost,12608982.0,12714674.0,https://anaconda.org/conda-forge/xgboost,2024-01-19 09:21:22.082,4541910.0,,,,,1.0,8072.0,,,,,,,,,,,,,,, +10,Seaborn,True,mwaskom/seaborn,,data-viz,https://github.com/mwaskom/seaborn,https://github.com/mwaskom/seaborn,BSD-3-Clause,2012-06-18 18:41:19.000,2024-02-05 05:29:37.000000,2024-01-25 13:04:48,1763.0,117.0,2349.0,11671.0,Statistical data visualization using matplotlib.,210.0,39,2024-01-25 13:21:20,0.13.2,37.0,,3229.0,seaborn,conda-forge/seaborn,,,,361460.0,361460.0,https://pypi.org/project/seaborn,14699227.0,14881593.0,https://anaconda.org/conda-forge/seaborn,2024-01-27 07:37:15.644,8023979.0,,,,,1.0,375.0,10.0,,,,,,,,,,,,,, +11,transformers,True,huggingface/transformers,,nlp,https://github.com/huggingface/transformers,https://github.com/huggingface/transformers,Apache-2.0,2018-10-29 13:56:00.000,2024-02-15 14:08:54.000000,2024-02-15 14:02:58,22890.0,740.0,13264.0,120155.0,Transformers: State-of-the-art Natural Language..,2409.0,38,2024-01-29 16:11:49,4.37.2,100.0,,,transformers,conda-forge/transformers,,,"['pytorch', 'tensorflow']",138018.0,138018.0,https://pypi.org/project/transformers,21805729.0,21840855.0,https://anaconda.org/conda-forge/transformers,2024-02-08 05:37:41.609,1510454.0,,,,,1.0,,,,,,,,,,,,,,,, +12,Streamlit,True,streamlit/streamlit,,others,https://github.com/streamlit/streamlit,https://github.com/streamlit/streamlit,Apache-2.0,2019-08-24 00:14:52.000,2024-02-15 13:17:17.000000,2024-02-14 23:32:26,2658.0,716.0,3196.0,30152.0,Streamlit The fastest way to build data apps in Python.,220.0,38,2024-02-12 17:53:30,1.31.1,73.0,,5094.0,streamlit,,,,,308179.0,308179.0,https://pypi.org/project/streamlit,3466218.0,3466218.0,,,,,,,,1.0,,8.0,,,,,,,,,,,,,, +13,Faker,True,joke2k/faker,,data-loading,https://github.com/joke2k/faker,https://github.com/joke2k/faker,MIT,2012-11-12 23:00:09.000,2024-02-15 11:32:01.722000,2024-02-14 22:57:41,1803.0,12.0,680.0,16847.0,Faker is a Python package that generates fake data for you.,563.0,38,2024-02-14 22:53:44,23.2.0,228.0,,3561.0,Faker,conda-forge/faker,,,,200614.0,200614.0,https://pypi.org/project/Faker,12902887.0,12923150.0,https://anaconda.org/conda-forge/faker,2024-02-15 11:32:01.722,891581.0,,,,,1.0,,,,,,,,,,,,,,,, +14,Plotly,True,plotly/plotly.py,,data-viz,https://github.com/plotly/plotly.py,https://github.com/plotly/plotly.py,MIT,2013-11-21 05:53:08.000,2024-02-14 15:41:44.000000,2024-02-12 18:50:14,2420.0,1416.0,1381.0,14859.0,The interactive graphing library for Python (includes Plotly Express).,254.0,38,2023-10-25 19:52:56,5.18.0,97.0,,6323.0,plotly,conda-forge/plotly,,,,239075.0,239075.0,https://pypi.org/project/plotly,12244187.0,12369060.0,https://anaconda.org/conda-forge/plotly,2023-10-25 22:33:48.925,5229342.0,,,,,1.0,,,plotlywidget,https://www.npmjs.com/package/plotlywidget,8666.0,,,,,,,,,,, +15,scipy,True,scipy/scipy,,others,https://github.com/scipy/scipy,https://github.com/scipy/scipy,BSD-3-Clause,2011-03-09 18:52:03.000,2024-02-15 13:45:26.000000,2024-02-15 13:45:25,4836.0,1516.0,8209.0,12186.0,"Ecosystem of open-source software for mathematics, science, and engineering.",1583.0,38,2024-01-20 22:00:44,1.12.0,86.0,,,scipy,conda-forge/scipy,,,,921765.0,921765.0,https://pypi.org/project/scipy,79921434.0,81078561.0,https://anaconda.org/conda-forge/scipy,2024-01-24 03:11:41.395,44978955.0,,,,,1.0,393564.0,,,,,,,,,,,,,,, +16,pytorch-lightning,True,PyTorchLightning/pytorch-lightning,,ml-frameworks,https://github.com/Lightning-AI/pytorch-lightning,https://github.com/Lightning-AI/pytorch-lightning,Apache-2.0,2019-03-31 00:45:57.000,2024-02-15 10:42:29.000000,2024-02-14 22:49:11,3118.0,644.0,6089.0,26220.0,The lightweight PyTorch wrapper for high-performance..,929.0,37,2024-02-12 19:43:45,2.2.0.post0,106.0,Lightning-AI/pytorch-lightning,10148.0,pytorch-lightning,conda-forge/pytorch-lightning,,,['pytorch'],28949.0,28949.0,https://pypi.org/project/pytorch-lightning,4675465.0,4699655.0,https://anaconda.org/conda-forge/pytorch-lightning,2023-12-21 18:47:20.324,1051457.0,,,,,1.0,10001.0,8.0,,,,,,,,,,,,,, +17,mlflow,True,mlflow/mlflow,,ml-experiments,https://github.com/mlflow/mlflow,https://github.com/mlflow/mlflow,Apache-2.0,2018-06-05 16:05:58.000,2024-02-15 13:53:53.000000,2024-02-15 09:50:02,3718.0,1101.0,2336.0,16756.0,Open source platform for the machine learning lifecycle.,701.0,37,2024-02-09 12:58:56,2.10.2,83.0,,5402.0,mlflow,conda-forge/mlflow,,,,30373.0,30373.0,https://pypi.org/project/mlflow,15819930.0,15859281.0,https://anaconda.org/conda-forge/mlflow,2024-02-11 06:58:41.714,1731465.0,,,,,1.0,,,,,,,,,,,,,,,, +18,LightGBM,True,microsoft/LightGBM,,ml-frameworks,https://github.com/microsoft/LightGBM,https://github.com/microsoft/LightGBM,MIT,2016-08-05 05:45:50.000,2024-02-15 12:06:37.000000,2024-02-15 04:17:35,3673.0,330.0,2900.0,15858.0,"A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT,..",295.0,37,2024-01-26 02:11:11,4.3.0,31.0,,3420.0,lightgbm,conda-forge/lightgbm,,,,29736.0,29736.0,https://pypi.org/project/lightgbm,7492906.0,7548767.0,https://anaconda.org/conda-forge/lightgbm,2024-01-26 13:26:41.503,2183677.0,,,,,1.0,213329.0,,,,,,,,,,,,,,, +19,Tensorboard,True,tensorflow/tensorboard,,ml-experiments,https://github.com/tensorflow/tensorboard,https://github.com/tensorflow/tensorboard,Apache-2.0,2017-05-15 20:08:07.000,2024-02-14 23:49:16.000000,2024-02-14 23:49:16,1584.0,597.0,1222.0,6475.0,TensorFlow's Visualization Toolkit.,314.0,37,2024-02-14 15:52:50,2.16.1,59.0,,5766.0,tensorboard,conda-forge/tensorboard,,,['tensorflow'],214935.0,214935.0,https://pypi.org/project/tensorboard,22929771.0,23032103.0,https://anaconda.org/conda-forge/tensorboard,2024-02-09 13:56:55.080,4502642.0,,,,,1.0,,,,,,,,,,,,,,,, +20,Gradio,True,gradio-app/gradio,,others,https://github.com/gradio-app/gradio,https://github.com/gradio-app/gradio,Apache-2.0,2018-12-19 08:24:04.000,2024-02-15 13:40:08.000000,2024-02-15 00:51:58,1833.0,424.0,3278.0,26285.0,"Wrap UIs around any model, share with anyone.",257.0,36,2024-02-14 22:24:37,@gradio/video@0.6.1,100.0,,4736.0,gradio,,,,,22846.0,22846.0,https://pypi.org/project/gradio,6612572.0,6612572.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +21,PaddlePaddle,True,PaddlePaddle/Paddle,,ml-frameworks,https://github.com/PaddlePaddle/Paddle,https://github.com/PaddlePaddle/Paddle,Apache-2.0,2016-08-15 06:59:08.000,2024-02-15 12:56:04.000000,2024-02-12 04:09:58,5227.0,996.0,16725.0,21355.0,PArallel Distributed Deep LEarning: Machine Learning..,1158.0,36,2024-01-08 06:43:49,2.6.0,61.0,,15069.0,paddlepaddle,,,,['paddle'],4630.0,4630.0,https://pypi.org/project/paddlepaddle,225864.0,226034.0,,,,,,,,2.0,15368.0,,,,,,,,,,,,,,, +22,shap,True,slundberg/shap,,interpretability,https://github.com/shap/shap,https://github.com/shap/shap,MIT,2016-11-22 19:17:08.000,2024-02-15 09:38:13.000000,2024-02-15 09:38:12,3034.0,1424.0,976.0,21161.0,A game theoretic approach to explain the output of any machine learning model.,230.0,36,2024-01-25 13:08:31,0.44.1,52.0,shap/shap,2603.0,shap,conda-forge/shap,,,,15725.0,15725.0,https://pypi.org/project/shap,7603675.0,7663846.0,https://anaconda.org/conda-forge/shap,2024-01-08 16:40:58.890,2286533.0,,,,,1.0,,,,,,,,,,,,,,,, +23,Matplotlib,True,matplotlib/matplotlib,,data-viz,https://github.com/matplotlib/matplotlib,https://github.com/matplotlib/matplotlib,,2011-02-19 03:17:12.000,2024-02-15 10:15:51.000000,2024-02-14 22:45:24,7164.0,1165.0,8899.0,18863.0,matplotlib: plotting with Python.,1644.0,36,2024-02-15 00:38:17,3.8.3,81.0,,,matplotlib,conda-forge/matplotlib,,,,1088663.0,1088663.0,https://pypi.org/project/matplotlib,55172063.0,55665513.0,https://anaconda.org/conda-forge/matplotlib,2023-11-20 21:33:42.497,21711818.0,,,,,1.0,,,,,,,,,,,,,,,, +24,sentence-transformers,True,UKPLab/sentence-transformers,,nlp,https://github.com/UKPLab/sentence-transformers,https://github.com/UKPLab/sentence-transformers,Apache-2.0,2019-07-24 10:53:51.000,2024-02-15 10:25:09.000000,2024-02-15 10:11:57,2187.0,967.0,898.0,13114.0,Sentence Embeddings with BERT & XLNet.,139.0,36,2024-01-30 19:43:59,2.3.1,34.0,,1323.0,sentence-transformers,,,,['pytorch'],24486.0,24486.0,https://pypi.org/project/sentence-transformers,3643673.0,3643673.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +25,SymPy,True,sympy/sympy,,others,https://github.com/sympy/sympy,https://github.com/sympy/sympy,,2010-04-30 20:37:14.000,2024-02-15 11:13:44.000000,2024-02-15 11:13:44,4092.0,4271.0,8659.0,11840.0,A computer algebra system written in pure Python.,1276.0,36,2023-05-10 18:09:23,sympy-1.12,45.0,,57119.0,sympy,conda-forge/sympy,,,,111537.0,111537.0,https://pypi.org/project/sympy,11479270.0,11536910.0,https://anaconda.org/conda-forge/sympy,2023-06-16 13:17:18.981,4970895.0,,,,,1.0,532135.0,,,,,,,,,,,,,,, +26,Pillow,True,python-pillow/Pillow,,image,https://github.com/python-pillow/Pillow,https://github.com/python-pillow/Pillow,PIL,2012-07-24 21:38:39.000,2024-02-15 09:31:00.000000,2024-02-15 09:23:43,1967.0,73.0,2929.0,11474.0,The friendly PIL fork (Python Imaging Library).,459.0,36,2024-01-02 09:38:41,10.2.0,54.0,,,Pillow,conda-forge/pillow,,,,1535357.0,1535357.0,https://pypi.org/project/Pillow,89037891.0,89874786.0,https://anaconda.org/conda-forge/pillow,2024-01-03 04:54:52.877,35986525.0,,,,,1.0,,,,,,,,,,,,,,,, +27,joblib,True,joblib/joblib,,data-pipelines,https://github.com/joblib/joblib,https://github.com/joblib/joblib,BSD-3-Clause,2010-05-07 06:48:26.000,2024-02-11 18:40:43.000000,2023-12-01 10:50:33,377.0,359.0,469.0,3575.0,Computing with Python functions.,127.0,36,2023-08-09 09:27:06,1.3.2,27.0,,1499.0,joblib,conda-forge/joblib,,,,391444.0,391444.0,https://pypi.org/project/joblib,43796028.0,44351362.0,https://anaconda.org/conda-forge/joblib,2023-08-09 10:36:06.506,23879398.0,,,,,1.0,,,,,,,,,,,,,,,, +28,h5py,True,h5py/h5py,,data-containers,https://github.com/h5py/h5py,https://github.com/h5py/h5py,BSD-3-Clause,2012-09-21 00:40:02.000,2024-01-18 10:56:19.000000,2024-01-18 10:20:59,497.0,252.0,1219.0,1977.0,HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5..,201.0,36,2023-10-09 14:23:19,3.10.0,35.0,,4353.0,h5py,conda-forge/h5py,,,,254858.0,254858.0,https://pypi.org/project/h5py,16821661.0,17151805.0,https://anaconda.org/conda-forge/h5py,2023-12-13 14:02:18.065,14524737.0,,,,,1.0,3100.0,,,,,,,,,,,,,,, +29,imageio,True,imageio/imageio,,image,https://github.com/imageio/imageio,https://github.com/imageio/imageio,BSD-2-Clause,2013-05-04 22:56:45.000,2024-02-12 09:34:41.924000,2024-02-12 02:14:21,273.0,90.0,490.0,1383.0,Python library for reading and writing image data.,109.0,36,2024-02-12 02:14:34,2.34.0,65.0,,1521.0,imageio,conda-forge/imageio,,,,115902.0,115902.0,https://pypi.org/project/imageio,24499028.0,24639703.0,https://anaconda.org/conda-forge/imageio,2024-02-12 09:34:41.924,6048407.0,,,,,1.0,975.0,,,,,,,,,,,,,,, +30,Airflow,True,apache/airflow,,data-pipelines,https://github.com/apache/airflow,https://github.com/apache/airflow,Apache-2.0,2015-04-13 18:04:58.000,2024-02-15 14:10:55.000000,2024-02-15 13:58:36,12916.0,732.0,7866.0,34008.0,"Platform to programmatically author, schedule, and monitor workflows.",3184.0,35,2024-02-12 04:30:06,helm-chart/1.12.0,76.0,,,apache-airflow,conda-forge/airflow,apache/airflow,,,9576.0,9576.0,https://pypi.org/project/apache-airflow,25472830.0,31874526.0,https://anaconda.org/conda-forge/airflow,2024-01-01 18:27:17.725,996117.0,https://hub.docker.com/r/apache/airflow,2024-02-01 10:08:58.881310,501.0,675507320.0,1.0,593815.0,,,,,stable/airflow,,,,,,,,,, +31,Ray,True,ray-project/ray,,distributed-ml,https://github.com/ray-project/ray,https://github.com/ray-project/ray,Apache-2.0,2016-10-25 19:38:30.000,2024-02-15 14:14:44.000000,2024-02-15 03:40:45,4969.0,3145.0,13501.0,29908.0,"An open source framework that provides a simple, universal API for..",970.0,35,2024-02-06 01:23:15,ray-2.9.2,78.0,,20660.0,ray,,,,,13700.0,13700.0,https://pypi.org/project/ray,3075001.0,3075003.0,,,,,,,,1.0,208.0,,,,,,,,,,,,,,, +32,dash,True,plotly/dash,,data-viz,https://github.com/plotly/dash,https://github.com/plotly/dash,MIT,2015-04-10 01:53:08.000,2024-02-15 09:55:54.000000,2024-02-14 03:22:29,1921.0,776.0,860.0,20112.0,"Analytical Web Apps for Python, R, Julia, and Jupyter. No JavaScript..",146.0,35,2024-01-31 18:19:00,2.15.0,104.0,,7268.0,dash,conda-forge/dash,,,,58264.0,58264.0,https://pypi.org/project/dash,2581175.0,2608324.0,https://anaconda.org/conda-forge/dash,2024-02-01 06:48:09.240,1194517.0,,,,,1.0,70.0,,,,,,,,,,,,,,, +33,gensim,True,RaRe-Technologies/gensim,,nlp,https://github.com/piskvorky/gensim,https://github.com/piskvorky/gensim,LGPL-2.1,2011-02-10 07:43:04.000,2024-02-08 03:02:42.101000,2024-02-08 02:27:50,4156.0,378.0,1444.0,15001.0,Topic Modelling for Humans.,449.0,35,2023-08-24 08:44:46,4.3.2,43.0,piskvorky/gensim,4492.0,gensim,conda-forge/gensim,,,,55712.0,55712.0,https://pypi.org/project/gensim,3886616.0,3921018.0,https://anaconda.org/conda-forge/gensim,2024-02-08 03:02:42.101,1202504.0,,,,,1.0,4553.0,,,,,,,,,,,,,,, +34,pydeck,True,visgl/deck.gl,,geospatial-data,https://github.com/visgl/deck.gl,https://github.com/visgl/deck.gl,MIT,2015-12-15 08:38:29.000,2024-02-15 12:28:29.000000,2024-02-15 12:28:26,1982.0,266.0,2593.0,11531.0,WebGL2 powered geospatial visualization layers.,246.0,35,2024-01-19 15:06:18,8.9.34,100.0,,4656.0,pydeck,conda-forge/pydeck,,,['jupyter'],7135.0,7135.0,https://pypi.org/project/pydeck,1981480.0,2413189.0,https://anaconda.org/conda-forge/pydeck,2023-06-16 19:17:51.392,475901.0,,,,,1.0,,,deck.gl,https://www.npmjs.com/package/deck.gl,421795.0,,,,,,,,,,, +35,Dagster,True,dagster-io/dagster,,data-pipelines,https://github.com/dagster-io/dagster,https://github.com/dagster-io/dagster,Apache-2.0,2018-04-30 16:30:04.000,2024-02-15 14:09:32.000000,2024-02-15 10:35:09,1177.0,1993.0,4591.0,9609.0,"A data orchestrator for machine learning, analytics, and ETL.",395.0,35,2024-02-08 22:41:21,1.6.4,180.0,,17166.0,dagster,conda-forge/dagster,,,,1954.0,1954.0,https://pypi.org/project/dagster,1040705.0,1064436.0,https://anaconda.org/conda-forge/dagster,2024-02-08 23:55:54.276,1067900.0,,,,,1.0,,,,,,,,,,,,,,,, +36,StatsModels,True,statsmodels/statsmodels,,ml-frameworks,https://github.com/statsmodels/statsmodels,https://github.com/statsmodels/statsmodels,BSD-3-Clause,2011-06-12 17:04:50.000,2024-02-13 23:43:19.000000,2024-02-13 23:43:19,2622.0,2566.0,2735.0,9301.0,Statsmodels: statistical modeling and econometrics in Python.,423.0,35,2023-12-14 14:31:51,0.14.1,26.0,,,statsmodels,conda-forge/statsmodels,,,,114884.0,114884.0,https://pypi.org/project/statsmodels,12859683.0,13136793.0,https://anaconda.org/conda-forge/statsmodels,2023-12-14 18:03:00.804,12192876.0,,,,,2.0,30.0,,,,,,,,,,,,,,, +37,Keras,True,keras-team/keras,,ml-frameworks,https://github.com/keras-team/keras,https://github.com/keras-team/keras,Apache-2.0,2015-03-28 00:35:42.000,2024-02-15 07:10:55.798000,2024-02-14 23:50:20,18590.0,179.0,11404.0,60310.0,Deep Learning for humans.,1274.0,34,2024-02-14 22:35:12,3.0.5,59.0,,10313.0,keras,conda-forge/keras,,https://keras.io,['tensorflow'],,,https://pypi.org/project/keras,14679228.0,14755956.0,https://anaconda.org/conda-forge/keras,2024-02-15 07:10:55.798,3376072.0,,,,,2.0,,,,,,,,,,,,,,,, +38,OpenAI Gym,True,openai/gym,,reinforcement-learning,https://github.com/openai/gym,https://github.com/openai/gym,MIT,2016-04-27 14:59:16.000,2023-10-22 22:49:37.000000,2023-01-30 18:15:21,8048.0,76.0,1717.0,33518.0,A toolkit for developing and comparing reinforcement learning..,384.0,34,2022-10-04 16:39:12,0.26.2,19.0,,1757.0,gym,,,,,50121.0,50121.0,https://pypi.org/project/gym,660538.0,660538.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +39,DeepSpeed,True,microsoft/DeepSpeed,,distributed-ml,https://github.com/microsoft/DeepSpeed,https://github.com/microsoft/DeepSpeed,Apache-2.0,2020-01-23 18:35:18.000,2024-02-15 14:14:04.000000,2024-02-15 13:14:57,3582.0,831.0,1526.0,31369.0,DeepSpeed is a deep learning optimization library that makes..,289.0,34,2024-02-12 17:19:27,0.13.2,68.0,,2149.0,deepspeed,,deepspeed/deepspeed,,['pytorch'],5770.0,5770.0,https://pypi.org/project/deepspeed,382821.0,383182.0,,,,https://hub.docker.com/r/deepspeed/deepspeed,2022-09-02 00:25:31.275782,4.0,17717.0,1.0,,,,,,,,,,,,,,,, +40,Fastai,True,fastai/fastai,,ml-frameworks,https://github.com/fastai/fastai,https://github.com/fastai/fastai,Apache-2.0,2017-09-09 17:43:36.000,2024-02-01 00:26:04.000000,2024-02-01 00:26:01,7291.0,184.0,1585.0,25214.0,The fastai deep learning library.,246.0,34,2024-02-01 00:26:04,2.7.14,51.0,,2738.0,fastai,,,,['pytorch'],16226.0,16226.0,https://pypi.org/project/fastai,420871.0,420871.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +41,Celery,True,celery/celery,,data-pipelines,https://github.com/celery/celery,https://github.com/celery/celery,,2009-04-24 11:31:24.000,2024-02-13 15:57:14.000000,2024-02-13 12:05:23,4409.0,605.0,4373.0,23036.0,Asynchronous task queue/job queue based on distributed message passing.,1335.0,34,2023-11-22 15:18:14,5.3.6,46.0,,,celery,conda-forge/celery,,,,125643.0,125643.0,https://pypi.org/project/celery,9478930.0,9513904.0,https://anaconda.org/conda-forge/celery,2023-12-30 03:15:22.483,1538881.0,,,,,1.0,,,,,,,,,,,,,,,, +42,Jina,True,jina-ai/jina,,ml-frameworks,https://github.com/jina-ai/jina,https://github.com/jina-ai/jina,Apache-2.0,2020-02-13 17:04:44.000,2024-02-01 06:53:56.000000,2024-01-10 17:54:15,2148.0,12.0,1912.0,19683.0,An easier way to build neural search on the cloud.,176.0,34,2023-12-14 15:31:33,3.23.2,100.0,,8511.0,jina,,jinaai/jina,,,1564.0,1564.0,https://pypi.org/project/jina,148006.0,175174.0,,,,https://hub.docker.com/r/jinaai/jina,2024-01-08 08:54:01.226227,8.0,1304067.0,2.0,,,,,,,,,,,,,,,, +43,Datasets,True,huggingface/datasets,,data-loading,https://github.com/huggingface/datasets,https://github.com/huggingface/datasets,Apache-2.0,2020-03-26 09:23:22.000,2024-02-15 10:17:08.000000,2024-02-09 10:12:12,2375.0,575.0,2061.0,18025.0,The largest hub of ready-to-use NLP datasets for ML models with..,546.0,34,2024-02-09 10:09:55,2.17.0,82.0,,,datasets,,,,,37747.0,37747.0,https://pypi.org/project/datasets,7514331.0,7514331.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +44,onnx,True,onnx/onnx,,model-serialisation,https://github.com/onnx/onnx,https://github.com/onnx/onnx,Apache-2.0,2017-09-07 04:53:45.000,2024-02-15 08:08:01.000000,2024-02-13 22:43:02,3523.0,267.0,2357.0,16377.0,Open standard for machine learning interoperability.,306.0,34,2023-10-31 17:04:56,1.15.0,27.0,,,onnx,conda-forge/onnx,,,,23820.0,23820.0,https://pypi.org/project/onnx,4586803.0,4607977.0,https://anaconda.org/conda-forge/onnx,2024-01-25 12:19:38.120,920150.0,,,,,1.0,19943.0,,,,,,,,,,,,,,, +45,dlib,True,davisking/dlib,,ml-frameworks,https://github.com/davisking/dlib,https://github.com/davisking/dlib,BSL-1.0,2014-01-29 00:45:33.000,2024-02-15 10:48:40.000000,2024-02-05 13:07:16,2828.0,41.0,2125.0,12627.0,A toolkit for making real world machine learning and data analysis..,191.0,34,2023-05-14 13:10:44,19.24.2,26.0,,8237.0,dlib,conda-forge/dlib,,,,24968.0,24968.0,https://pypi.org/project/dlib,368435.0,383619.0,https://anaconda.org/conda-forge/dlib,2024-01-11 01:14:47.895,657427.0,,,,,2.0,25375.0,,,,,,,,,,,,,,, +46,MoviePy,True,Zulko/moviepy,,image,https://github.com/Zulko/moviepy,https://github.com/Zulko/moviepy,MIT,2013-08-12 09:39:28.000,2024-02-14 11:23:16.000000,2023-07-11 16:23:35,1420.0,373.0,1039.0,11483.0,Video editing with Python.,160.0,34,2020-05-07 16:29:35,1.0.3,14.0,,1095.0,moviepy,conda-forge/moviepy,,,,34210.0,34210.0,https://pypi.org/project/moviepy,786746.0,789563.0,https://anaconda.org/conda-forge/moviepy,2023-06-16 13:23:34.876,222577.0,,,,,1.0,,,,,,,,,,,,,,,, +47,Kornia,True,kornia/kornia,,image,https://github.com/kornia/kornia,https://github.com/kornia/kornia,Apache-2.0,2018-08-22 10:31:37.000,2024-02-15 13:33:35.000000,2024-02-15 13:31:42,896.0,243.0,622.0,9111.0,Open Source Differentiable Computer Vision Library for PyTorch.,249.0,34,2023-12-27 10:47:21,0.7.1,37.0,,2626.0,kornia,,,,['pytorch'],8367.0,8367.0,https://pypi.org/project/kornia,2222040.0,2222054.0,,,,,,,,1.0,940.0,,,,,,,,,,,,,,, +48,Altair,True,altair-viz/altair,,data-viz,https://github.com/altair-viz/altair,https://github.com/altair-viz/altair,BSD-3-Clause,2015-09-19 03:14:04.000,2024-02-04 17:03:58.000000,2024-02-04 17:03:57,715.0,160.0,1745.0,8712.0,Declarative statistical visualization library for Python.,161.0,34,2023-11-28 06:23:39,5.2.0,27.0,,,altair,conda-forge/altair,,,,106701.0,106701.0,https://pypi.org/project/altair,18947992.0,19030248.0,https://anaconda.org/conda-forge/altair,2023-12-05 00:22:25.208,2138652.0,,,,,1.0,102.0,,,,,,,,,,,,,,, +49,imbalanced-learn,True,scikit-learn-contrib/imbalanced-learn,,sklearn-utils,https://github.com/scikit-learn-contrib/imbalanced-learn,https://github.com/scikit-learn-contrib/imbalanced-learn,MIT,2014-08-16 05:08:26.000,2024-01-24 19:39:53.672000,2024-01-24 13:04:18,1209.0,24.0,546.0,6637.0,A Python Package to Tackle the Curse of Imbalanced..,82.0,34,2024-01-24 19:22:58,0.12.0,34.0,,855.0,imbalanced-learn,conda-forge/imbalanced-learn,,,['sklearn'],24319.0,24319.0,https://pypi.org/project/imbalanced-learn,9176882.0,9188831.0,https://anaconda.org/conda-forge/imbalanced-learn,2024-01-24 19:39:53.672,525761.0,,,,,1.0,,,,,,,,,,,,,,,, +50,TensorFlow Datasets,True,tensorflow/datasets,,data-loading,https://github.com/tensorflow/datasets,https://github.com/tensorflow/datasets,Apache-2.0,2018-09-10 21:27:22.000,2024-02-12 15:46:32.000000,2024-02-09 13:02:01,1443.0,397.0,709.0,4111.0,TFDS is a collection of datasets ready to use with..,302.0,34,2023-12-18 13:28:11,4.9.4,32.0,,6177.0,tensorflow-datasets,,,,['tensorflow'],16276.0,16276.0,https://pypi.org/project/tensorflow-datasets,3019327.0,3019327.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +51,opencv-python,True,skvark/opencv-python,,image,https://github.com/opencv/opencv-python,https://github.com/opencv/opencv-python,MIT,2016-04-08 13:36:40.000,2024-02-12 11:19:30.000000,2023-12-31 11:04:55,758.0,84.0,654.0,3997.0,"Automated CI toolchain to produce precompiled opencv-python, opencv-python-headless, opencv-contrib-python and opencv-..",48.0,34,2023-12-31 11:17:16,80,72.0,opencv/opencv-python,860.0,opencv-python,,,,,355005.0,355005.0,https://pypi.org/project/opencv-python,12171109.0,12171109.0,,,,,,,,1.0,,9.0,,,,,,,,,,,,,, +52,Thinc,True,explosion/thinc,,ml-frameworks,https://github.com/explosion/thinc,https://github.com/explosion/thinc,MIT,2014-10-16 16:34:59.000,2024-02-12 11:08:13.000000,2024-02-07 15:14:19,269.0,14.0,124.0,2777.0,"A refreshing functional take on deep learning, compatible with your favorite..",63.0,34,2024-02-07 18:33:24,8.2.3,77.0,,5271.0,thinc,conda-forge/thinc,,,,42692.0,42692.0,https://pypi.org/project/thinc,5930881.0,5991055.0,https://anaconda.org/conda-forge/thinc,2023-12-29 09:50:56.118,2707834.0,,,,,2.0,,,,,,,,,,,,,,,, +53,SageMaker SDK,True,aws/sagemaker-python-sdk,,ml-experiments,https://github.com/aws/sagemaker-python-sdk,https://github.com/aws/sagemaker-python-sdk,Apache-2.0,2017-11-14 01:03:33.000,2024-02-15 00:37:08.000000,2024-02-14 16:53:48,1038.0,242.0,1156.0,2009.0,A library for training and deploying machine learning..,425.0,34,2024-02-06 22:33:31,2.207.1,100.0,,3510.0,sagemaker,,,,"['mxnet', 'tensorflow']",3589.0,3589.0,https://pypi.org/project/sagemaker,25600002.0,25600002.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +54,Fiona,True,Toblerity/Fiona,,geospatial-data,https://github.com/Toblerity/Fiona,https://github.com/Toblerity/Fiona,BSD-3-Clause,2011-12-31 19:47:00.000,2024-02-05 07:29:07.000000,2024-01-16 19:22:02,195.0,32.0,734.0,1102.0,Fiona reads and writes geographic data files.,72.0,34,2023-10-12 19:29:21,1.9.5,47.0,,1473.0,fiona,conda-forge/fiona,,,,17871.0,17871.0,https://pypi.org/project/fiona,6197967.0,6319962.0,https://anaconda.org/conda-forge/fiona,2024-01-01 18:20:39.698,5245805.0,,,,,1.0,,,,,,,,,,,,,,,, +55,jieba,True,fxsjy/jieba,,chinese-nlp,https://github.com/fxsjy/jieba,https://github.com/fxsjy/jieba,MIT,2012-09-29 07:52:01.000,2024-01-17 14:24:55.000000,2020-02-15 08:33:35,6482.0,614.0,225.0,31990.0,Chinese Words Segementation Utilities.,49.0,33,2020-01-20 14:23:50,0.42.1,9.0,,523.0,jieba,conda-forge/jieba,,,,26499.0,26499.0,https://pypi.org/project/jieba,664597.0,666416.0,https://anaconda.org/conda-forge/jieba,2023-06-16 13:21:35.778,149231.0,,,,,1.0,,,,,,,,,,,,,,,, +56,jax,True,google/jax,,ml-frameworks,https://github.com/google/jax,https://github.com/google/jax,Apache-2.0,2018-10-25 21:25:02.000,2024-02-15 14:03:51.000000,2024-02-15 13:33:48,2385.0,1255.0,3676.0,26611.0,"Composable transformations of Python+NumPy programs: differentiate,..",635.0,33,2024-02-06 16:40:52,jax-v0.4.24,95.0,,,jax,conda-forge/jaxlib,,,,21885.0,21885.0,https://pypi.org/project/jax,5648440.0,5672273.0,https://anaconda.org/conda-forge/jaxlib,2024-02-14 13:36:46.247,1048680.0,,,,,2.0,,,,,,,,,,,,,,,, +57,EasyOCR,True,JaidedAI/EasyOCR,,ocr,https://github.com/JaidedAI/EasyOCR,https://github.com/JaidedAI/EasyOCR,Apache-2.0,2020-03-14 11:46:39.000,2024-02-06 12:31:50.000000,2023-09-04 11:42:16,2812.0,332.0,585.0,21070.0,Ready-to-use OCR with 80+ supported languages and all popular writing..,128.0,33,2023-09-04 11:53:04,1.7.1,22.0,,615.0,easyocr,,,,,5151.0,5151.0,https://pypi.org/project/easyocr,439125.0,639239.0,,,,,,,,1.0,8805052.0,,,,,,,,,,,,,,, +58,MXNet,True,apache/incubator-mxnet,,ml-frameworks,https://github.com/apache/mxnet,https://github.com/apache/mxnet,Apache-2.0,2015-04-30 16:21:15.000,2023-10-25 21:28:33.000000,2023-01-26 21:28:45,6531.0,1805.0,7763.0,20690.0,"Lightweight, Portable, Flexible Distributed/Mobile Deep Learning..",982.0,33,2022-05-10 20:10:05,1.9.1,34.0,apache/mxnet,11896.0,mxnet,mxnet,,,['mxnet'],7049.0,7049.0,https://pypi.org/project/mxnet,383945.0,384374.0,https://anaconda.org/anaconda/mxnet,2023-06-16 13:24:22.589,10628.0,,,,,2.0,26598.0,,,,,,,,,,,,,,, +59,Bokeh,True,bokeh/bokeh,,data-viz,https://github.com/bokeh/bokeh,https://github.com/bokeh/bokeh,BSD-3-Clause,2012-03-26 15:40:01.000,2024-02-15 13:01:33.000000,2024-02-15 13:01:32,4091.0,720.0,6821.0,18579.0,"Interactive Data Visualization in the browser, from Python.",682.0,33,,,58.0,,,bokeh,conda-forge/bokeh,,,,83426.0,83426.0,https://pypi.org/project/bokeh,4071328.0,4375269.0,https://anaconda.org/conda-forge/bokeh,2024-01-25 20:54:18.325,13373445.0,,,,,2.0,,,,,,,,,,,,,,,, +60,luigi,True,spotify/luigi,,data-pipelines,https://github.com/spotify/luigi,https://github.com/spotify/luigi,Apache-2.0,2012-09-20 15:06:38.000,2024-01-23 14:23:07.000000,2024-01-23 10:42:08,2294.0,95.0,881.0,17109.0,Luigi is a Python module that helps you build complex pipelines of batch..,613.0,33,2024-01-15 15:33:51,3.5.0,58.0,,4100.0,luigi,luigi,,,,2307.0,2307.0,https://pypi.org/project/luigi,374433.0,374583.0,https://anaconda.org/anaconda/luigi,2023-06-16 13:25:26.049,14434.0,,,,,2.0,,,,,,stable/luigi,,,,,,,,,, +61,networkx,True,networkx/networkx,,graph,https://github.com/networkx/networkx,https://github.com/networkx/networkx,,2010-09-06 00:53:44.000,2024-02-15 13:34:58.000000,2024-02-15 13:34:57,3018.0,178.0,2952.0,13906.0,Network Analysis in Python.,708.0,33,2023-10-28 09:53:23,networkx-3.2.1,54.0,,,networkx,conda-forge/networkx,,,,223709.0,223709.0,https://pypi.org/project/networkx,43801744.0,44151787.0,https://anaconda.org/conda-forge/networkx,2023-10-28 14:55:59.129,14701820.0,,,,,1.0,65.0,,,,,,,,,,,,,,, +62,Albumentations,True,albumentations-team/albumentations,,image,https://github.com/albumentations-team/albumentations,https://github.com/albumentations-team/albumentations,MIT,2018-06-06 03:10:50.000,2024-02-14 20:13:25.000000,2024-02-13 00:25:46,1544.0,371.0,438.0,13100.0,Fast image augmentation library and an easy-to-use wrapper..,133.0,33,2023-06-10 07:44:08,1.3.1,18.0,,788.0,albumentations,conda-forge/albumentations,,,['pytorch'],20791.0,20791.0,https://pypi.org/project/albumentations,1212034.0,1214744.0,https://anaconda.org/conda-forge/albumentations,2023-06-12 13:29:26.010,151787.0,,,,,2.0,,,,,,,,,,,,,,,, +63,nltk,True,nltk/nltk,,nlp,https://github.com/nltk/nltk,https://github.com/nltk/nltk,Apache-2.0,2009-09-07 10:53:58.000,2024-02-04 15:36:20.000000,2024-01-29 09:04:39,2707.0,246.0,1506.0,12796.0,Suite of libraries and programs for symbolic and statistical natural language processing for English.,454.0,33,,,17.0,,,nltk,conda-forge/nltk,,,,250944.0,250944.0,https://pypi.org/project/nltk,13384123.0,13410896.0,https://anaconda.org/conda-forge/nltk,2023-06-16 13:20:53.756,2409618.0,,,,,1.0,,,,,,,,,,,,,,,, +64,pandas-profiling,True,pandas-profiling/pandas-profiling,,data-viz,https://github.com/ydataai/ydata-profiling,https://github.com/ydataai/ydata-profiling,MIT,2016-01-09 23:47:55.000,2024-02-13 19:21:14.000000,2024-02-13 09:33:32,1584.0,203.0,556.0,11820.0,Create HTML profiling reports from pandas DataFrame..,118.0,33,2024-01-08 15:03:46,4.6.4,55.0,ydataai/ydata-profiling,1371.0,pandas-profiling,conda-forge/pandas-profiling,,,"['jupyter', 'pandas']",2433.0,2433.0,https://pypi.org/project/pandas-profiling,540977.0,545624.0,https://anaconda.org/conda-forge/pandas-profiling,2023-06-16 13:22:30.453,418312.0,,,,,2.0,45.0,,,,,,,,,,,,,,, +65,Optuna,True,optuna/optuna,,hyperopt,https://github.com/optuna/optuna,https://github.com/optuna/optuna,,2018-02-21 06:12:56.000,2024-02-15 10:16:52.000000,2024-02-15 10:13:54,926.0,85.0,1490.0,9273.0,A hyperparameter optimization framework.,257.0,33,2023-12-11 05:04:29,3.5.0,62.0,,17038.0,optuna,conda-forge/optuna,,,,12393.0,12393.0,https://pypi.org/project/optuna,2135899.0,2150180.0,https://anaconda.org/conda-forge/optuna,2023-12-11 08:40:18.727,628385.0,,,,,1.0,,,,,,,,,,,,,,,, +66,sentencepiece,True,google/sentencepiece,,nlp,https://github.com/google/sentencepiece,https://github.com/google/sentencepiece,Apache-2.0,2017-03-07 10:03:48.000,2024-02-14 12:50:54.000000,2024-02-14 12:50:54,1050.0,34.0,665.0,8959.0,Unsupervised text tokenizer for Neural Network-based text..,83.0,33,2023-05-02 03:20:40,0.1.99,26.0,,925.0,sentencepiece,conda-forge/sentencepiece,,,,54927.0,54927.0,https://pypi.org/project/sentencepiece,11960973.0,11978145.0,https://anaconda.org/conda-forge/sentencepiece,2024-01-23 02:02:02.802,716319.0,,,,,1.0,33942.0,,,,,,,,,,,,,,, +67,PyCaret,True,pycaret/pycaret,,ml-experiments,https://github.com/pycaret/pycaret,https://github.com/pycaret/pycaret,MIT,2019-11-23 18:40:48.000,2024-02-15 13:19:11.000000,2024-02-02 00:07:41,1668.0,327.0,1912.0,8205.0,"An open-source, low-code machine learning library in Python.",130.0,33,2023-11-12 21:46:01,3.2.0,26.0,,5079.0,pycaret,,,,,5115.0,5115.0,https://pypi.org/project/pycaret,285300.0,285315.0,,,,,,,,1.0,679.0,,,,,,,,,,,,,,, +68,Pydub,True,jiaaro/pydub,,audio,https://github.com/jiaaro/pydub,https://github.com/jiaaro/pydub,MIT,2011-05-02 18:42:38.000,2024-01-24 09:40:52.000000,2022-12-08 17:49:19,972.0,285.0,270.0,8139.0,Manipulate audio with a simple and easy high level interface.,95.0,33,2021-03-10 02:10:41,0.25.1,31.0,,746.0,pydub,conda-forge/pydub,,,,49693.0,49693.0,https://pypi.org/project/pydub,3843438.0,3844749.0,https://anaconda.org/conda-forge/pydub,2023-06-16 16:12:25.533,81331.0,,,,,1.0,,,,,,,,,,,,,,,, +69,einops,True,arogozhnikov/einops,,ml-frameworks,https://github.com/arogozhnikov/einops,https://github.com/arogozhnikov/einops,MIT,2018-09-22 00:45:08.000,2024-02-11 06:38:37.000000,2024-02-11 06:36:31,324.0,27.0,134.0,7656.0,"Deep learning operations reinvented (for pytorch, tensorflow, jax and..",26.0,33,2023-10-01 01:13:00,0.7.0,13.0,,669.0,einops,conda-forge/einops,,,,26357.0,26357.0,https://pypi.org/project/einops,7390980.0,7395563.0,https://anaconda.org/conda-forge/einops,2023-10-01 10:01:09.036,183345.0,,,,,2.0,,,,,,,,,,,,,,,, +70,Tablib,True,jazzband/tablib,,data-loading,https://github.com/jazzband/tablib,https://github.com/jazzband/tablib,MIT,2011-03-28 02:36:50.000,2024-01-01 17:45:27.000000,2024-01-01 17:45:18,552.0,27.0,222.0,4478.0,"Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.",125.0,33,2023-06-11 17:06:31,3.5.0,16.0,,1187.0,tablib,conda-forge/tablib,,,,92708.0,92708.0,https://pypi.org/project/tablib,1875887.0,1876969.0,https://anaconda.org/conda-forge/tablib,2023-06-12 13:40:38.968,94213.0,,,,,2.0,,,,,,,,,,,,,,,, +71,TF Addons,True,tensorflow/addons,,tensorflow-utils,https://github.com/tensorflow/addons,https://github.com/tensorflow/addons,Apache-2.0,2018-11-26 23:57:17.000,2023-12-13 04:29:28.000000,2023-12-13 04:29:27,557.0,76.0,895.0,1680.0,Useful extra functionality for TensorFlow 2.x maintained by..,207.0,33,2023-11-28 01:15:27,0.23.0,38.0,,1518.0,tensorflow-addons,,,,['tensorflow'],14022.0,14022.0,https://pypi.org/project/tensorflow-addons,863108.0,863108.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +72,Wand,True,emcconville/wand,,image,https://github.com/emcconville/wand,https://github.com/emcconville/wand,MIT,2011-09-30 21:36:38.000,2024-02-12 00:19:31.000000,2024-02-11 16:39:29,198.0,22.0,390.0,1345.0,The ctypes-based simple ImageMagick binding for Python.,104.0,33,2023-11-04 01:41:17,0.6.13,25.0,,1856.0,wand,,,,,18203.0,18203.0,https://pypi.org/project/wand,842424.0,843077.0,,,,,,,,2.0,41172.0,,,,,,,,,,,,,,, +73,PySpark,True,apache/spark,,ml-frameworks,https://github.com/apache/spark,https://github.com/apache/spark,Apache-2.0,2014-02-25 08:00:08.000,2024-02-15 12:36:22.000000,2024-02-15 09:26:59,26469.0,,,37815.0,Apache Spark Python API.,3007.0,32,,,33.0,,39840.0,pyspark,conda-forge/pyspark,,,['spark'],,,https://pypi.org/project/pyspark,29465017.0,29533020.0,https://anaconda.org/conda-forge/pyspark,2023-10-04 13:44:45.676,2992175.0,,,,,2.0,,,,,,stable/spark,,,,,,,,,, +74,fastText,True,facebookresearch/fastText,,nlp,https://github.com/facebookresearch/fastText,https://github.com/facebookresearch/fastText,MIT,2016-07-16 13:38:42.000,2024-02-15 07:41:22.000000,2024-01-09 17:24:35,4506.0,464.0,611.0,25407.0,Library for fast text representation and classification.,68.0,32,2020-04-28 09:51:33,0.9.2,4.0,,379.0,fasttext,conda-forge/fasttext,,,,5561.0,5561.0,https://pypi.org/project/fasttext,902028.0,903846.0,https://anaconda.org/conda-forge/fasttext,2023-09-26 23:15:16.887,74542.0,,,,,1.0,,,,,,,,,,,,,,,, +75,pyecharts,True,pyecharts/pyecharts,,data-viz,https://github.com/pyecharts/pyecharts,https://github.com/pyecharts/pyecharts,MIT,2017-06-22 02:50:25.000,2024-01-16 08:10:29.000000,2023-08-21 03:59:26,2790.0,10.0,1818.0,14266.0,Python Echarts Plotting Library.,39.0,32,2023-08-21 08:24:32,2.0.4,3.0,,1627.0,pyecharts,,,https://github.com/pyecharts/pyecharts/blob/master/README.en.md,['jupyter'],3855.0,3855.0,https://pypi.org/project/pyecharts,78806.0,78806.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +76,Prefect,True,PrefectHQ/prefect,,data-pipelines,https://github.com/PrefectHQ/prefect,https://github.com/PrefectHQ/prefect,Apache-2.0,2018-06-29 21:59:26.000,2024-02-15 06:53:43.000000,2024-02-14 22:47:58,1395.0,633.0,3852.0,14045.0,The easiest way to automate your data.,226.0,32,2024-02-08 22:36:57,2.14.21,211.0,,,prefect,conda-forge/prefect,,,,4442.0,4442.0,https://pypi.org/project/prefect,723150.0,736460.0,https://anaconda.org/conda-forge/prefect,2024-02-09 00:09:50.861,598994.0,,,,,2.0,,,,,,,,,,,,,,,, +77,imgaug,True,aleju/imgaug,,image,https://github.com/aleju/imgaug,https://github.com/aleju/imgaug,MIT,2015-07-10 20:31:33.000,2023-07-26 09:00:34.000000,2020-06-01 14:58:26,2372.0,283.0,223.0,14022.0,Image augmentation for machine learning experiments.,36.0,32,2020-02-06 06:18:40,0.4.0,3.0,,2913.0,imgaug,conda-forge/imgaug,,,,18390.0,18390.0,https://pypi.org/project/imgaug,338544.0,341229.0,https://anaconda.org/conda-forge/imgaug,2023-06-16 16:15:24.882,150386.0,,,,,2.0,,,,,,,,,,,,,,,, +78,DVC,True,iterative/dvc,,ml-experiments,https://github.com/iterative/dvc,https://github.com/iterative/dvc,Apache-2.0,2017-03-04 08:16:33.000,2024-02-15 08:16:51.000000,2024-02-15 03:18:30,1114.0,514.0,4065.0,12881.0,Data Version Control | Git for Data & Models.,290.0,32,2024-02-09 00:17:42,3.44.0,298.0,,,dvc,conda-forge/dvc,,,,12792.0,12792.0,https://pypi.org/project/dvc,779418.0,823216.0,https://anaconda.org/conda-forge/dvc,2024-02-09 02:01:19.112,1766421.0,,,,,2.0,43844.0,,,,,,dvc,dvc,dvc,,,,,,, +79,dgl,True,dmlc/dgl,,graph,https://github.com/dmlc/dgl,https://github.com/dmlc/dgl,Apache-2.0,2018-04-20 14:49:09.000,2024-02-15 00:13:37.000000,2024-02-14 15:36:00,2848.0,356.0,2227.0,12761.0,"Python package built to ease deep learning on graph, on top of existing..",284.0,32,2024-01-12 03:51:43,2.0.0,35.0,,3942.0,dgl,,,,,198.0,198.0,https://pypi.org/project/dgl,67671.0,67671.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +80,dask,True,dask/dask,,distributed-ml,https://github.com/dask/dask,https://github.com/dask/dask,BSD-3-Clause,2015-01-04 18:50:00.000,2024-02-15 13:06:43.000000,2024-02-15 13:06:42,1624.0,845.0,4099.0,11781.0,Parallel computing with task scheduling.,592.0,32,,,165.0,,,dask,conda-forge/dask,,,,57195.0,57195.0,https://pypi.org/project/dask,7065853.0,7303907.0,https://anaconda.org/conda-forge/dask,2024-02-10 02:02:14.402,10712464.0,,,,,1.0,,,,,,stable/dask,,,,,,,,,, +81,yfinance,True,ranaroussi/yfinance,,financial-data,https://github.com/ranaroussi/yfinance,https://github.com/ranaroussi/yfinance,Apache-2.0,2017-05-21 10:16:15.000,2024-02-14 23:43:02.000000,2024-02-11 13:47:36,2073.0,165.0,1059.0,11278.0,Yahoo! Finance market data downloader (+faster Pandas Datareader).,106.0,32,2024-01-21 18:12:24,0.2.36,73.0,,,yfinance,ranaroussi/yfinance,,,,33269.0,33269.0,https://pypi.org/project/yfinance,1549797.0,1552577.0,https://anaconda.org/ranaroussi/yfinance,2023-06-16 19:26:44.442,86193.0,,,,,1.0,,,,,,,,,,,,,,,, +82,rq,True,rq/rq,,data-pipelines,https://github.com/rq/rq,https://github.com/rq/rq,,2011-11-14 10:53:48.000,2024-02-14 22:07:18.000000,2024-02-14 12:22:56,1362.0,164.0,942.0,9385.0,Simple job queues for Python.,305.0,32,2023-06-21 01:53:02,1.15.1,27.0,,1815.0,rq,conda-forge/rq,,,,15729.0,15729.0,https://pypi.org/project/rq,1547061.0,1549640.0,https://anaconda.org/conda-forge/rq,2023-09-04 10:10:27.153,100598.0,,,,,2.0,,,,,,,,,,,,,,,, +83,Modin,True,modin-project/modin,,data-containers,https://github.com/modin-project/modin,https://github.com/modin-project/modin,Apache-2.0,2018-06-21 21:35:05.000,2024-02-14 16:43:15.000000,2024-02-14 12:40:17,630.0,639.0,3287.0,9323.0,Modin: Speed up your Pandas workflows by changing a single line of..,126.0,32,2024-02-14 14:00:43,0.27.0,81.0,,2779.0,modin,,,,['pandas'],1342.0,1342.0,https://pypi.org/project/modin,767485.0,770422.0,,,,,,,,2.0,196805.0,,,,,,,,,,,,,,, +84,Tokenizers,True,huggingface/tokenizers,,nlp,https://github.com/huggingface/tokenizers,https://github.com/huggingface/tokenizers,Apache-2.0,2019-11-01 17:52:20.000,2024-02-13 03:05:44.000000,2024-02-13 03:05:43,662.0,183.0,701.0,8126.0,Fast State-of-the-Art Tokenizers optimized for Research and..,87.0,32,2024-02-12 02:35:06,0.15.2,84.0,,,tokenizers,conda-forge/tokenizers,,,,60433.0,60433.0,https://pypi.org/project/tokenizers,18336481.0,18370075.0,https://anaconda.org/conda-forge/tokenizers,2024-02-12 11:07:11.714,1444576.0,,,,,1.0,33.0,,,,,,,,,,,,,,, +85,wandb client,True,wandb/client,,ml-experiments,https://github.com/wandb/wandb,https://github.com/wandb/wandb,MIT,2017-03-24 05:46:23.000,2024-02-15 12:26:03.000000,2024-02-15 01:20:41,573.0,839.0,2140.0,7840.0,A tool for visualizing and tracking your machine learning..,174.0,32,2024-02-06 18:50:34,0.16.3,100.0,wandb/wandb,,wandb,,,,,38406.0,38406.0,https://pypi.org/project/wandb,11525351.0,11525351.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +86,PyOD,True,yzhao062/pyod,,others,https://github.com/yzhao062/pyod,https://github.com/yzhao062/pyod,BSD-2-Clause,2017-10-03 20:29:04.000,2024-02-09 07:12:56.000000,2024-02-09 06:45:29,1289.0,176.0,145.0,7782.0,(JMLR'19) A Python Toolbox for Scalable Outlier Detection (Anomaly..,50.0,32,2024-02-09 06:52:05,1.1.3,39.0,,1724.0,pyod,,,,,3275.0,3275.0,https://pypi.org/project/pyod,650414.0,650414.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +87,Catboost,True,catboost/catboost,,ml-frameworks,https://github.com/catboost/catboost,https://github.com/catboost/catboost,Apache-2.0,2017-07-18 05:29:04.000,2024-02-15 13:08:20.000000,2024-02-15 13:08:16,1129.0,519.0,1684.0,7598.0,"A fast, scalable, high performance Gradient Boosting on Decision..",1209.0,32,2023-09-19 20:01:10,1.2.2,84.0,,47421.0,catboost,conda-forge/catboost,,,,13.0,13.0,https://pypi.org/project/catboost,1744135.0,1784057.0,https://anaconda.org/conda-forge/catboost,2023-09-19 20:23:11.996,1445687.0,,,,,2.0,219805.0,,,,,,,,,,,,,,, +88,Beam,True,apache/beam,,data-pipelines,https://github.com/apache/beam,https://github.com/apache/beam,Apache-2.0,2016-02-02 08:00:06.000,2024-02-15 14:09:57.000000,2024-02-15 14:09:56,3913.0,4236.0,2182.0,7383.0,"Unified programming model to define and execute data processing pipelines, including ETL, batch and stream processing.",1606.0,32,2024-02-14 18:03:04,2.54.0,37.0,,41647.0,apache-beam,,,,,3.0,3.0,https://pypi.org/project/apache-beam,6793551.0,6793551.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +89,folium,True,python-visualization/folium,,geospatial-data,https://github.com/python-visualization/folium,https://github.com/python-visualization/folium,MIT,2013-05-09 04:21:35.000,2024-02-14 02:52:57.000000,2024-02-08 11:19:12,2172.0,75.0,990.0,6585.0,Python Data. Leaflet.js Maps.,161.0,32,2023-12-04 11:11:32,0.15.1,26.0,,,folium,conda-forge/folium,,,,34023.0,34023.0,https://pypi.org/project/folium,935517.0,1004314.0,https://anaconda.org/conda-forge/folium,2023-12-04 11:42:27.248,2545523.0,,,,,1.0,,,,,,,,,,,,,,,, +90,scikit-image,True,scikit-image/scikit-image,,image,https://github.com/scikit-image/scikit-image,https://github.com/scikit-image/scikit-image,,2011-07-07 22:07:20.000,2024-02-15 13:20:26.000000,2024-02-09 08:34:28,2120.0,535.0,2044.0,5772.0,Image processing in Python.,649.0,32,2023-10-03 21:36:37,0.22.0,23.0,,,scikit-image,conda-forge/scikit-image,,,,169890.0,169890.0,https://pypi.org/project/scikit-image,15272547.0,15407791.0,https://anaconda.org/conda-forge/scikit-image,2023-10-11 16:58:18.971,5950768.0,,,,,2.0,,,,,,,,,,,,,,,, +91,xmltodict,True,martinblech/xmltodict,,data-loading,https://github.com/martinblech/xmltodict,https://github.com/martinblech/xmltodict,MIT,2012-04-17 14:38:21.000,2024-02-02 09:12:11.000000,2023-03-12 19:26:01,450.0,83.0,162.0,5315.0,Python module that makes working with XML feel like you are..,49.0,32,,,4.0,,221.0,xmltodict,conda-forge/xmltodict,,,,62927.0,62927.0,https://pypi.org/project/xmltodict,33099941.0,33140416.0,https://anaconda.org/conda-forge/xmltodict,2023-06-16 13:20:35.475,3642785.0,,,,,2.0,,,,,,,,,,,,,,,, +92,GeoPandas,True,geopandas/geopandas,,geospatial-data,https://github.com/geopandas/geopandas,https://github.com/geopandas/geopandas,BSD-3-Clause,2013-06-27 17:03:47.000,2024-02-13 11:08:49.000000,2024-02-13 11:08:48,848.0,358.0,1188.0,4062.0,Python tools for geographic data.,218.0,32,2024-01-31 19:22:01,0.14.3,35.0,,,geopandas,conda-forge/geopandas,,,['pandas'],31308.0,31308.0,https://pypi.org/project/geopandas,5981274.0,6058601.0,https://anaconda.org/conda-forge/geopandas,2024-01-31 21:02:18.644,3401280.0,,,,,1.0,2441.0,,,,,,,,,,,,,,, +93,spark-nlp,True,JohnSnowLabs/spark-nlp,,nlp,https://github.com/JohnSnowLabs/spark-nlp,https://github.com/JohnSnowLabs/spark-nlp,Apache-2.0,2017-09-24 19:36:44.000,2024-02-14 22:27:34.000000,2024-02-04 11:49:24,681.0,35.0,809.0,3606.0,State of the Art Natural Language Processing.,111.0,32,2024-01-18 22:07:14,5.2.3,100.0,,8439.0,spark-nlp,,,,['spark'],394.0,394.0,https://pypi.org/project/spark-nlp,3857015.0,3857015.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +94,Shapely,True,Toblerity/Shapely,,geospatial-data,https://github.com/shapely/shapely,https://github.com/shapely/shapely,BSD-3-Clause,2011-12-31 19:43:11.000,2024-02-14 13:46:34.000000,2024-02-12 15:32:25,541.0,227.0,903.0,3583.0,Manipulation and analysis of geometric objects.,152.0,32,2023-10-12 20:37:13,2.0.2,27.0,shapely/shapely,,shapely,conda-forge/shapely,,,,61911.0,61911.0,https://pypi.org/project/shapely,17917506.0,18129159.0,https://anaconda.org/conda-forge/shapely,2023-11-23 18:52:59.047,8884843.0,,,,,1.0,3096.0,,,,,,,,,,,,,,, +95,TensorFlow Text,True,tensorflow/text,,nlp,https://github.com/tensorflow/text,https://github.com/tensorflow/text,Apache-2.0,2019-05-29 22:10:03.000,2024-02-01 01:43:52.000000,2024-01-31 19:53:34,313.0,72.0,164.0,1181.0,Making text a first-class citizen in TensorFlow.,112.0,32,2023-11-15 19:00:05,2.15.0,53.0,,866.0,tensorflow-text,,,,['tensorflow'],6403.0,6403.0,https://pypi.org/project/tensorflow-text,5474078.0,5474078.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +96,PyTorch Image Models,True,rwightman/pytorch-image-models,,image,https://github.com/huggingface/pytorch-image-models,https://github.com/huggingface/pytorch-image-models,Apache-2.0,2019-02-02 05:51:12.000,2024-02-12 23:01:56.000000,2024-02-12 23:01:45,4388.0,70.0,770.0,28693.0,"PyTorch image models, scripts, pretrained weights --..",129.0,31,2023-11-24 19:09:08,0.9.12,54.0,huggingface/pytorch-image-models,,,,,,['pytorch'],22969.0,22969.0,,,108449.0,,,,,,,,2.0,6181647.0,,,,,,,,,,,,,,, +97,Rasa,True,RasaHQ/rasa,,nlp,https://github.com/RasaHQ/rasa,https://github.com/RasaHQ/rasa,Apache-2.0,2016-10-14 12:27:49.000,2024-02-13 20:01:27.000000,2023-11-29 14:40:08,4346.0,2.0,6641.0,17595.0,Open source machine learning framework to automate text- and voice-..,592.0,31,2024-02-13 13:39:05,3.6.17,100.0,,,rasa,,,,['tensorflow'],3948.0,3948.0,https://pypi.org/project/rasa,165693.0,165693.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +98,flair,True,flairNLP/flair,,nlp,https://github.com/flairNLP/flair,https://github.com/flairNLP/flair,,2018-06-11 11:04:18.000,2024-02-12 11:28:55.000000,2024-02-12 08:30:01,1713.0,57.0,2175.0,13406.0,A very simple framework for state-of-the-art Natural Language Processing..,257.0,31,2023-12-18 09:29:22,0.13.1,25.0,,5869.0,flair,,,,['pytorch'],3021.0,3021.0,https://pypi.org/project/flair,115191.0,115191.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +99,AllenNLP,True,allenai/allennlp,,nlp,https://github.com/allenai/allennlp,https://github.com/allenai/allennlp,Apache-2.0,2017-05-15 15:52:41.000,2022-11-22 23:28:35.000000,2022-11-22 00:42:46,2176.0,80.0,2477.0,11652.0,"An open-source NLP research library, built on PyTorch.",266.0,31,2022-10-18 23:32:24,2.10.1,59.0,,2357.0,allennlp,,,,['pytorch'],3926.0,3926.0,https://pypi.org/project/allennlp,47592.0,47592.0,,,,,,,,2.0,62.0,,,,,,,,,,,,,,, +100,Theano,True,Theano/Theano,,ml-frameworks,https://github.com/Theano/Theano,https://github.com/Theano/Theano,,2011-08-10 03:48:06.000,2024-01-15 03:16:24.000000,2024-01-15 03:16:24,2412.0,593.0,2088.0,9842.0,"Theano is a Python library that allows you to define, optimize, and..",386.0,31,,,8.0,,28133.0,theano,conda-forge/theano,,,,14744.0,14744.0,https://pypi.org/project/theano,360393.0,386675.0,https://anaconda.org/conda-forge/theano,2023-06-16 13:23:49.668,2391749.0,,,,,2.0,,,,,,,,,,,,,,,, +101,fuzzywuzzy,True,seatgeek/fuzzywuzzy,,nlp,https://github.com/seatgeek/fuzzywuzzy,https://github.com/seatgeek/fuzzywuzzy,GPL-2.0,2011-07-08 19:32:34.000,2023-06-16 13:22:53.603000,2021-09-09 20:54:41,870.0,83.0,103.0,9067.0,Fuzzy String Matching in Python.,70.0,31,2020-02-13 22:14:12,0.18.0,23.0,,384.0,fuzzywuzzy,conda-forge/fuzzywuzzy,,,,22654.0,22654.0,https://pypi.org/project/fuzzywuzzy,5089568.0,5095306.0,https://anaconda.org/conda-forge/fuzzywuzzy,2023-06-16 13:22:53.603,522186.0,,,,,2.0,,,,,,,,,,,,,,,, +102,TextBlob,True,sloria/TextBlob,,nlp,https://github.com/sloria/TextBlob,https://github.com/sloria/TextBlob,MIT,2013-06-30 18:29:18.000,2023-06-16 13:22:54.304000,2023-03-11 18:17:15,1094.0,105.0,156.0,8841.0,"Simple, Pythonic, text processing--Sentiment analysis, part-of-speech..",36.0,31,2013-09-26 02:29:01,0.7.0,7.0,,535.0,textblob,conda-forge/textblob,,,,35984.0,35984.0,https://pypi.org/project/textblob,596667.0,599358.0,https://anaconda.org/conda-forge/textblob,2023-06-16 13:22:54.304,242192.0,,,,,2.0,114.0,,,,,,,,,,,,,,, +103,dbt,True,fishtown-analytics/dbt,,data-pipelines,https://github.com/dbt-labs/dbt-core,https://github.com/dbt-labs/dbt-core,Apache-2.0,2016-03-10 02:38:00.000,2024-02-15 09:09:33.000000,2024-02-13 18:53:57,1422.0,429.0,4436.0,8401.0,dbt (data build tool) enables data analysts and engineers to transform..,303.0,31,2024-02-14 21:41:04,1.7.8,100.0,dbt-labs/dbt-core,,dbt,conda-forge/dbt,,,,4273.0,4273.0,https://pypi.org/project/dbt,142569.0,145679.0,https://anaconda.org/conda-forge/dbt,2023-06-16 13:24:35.863,252646.0,,,,,2.0,3939.0,,,,,,dbt,,,,,,,,, +104,Flax,True,google/flax,,ml-frameworks,https://github.com/google/flax,https://github.com/google/flax,Apache-2.0,2020-01-10 09:48:37.000,2024-02-15 14:07:25.000000,2024-02-15 13:39:12,556.0,110.0,684.0,5201.0,Flax is a neural network library for JAX that is designed for..,216.0,31,2024-02-07 21:52:34,0.8.1,38.0,,,flax,,,,['jax'],6043.0,6043.0,https://pypi.org/project/flax,3600204.0,3600205.0,,,,,,,,2.0,50.0,,,,,,,,,,,,,,, +105,Ignite,True,pytorch/ignite,,ml-frameworks,https://github.com/pytorch/ignite,https://github.com/pytorch/ignite,BSD-3-Clause,2017-11-23 17:31:21.000,2024-02-14 22:32:36.000000,2024-02-14 22:32:35,599.0,112.0,1250.0,4419.0,High-level library to help with training and evaluating neural..,206.0,31,2023-10-19 08:22:16,0.4.13,24.0,,1660.0,pytorch-ignite,pytorch/ignite,,,['pytorch'],2675.0,2675.0,https://pypi.org/project/pytorch-ignite,247103.0,249679.0,https://anaconda.org/pytorch/ignite,2023-10-19 08:25:55.130,175206.0,,,,,2.0,,,,,,,,,,,,,,,, +106,hnswlib,True,nmslib/hnswlib,,nn-search,https://github.com/nmslib/hnswlib,https://github.com/nmslib/hnswlib,Apache-2.0,2017-07-06 13:08:46.000,2024-02-08 15:25:53.000000,2023-12-03 03:47:34,539.0,170.0,153.0,3839.0,Header-only C++/python library for fast approximate nearest neighbors.,72.0,31,2023-12-03 03:49:47,0.8.0,9.0,,490.0,hnswlib,,,,,5957.0,5957.0,https://pypi.org/project/hnswlib,677715.0,677715.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +107,xarray,True,pydata/xarray,,data-containers,https://github.com/pydata/xarray,https://github.com/pydata/xarray,Apache-2.0,2013-09-30 17:21:10.000,2024-02-14 23:54:16.000000,2024-02-14 21:50:29,983.0,979.0,3077.0,3344.0,N-D labeled arrays and datasets in Python.,481.0,31,2024-01-23 22:30:27,2024.01.1,89.0,,,xarray,conda-forge/xarray,,,,24163.0,24163.0,https://pypi.org/project/xarray,4545554.0,4766766.0,https://anaconda.org/conda-forge/xarray,2024-01-24 00:44:18.297,9512136.0,,,,,2.0,,,,,,,,,,,,,,,, +108,scikit-optimize,True,scikit-optimize/scikit-optimize,,hyperopt,https://github.com/scikit-optimize/scikit-optimize,https://github.com/scikit-optimize/scikit-optimize,BSD-3-Clause,2016-03-20 21:10:54.000,2024-01-15 00:09:43.000000,2021-10-12 13:32:38,511.0,252.0,393.0,2707.0,Sequential model-based optimization with a `scipy.optimize`..,76.0,31,2021-10-12 15:33:19,0.9.0,23.0,,1570.0,scikit-optimize,conda-forge/scikit-optimize,,,,5406.0,5406.0,https://pypi.org/project/scikit-optimize,584892.0,593748.0,https://anaconda.org/conda-forge/scikit-optimize,2023-06-16 13:23:01.487,699674.0,,,,,1.0,,,,,,,,,,,,,,,, +109,Lifelines,True,CamDavidsonPilon/lifelines,,medical-data,https://github.com/CamDavidsonPilon/lifelines,https://github.com/CamDavidsonPilon/lifelines,MIT,2013-08-28 00:16:42.000,2024-02-14 19:24:45.000000,2024-01-15 22:33:33,531.0,239.0,702.0,2239.0,Survival analysis in Python.,116.0,31,2024-01-03 22:00:43,0.28.0,100.0,,2291.0,lifelines,conda-forge/lifelines,,,,2193.0,2193.0,https://pypi.org/project/lifelines,675541.0,682470.0,https://anaconda.org/conda-forge/lifelines,2023-09-13 16:31:11.545,311813.0,,,,,1.0,,,,,,,,,,,,,,,, +110,Rasterio,True,mapbox/rasterio,,geospatial-data,https://github.com/rasterio/rasterio,https://github.com/rasterio/rasterio,,2013-11-04 16:36:27.000,2024-02-14 18:39:52.000000,2024-02-14 18:39:51,512.0,122.0,1619.0,2091.0,Rasterio reads and writes geospatial raster datasets.,155.0,31,2023-10-19 14:09:18,1.3.9,82.0,rasterio/rasterio,3566.0,rasterio,conda-forge/rasterio,,,,10362.0,10362.0,https://pypi.org/project/rasterio,2239119.0,2314721.0,https://anaconda.org/conda-forge/rasterio,2023-12-13 04:52:52.421,2796992.0,,,,,2.0,853.0,,,,,,,,,,,,,,, +111,Graphviz,True,xflr6/graphviz,,data-viz,https://github.com/xflr6/graphviz,https://github.com/xflr6/graphviz,MIT,2014-01-12 17:49:29.000,2023-12-19 22:00:11.000000,2023-12-04 09:05:52,205.0,8.0,158.0,1537.0,Simple Python interface for Graphviz.,22.0,31,,,,,1211.0,graphviz,,,,,60584.0,60584.0,https://pypi.org/project/graphviz,7351161.0,7351161.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +112,pmdarima,True,alkaline-ml/pmdarima,,time-series-data,https://github.com/alkaline-ml/pmdarima,https://github.com/alkaline-ml/pmdarima,MIT,2017-03-30 14:58:30.000,2024-02-08 17:35:29.000000,2023-10-23 16:17:56,226.0,49.0,271.0,1490.0,A statistical library designed to fill the void in Python's time series..,22.0,31,2023-10-23 16:52:00,2.0.4,44.0,,1077.0,pmdarima,,,,,7315.0,7315.0,https://pypi.org/project/pmdarima,1942079.0,1942079.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +113,ipyleaflet,True,jupyter-widgets/ipyleaflet,,geospatial-data,https://github.com/jupyter-widgets/ipyleaflet,https://github.com/jupyter-widgets/ipyleaflet,MIT,2014-05-07 16:32:10.000,2024-01-26 10:55:56.000000,2024-01-26 10:55:56,344.0,234.0,347.0,1440.0,A Jupyter - Leaflet.js bridge.,87.0,31,2024-01-23 17:51:37,0.18.2,70.0,,1171.0,ipyleaflet,conda-forge/ipyleaflet,,,['jupyter'],7258.0,7258.0,https://pypi.org/project/ipyleaflet,140164.0,180012.0,https://anaconda.org/conda-forge/ipyleaflet,2024-01-23 20:31:49.209,1102515.0,,,,,2.0,,,jupyter-leaflet,https://www.npmjs.com/package/jupyter-leaflet,15348.0,,,,,,,,,,, +114,NIPYPE,True,nipy/nipype,,medical-data,https://github.com/nipy/nipype,https://github.com/nipy/nipype,Apache-2.0,2010-07-22 17:06:49.000,2024-02-11 23:52:06.000000,2024-02-06 16:12:55,483.0,396.0,949.0,715.0,Workflows and interfaces for neuroimaging packages.,251.0,31,2022-09-01 22:11:24,1.8.4,46.0,,14789.0,nipype,conda-forge/nipype,,,,3994.0,3994.0,https://pypi.org/project/nipype,87841.0,101977.0,https://anaconda.org/conda-forge/nipype,2023-09-22 18:28:24.915,593742.0,,,,,1.0,,,,,,,,,,,,,,,, +115,PaddleOCR,True,PaddlePaddle/PaddleOCR,,ocr,https://github.com/PaddlePaddle/PaddleOCR,https://github.com/PaddlePaddle/PaddleOCR,Apache-2.0,2020-05-08 10:38:16.000,2024-02-08 12:38:39.000000,2024-01-24 03:54:03,6931.0,983.0,7502.0,36421.0,Awesome multilingual OCR toolkits based on PaddlePaddle..,152.0,30,2023-10-18 12:32:48,2.7.1,8.0,,,paddleocr,,,,['paddle'],2220.0,2220.0,https://pypi.org/project/paddleocr,195235.0,195235.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +116,fairseq,True,pytorch/fairseq,,nlp,https://github.com/facebookresearch/fairseq,https://github.com/facebookresearch/fairseq,MIT,2017-08-29 16:26:12.000,2024-02-15 02:04:25.000000,2024-01-24 18:54:38,5983.0,1067.0,3036.0,28690.0,Facebook AI Research Sequence-to-Sequence Toolkit written in Python.,423.0,30,2022-06-27 19:32:58,0.12.2,16.0,facebookresearch/fairseq,,fairseq,,,,['pytorch'],2693.0,2693.0,https://pypi.org/project/fairseq,483549.0,483553.0,,,,,,,,2.0,326.0,,,,,,,,,,,,,,, +117,Faiss,True,facebookresearch/faiss,,nn-search,https://github.com/facebookresearch/faiss,https://github.com/facebookresearch/faiss,MIT,2017-02-07 16:07:05.000,2024-02-15 12:13:29.000000,2024-02-15 12:08:09,3217.0,405.0,1878.0,26806.0,A library for efficient similarity search and clustering of dense vectors.,152.0,30,2023-04-20 13:45:29,1.7.4,15.0,,,pymilvus,conda-forge/faiss,,,,3425.0,3425.0,https://pypi.org/project/pymilvus,521088.0,543838.0,https://anaconda.org/conda-forge/faiss,2023-06-16 19:19:09.201,1023760.0,,,,,1.0,,,,,,,,,,,,,,,, +118,Milvus,True,milvus-io/milvus,,nn-search,https://github.com/milvus-io/milvus,https://github.com/milvus-io/milvus,Apache-2.0,2019-09-16 06:43:43.000,2024-02-14 22:43:14.000000,2024-02-13 02:26:47,2456.0,515.0,9480.0,25508.0,An open source embedding vector similarity search engine powered by..,263.0,30,2024-02-07 08:12:10,2.3.8,100.0,,19066.0,pymilvus,,milvusdb/milvus,,,,,https://pypi.org/project/pymilvus,521088.0,734774.0,,,,https://hub.docker.com/r/milvusdb/milvus,2024-02-13 02:55:56.789899,39.0,11051279.0,1.0,72420.0,,,,,,,,,,,,,,, +119,DeepSpeech,True,mozilla/DeepSpeech,,audio,https://github.com/mozilla/DeepSpeech,https://github.com/mozilla/DeepSpeech,MPL-2.0,2016-06-02 15:04:53.000,2024-01-13 10:31:18.000000,2021-11-17 17:52:52,3760.0,115.0,1985.0,23850.0,"DeepSpeech is an open source embedded (offline, on-..",163.0,30,2020-12-10 15:58:47,0.9.3,100.0,,3466.0,deepspeech,,,,['tensorflow'],394.0,394.0,https://pypi.org/project/deepspeech,5736.0,22812.0,,,,,,,,1.0,1109940.0,,,,,,,,,,,,,,, +120,PyFlink,True,apache/flink,,ml-frameworks,https://github.com/apache/flink,https://github.com/apache/flink,Apache-2.0,2014-06-07 07:00:10.000,2024-02-15 13:19:00.000000,2024-02-15 11:22:18,12266.0,,,22827.0,Apache Flink Python API.,1825.0,30,,,,,34898.0,apache-flink,,,,,21.0,21.0,https://pypi.org/project/apache-flink,145394.0,145394.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +121,zipline,True,quantopian/zipline,,financial-data,https://github.com/quantopian/zipline,https://github.com/quantopian/zipline,Apache-2.0,2012-10-19 15:50:29.000,2024-02-13 08:02:51.000000,2020-10-14 16:36:49,4129.0,324.0,658.0,16886.0,"Zipline, a Pythonic Algorithmic Trading Library.",160.0,30,2020-10-05 15:43:07,1.4.1,13.0,,6226.0,zipline,,,,,981.0,981.0,https://pypi.org/project/zipline,2900.0,2900.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +122,ChatterBot,True,gunthercox/ChatterBot,,nlp,https://github.com/gunthercox/ChatterBot,https://github.com/gunthercox/ChatterBot,BSD-3-Clause,2014-09-28 14:49:00.000,2023-11-26 17:29:04.000000,2021-06-01 10:43:00,4279.0,354.0,1268.0,13814.0,"ChatterBot is a machine learning, conversational dialog engine..",103.0,30,2020-08-22 18:42:43,1.0.8,86.0,,1848.0,chatterbot,,,,,5580.0,5580.0,https://pypi.org/project/chatterbot,32035.0,32035.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +123,horovod,True,horovod/horovod,,distributed-ml,https://github.com/horovod/horovod,https://github.com/horovod/horovod,,2017-08-09 19:39:59.000,2024-01-15 08:14:29.000000,2024-01-05 20:03:59,2157.0,366.0,1855.0,13808.0,"Distributed training framework for TensorFlow, Keras, PyTorch, and..",172.0,30,2023-06-12 09:26:22,0.28.1,24.0,,1332.0,horovod,,,,,1089.0,1089.0,https://pypi.org/project/horovod,69514.0,69514.0,,,,,,,,2.0,,,,,,stable/horovod,,,,,,,,,, +124,Ludwig,True,ludwig-ai/ludwig,,ml-frameworks,https://github.com/ludwig-ai/ludwig,https://github.com/ludwig-ai/ludwig,Apache-2.0,2018-12-27 23:58:12.000,2024-02-13 00:04:05.000000,2024-02-09 22:03:26,1101.0,278.0,752.0,10520.0,Ludwig is a toolbox that allows to train and evaluate deep..,152.0,30,2024-01-23 04:10:36,0.9.3,46.0,,3821.0,ludwig,,,,['tensorflow'],239.0,239.0,https://pypi.org/project/ludwig,3926.0,3926.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +125,Datasette,True,simonw/datasette,,others,https://github.com/simonw/datasette,https://github.com/simonw/datasette,Apache-2.0,2017-10-23 00:39:03.000,2024-02-14 13:27:22.000000,2024-02-14 02:23:54,606.0,508.0,1189.0,8702.0,An open source multi-tool for exploring and publishing data.,76.0,30,2023-12-22 23:19:30,0.64.6,100.0,,2111.0,datasette,,,,,1178.0,1178.0,https://pypi.org/project/datasette,40983.0,40984.0,,,,,,,,2.0,59.0,,,,,,datasette,,,,,,,,, +126,espnet,True,espnet/espnet,,audio,https://github.com/espnet/espnet,https://github.com/espnet/espnet,Apache-2.0,2017-12-13 00:45:11.000,2024-02-15 14:21:27.000000,2024-02-15 07:56:54,1953.0,217.0,2055.0,7614.0,End-to-End Speech Processing Toolkit.,411.0,30,2024-02-06 03:28:17,.202402,52.0,,20661.0,espnet,,,,,287.0,287.0,https://pypi.org/project/espnet,19375.0,19376.0,,,,,,,,1.0,79.0,,,,,,,,,,,,,,, +127,sktime,True,alan-turing-institute/sktime,,time-series-data,https://github.com/sktime/sktime,https://github.com/sktime/sktime,BSD-3-Clause,2018-11-06 15:08:24.000,2024-02-15 13:32:59.000000,2024-02-15 04:01:30,1164.0,761.0,1375.0,7202.0,A unified framework for machine learning with time series.,319.0,30,2024-01-26 21:33:01,0.26.0,59.0,sktime/sktime,,sktime,,,,['sklearn'],2219.0,2219.0,https://pypi.org/project/sktime,736433.0,736434.0,,,,,,,,1.0,84.0,,,,,,,,,,,,,,, +128,Autograd,True,HIPS/autograd,,others,https://github.com/HIPS/autograd,https://github.com/HIPS/autograd,MIT,2014-11-24 15:50:23.000,2023-12-05 22:52:30.000000,2023-11-16 08:43:39,857.0,159.0,233.0,6677.0,Efficiently computes derivatives of numpy code.,56.0,30,2015-03-05 19:30:11,1.0,7.0,,1418.0,autograd,conda-forge/autograd,,,,7309.0,7309.0,https://pypi.org/project/autograd,1461834.0,1481430.0,https://anaconda.org/conda-forge/autograd,2023-06-26 15:21:38.267,391927.0,,,,,2.0,,,,,,,,,,,,,,,, +129,TinyDB,True,msiemens/tinydb,,data-containers,https://github.com/msiemens/tinydb,https://github.com/msiemens/tinydb,MIT,2013-07-12 23:31:13.000,2024-01-19 01:36:55.000000,2023-07-24 18:53:19,502.0,17.0,292.0,6375.0,TinyDB is a lightweight document oriented database optimized for your..,82.0,30,2023-06-12 19:06:37,4.8.0,61.0,,697.0,tinydb,conda-forge/tinydb,,,,12559.0,12559.0,https://pypi.org/project/tinydb,554936.0,558972.0,https://anaconda.org/conda-forge/tinydb,2023-06-12 22:06:12.645,371325.0,,,,,2.0,,,,,,,,,,,,,,,, +130,PML,True,KevinMusgrave/pytorch-metric-learning,,pytorch-utils,https://github.com/KevinMusgrave/pytorch-metric-learning,https://github.com/KevinMusgrave/pytorch-metric-learning,MIT,2019-10-23 17:20:35.000,2023-12-16 19:25:54.000000,2023-12-16 19:23:13,634.0,50.0,432.0,5657.0,"The easiest way to use deep metric learning in your application. Modular,..",40.0,30,2023-12-16 19:24:49,2.4.1,54.0,,1208.0,pytorch-metric-learning,metric-learning/pytorch-metric-learning,,,['pytorch'],1217.0,1217.0,https://pypi.org/project/pytorch-metric-learning,248516.0,248743.0,https://anaconda.org/metric-learning/pytorch-metric-learning,2023-06-16 19:17:36.446,11169.0,,,,,1.0,,,,,,,,,,,,,,,, +131,ClearML,True,allegroai/clearml,,ml-experiments,https://github.com/allegroai/clearml,https://github.com/allegroai/clearml,Apache-2.0,2019-06-10 08:18:32.000,2024-02-14 16:26:28.000000,2024-02-12 12:55:59,610.0,424.0,522.0,5066.0,ClearML - Auto-Magical Suite of tools to streamline your ML..,89.0,30,2024-02-12 13:05:39,1.14.3,94.0,,2298.0,clearml,,allegroai/trains,,,939.0,939.0,https://pypi.org/project/clearml,242147.0,242723.0,,,,https://hub.docker.com/r/allegroai/trains,2020-10-05 10:16:46.865671,,30237.0,2.0,2075.0,,,,,,,,,,,,,,, +132,DeepChem,True,deepchem/deepchem,,others,https://github.com/deepchem/deepchem,https://github.com/deepchem/deepchem,MIT,2015-09-24 23:20:28.000,2024-02-15 03:27:10.000000,2024-02-12 17:41:01,1507.0,438.0,1218.0,4922.0,"Democratizing Deep-Learning for Drug Discovery, Quantum Chemistry,..",236.0,30,2022-12-01 13:22:37,2.7.1,18.0,,10173.0,deepchem,,,,['tensorflow'],316.0,316.0,https://pypi.org/project/deepchem,19586.0,19586.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +133,MLxtend,True,rasbt/mlxtend,,sklearn-utils,https://github.com/rasbt/mlxtend,https://github.com/rasbt/mlxtend,,2014-08-14 01:56:16.000,2024-01-20 20:05:12.000000,2024-01-05 18:46:51,827.0,125.0,337.0,4714.0,A library of extension and helper modules for Python's data..,103.0,30,2024-01-05 08:47:39,0.23.1,29.0,,1637.0,mlxtend,conda-forge/mlxtend,,,['sklearn'],12196.0,12196.0,https://pypi.org/project/mlxtend,637081.0,644007.0,https://anaconda.org/conda-forge/mlxtend,2024-01-05 18:58:45.309,297836.0,,,,,1.0,,,,,,,,,,,,,,,, +134,TorchServe,True,pytorch/serve,,model-serialisation,https://github.com/pytorch/serve,https://github.com/pytorch/serve,Apache-2.0,2019-10-03 03:17:43.000,2024-02-15 02:26:29.000000,2024-02-13 22:43:24,776.0,311.0,1194.0,3891.0,Model Serving on PyTorch.,184.0,30,2023-10-13 00:21:43,0.9.0,22.0,,3669.0,torchserve,pytorch/torchserve,pytorch/torchserve,,['pytorch'],600.0,600.0,https://pypi.org/project/torchserve,42289.0,69381.0,https://anaconda.org/pytorch/torchserve,2023-10-12 22:01:52.717,153100.0,https://hub.docker.com/r/pytorch/torchserve,2023-10-12 22:44:52.307587,22.0,1229525.0,1.0,5544.0,,,,,,,,,,,,,,, +135,TextDistance,True,life4/textdistance,,nlp,https://github.com/life4/textdistance,https://github.com/life4/textdistance,MIT,2017-05-05 08:46:10.000,2023-12-29 09:26:48.000000,2023-12-29 09:26:14,242.0,,,3264.0,"Compute distance between sequences. 30+ algorithms, pure python..",14.0,30,2023-12-29 09:27:05,4.6.1,11.0,,403.0,textdistance,conda-forge/textdistance,,,,5720.0,5720.0,https://pypi.org/project/textdistance,563331.0,570807.0,https://anaconda.org/conda-forge/textdistance,2023-06-16 16:13:38.456,514976.0,,,,,2.0,975.0,,,,,,,,,,,,,,, +136,ImageHash,True,JohannesBuchner/imagehash,,image,https://github.com/JohannesBuchner/imagehash,https://github.com/JohannesBuchner/imagehash,BSD-2-Clause,2013-03-02 23:32:48.000,2023-12-13 21:21:22.000000,2023-10-24 18:29:08,324.0,9.0,121.0,2966.0,A Python Perceptual Image Hashing Module.,26.0,30,2021-03-25 13:49:48,4.1.0,7.0,,333.0,ImageHash,conda-forge/imagehash,,,,11974.0,11974.0,https://pypi.org/project/ImageHash,1199992.0,1204057.0,https://anaconda.org/conda-forge/imagehash,2023-06-16 13:23:10.041,353721.0,,,,,2.0,,,,,,,,,,,,,,,, +137,category_encoders,True,scikit-learn-contrib/category_encoders,,sklearn-utils,https://github.com/scikit-learn-contrib/category_encoders,https://github.com/scikit-learn-contrib/category_encoders,BSD-3-Clause,2015-11-29 19:32:37.000,2023-12-13 13:51:09.000000,2023-12-13 13:51:08,387.0,43.0,239.0,2344.0,A library of sklearn compatible categorical variable encoders.,70.0,30,2023-10-29 20:28:53,2.6.3,20.0,,953.0,category_encoders,conda-forge/category_encoders,,,['sklearn'],1447.0,1447.0,https://pypi.org/project/category_encoders,1434427.0,1443363.0,https://anaconda.org/conda-forge/category_encoders,2023-10-30 01:23:52.252,250234.0,,,,,1.0,,,,,,,,,,,,,,,, +138,datasketch,True,ekzhu/datasketch,,data-containers,https://github.com/ekzhu/datasketch,https://github.com/ekzhu/datasketch,MIT,2015-03-20 01:21:46.000,2024-01-22 06:47:11.000000,2024-01-03 03:34:41,277.0,46.0,113.0,2257.0,"MinHash, LSH, LSH Forest, Weighted MinHash, HyperLogLog,..",28.0,30,2023-10-03 09:59:29,1.6.4,31.0,,233.0,datasketch,,,,,1092.0,1092.0,https://pypi.org/project/datasketch,1411630.0,1411630.0,,,,,,,,2.0,19.0,,,,,,,,,,,,,,, +139,xlrd,True,python-excel/xlrd,,data-loading,https://github.com/python-excel/xlrd,https://github.com/python-excel/xlrd,,2012-03-07 04:50:48.000,2024-02-06 22:03:35.000000,2021-08-21 19:45:33,434.0,,,2123.0,Please use openpyxl where you can...,51.0,30,,,4.0,,503.0,xlrd,conda-forge/xlrd,,,,209110.0,209110.0,https://pypi.org/project/xlrd,19484301.0,19528351.0,https://anaconda.org/conda-forge/xlrd,2023-06-16 13:21:36.044,3656206.0,,,,,2.0,,,,,,,,,,,,,,,, +140,Cartopy,True,mapbox/rasterio,,geospatial-data,https://github.com/rasterio/rasterio,https://github.com/rasterio/rasterio,,2013-11-04 16:36:27.000,2024-02-14 18:39:52.000000,2024-02-14 18:39:51,512.0,122.0,1619.0,2091.0,Rasterio reads and writes geospatial raster datasets.,155.0,30,2023-10-19 14:09:18,1.3.9,28.0,rasterio/rasterio,3566.0,Cartopy,conda-forge/cartopy,,,,10362.0,10362.0,https://pypi.org/project/Cartopy,203778.0,279128.0,https://anaconda.org/conda-forge/cartopy,2023-10-24 18:58:07.197,3390420.0,,,,,2.0,853.0,,,,,,,,,,,,,,, +141,dask.distributed,True,dask/distributed,,distributed-ml,https://github.com/dask/distributed,https://github.com/dask/distributed,BSD-3-Clause,2015-09-13 18:42:29.000,2024-02-15 14:03:57.000000,2024-02-15 14:00:13,681.0,1188.0,2301.0,1519.0,A distributed task scheduler for Dask.,323.0,30,,,186.0,,,distributed,conda-forge/distributed,,,,32771.0,32771.0,https://pypi.org/project/distributed,4465901.0,4754799.0,https://anaconda.org/conda-forge/distributed,2024-02-10 00:54:34.054,13000420.0,,,,,2.0,,,,,,,,,,,,,,,, +142,arviz,True,arviz-devs/arviz,,interpretability,https://github.com/arviz-devs/arviz,https://github.com/arviz-devs/arviz,Apache-2.0,2015-07-29 11:51:10.000,2024-02-14 20:12:13.000000,2024-02-07 16:09:48,364.0,157.0,671.0,1492.0,Exploratory analysis of Bayesian models with Python.,153.0,30,2023-12-27 16:01:53,0.17.0,34.0,,,arviz,conda-forge/arviz,,,,5794.0,5794.0,https://pypi.org/project/arviz,1753293.0,1799308.0,https://anaconda.org/conda-forge/arviz,2023-12-28 12:43:24.180,2070620.0,,,,,1.0,133.0,,,,,,,,,,,,,,, +143,TF Model Optimization,True,tensorflow/model-optimization,,tensorflow-utils,https://github.com/tensorflow/model-optimization,https://github.com/tensorflow/model-optimization,Apache-2.0,2018-10-31 20:34:28.000,2024-02-15 02:00:09.000000,2024-02-15 02:00:02,310.0,176.0,166.0,1453.0,A toolkit to optimize ML models for deployment for..,83.0,30,2024-02-08 02:06:46,0.8.0,21.0,,823.0,tensorflow-model-optimization,,,,['tensorflow'],3511.0,3511.0,https://pypi.org/project/tensorflow-model-optimization,750622.0,750622.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +144,spacy-transformers,True,explosion/spacy-transformers,,nlp,https://github.com/explosion/spacy-transformers,https://github.com/explosion/spacy-transformers,MIT,2019-07-26 19:12:34.000,2023-12-19 06:28:20.000000,2023-12-19 06:28:04,153.0,,,1309.0,"Use pretrained transformers like BERT, XLNet and GPT-2..",22.0,30,2023-12-19 07:41:39,1.3.4,43.0,,1472.0,spacy-transformers,,,,['spacy'],1487.0,1487.0,https://pypi.org/project/spacy-transformers,190972.0,190972.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +145,pyproj,True,pyproj4/pyproj,,geospatial-data,https://github.com/pyproj4/pyproj,https://github.com/pyproj4/pyproj,MIT,2014-12-29 21:38:25.000,2024-02-12 20:16:12.000000,2024-02-12 20:13:54,210.0,26.0,568.0,961.0,Python interface to PROJ (cartographic projections and coordinate..,65.0,30,2023-09-21 01:26:52,3.6.1,52.0,,,pyproj,conda-forge/pyproj,,,,27212.0,27212.0,https://pypi.org/project/pyproj,7963411.0,8129956.0,https://anaconda.org/conda-forge/pyproj,2023-12-08 10:35:21.072,7161469.0,,,,,2.0,,,,,,,,,,,,,,,, +146,MMDetection,True,open-mmlab/mmdetection,,image,https://github.com/open-mmlab/mmdetection,https://github.com/open-mmlab/mmdetection,Apache-2.0,2018-08-22 07:06:06.000,2024-02-11 05:11:59.000000,2024-02-05 13:23:18,8205.0,1249.0,6631.0,27016.0,OpenMMLab Detection Toolbox and Benchmark.,455.0,29,2024-01-05 06:24:15,3.3.0,53.0,,2198.0,,,,,['pytorch'],2171.0,2171.0,,,,,,,,,,,2.0,,,,,,,,,,,,,,,, +147,torchvision,True,pytorch/vision,,image,https://github.com/pytorch/vision,https://github.com/pytorch/vision,BSD-3-Clause,2016-11-09 23:11:43.000,2024-02-15 11:34:34.000000,2024-02-14 11:10:37,6670.0,766.0,2327.0,15123.0,"Datasets, Transforms and Models specific to Computer Vision.",574.0,29,2024-01-30 18:31:39,0.17.0,38.0,,,torchvision,conda-forge/torchvision,,,['pytorch'],21.0,21.0,https://pypi.org/project/torchvision,11109183.0,11137587.0,https://anaconda.org/conda-forge/torchvision,2023-12-13 18:56:48.112,978361.0,,,,,2.0,36989.0,,,,,,,,,,,,,,, +148,tensor2tensor,True,tensorflow/tensor2tensor,,tensorflow-utils,https://github.com/tensorflow/tensor2tensor,https://github.com/tensorflow/tensor2tensor,Apache-2.0,2017-06-15 16:57:39.000,2023-06-02 18:55:09.000000,2023-04-01 10:19:28,3318.0,575.0,672.0,14549.0,Library of deep learning models and datasets designed to..,244.0,29,2020-06-17 16:10:01,1.15.7,75.0,,4379.0,tensor2tensor,,,,['tensorflow'],1454.0,1454.0,https://pypi.org/project/tensor2tensor,4218.0,4218.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +149,NNI,True,microsoft/nni,,hyperopt,https://github.com/microsoft/nni,https://github.com/microsoft/nni,MIT,2018-06-01 05:51:44.000,2023-10-30 04:23:19.000000,2023-10-26 05:31:53,1768.0,359.0,1677.0,13574.0,"An open source AutoML toolkit for automate machine learning lifecycle,..",192.0,29,2023-09-14 12:12:06,3.0,40.0,,3012.0,nni,,,,,565.0,565.0,https://pypi.org/project/nni,15237.0,15237.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +150,Annoy,True,spotify/annoy,,nn-search,https://github.com/spotify/annoy,https://github.com/spotify/annoy,Apache-2.0,2013-04-01 20:29:40.000,2024-02-06 22:23:52.000000,2023-08-20 17:38:53,1112.0,49.0,342.0,12451.0,Approximate Nearest Neighbors in C++/Python optimized for memory usage..,88.0,29,2023-06-14 16:34:48,1.17.3,20.0,,,annoy,,,,,3545.0,3545.0,https://pypi.org/project/annoy,801257.0,801257.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +151,glfw,True,glfw/glfw,,image,https://github.com/glfw/glfw,https://github.com/glfw/glfw,Zlib,2013-04-18 15:24:53.000,2024-02-14 23:14:07.000000,2024-02-14 21:35:46,4306.0,471.0,1320.0,11761.0,"A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input.",198.0,29,2023-12-14 00:42:43,3.3.9,20.0,,4765.0,glfw,conda-forge/glfw,,,,22.0,22.0,https://pypi.org/project/glfw,243056.0,281721.0,https://anaconda.org/conda-forge/glfw,2023-12-14 03:10:06.213,178024.0,,,,,2.0,3608062.0,,,,,,,,,,,,,,, +152,Lime,True,marcotcr/lime,,interpretability,https://github.com/marcotcr/lime,https://github.com/marcotcr/lime,BSD-2-Clause,2016-03-15 22:18:10.000,2023-10-25 13:56:47.000000,2021-07-29 23:17:25,1738.0,88.0,535.0,11133.0,Lime: Explaining the predictions of any machine learning classifier.,62.0,29,2020-04-03 22:05:03,0.2.0.0,18.0,,531.0,lime,conda-forge/lime,,,,5027.0,5027.0,https://pypi.org/project/lime,332685.0,334976.0,https://anaconda.org/conda-forge/lime,2023-06-16 13:18:57.655,197105.0,,,,,1.0,,,,,,,,,,,,,,,, +153,carla,True,carla-simulator/carla,,others,https://github.com/carla-simulator/carla,https://github.com/carla-simulator/carla,,2017-10-24 09:06:23.000,2024-02-15 13:38:15.000000,2024-02-02 11:08:09,3124.0,1007.0,3842.0,10173.0,Open-source simulator for autonomous driving research.,171.0,29,2023-11-11 12:51:52,0.9.15,26.0,,6024.0,carla,,,,,637.0,637.0,https://pypi.org/project/carla,17367.0,17367.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +154,TPOT,True,EpistasisLab/tpot,,hyperopt,https://github.com/EpistasisLab/tpot,https://github.com/EpistasisLab/tpot,LGPL-3.0,2015-11-03 21:08:40.000,2023-12-12 17:39:59.000000,2023-12-08 19:12:48,1513.0,275.0,637.0,9416.0,A Python Automated Machine Learning tool that optimizes machine..,118.0,29,2023-08-15 18:21:39,0.12.1,29.0,,2431.0,tpot,conda-forge/tpot,,,['sklearn'],2598.0,2598.0,https://pypi.org/project/tpot,37157.0,42714.0,https://anaconda.org/conda-forge/tpot,2023-08-15 22:49:07.495,244517.0,,,,,1.0,,,,,,,,,,,,,,,, +155,Kedro,True,quantumblacklabs/kedro,,data-pipelines,https://github.com/kedro-org/kedro,https://github.com/kedro-org/kedro,Apache-2.0,2019-04-18 10:29:56.000,2024-02-15 14:05:15.000000,2024-02-14 17:02:00,847.0,266.0,1421.0,9198.0,"A Python framework for creating reproducible, maintainable and modular..",219.0,29,2024-01-22 11:10:12,0.19.2,47.0,kedro-org/kedro,,kedro,,,,,2168.0,2168.0,https://pypi.org/project/kedro,393461.0,393461.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +156,AutoKeras,True,keras-team/autokeras,,hyperopt,https://github.com/keras-team/autokeras,https://github.com/keras-team/autokeras,Apache-2.0,2017-11-19 23:18:20.000,2023-12-23 01:58:33.000000,2023-10-02 22:40:55,1378.0,129.0,758.0,9039.0,AutoML library for deep learning.,143.0,29,2023-01-28 18:28:09,1.1.0,58.0,,1387.0,autokeras,,,,['tensorflow'],631.0,631.0,https://pypi.org/project/autokeras,12515.0,12751.0,,,,,,,,1.0,17765.0,,,,,,,,,,,,,,, +157,tensorboardX,True,lanpa/tensorboardX,,ml-experiments,https://github.com/lanpa/tensorboardX,https://github.com/lanpa/tensorboardX,MIT,2017-06-13 13:54:19.000,2023-11-12 14:28:03.000000,2023-11-12 14:28:03,853.0,73.0,376.0,7768.0,"tensorboard for pytorch (and chainer, mxnet, numpy, ...).",82.0,29,2022-06-05 10:13:32,2.5,17.0,,528.0,tensorboardX,conda-forge/tensorboardx,,,,39720.0,39720.0,https://pypi.org/project/tensorboardX,2384073.0,2410540.0,https://anaconda.org/conda-forge/tensorboardx,2023-08-20 16:29:43.490,1137890.0,,,,,2.0,411.0,,,,,,,,,,,,,,, +158,Bayesian Optimization,True,fmfn/BayesianOptimization,,hyperopt,https://github.com/bayesian-optimization/BayesianOptimization,https://github.com/bayesian-optimization/BayesianOptimization,MIT,2014-06-06 08:18:56.000,2024-02-13 15:23:12.000000,2024-01-22 12:10:22,1428.0,13.0,314.0,7309.0,A Python implementation of global optimization with..,44.0,29,2023-04-25 21:59:23,1.4.3,13.0,bayesian-optimization/BayesianOptimization,357.0,bayesian-optimization,,,,,2367.0,2367.0,https://pypi.org/project/bayesian-optimization,250441.0,250442.0,,,,,,,,1.0,141.0,,,,,,,,,,,,,,, +159,DeepPavlov,True,deepmipt/DeepPavlov,,nlp,https://github.com/deeppavlov/DeepPavlov,https://github.com/deeppavlov/DeepPavlov,Apache-2.0,2017-11-17 14:35:29.000,2024-02-15 11:20:05.000000,2023-12-27 14:04:05,1116.0,20.0,614.0,6475.0,An open source library for deep learning end-to-end dialog..,76.0,29,2023-12-27 14:49:16,1.5.0,62.0,deeppavlov/DeepPavlov,2705.0,deeppavlov,,,,['tensorflow'],374.0,374.0,https://pypi.org/project/deeppavlov,10757.0,10757.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +160,OpenNMT,True,OpenNMT/OpenNMT-py,,nlp,https://github.com/OpenNMT/OpenNMT-py,https://github.com/OpenNMT/OpenNMT-py,MIT,2017-02-22 19:01:50.000,2024-02-13 16:29:25.000000,2024-02-01 09:17:20,2083.0,13.0,1413.0,6475.0,Open Source Neural Machine Translation in PyTorch.,191.0,29,2023-11-02 12:53:15,3.4.3,48.0,,2876.0,OpenNMT-py,,,,['pytorch'],253.0,253.0,https://pypi.org/project/OpenNMT-py,5691.0,5691.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +161,Chainer,True,chainer/chainer,,ml-frameworks,https://github.com/chainer/chainer,https://github.com/chainer/chainer,MIT,2015-06-05 05:50:37.000,2023-08-28 17:18:20.000000,2022-10-17 02:18:00,1322.0,12.0,2030.0,5846.0,A flexible framework of neural networks for deep learning.,322.0,29,2022-06-29 08:19:03,7.8.1.post1,100.0,,30611.0,chainer,,,,,3177.0,3177.0,https://pypi.org/project/chainer,21591.0,21591.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +162,skorch,True,skorch-dev/skorch,,ml-frameworks,https://github.com/skorch-dev/skorch,https://github.com/skorch-dev/skorch,BSD-3-Clause,2017-07-18 00:13:54.000,2024-02-13 18:18:41.000000,2024-02-13 18:18:41,368.0,53.0,451.0,5565.0,A scikit-learn compatible neural network library that wraps..,62.0,29,2023-09-04 10:10:59,0.15.0,15.0,,1084.0,skorch,conda-forge/skorch,,,"['pytorch', 'sklearn']",1108.0,1108.0,https://pypi.org/project/skorch,79164.0,98151.0,https://anaconda.org/conda-forge/skorch,2023-09-06 08:43:59.780,778498.0,,,,,3.0,,,,,,,,,,,,,,,, +163,pyfolio,True,quantopian/pyfolio,,financial-data,https://github.com/quantopian/pyfolio,https://github.com/quantopian/pyfolio,Apache-2.0,2015-06-01 15:31:39.000,2023-12-23 06:14:58.000000,2020-07-15 13:46:58,1544.0,149.0,268.0,5337.0,Portfolio and risk analytics in Python.,59.0,29,2019-04-15 11:38:22,0.9.2,8.0,,1184.0,pyfolio,conda-forge/pyfolio,,,,957.0,957.0,https://pypi.org/project/pyfolio,9962.0,10140.0,https://anaconda.org/conda-forge/pyfolio,2023-06-16 16:07:59.111,12860.0,,,,,1.0,,,,,,,,,,,,,,,, +164,imutils,True,jrosebr1/imutils,,image,https://github.com/PyImageSearch/imutils,https://github.com/PyImageSearch/imutils,MIT,2015-01-11 20:05:39.000,2024-01-27 06:33:38.000000,2022-01-27 13:24:16,1008.0,95.0,79.0,4451.0,A series of convenience functions to make basic image processing..,21.0,29,,,3.0,PyImageSearch/imutils,139.0,imutils,conda-forge/imutils,,,,40587.0,40587.0,https://pypi.org/project/imutils,489598.0,493208.0,https://anaconda.org/conda-forge/imutils,2023-10-27 09:12:56.985,155267.0,,,,,2.0,,,,,,,,,,,,,,,, +165,Captum,True,pytorch/captum,,interpretability,https://github.com/pytorch/captum,https://github.com/pytorch/captum,BSD-3-Clause,2019-08-27 15:34:41.000,2024-02-12 20:34:08.000000,2024-02-05 18:35:00,459.0,173.0,331.0,4427.0,Model interpretability and understanding for PyTorch.,106.0,29,2023-12-05 09:21:02,0.7.0,9.0,,1054.0,captum,,,,['pytorch'],1793.0,1793.0,https://pypi.org/project/captum,162583.0,162583.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +166,gpustat,True,wookayin/gpustat,,gpu-utilities,https://github.com/wookayin/gpustat,https://github.com/wookayin/gpustat,MIT,2016-04-24 10:46:43.000,2024-01-12 14:48:30.000000,2024-01-12 14:48:30,248.0,23.0,94.0,3752.0,A simple command-line utility for querying and monitoring GPU status.,17.0,29,2023-08-22 19:40:33,1.1.1,11.0,,249.0,gpustat,conda-forge/gpustat,,,,4733.0,4733.0,https://pypi.org/project/gpustat,1167736.0,1174854.0,https://anaconda.org/conda-forge/gpustat,2023-08-23 10:35:25.821,277616.0,,,,,1.0,,,,,,,,,,,,,,,, +167,plotnine,True,has2k1/plotnine,,data-viz,https://github.com/has2k1/plotnine,https://github.com/has2k1/plotnine,MIT,2017-04-24 19:00:44.000,2024-02-15 12:09:53.000000,2024-02-09 18:47:27,201.0,66.0,534.0,3742.0,A grammar of graphics for Python.,106.0,29,2023-11-06 11:06:44,0.12.4,17.0,,,plotnine,conda-forge/plotnine,,,,6829.0,6829.0,https://pypi.org/project/plotnine,2460965.0,2468597.0,https://anaconda.org/conda-forge/plotnine,2023-11-06 12:55:06.721,335845.0,,,,,2.0,,8.0,,,,,,,,,,,,,, +168,dyNET,True,clab/dynet,,ml-frameworks,https://github.com/clab/dynet,https://github.com/clab/dynet,Apache-2.0,2015-02-08 23:09:21.000,2023-12-01 17:10:01.000000,2023-11-08 12:40:01,671.0,262.0,669.0,3403.0,DyNet: The Dynamic Neural Network Toolkit.,160.0,29,2020-10-21 13:39:07,2.1.2,9.0,,3273.0,dyNET,,,,,255.0,255.0,https://pypi.org/project/dyNET,225227.0,225395.0,,,,,,,,3.0,14826.0,,,,,,,,,,,,,,, +169,filterpy,True,rlabbe/filterpy,,probabilistics,https://github.com/rlabbe/filterpy,https://github.com/rlabbe/filterpy,MIT,2014-07-15 02:15:19.000,2024-02-07 10:05:31.000000,2022-08-22 18:21:12,576.0,63.0,161.0,3024.0,Python Kalman filtering and optimal estimation library. Implements..,43.0,29,,,5.0,,586.0,filterpy,conda-forge/filterpy,,,,5103.0,5103.0,https://pypi.org/project/filterpy,2185152.0,2188159.0,https://anaconda.org/conda-forge/filterpy,2023-06-16 13:24:39.196,240583.0,,,,,1.0,,,,,,,,,,,,,,,, +170,Keras Tuner,True,keras-team/keras-tuner,,hyperopt,https://github.com/keras-team/keras-tuner,https://github.com/keras-team/keras-tuner,Apache-2.0,2019-06-06 22:38:21.000,2024-02-13 20:21:30.000000,2023-11-29 20:31:13,379.0,200.0,269.0,2798.0,Hyperparameter tuning for humans.,60.0,29,2023-11-07 19:21:59,1.4.6,31.0,,1079.0,keras-tuner,,,,['tensorflow'],3201.0,3201.0,https://pypi.org/project/keras-tuner,158625.0,158625.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +171,hdbscan,True,scikit-learn-contrib/hdbscan,,others,https://github.com/scikit-learn-contrib/hdbscan,https://github.com/scikit-learn-contrib/hdbscan,BSD-3-Clause,2015-04-22 13:32:37.000,2024-02-06 22:15:06.000000,2023-11-20 19:03:21,447.0,325.0,164.0,2627.0,A high performance implementation of HDBSCAN clustering.,86.0,29,2023-07-18 17:50:51,0.8.33,47.0,,997.0,hdbscan,conda-forge/hdbscan,,,['sklearn'],3107.0,3107.0,https://pypi.org/project/hdbscan,614978.0,660034.0,https://anaconda.org/conda-forge/hdbscan,2023-10-06 14:12:48.829,1802240.0,,,,,2.0,,,,,,,,,,,,,,,, +172,HoloViews,True,holoviz/holoviews,,data-viz,https://github.com/holoviz/holoviews,https://github.com/holoviz/holoviews,BSD-3-Clause,2014-05-07 16:59:22.000,2024-02-15 13:56:57.000000,2024-02-12 14:23:16,379.0,1029.0,2133.0,2566.0,"With Holoviews, your data visualizes itself.",140.0,29,2024-02-13 10:17:52,1.18.3,79.0,,,holoviews,conda-forge/holoviews,,,['jupyter'],9368.0,9368.0,https://pypi.org/project/holoviews,419784.0,454205.0,https://anaconda.org/conda-forge/holoviews,2024-02-12 17:18:29.765,1492512.0,,,,,2.0,,,@pyviz/jupyterlab_pyviz,https://www.npmjs.com/package/@pyviz/jupyterlab_pyviz,501.0,,,,,,,,,,, +173,python-magic,True,ahupp/python-magic,,data-loading,https://github.com/ahupp/python-magic,https://github.com/ahupp/python-magic,,2010-03-31 22:40:33.000,2024-01-25 16:51:24.000000,2023-10-09 21:18:20,254.0,11.0,188.0,2482.0,A python wrapper for libmagic.,61.0,29,,,7.0,,331.0,python-magic,conda-forge/python-magic,,,,52865.0,52865.0,https://pypi.org/project/python-magic,7025366.0,7031398.0,https://anaconda.org/conda-forge/python-magic,2023-09-25 19:52:44.133,241306.0,,,,,2.0,,,,,,,,,,,,,,,, +174,MNE,True,mne-tools/mne-python,,medical-data,https://github.com/mne-tools/mne-python,https://github.com/mne-tools/mne-python,BSD-3-Clause,2011-01-28 03:31:13.000,2024-02-15 09:54:12.000000,2024-02-14 15:36:20,1214.0,452.0,4247.0,2469.0,MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python.,363.0,29,2024-01-16 18:37:42,1.6.1,59.0,,,mne,conda-forge/mne,,,,3482.0,3482.0,https://pypi.org/project/mne,106169.0,113908.0,https://anaconda.org/conda-forge/mne,2024-01-16 19:57:33.854,348267.0,,,,,2.0,,,,,,,,,,,,,,,, +175,explainerdashboard,True,oegedijk/explainerdashboard,,interpretability,https://github.com/oegedijk/explainerdashboard,https://github.com/oegedijk/explainerdashboard,MIT,2019-10-30 08:26:16.000,2023-12-18 20:05:31.000000,2023-12-18 19:57:13,299.0,30.0,200.0,2145.0,Quickly build Explainable AI dashboards that show the inner..,21.0,29,2023-12-17 19:42:14,0.4.5,78.0,,1353.0,explainerdashboard,,,,,437.0,437.0,https://pypi.org/project/explainerdashboard,80822.0,80822.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +176,pyLDAvis,True,bmabey/pyLDAvis,,interpretability,https://github.com/bmabey/pyLDAvis,https://github.com/bmabey/pyLDAvis,BSD-3-Clause,2015-04-09 22:48:03.000,2024-02-07 20:20:08.000000,2024-02-07 20:20:03,347.0,76.0,109.0,1763.0,Python library for interactive topic model visualization. Port of..,41.0,29,2023-04-23 23:49:39,3.4.1,7.0,,285.0,pyldavis,conda-forge/pyldavis,,,['jupyter'],5722.0,5722.0,https://pypi.org/project/pyldavis,173239.0,174385.0,https://anaconda.org/conda-forge/pyldavis,2023-06-16 16:08:55.034,77936.0,,,,,1.0,,,,,,,,,,,,,,,, +177,Geocoder,True,DenisCarriere/geocoder,,geospatial-data,https://github.com/DenisCarriere/geocoder,https://github.com/DenisCarriere/geocoder,MIT,2014-01-13 04:19:21.000,2023-11-20 21:01:48.000000,2018-10-12 15:53:05,278.0,85.0,218.0,1572.0,Python Geocoder.,73.0,29,2016-09-05 17:57:51,1.17.3,18.0,,1251.0,geocoder,conda-forge/geocoder,,,,9035.0,9035.0,https://pypi.org/project/geocoder,407959.0,409593.0,https://anaconda.org/conda-forge/geocoder,2023-06-16 13:21:27.128,137279.0,,,,,3.0,,,,,,,,,,geocoder,,,,,, +178,pyjanitor,True,ericmjl/pyjanitor,,others,https://github.com/pyjanitor-devs/pyjanitor,https://github.com/pyjanitor-devs/pyjanitor,MIT,2018-03-04 22:43:33.000,2024-02-14 23:21:40.000000,2024-02-14 23:19:04,162.0,103.0,443.0,1251.0,Clean APIs for data cleaning. Python implementation of R package Janitor.,107.0,29,2023-09-18 03:57:15,0.26.0,51.0,pyjanitor-devs/pyjanitor,1162.0,pyjanitor,conda-forge/pyjanitor,,,,542.0,542.0,https://pypi.org/project/pyjanitor,197242.0,199893.0,https://anaconda.org/conda-forge/pyjanitor,2023-06-16 16:12:04.304,188280.0,,,,,2.0,,,,,,,,,,,,,,,, +179,petl,True,petl-developers/petl,,data-pipelines,https://github.com/petl-developers/petl,https://github.com/petl-developers/petl,MIT,2011-08-19 09:51:03.000,2023-08-22 16:47:24.412000,2023-08-22 15:22:53,187.0,82.0,371.0,1179.0,Python Extract Transform and Load Tables of Data.,63.0,29,2023-08-22 15:25:38,1.7.14,46.0,,1280.0,petl,conda-forge/petl,,http://petl.readthedocs.org,,3558.0,3558.0,https://pypi.org/project/petl,1634719.0,1639725.0,https://anaconda.org/conda-forge/petl,2023-08-22 16:47:24.412,220303.0,,,,,2.0,,,,,,,,,,,,,,,, +180,agate,True,wireservice/agate,,others,https://github.com/wireservice/agate,https://github.com/wireservice/agate,MIT,2014-04-25 13:59:09.000,2024-02-13 20:56:54.000000,2024-02-13 20:56:51,147.0,4.0,640.0,1153.0,A Python data analysis library that is optimized for humans instead of machines.,52.0,29,,,10.0,,1528.0,agate,conda-forge/agate,,,,2760.0,2760.0,https://pypi.org/project/agate,4836873.0,4841821.0,https://anaconda.org/conda-forge/agate,2023-12-21 21:50:42.816,163299.0,,,,,2.0,,,,,,,,,,,,,,,, +181,Bottleneck,True,pydata/bottleneck,,data-containers,https://github.com/pydata/bottleneck,https://github.com/pydata/bottleneck,BSD-2-Clause,2010-11-27 23:21:22.000,2024-02-10 13:43:07.000000,2023-04-04 11:45:40,98.0,40.0,192.0,979.0,Fast NumPy array functions written in C.,30.0,29,,,13.0,,1273.0,Bottleneck,conda-forge/bottleneck,,,,45711.0,45711.0,https://pypi.org/project/Bottleneck,729287.0,826583.0,https://anaconda.org/conda-forge/bottleneck,2023-09-29 20:49:09.829,3891858.0,,,,,2.0,,,,,,,,,,,,,,,, +182,patsy,True,pydata/patsy,,probabilistics,https://github.com/pydata/patsy,https://github.com/pydata/patsy,,2012-07-10 12:30:06.000,2024-01-05 15:46:09.327000,2024-01-04 18:54:38,95.0,65.0,79.0,916.0,Describing statistical models in Python using symbolic formulas.,19.0,29,2024-01-04 18:58:03,0.5.6,13.0,,558.0,patsy,conda-forge/patsy,,,,88683.0,88683.0,https://pypi.org/project/patsy,13387928.0,13720042.0,https://anaconda.org/conda-forge/patsy,2024-01-05 15:46:09.327,9631315.0,,,,,1.0,,,,,,,,,,,,,,,, +183,NiBabel,True,nipy/nibabel,,medical-data,https://github.com/nipy/nibabel,https://github.com/nipy/nibabel,,2010-07-22 16:28:30.000,2024-01-17 19:47:04.000000,2023-12-26 14:53:14,248.0,102.0,393.0,606.0,Python package to access a cacophony of neuro-imaging file formats.,100.0,29,2023-12-12 14:28:42,5.2.0,39.0,,5765.0,nibabel,conda-forge/nibabel,,,,17070.0,17070.0,https://pypi.org/project/nibabel,428436.0,443855.0,https://anaconda.org/conda-forge/nibabel,2023-12-12 00:00:35.048,678466.0,,,,,2.0,,,,,,,,,,,,,,,, +184,Face Recognition,True,ageitgey/face_recognition,,image,https://github.com/ageitgey/face_recognition,https://github.com/ageitgey/face_recognition,MIT,2017-03-03 21:52:39.000,2024-01-13 20:33:11.000000,2022-06-10 09:12:18,12955.0,728.0,584.0,51073.0,The world's simplest facial recognition api for..,54.0,28,2018-04-02 17:18:43,1.2.2,2.0,,238.0,face_recognition,,,,['pytorch'],21.0,21.0,https://pypi.org/project/face_recognition,66932.0,66946.0,,,,,,,,2.0,1225.0,,,,,,,,,,,,,,, +185,spleeter,True,deezer/spleeter,,audio,https://github.com/deezer/spleeter,https://github.com/deezer/spleeter,MIT,2019-09-26 15:40:46.000,2024-01-07 01:32:14.000000,2023-07-13 08:50:20,2672.0,199.0,561.0,24493.0,Deezer source separation library including pretrained models.,19.0,28,2021-09-03 09:59:00,2.3.0,10.0,,531.0,spleeter,conda-forge/spleeter,,,['tensorflow'],652.0,652.0,https://pypi.org/project/spleeter,13951.0,72271.0,https://anaconda.org/conda-forge/spleeter,2023-06-16 16:18:57.741,79309.0,,,,,2.0,2951794.0,,,,,,,,,,,,,,, +186,InsightFace,True,deepinsight/insightface,,image,https://github.com/deepinsight/insightface,https://github.com/deepinsight/insightface,,2017-09-01 00:36:51.000,2023-12-24 05:29:03.000000,2023-12-24 05:29:03,4974.0,1016.0,1350.0,20368.0,Face Analysis Project on MXNet and PyTorch.,58.0,28,2023-04-02 07:43:27,0.7,1.0,,2283.0,insightface,,,,['mxnet'],1657.0,1657.0,https://pypi.org/project/insightface,518789.0,710184.0,,,,,,,,2.0,1913956.0,,,,,,,,,,,,,,, +187,PyTorch Geometric,True,rusty1s/pytorch_geometric,,graph,https://github.com/pyg-team/pytorch_geometric,https://github.com/pyg-team/pytorch_geometric,MIT,2017-10-06 16:03:03.000,2024-02-15 13:59:30.000000,2024-02-15 10:47:41,3394.0,777.0,2554.0,19541.0,Geometric Deep Learning Extension Library for PyTorch.,482.0,28,2023-10-12 08:28:59,2.4.0,36.0,pyg-team/pytorch_geometric,7376.0,torch-geometric,,,,['pytorch'],,,https://pypi.org/project/torch-geometric,219453.0,219453.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +188,Prophet,True,facebook/prophet,,time-series-data,https://github.com/facebook/prophet,https://github.com/facebook/prophet,MIT,2016-11-16 01:50:08.000,2024-02-10 14:00:13.000000,2023-10-18 07:33:05,4392.0,370.0,1723.0,17465.0,Tool for producing high quality forecasts for time series data that has..,173.0,28,2023-10-10 12:57:04,1.1.5,16.0,,,fbprophet,,,,,21.0,21.0,https://pypi.org/project/fbprophet,799418.0,799446.0,,,,,,,,2.0,2327.0,,,,,,,,,,,,,,, +189,Arrow,True,apache/arrow,,data-containers,https://github.com/apache/arrow,https://github.com/apache/arrow,Apache-2.0,2016-02-17 08:00:23.000,2024-02-15 13:11:45.000000,2024-02-15 13:11:44,3072.0,3978.0,19159.0,13147.0,Apache Arrow is a cross-language development platform for in-..,1197.0,28,,,36.0,,,pyarrow,conda-forge/arrow,,,,7.0,7.0,https://pypi.org/project/pyarrow,96561492.0,96647576.0,https://anaconda.org/conda-forge/arrow,2023-10-01 03:00:03.614,3787737.0,,,,,2.0,,-5.0,,,,,,,,,,,,,, +190,Sonnet,True,deepmind/sonnet,,ml-frameworks,https://github.com/google-deepmind/sonnet,https://github.com/google-deepmind/sonnet,Apache-2.0,2017-04-03 11:34:35.000,2024-01-02 11:17:53.000000,2024-01-02 11:17:47,1271.0,32.0,159.0,9674.0,TensorFlow-based neural network library.,58.0,28,2024-01-02 11:08:14,2.0.2,13.0,google-deepmind/sonnet,,dm-sonnet,conda-forge/sonnet,,,['tensorflow'],1221.0,1221.0,https://pypi.org/project/dm-sonnet,17302.0,17831.0,https://anaconda.org/conda-forge/sonnet,2023-06-16 16:19:12.602,27024.0,,,,,3.0,,,,,,,,,,,,,,,, +191,PyMC3,True,pymc-devs/pymc3,,probabilistics,https://github.com/pymc-devs/pymc,https://github.com/pymc-devs/pymc,,2009-05-05 09:43:50.000,2024-02-14 10:23:42.000000,2024-02-13 18:47:17,1818.0,206.0,2977.0,8023.0,Probabilistic Programming in Python: Bayesian Modeling and..,480.0,28,2024-02-14 10:23:42,5.10.4,78.0,pymc-devs/pymc,,pymc3,conda-forge/pymc3,,,,2745.0,2745.0,https://pypi.org/project/pymc3,722631.0,728896.0,https://anaconda.org/conda-forge/pymc3,2023-06-16 13:23:30.938,549909.0,,,,,1.0,1936.0,,,,,,,,,,,,,,, +192,SpeechRecognition,True,Uberi/speech_recognition,,audio,https://github.com/Uberi/speech_recognition,https://github.com/Uberi/speech_recognition,BSD-3-Clause,2014-04-23 04:53:54.000,2024-01-14 09:07:13.000000,2023-12-06 12:55:15,2232.0,277.0,315.0,7880.0,"Speech recognition module for Python, supporting..",49.0,28,2023-12-06 13:10:51,3.10.1,26.0,,486.0,SpeechRecognition,conda-forge/speechrecognition,,,,21.0,21.0,https://pypi.org/project/SpeechRecognition,633746.0,637956.0,https://anaconda.org/conda-forge/speechrecognition,2023-12-06 16:25:19.819,176857.0,,,,,2.0,,,,,,,,,,,,,,,, +193,CuPy,True,cupy/cupy,,gpu-utilities,https://github.com/cupy/cupy,https://github.com/cupy/cupy,MIT,2016-11-01 09:54:45.000,2024-02-15 12:41:20.000000,2024-02-15 06:18:01,714.0,486.0,1630.0,7559.0,A NumPy-compatible array library accelerated by CUDA.,357.0,28,2024-01-18 05:54:29,13.0.0,100.0,,,cupy,conda-forge/cupy,cupy/cupy,,,1913.0,1913.0,https://pypi.org/project/cupy,21003.0,97917.0,https://anaconda.org/conda-forge/cupy,2024-02-05 02:05:27.119,3305664.0,https://hub.docker.com/r/cupy/cupy,2024-01-18 05:56:19.967362,11.0,59104.0,1.0,169355.0,,,,,,,,,,,,,,, +194,Hub,True,activeloopai/Hub,,data-pipelines,https://github.com/activeloopai/deeplake,https://github.com/activeloopai/deeplake,MPL-2.0,2019-08-09 06:17:59.000,2024-02-14 10:39:57.000000,2024-02-09 07:49:06,568.0,54.0,390.0,7478.0,Fastest unstructured dataset management for TensorFlow/PyTorch...,125.0,28,2024-02-07 20:24:16,3.8.19,100.0,activeloopai/deeplake,2203.0,hub,,,,"['tensorflow', 'pytorch']",2643.0,2643.0,https://pypi.org/project/hub,3031.0,3031.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +195,Metaflow,True,Netflix/metaflow,,ml-experiments,https://github.com/Netflix/metaflow,https://github.com/Netflix/metaflow,Apache-2.0,2019-09-17 17:48:25.000,2024-02-15 12:42:11.000000,2024-02-08 21:56:39,660.0,244.0,355.0,7366.0,Build and manage real-life data science projects with ease.,81.0,28,2024-02-08 19:41:02,2.11.2,100.0,,847.0,metaflow,conda-forge/metaflow,,,,594.0,594.0,https://pypi.org/project/metaflow,164830.0,168567.0,https://anaconda.org/conda-forge/metaflow,2024-01-15 15:33:47.821,160692.0,,,,,2.0,,,,,,,,,,,,,,,, +196,auto-sklearn,True,automl/auto-sklearn,,hyperopt,https://github.com/automl/auto-sklearn,https://github.com/automl/auto-sklearn,BSD-3-Clause,2015-07-02 15:38:10.000,2023-12-25 14:05:19.000000,2023-04-18 11:08:13,1239.0,180.0,828.0,7324.0,Automated Machine Learning with scikit-learn.,88.0,28,2023-02-13 12:35:21,0.15.0,35.0,,2746.0,auto-sklearn,,,,['sklearn'],540.0,540.0,https://pypi.org/project/auto-sklearn,17583.0,17583.0,,,,,,,,2.0,51.0,,,,,,,,,,,,,,, +197,Hyperopt,True,hyperopt/hyperopt,,hyperopt,https://github.com/hyperopt/hyperopt,https://github.com/hyperopt/hyperopt,,2011-09-06 22:24:59.000,2024-02-13 00:09:43.000000,2023-09-29 18:36:14,913.0,244.0,397.0,7003.0,Distributed Asynchronous Hyperparameter Optimization in Python.,102.0,28,,,7.0,,1218.0,hyperopt,conda-forge/hyperopt,,,,13638.0,13638.0,https://pypi.org/project/hyperopt,1925595.0,1937103.0,https://anaconda.org/conda-forge/hyperopt,2023-06-16 16:14:11.076,748077.0,,,,,2.0,,,,,,,,,,,,,,,, +198,Darts,True,unit8co/darts,,time-series-data,https://github.com/unit8co/darts,https://github.com/unit8co/darts,Apache-2.0,2018-09-13 15:17:28.000,2024-02-12 15:29:16.000000,2024-02-08 22:29:47,766.0,234.0,1086.0,6996.0,A python library for easy manipulation and forecasting of time series.,111.0,28,2024-01-21 16:05:20,0.27.2,40.0,,1141.0,u8darts,,unit8/darts,,,516.0,516.0,https://pypi.org/project/u8darts,22597.0,22604.0,,,,https://hub.docker.com/r/unit8/darts,2024-01-21 16:15:31.089895,,514.0,2.0,,,,,,,,,,,,,,,, +199,csvkit,True,wireservice/csvkit,,data-loading,https://github.com/wireservice/csvkit,https://github.com/wireservice/csvkit,MIT,2011-04-01 03:00:30.000,2024-02-14 01:14:39.007000,2024-02-13 20:57:07,583.0,33.0,864.0,5735.0,"A suite of utilities for converting to and working with CSV, the king of..",107.0,28,,,12.0,,1924.0,csvkit,conda-forge/csvkit,,,,1566.0,1566.0,https://pypi.org/project/csvkit,186803.0,189970.0,https://anaconda.org/conda-forge/csvkit,2024-02-14 01:14:39.007,104531.0,,,,,2.0,,,,,,,,,,,,,,,, +200,DEAP,True,deap/deap,,distributed-ml,https://github.com/DEAP/deap,https://github.com/DEAP/deap,LGPL-3.0,2014-05-21 20:07:39.000,2024-02-02 08:20:24.000000,2023-07-28 00:16:45,1080.0,224.0,280.0,5465.0,Distributed Evolutionary Algorithms in Python.,87.0,28,,,6.0,,2332.0,deap,conda-forge/deap,,,,4411.0,4411.0,https://pypi.org/project/deap,196369.0,205279.0,https://anaconda.org/conda-forge/deap,2023-09-25 01:16:08.711,356438.0,,,,,2.0,,,,,,,,,,,,,,,, +201,MONAI,True,Project-MONAI/MONAI,,medical-data,https://github.com/Project-MONAI/MONAI,https://github.com/Project-MONAI/MONAI,Apache-2.0,2019-10-11 16:41:38.000,2024-02-14 13:22:38.000000,2024-02-07 13:47:23,915.0,234.0,2596.0,5048.0,AI Toolkit for Healthcare Imaging.,178.0,28,2023-10-12 17:37:33,1.3.0,17.0,,,monai,,,,['pytorch'],1831.0,1831.0,https://pypi.org/project/monai,129600.0,129600.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +202,BigDL,True,intel-analytics/BigDL,,distributed-ml,https://github.com/intel-analytics/BigDL,https://github.com/intel-analytics/BigDL,Apache-2.0,2016-08-29 07:59:50.000,2024-02-14 17:49:26.000000,2024-02-09 03:27:40,1093.0,715.0,1350.0,4756.0,BigDL: Distributed Deep Learning Framework for Apache Spark.,195.0,28,2023-11-13 02:02:20,2.4.0,19.0,,2684.0,bigdl,,,,,47.0,47.0,https://pypi.org/project/bigdl,9734.0,9736.0,,,,,,,,2.0,217.0,,,,,,,,,,com.intel.analytics.bigdl:bigdl-SPARK_2.4,https://search.maven.org/artifact/com.intel.analytics.bigdl/bigdl-SPARK_2.4,,,, +203,lightfm,True,lyst/lightfm,,recommender-systems,https://github.com/lyst/lightfm,https://github.com/lyst/lightfm,Apache-2.0,2015-07-30 08:34:00.000,2023-12-24 09:12:15.000000,2023-04-30 18:36:20,663.0,140.0,356.0,4540.0,"A Python implementation of LightFM, a hybrid recommendation algorithm.",47.0,28,2023-03-20 04:08:46,1.17,9.0,,483.0,lightfm,conda-forge/lightfm,,,,1359.0,1359.0,https://pypi.org/project/lightfm,627731.0,630071.0,https://anaconda.org/conda-forge/lightfm,2023-06-16 16:08:40.466,170845.0,,,,,1.0,,,,,,,,,,,,,,,, +204,D-Tale,True,man-group/dtale,,data-viz,https://github.com/man-group/dtale,https://github.com/man-group/dtale,LGPL-2.1,2019-07-15 09:34:48.000,2024-01-31 21:54:07.762000,2024-01-31 21:05:41,365.0,56.0,508.0,4437.0,Visualizer for pandas data structures.,30.0,28,2024-01-31 21:31:51,3.10.0,141.0,,785.0,dtale,conda-forge/dtale,,,"['pandas', 'jupyter']",1022.0,1022.0,https://pypi.org/project/dtale,103883.0,109778.0,https://anaconda.org/conda-forge/dtale,2024-01-31 21:54:07.762,265313.0,,,,,2.0,,,,,,,,,,,,,,,, +205,sacred,True,IDSIA/sacred,,ml-experiments,https://github.com/IDSIA/sacred,https://github.com/IDSIA/sacred,MIT,2014-03-31 18:05:29.000,2023-11-13 07:23:02.000000,2023-11-13 07:19:19,364.0,97.0,460.0,4138.0,"Sacred is a tool to help you configure, organize, log and reproduce..",105.0,28,2023-11-13 07:23:02,0.8.5,13.0,,1344.0,sacred,,,,,2850.0,2850.0,https://pypi.org/project/sacred,37687.0,37687.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +206,PyQtGraph,True,pyqtgraph/pyqtgraph,,data-viz,https://github.com/pyqtgraph/pyqtgraph,https://github.com/pyqtgraph/pyqtgraph,,2013-09-12 07:18:21.000,2024-02-15 13:42:20.000000,2024-02-14 22:56:25,1032.0,350.0,867.0,3592.0,Fast data visualization and GUI tools for scientific / engineering..,272.0,28,2023-04-14 21:24:10,pyqtgraph-0.13.3,13.0,,3908.0,pyqtgraph,conda-forge/pyqtgraph,,,,8833.0,8833.0,https://pypi.org/project/pyqtgraph,146133.0,152061.0,https://anaconda.org/conda-forge/pyqtgraph,2023-06-16 13:19:32.302,503960.0,,,,,2.0,,,,,,,,,,,,,,,, +207,tensorflow-hub,True,tensorflow/hub,,tensorflow-utils,https://github.com/tensorflow/hub,https://github.com/tensorflow/hub,Apache-2.0,2018-03-12 07:55:42.000,2024-02-06 10:10:29.000000,2024-02-06 10:10:27,1667.0,4.0,682.0,3425.0,A library for transfer learning by reusing parts of..,106.0,28,2024-01-30 15:53:29,0.16.1,20.0,,1180.0,tensorflow-hub,conda-forge/tensorflow-hub,,,['tensorflow'],,,https://pypi.org/project/tensorflow-hub,3651371.0,3653592.0,https://anaconda.org/conda-forge/tensorflow-hub,2024-01-30 18:21:57.617,93290.0,,,,,2.0,,,,,,,,,,,,,,,, +208,GPyTorch,True,cornellius-gp/gpytorch,,probabilistics,https://github.com/cornellius-gp/gpytorch,https://github.com/cornellius-gp/gpytorch,MIT,2017-06-09 14:48:20.000,2024-02-09 08:17:55.000000,2024-02-04 19:23:19,509.0,306.0,966.0,3352.0,A highly efficient and modular implementation of Gaussian Processes..,128.0,28,2023-06-02 22:04:02,1.11,32.0,,3829.0,gpytorch,,,,['pytorch'],1856.0,1856.0,https://pypi.org/project/gpytorch,169216.0,169216.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +209,Koalas,True,databricks/koalas,,data-containers,https://github.com/databricks/koalas,https://github.com/databricks/koalas,Apache-2.0,2019-01-03 21:46:54.000,2023-09-21 03:12:26.000000,2023-09-21 03:12:16,345.0,102.0,486.0,3309.0,Koalas: pandas API on Apache Spark.,51.0,28,2021-10-19 22:26:46,1.8.2,47.0,,1555.0,koalas,conda-forge/koalas,,,"['spark', 'pandas']",328.0,328.0,https://pypi.org/project/koalas,1388275.0,1394026.0,https://anaconda.org/conda-forge/koalas,2023-06-16 16:15:24.146,326853.0,,,,,2.0,1019.0,,,,,,,,,,,,,,, +210,NMSLIB,True,nmslib/nmslib,,nn-search,https://github.com/nmslib/nmslib,https://github.com/nmslib/nmslib,Apache-2.0,2013-07-10 11:06:06.000,2023-11-13 09:43:52.000000,2022-05-31 03:18:45,428.0,73.0,348.0,3234.0,Non-Metric Space Library (NMSLIB): An efficient similarity search..,47.0,28,2021-02-03 16:40:09,2.1.1,19.0,,1556.0,nmslib,conda-forge/nmslib,,,,1046.0,1046.0,https://pypi.org/project/nmslib,340416.0,343032.0,https://anaconda.org/conda-forge/nmslib,2023-09-26 10:22:21.295,104660.0,,,,,2.0,,,,,,,,,,,,,,,, +211,Blaze,True,blaze/blaze,,data-containers,https://github.com/blaze/blaze,https://github.com/blaze/blaze,BSD-3-Clause,2012-10-26 14:25:22.000,2023-09-29 10:03:58.000000,2019-08-15 21:14:59,363.0,251.0,502.0,3178.0,NumPy and Pandas interface to Big Data.,67.0,28,2016-07-19 20:40:03,0.11.0,14.0,,7496.0,blaze,conda-forge/blaze,,,,9196.0,9196.0,https://pypi.org/project/blaze,9774.0,12369.0,https://anaconda.org/conda-forge/blaze,2023-06-16 13:21:36.637,202480.0,,,,,2.0,,,,,,,,,,,,,,,, +212,dtreeviz,True,parrt/dtreeviz,,interpretability,https://github.com/parrt/dtreeviz,https://github.com/parrt/dtreeviz,MIT,2018-08-13 21:45:15.000,2024-01-06 17:57:28.000000,2024-01-06 17:57:28,328.0,60.0,135.0,2761.0,A python library for decision tree visualization and model interpretation.,26.0,28,2023-07-13 17:20:15,2.2.2,37.0,,619.0,dtreeviz,,,,,1042.0,1042.0,https://pypi.org/project/dtreeviz,150599.0,150599.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +213,lightly,True,lightly-ai/lightly,,image,https://github.com/lightly-ai/lightly,https://github.com/lightly-ai/lightly,MIT,2020-10-13 13:02:56.000,2024-02-14 15:33:18.000000,2024-02-14 15:33:17,231.0,99.0,406.0,2687.0,A python library for self-supervised learning on images.,38.0,28,2024-01-24 16:34:00,1.4.26,100.0,,1153.0,lightly,,,,['pytorch'],210.0,210.0,https://pypi.org/project/lightly,21732.0,21732.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +214,mrjob,True,Yelp/mrjob,,data-pipelines,https://github.com/Yelp/mrjob,https://github.com/Yelp/mrjob,Apache-2.0,2010-10-13 18:35:21.000,2023-06-16 13:18:55.628000,2020-11-16 22:20:52,572.0,205.0,1093.0,2609.0,Run MapReduce jobs on Hadoop or Amazon Web Services.,145.0,28,,,13.0,,8622.0,mrjob,conda-forge/mrjob,,,,1409.0,1409.0,https://pypi.org/project/mrjob,82691.0,88538.0,https://anaconda.org/conda-forge/mrjob,2023-06-16 13:18:55.628,520462.0,,,,,2.0,,,,,,,,,,,,,,,, +215,PyVista,True,pyvista/pyvista,,data-viz,https://github.com/pyvista/pyvista,https://github.com/pyvista/pyvista,MIT,2017-05-31 18:01:42.000,2024-02-15 11:02:47.000000,2024-02-14 08:07:07,404.0,438.0,1036.0,2196.0,3D plotting and mesh analysis through a streamlined interface for the..,154.0,28,2024-02-06 10:12:28,0.43.3,69.0,,,pyvista,conda-forge/pyvista,,,['jupyter'],2626.0,2626.0,https://pypi.org/project/pyvista,391300.0,401328.0,https://anaconda.org/conda-forge/pyvista,2024-02-06 17:09:54.392,440793.0,,,,,2.0,791.0,,,,,,,,,,,,,,, +216,snakemake,True,snakemake/snakemake,,ml-experiments,https://github.com/snakemake/snakemake,https://github.com/snakemake/snakemake,MIT,2015-10-17 15:43:54.867,2024-02-15 13:01:06.000000,2024-02-15 10:22:20,473.0,917.0,605.0,2044.0,This is the development home of the workflow management system..,318.0,28,2024-02-09 16:32:48,8.4.8,234.0,,,snakemake,bioconda/snakemake,,,,1867.0,1867.0,https://pypi.org/project/snakemake,188625.0,198343.0,https://anaconda.org/bioconda/snakemake,2024-02-10 10:14:25.830,971807.0,,,,,2.0,,,,,,,,,,,,,,,, +217,Pythran,True,serge-sans-paille/pythran,,others,https://github.com/serge-sans-paille/pythran,https://github.com/serge-sans-paille/pythran,BSD-3-Clause,2012-05-29 08:02:14.000,2024-02-11 07:59:34.000000,2024-02-11 07:59:33,188.0,117.0,714.0,1949.0,Ahead of Time compiler for numeric kernels.,72.0,28,,,30.0,,3684.0,pythran,conda-forge/pythran,,,,1769.0,1769.0,https://pypi.org/project/pythran,166793.0,177698.0,https://anaconda.org/conda-forge/pythran,2024-01-08 06:40:29.964,447112.0,,,,,2.0,,,,,,,,,,,,,pythran,python-pythran,, +218,tesserocr,True,sirfz/tesserocr,,ocr,https://github.com/sirfz/tesserocr,https://github.com/sirfz/tesserocr,MIT,2015-12-17 23:29:36.000,2024-02-05 12:53:44.000000,2024-02-05 12:53:44,250.0,49.0,220.0,1908.0,A Python wrapper for the tesseract-ocr API.,30.0,28,2023-10-09 13:37:06,2.6.2,16.0,,193.0,tesserocr,conda-forge/tesserocr,,,,938.0,938.0,https://pypi.org/project/tesserocr,50840.0,53358.0,https://anaconda.org/conda-forge/tesserocr,2023-06-16 16:18:15.161,130896.0,,,,,2.0,121.0,,,,,,,,,,,,,,, +219,GPflow,True,GPflow/GPflow,,probabilistics,https://github.com/GPflow/GPflow,https://github.com/GPflow/GPflow,Apache-2.0,2016-01-14 11:29:24.000,2024-02-12 11:14:42.000000,2024-02-07 13:16:15,419.0,121.0,682.0,1787.0,Gaussian processes in TensorFlow.,84.0,28,2024-02-07 14:27:37,2.9.1,49.0,,2469.0,gpflow,conda-forge/gpflow,,,['tensorflow'],615.0,615.0,https://pypi.org/project/gpflow,46276.0,46637.0,https://anaconda.org/conda-forge/gpflow,2023-06-16 16:08:37.785,24944.0,,,,,1.0,,,,,,,,,,,,,,,, +220,ffn,True,pmorissette/ffn,,financial-data,https://github.com/pmorissette/ffn,https://github.com/pmorissette/ffn,MIT,2014-06-19 15:54:09.000,2024-02-05 12:04:53.000000,2023-12-31 15:46:16,270.0,22.0,99.0,1725.0,ffn - a financial function library for Python.,32.0,28,2023-12-31 16:05:45,1.0.1,7.0,,440.0,ffn,,,,,425.0,425.0,https://pypi.org/project/ffn,174575.0,174575.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +221,pingouin,True,raphaelvallat/pingouin,,probabilistics,https://github.com/raphaelvallat/pingouin,https://github.com/raphaelvallat/pingouin,GPL-3.0,2018-04-01 01:10:22.000,2024-02-03 14:07:55.000000,2024-01-29 13:42:57,132.0,31.0,249.0,1486.0,Statistical package in Python based on Pandas.,43.0,28,2024-01-13 15:48:45,0.5.4,39.0,,1244.0,pingouin,conda-forge/pingouin,,,,1755.0,1755.0,https://pypi.org/project/pingouin,68523.0,71088.0,https://anaconda.org/conda-forge/pingouin,2024-01-15 09:58:06.763,112891.0,,,,,1.0,,,,,,,,,,,,,,,, +222,zarr,True,zarr-developers/zarr-python,,data-containers,https://github.com/zarr-developers/zarr-python,https://github.com/zarr-developers/zarr-python,MIT,2015-12-15 14:49:40.000,2024-02-15 12:59:22.000000,2024-02-15 09:54:23,238.0,230.0,403.0,1298.0,"An implementation of chunked, compressed, N-dimensional arrays for Python.",97.0,28,2024-02-14 20:18:53,2.17.0,60.0,,,zarr,conda-forge/zarr,,,,3302.0,3302.0,https://pypi.org/project/zarr,521394.0,588045.0,https://anaconda.org/conda-forge/zarr,2024-02-15 08:26:58.860,2865998.0,,,,,2.0,,,,,,,,,,,,,,,, +223,TensorFlow Transform,True,tensorflow/transform,,tensorflow-utils,https://github.com/tensorflow/transform,https://github.com/tensorflow/transform,Apache-2.0,2017-02-10 00:36:53.000,2024-02-15 11:22:19.000000,2024-02-07 12:52:04,196.0,32.0,173.0,981.0,Input pipeline framework.,28.0,28,2023-08-11 22:59:18,1.14.0,45.0,,923.0,tensorflow-transform,,,,['tensorflow'],1638.0,1638.0,https://pypi.org/project/tensorflow-transform,681553.0,681553.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +224,PyNNDescent,True,lmcinnes/pynndescent,,nn-search,https://github.com/lmcinnes/pynndescent,https://github.com/lmcinnes/pynndescent,BSD-2-Clause,2018-02-07 23:23:54.000,2024-01-10 16:03:56.000000,2024-01-10 16:03:56,101.0,68.0,62.0,825.0,A Python nearest neighbor descent for approximate nearest neighbors.,27.0,28,2023-11-20 18:03:16,release-0.5.11,23.0,,666.0,pynndescent,conda-forge/pynndescent,,,,5445.0,5445.0,https://pypi.org/project/pynndescent,1180356.0,1221007.0,https://anaconda.org/conda-forge/pynndescent,2023-11-20 21:14:19.693,1747993.0,,,,,2.0,,,,,,,,,,,,,,,, +225,backtrader,True,mementum/backtrader,,financial-data,https://github.com/mementum/backtrader,https://github.com/mementum/backtrader,GPL-3.0,2015-01-10 07:14:52.000,2024-01-31 22:31:36.000000,2023-04-19 14:13:08,3369.0,,,12525.0,Python Backtesting library for trading strategies.,56.0,27,,,,,2404.0,backtrader,,,,,1918.0,1918.0,https://pypi.org/project/backtrader,12738.0,12738.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +226,OCRmyPDF,True,jbarlow83/OCRmyPDF,,ocr,https://github.com/ocrmypdf/OCRmyPDF,https://github.com/ocrmypdf/OCRmyPDF,MPL-2.0,2013-12-20 08:26:28.000,2024-02-14 22:25:18.000000,2024-02-12 09:46:21,831.0,92.0,978.0,11322.0,"OCRmyPDF adds an OCR text layer to scanned PDF files, allowing them..",91.0,27,2024-02-12 20:16:21,16.1.0,22.0,ocrmypdf/OCRmyPDF,,ocrmypdf,,,,,727.0,727.0,https://pypi.org/project/ocrmypdf,82260.0,82625.0,,,,,,,,2.0,2193.0,,,,,,ocrmypdf,ocrmypdf,,,,,,,, +227,wordcloud,True,amueller/word_cloud,,data-viz,https://github.com/amueller/word_cloud,https://github.com/amueller/word_cloud,MIT,2012-11-04 22:57:59.000,2024-01-17 08:31:39.000000,2023-12-09 05:39:53,2266.0,94.0,416.0,9858.0,A little word cloud generator in Python.,72.0,27,2023-12-09 13:50:41,1.9.3,13.0,,,wordcloud,conda-forge/wordcloud,,,,21.0,21.0,https://pypi.org/project/wordcloud,1423413.0,1434025.0,https://anaconda.org/conda-forge/wordcloud,2023-12-11 13:49:34.986,456352.0,,,,,2.0,,,,,,,,,,,,,,,, +228,TFlearn,True,tflearn/tflearn,,ml-frameworks,https://github.com/tflearn/tflearn,https://github.com/tflearn/tflearn,,2016-03-31 12:05:53.000,2023-12-02 19:19:10.000000,2020-11-30 04:34:51,2333.0,555.0,362.0,9607.0,Deep learning library featuring a higher-level API for TensorFlow.,128.0,27,2020-11-11 19:26:11,0.5.0,8.0,,613.0,tflearn,,,,['tensorflow'],4796.0,4796.0,https://pypi.org/project/tflearn,6388.0,6388.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +229,Great Expectations,True,great-expectations/great_expectations,,data-pipelines,https://github.com/great-expectations/great_expectations,https://github.com/great-expectations/great_expectations,Apache-2.0,2017-09-11 00:18:46.000,2024-02-15 13:36:50.000000,2024-02-14 23:50:30,1431.0,137.0,1652.0,9233.0,Always know what to expect from your data.,427.0,27,2024-01-11 16:17:58,0.18.8,100.0,,,great_expectations,,,,,,,https://pypi.org/project/great_expectations,15463081.0,15463081.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +230,PySyft,True,OpenMined/PySyft,,privacy-ml,https://github.com/OpenMined/PySyft,https://github.com/OpenMined/PySyft,Apache-2.0,2017-07-18 20:41:16.000,2024-02-15 14:15:15.000000,2024-02-15 13:48:49,1927.0,12.0,3359.0,9134.0,A library for answering questions using data you cannot see.,504.0,27,2023-12-07 14:07:06,0.8.3,100.0,,9339.0,syft,,,,['pytorch'],1.0,1.0,https://pypi.org/project/syft,5981.0,6025.0,,,,,,,,1.0,2189.0,,,,,,,,,,,,,,, +231,Vowpal Wabbit,True,VowpalWabbit/vowpal_wabbit,,ml-frameworks,https://github.com/VowpalWabbit/vowpal_wabbit,https://github.com/VowpalWabbit/vowpal_wabbit,BSD-3-Clause,2009-07-31 19:36:58.000,2024-02-15 02:12:57.000000,2024-02-14 15:36:14,1870.0,128.0,1132.0,8373.0,Vowpal Wabbit is a machine learning system which pushes the..,333.0,27,2023-07-19 14:18:35,9.9.0,29.0,,10404.0,vowpalwabbit,,,,,,,https://pypi.org/project/vowpalwabbit,45775.0,45775.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +232,Vaex,True,vaexio/vaex,,data-containers,https://github.com/vaexio/vaex,https://github.com/vaexio/vaex,MIT,2014-09-27 09:44:42.000,2024-02-14 15:45:39.000000,2023-07-21 10:40:58,580.0,425.0,773.0,8133.0,"Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualize and..",72.0,27,2018-03-29 14:50:46,aexpaper_1,32.0,,3636.0,vaex,conda-forge/vaex,,,,663.0,663.0,https://pypi.org/project/vaex,33053.0,35091.0,https://anaconda.org/conda-forge/vaex,2023-06-16 13:20:19.053,179211.0,,,,,3.0,280.0,,,,,,,,,,,,,,, +233,tsfresh,True,blue-yonder/tsfresh,,time-series-data,https://github.com/blue-yonder/tsfresh,https://github.com/blue-yonder/tsfresh,MIT,2016-10-26 11:29:17.000,2024-01-28 10:39:22.145000,2024-01-28 09:33:25,1169.0,52.0,470.0,7994.0,Automatic extraction of relevant features from time series:.,92.0,27,2024-01-28 09:45:54,0.20.2,14.0,,398.0,tsfresh,conda-forge/tsfresh,,,['sklearn'],21.0,21.0,https://pypi.org/project/tsfresh,229729.0,259338.0,https://anaconda.org/conda-forge/tsfresh,2024-01-28 10:39:22.145,1332408.0,,,,,2.0,,,,,,,,,,,,,,,, +234,Apex,True,NVIDIA/apex,,gpu-utilities,https://github.com/NVIDIA/apex,https://github.com/NVIDIA/apex,BSD-3-Clause,2018-04-23 16:28:52.000,2024-02-09 01:23:36.000000,2024-02-08 01:28:57,1238.0,623.0,518.0,7852.0,A PyTorch Extension: Tools for easy mixed precision and distributed..,125.0,27,,,3.0,,1168.0,,conda-forge/nvidia-apex,,,['pytorch'],2254.0,2254.0,,,4596.0,https://anaconda.org/conda-forge/nvidia-apex,2024-01-12 02:06:46.952,183877.0,,,,,2.0,,,,,,,,,,,,,,,, +235,tensorpack,True,tensorpack/tensorpack,,ml-frameworks,https://github.com/tensorpack/tensorpack,https://github.com/tensorpack/tensorpack,Apache-2.0,2015-12-25 23:08:44.000,2023-08-06 00:30:36.000000,2023-08-06 00:30:36,1801.0,12.0,1343.0,6297.0,"A Neural Net Training Interface on TensorFlow, with focus on..",58.0,27,2019-01-18 19:18:13,doc-v0.9.0.1,3.0,,2944.0,tensorpack,,,,['tensorflow'],1461.0,1461.0,https://pypi.org/project/tensorpack,9551.0,9553.0,,,,,,,,3.0,161.0,,,,,,,,,,,,,,, +236,CleverHans,True,cleverhans-lab/cleverhans,,adversarial,https://github.com/cleverhans-lab/cleverhans,https://github.com/cleverhans-lab/cleverhans,MIT,2016-09-15 00:28:04.000,2024-01-31 07:05:16.000000,2023-01-31 19:40:04,1352.0,28.0,423.0,6024.0,"An adversarial example library for constructing attacks,..",131.0,27,2021-07-24 08:48:41,4.0.0,8.0,,3203.0,cleverhans,,,,['tensorflow'],590.0,590.0,https://pypi.org/project/cleverhans,1214.0,1214.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +237,snorkel,True,snorkel-team/snorkel,,data-loading,https://github.com/snorkel-team/snorkel,https://github.com/snorkel-team/snorkel,Apache-2.0,2016-02-26 05:52:45.000,2024-02-01 04:36:56.000000,2024-02-01 04:36:56,839.0,17.0,962.0,5653.0,A system for quickly generating training data with weak supervision.,81.0,27,2022-07-29 04:06:03,0.9.9,15.0,,2673.0,snorkel,conda-forge/snorkel,,,,464.0,464.0,https://pypi.org/project/snorkel,32906.0,33780.0,https://anaconda.org/conda-forge/snorkel,2023-06-16 16:15:57.668,47414.0,,,,,2.0,1054.0,,,,,,,,,,,,,,, +238,PDFMiner,True,euske/pdfminer,,data-loading,https://github.com/euske/pdfminer,https://github.com/euske/pdfminer,MIT,2010-12-12 12:50:22.000,2023-06-16 13:18:10.043000,2020-01-18 07:00:32,1013.0,202.0,43.0,5172.0,Python PDF Parser (Not actively maintained). Check out pdfminer.six.,28.0,27,,,2.0,,540.0,pdfminer,conda-forge/pdfminer,,,,7917.0,7917.0,https://pypi.org/project/pdfminer,189431.0,189833.0,https://anaconda.org/conda-forge/pdfminer,2023-06-16 13:18:10.043,36210.0,,,,,2.0,,,,,,,,,,,,,,,, +239,geopy,True,geopy/geopy,,geospatial-data,https://github.com/geopy/geopy,https://github.com/geopy/geopy,MIT,2010-03-04 22:05:28.000,2024-01-02 16:59:03.000000,2023-11-23 21:41:49,609.0,23.0,252.0,4206.0,Geocoding library for Python.,133.0,27,2023-11-23 21:50:14,2.4.1,37.0,,1136.0,geopy,conda-forge/geopy,,,,,,https://pypi.org/project/geopy,4698949.0,4727518.0,https://anaconda.org/conda-forge/geopy,2023-11-24 00:10:43.371,1257037.0,,,,,3.0,20.0,,,,,,,,,,,,,,, +240,Core ML Tools,True,apple/coremltools,,model-serialisation,https://github.com/apple/coremltools,https://github.com/apple/coremltools,BSD-3-Clause,2017-06-30 07:39:02.000,2024-02-15 12:59:31.000000,2024-02-12 22:36:45,555.0,264.0,1028.0,3930.0,Core ML tools contain supporting tools for Core ML model..,159.0,27,2023-11-01 14:46:14,7.1,36.0,,,coremltools,,,,,3598.0,3598.0,https://pypi.org/project/coremltools,189873.0,189991.0,,,,,,,,2.0,9140.0,,,,,,,,,,,,,,, +241,missingno,True,ResidentMario/missingno,,data-viz,https://github.com/ResidentMario/missingno,https://github.com/ResidentMario/missingno,MIT,2016-03-27 15:18:50.000,2023-06-16 13:24:02.087000,2023-02-26 20:07:33,454.0,9.0,121.0,3763.0,Missing data visualization module for Python.,18.0,27,2023-02-26 20:11:48,0.5.2,6.0,,189.0,missingno,conda-forge/missingno,,,,14852.0,14852.0,https://pypi.org/project/missingno,285074.0,289115.0,https://anaconda.org/conda-forge/missingno,2023-06-16 13:24:02.087,319315.0,,,,,2.0,,,,,,,,,,,,,,,, +242,bqplot,True,bqplot/bqplot,,data-viz,https://github.com/bqplot/bqplot,https://github.com/bqplot/bqplot,Apache-2.0,2015-09-26 04:02:18.000,2024-01-30 15:36:10.000000,2023-10-04 07:40:23,447.0,225.0,368.0,3526.0,Plotting library for IPython/Jupyter notebooks.,64.0,27,2023-08-04 08:28:46,0.12.41,63.0,,3656.0,bqplot,conda-forge/bqplot,,,['jupyter'],55.0,55.0,https://pypi.org/project/bqplot,126613.0,157647.0,https://anaconda.org/conda-forge/bqplot,2023-11-06 09:55:37.480,1257646.0,,,,,2.0,,,bqplot,https://www.npmjs.com/package/bqplot,3087.0,,,,,,,,,,, +243,pomegranate,True,jmschrei/pomegranate,,probabilistics,https://github.com/jmschrei/pomegranate,https://github.com/jmschrei/pomegranate,MIT,2014-11-24 18:36:58.000,2024-01-19 20:32:01.000000,2023-11-13 00:15:46,569.0,31.0,713.0,3221.0,"Fast, flexible and easy to use probabilistic modelling in Python.",72.0,27,2023-04-16 07:29:15,1.0.0,9.0,,980.0,pomegranate,conda-forge/pomegranate,,,,1051.0,1051.0,https://pypi.org/project/pomegranate,37993.0,41158.0,https://anaconda.org/conda-forge/pomegranate,2023-12-10 17:04:41.093,142441.0,,,,,2.0,,,,,,,,,,,,,,,, +244,Catalyst,True,catalyst-team/catalyst,,ml-experiments,https://github.com/catalyst-team/catalyst,https://github.com/catalyst-team/catalyst,Apache-2.0,2018-08-20 07:56:13.000,2023-07-08 17:08:15.000000,2022-04-29 04:19:24,361.0,,353.0,3201.0,Accelerated deep learning R&D.,104.0,27,2022-04-29 04:45:11,22.04,41.0,,1698.0,catalyst,,,,['pytorch'],1064.0,1064.0,https://pypi.org/project/catalyst,194089.0,194089.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +245,datashader,True,holoviz/datashader,,data-viz,https://github.com/holoviz/datashader,https://github.com/holoviz/datashader,BSD-3-Clause,2015-12-23 18:02:20.000,2024-02-13 11:58:20.000000,2024-02-13 11:57:59,356.0,127.0,441.0,3157.0,Quickly and accurately render even the largest data.,55.0,27,2023-10-26 15:10:16,0.16.0,33.0,,,datashader,conda-forge/datashader,,,,3580.0,3580.0,https://pypi.org/project/datashader,420821.0,437617.0,https://anaconda.org/conda-forge/datashader,2023-10-27 12:10:53.716,755852.0,,,,,2.0,,,,,,,,,,,,,,,, +246,pytorch-optimizer,True,jettify/pytorch-optimizer,,pytorch-utils,https://github.com/jettify/pytorch-optimizer,https://github.com/jettify/pytorch-optimizer,Apache-2.0,2020-01-03 03:16:39.000,2023-11-22 23:34:56.000000,2023-06-20 03:14:12,282.0,33.0,30.0,2917.0,torch-optimizer -- collection of optimizers for..,26.0,27,2021-10-31 02:57:04,0.3.0,20.0,,435.0,torch_optimizer,,,,['pytorch'],1102.0,1102.0,https://pypi.org/project/torch_optimizer,98361.0,98361.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +247,sklearn-pandas,True,scikit-learn-contrib/sklearn-pandas,,data-containers,https://github.com/scikit-learn-contrib/sklearn-pandas,https://github.com/scikit-learn-contrib/sklearn-pandas,Zlib,2013-04-22 22:55:20.000,2023-06-08 06:48:29.000000,2022-07-17 20:23:59,389.0,27.0,127.0,2768.0,Pandas integration with sklearn.,39.0,27,2021-05-08 08:32:08,2.1.0,3.0,,289.0,sklearn-pandas,,,,"['sklearn', 'pandas']",7110.0,7110.0,https://pypi.org/project/sklearn-pandas,217896.0,217896.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +248,FairScale,True,facebookresearch/fairscale,,distributed-ml,https://github.com/facebookresearch/fairscale,https://github.com/facebookresearch/fairscale,BSD-3-Clause,2020-07-07 19:02:01.000,2024-02-07 19:15:33.000000,2024-02-02 23:52:02,247.0,70.0,283.0,2764.0,PyTorch extensions for high performance and large scale training.,73.0,27,2022-12-11 18:09:19,0.4.13,35.0,,,fairscale,,,,['pytorch'],4177.0,4177.0,https://pypi.org/project/fairscale,441862.0,441862.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +249,tslearn,True,tslearn-team/tslearn,,time-series-data,https://github.com/tslearn-team/tslearn,https://github.com/tslearn-team/tslearn,BSD-2-Clause,2017-05-04 13:08:13.000,2024-02-06 17:34:20.000000,2024-01-19 08:29:16,317.0,114.0,192.0,2730.0,A machine learning toolkit dedicated to time-series data.,43.0,27,2023-12-12 14:35:12,0.6.3,25.0,,,tslearn,conda-forge/tslearn,,,['sklearn'],1143.0,1143.0,https://pypi.org/project/tslearn,304470.0,333456.0,https://anaconda.org/conda-forge/tslearn,2024-02-04 18:41:01.911,1275390.0,,,,,2.0,,,,,,,,,,,,,,,, +250,TextAttack,True,QData/TextAttack,,adversarial,https://github.com/QData/TextAttack,https://github.com/QData/TextAttack,MIT,2019-10-15 00:51:44.000,2024-02-12 10:37:51.000000,2023-11-11 12:54:41,349.0,49.0,213.0,2669.0,"TextAttack is a Python framework for adversarial attacks, data..",61.0,27,2023-09-11 23:06:00,0.3.9,15.0,,2661.0,textattack,,,,,232.0,232.0,https://pypi.org/project/textattack,5265.0,5265.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +251,GluonNLP,True,dmlc/gluon-nlp,,nlp,https://github.com/dmlc/gluon-nlp,https://github.com/dmlc/gluon-nlp,Apache-2.0,2018-04-04 20:57:13.000,2023-10-06 04:01:21.000000,2022-12-25 20:52:27,504.0,237.0,297.0,2551.0,"Toolkit that enables easy text preprocessing, datasets loading and neural models building to help you speed up your..",86.0,27,2020-08-13 19:16:27,0.10.0,15.0,,843.0,gluonnlp,,,,['mxnet'],1457.0,1457.0,https://pypi.org/project/gluonnlp,77040.0,77040.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +252,scikit-plot,True,reiinakano/scikit-plot,,interpretability,https://github.com/reiinakano/scikit-plot,https://github.com/reiinakano/scikit-plot,MIT,2017-02-04 06:22:59.000,2023-09-13 13:50:05.000000,2018-08-19 12:37:47,276.0,21.0,39.0,2374.0,An intuitive library to add plotting functionality to..,13.0,27,2018-08-19 12:21:01,0.3.7,17.0,,130.0,scikit-plot,conda-forge/scikit-plot,,,['sklearn'],4430.0,4430.0,https://pypi.org/project/scikit-plot,489089.0,491225.0,https://anaconda.org/conda-forge/scikit-plot,2023-06-16 13:22:21.652,168774.0,,,,,2.0,,,,,,,,,,,,,,,, +253,torchaudio,True,pytorch/audio,,audio,https://github.com/pytorch/audio,https://github.com/pytorch/audio,BSD-2-Clause,2017-05-05 00:38:05.000,2024-02-15 11:34:26.000000,2024-02-09 10:31:58,590.0,175.0,713.0,2332.0,Data manipulation and transformation for audio signal..,222.0,27,2024-01-30 18:17:31,2.2.0,28.0,,1168.0,torchaudio,,,,['pytorch'],,,https://pypi.org/project/torchaudio,2501104.0,2501104.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +254,Ax,True,facebook/Ax,,hyperopt,https://github.com/facebook/Ax,https://github.com/facebook/Ax,MIT,2019-02-09 15:23:44.000,2024-02-15 07:26:13.000000,2024-02-14 16:53:20,279.0,32.0,591.0,2230.0,Adaptive Experimentation Platform.,162.0,27,2023-12-09 18:08:38,0.3.6,38.0,,,ax-platform,,,,['pytorch'],649.0,649.0,https://pypi.org/project/ax-platform,84646.0,84646.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +255,jellyfish,True,jamesturk/jellyfish,,nlp,https://github.com/jamesturk/jellyfish,https://github.com/jamesturk/jellyfish,MIT,2010-07-09 20:41:11.000,2023-12-18 04:15:22.000000,2023-11-17 20:35:45,155.0,4.0,127.0,1960.0,a python library for doing approximate and phonetic matching of..,31.0,27,,,14.0,,,jellyfish,conda-forge/jellyfish,,,,8098.0,8098.0,https://pypi.org/project/jellyfish,2623735.0,2641594.0,https://anaconda.org/conda-forge/jellyfish,2023-11-17 23:08:09.681,785801.0,,,,,2.0,,,,,,,,,,,,,,,, +256,bt,True,pmorissette/bt,,financial-data,https://github.com/pmorissette/bt,https://github.com/pmorissette/bt,MIT,2014-06-19 16:06:28.000,2024-02-05 15:04:29.000000,2024-02-05 15:04:26,383.0,74.0,258.0,1928.0,bt - flexible backtesting for Python.,31.0,27,2023-11-20 02:57:57,1.0.0,3.0,,519.0,bt,,,,,1595.0,1595.0,https://pypi.org/project/bt,7641.0,7641.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +257,ogb,True,snap-stanford/ogb,,graph,https://github.com/snap-stanford/ogb,https://github.com/snap-stanford/ogb,MIT,2019-11-22 22:13:57.000,2024-02-13 19:24:57.000000,2024-02-01 18:50:30,386.0,12.0,270.0,1836.0,"Benchmark datasets, data loaders, and evaluators for graph machine learning.",32.0,27,2023-04-07 06:00:20,1.3.6,16.0,,675.0,ogb,,,,,1404.0,1404.0,https://pypi.org/project/ogb,32271.0,32271.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +258,ktrain,True,amaiya/ktrain,,ml-frameworks,https://github.com/amaiya/ktrain,https://github.com/amaiya/ktrain,Apache-2.0,2019-02-06 17:01:39.000,2024-01-28 02:04:42.000000,2024-01-27 19:32:10,260.0,3.0,481.0,1205.0,ktrain is a Python library that makes deep learning and AI more..,16.0,27,2024-01-28 02:04:42,0.40.0,100.0,,3020.0,ktrain,,,,['tensorflow'],501.0,501.0,https://pypi.org/project/ktrain,10982.0,10982.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +259,empyrical,True,quantopian/empyrical,,financial-data,https://github.com/quantopian/empyrical,https://github.com/quantopian/empyrical,Apache-2.0,2016-03-18 10:22:52.000,2024-01-31 21:10:59.000000,2020-10-14 13:22:39,334.0,26.0,26.0,1199.0,Common financial risk and performance metrics. Used by zipline and..,22.0,27,2020-10-13 21:28:25,0.5.5,9.0,,167.0,empyrical,conda-forge/empyrical,,,,1296.0,1296.0,https://pypi.org/project/empyrical,30836.0,31197.0,https://anaconda.org/conda-forge/empyrical,2023-06-16 16:07:55.979,26021.0,,,,,2.0,,,,,,,,,,,,,,,, +260,pyclustering,True,annoviko/pyclustering,,others,https://github.com/annoviko/pyclustering,https://github.com/annoviko/pyclustering,BSD-3-Clause,2014-02-25 18:59:03.000,2024-02-08 16:58:25.000000,2024-02-08 16:58:25,248.0,67.0,590.0,1133.0,"pyclustring is a Python, C++ data mining library.",26.0,27,2020-11-25 22:33:07,0.10.1.2,18.0,,2080.0,pyclustering,conda-forge/pyclustering,,,,615.0,615.0,https://pypi.org/project/pyclustering,87583.0,88992.0,https://anaconda.org/conda-forge/pyclustering,2023-11-16 19:00:50.847,60407.0,,,,,3.0,484.0,,,,,,,,,,,,,,, +261,scikit-multilearn,True,scikit-multilearn/scikit-multilearn,,sklearn-utils,https://github.com/scikit-multilearn/scikit-multilearn,https://github.com/scikit-multilearn/scikit-multilearn,BSD-2-Clause,2014-04-30 13:05:44.000,2024-02-01 04:40:03.000000,2023-04-19 21:43:19,171.0,76.0,122.0,888.0,A scikit-learn based module for multi-label et. al...,28.0,27,2018-12-10 10:51:36,0.2.0,4.0,,547.0,scikit-multilearn,,,,['sklearn'],1441.0,1441.0,https://pypi.org/project/scikit-multilearn,60912.0,60912.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +262,Cython BLIS,True,explosion/cython-blis,,others,https://github.com/explosion/cython-blis,https://github.com/explosion/cython-blis,,2017-10-15 09:56:16.000,2023-11-03 15:14:22.000000,2023-11-03 14:46:16,38.0,7.0,26.0,209.0,Fast matrix-multiplication as a self-contained Python library no..,12.0,27,2023-09-22 06:31:01,0.7.11,15.0,,569.0,blis,conda-forge/cython-blis,,,,38808.0,38808.0,https://pypi.org/project/blis,5580741.0,5630704.0,https://anaconda.org/conda-forge/cython-blis,2023-10-01 08:59:57.840,2048499.0,,,,,3.0,,,,,,,,,,,,,,,, +263,detectron2,True,facebookresearch/detectron2,,image,https://github.com/facebookresearch/detectron2,https://github.com/facebookresearch/detectron2,Apache-2.0,2019-09-05 21:30:20.000,2024-02-12 15:56:05.000000,2024-02-08 01:15:03,6830.0,386.0,3042.0,28040.0,Detectron2 is FAIR's next-generation platform for object..,265.0,26,2021-11-15 22:08:26,0.6,10.0,,,,conda-forge/detectron2,,,['pytorch'],1605.0,1605.0,,,5199.0,https://anaconda.org/conda-forge/detectron2,2024-01-18 08:57:46.349,223577.0,,,,,2.0,,,,,,,,,,,,,,,, +264,Magenta,True,magenta/magenta,,audio,https://github.com/magenta/magenta,https://github.com/magenta/magenta,Apache-2.0,2016-05-05 20:10:40.000,2024-01-23 01:48:22.000000,2023-07-11 13:03:36,3632.0,358.0,588.0,18848.0,Magenta: Music and Art Generation with Machine Intelligence.,155.0,26,2022-08-01 18:18:44,2.1.4,48.0,,,magenta,,,,['tensorflow'],494.0,494.0,https://pypi.org/project/magenta,2743.0,2743.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +265,vit-pytorch,True,lucidrains/vit-pytorch,,image,https://github.com/lucidrains/vit-pytorch,https://github.com/lucidrains/vit-pytorch,MIT,2020-10-03 22:47:24.000,2023-12-23 16:11:47.000000,2023-12-23 16:11:39,2644.0,113.0,131.0,16939.0,"Implementation of Vision Transformer, a simple way to..",20.0,26,2023-12-23 16:11:47,1.6.5,100.0,,,vit-pytorch,,,,['pytorch'],401.0,401.0,https://pypi.org/project/vit-pytorch,20240.0,20240.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +266,haystack,True,deepset-ai/haystack,,nlp,https://github.com/deepset-ai/haystack,https://github.com/deepset-ai/haystack,Apache-2.0,2019-11-14 09:05:28.000,2024-02-15 14:22:01.000000,2024-02-15 14:01:04,1526.0,328.0,2607.0,12691.0,End-to-end Python framework for building natural language search..,228.0,26,2024-02-08 13:40:50,1.24.1,80.0,,,haystack,,,,,114.0,114.0,https://pypi.org/project/haystack,2795.0,2795.0,,,,,,,,2.0,23.0,,,,,,,,,,,,,,, +267,NeMo,True,NVIDIA/NeMo,,nlp,https://github.com/NVIDIA/NeMo,https://github.com/NVIDIA/NeMo,Apache-2.0,2019-08-05 20:16:42.000,2024-02-15 13:26:53.000000,2024-02-15 00:05:49,1914.0,51.0,1880.0,9269.0,NeMo: a toolkit for conversational AI.,274.0,26,2024-01-11 02:04:18,1.22.0,46.0,,,nemo-toolkit,,,,['pytorch'],21.0,21.0,https://pypi.org/project/nemo-toolkit,54727.0,56320.0,,,,,,,,2.0,84432.0,,,,,,,,,,,,,,, +268,imageai,True,OlafenwaMoses/ImageAI,,image,https://github.com/OlafenwaMoses/ImageAI,https://github.com/OlafenwaMoses/ImageAI,MIT,2018-03-19 23:12:33.000,2023-09-25 05:14:24.000000,2023-08-26 12:04:19,2118.0,289.0,446.0,8277.0,A python library built to empower developers to build applications and..,19.0,26,2022-12-20 21:17:57,test-resources-v3,12.0,,383.0,imageai,,,,,1541.0,1541.0,https://pypi.org/project/imageai,4757.0,17714.0,,,,,,,,2.0,906993.0,,,,,,,,,,,,,,, +269,Pyro,True,pyro-ppl/pyro,,probabilistics,https://github.com/pyro-ppl/pyro,https://github.com/pyro-ppl/pyro,Apache-2.0,2017-06-16 05:03:47.000,2024-02-14 20:02:16.000000,2024-02-10 18:20:48,952.0,225.0,830.0,8269.0,Deep universal probabilistic programming with Python and PyTorch.,150.0,26,2023-07-29 21:20:27,1.8.6,33.0,,2414.0,pyro-ppl,,,,['pytorch'],,,https://pypi.org/project/pyro-ppl,283230.0,283230.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +270,Facets Overview,True,pair-code/facets,,data-viz,https://github.com/PAIR-code/facets,https://github.com/PAIR-code/facets,Apache-2.0,2017-07-07 14:03:03.000,2023-05-24 15:56:22.000000,2023-05-24 15:56:22,876.0,78.0,81.0,7295.0,Visualizations for machine learning datasets.,31.0,26,2019-07-01 16:35:20,1.0.0,4.0,,277.0,facets-overview,,,,['jupyter'],214.0,214.0,https://pypi.org/project/facets-overview,183589.0,183589.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +271,Perspective,True,finos/perspective,,data-viz,https://github.com/finos/perspective,https://github.com/finos/perspective,Apache-2.0,2017-11-02 16:27:54.000,2024-02-15 14:09:49.000000,2024-02-15 14:09:48,926.0,85.0,627.0,7164.0,Streaming pivot visualization via WebAssembly.,93.0,26,2023-11-29 21:48:30,2.7.1,9.0,,5914.0,perspective-python,,,,['jupyter'],113.0,113.0,https://pypi.org/project/perspective-python,6967.0,7760.0,,,,,,,,2.0,2151.0,,@finos/perspective-jupyterlab,https://www.npmjs.com/package/@finos/perspective-jupyterlab,486.0,,,,,,,,,,, +272,featuretools,True,alteryx/featuretools,,hyperopt,https://github.com/alteryx/featuretools,https://github.com/alteryx/featuretools,BSD-3-Clause,2017-09-08 22:15:17.000,2024-02-14 23:08:33.000000,2024-02-14 14:45:40,830.0,172.0,814.0,6956.0,An open source python library for automated feature engineering.,72.0,26,2023-10-26 18:21:15,1.28.0,100.0,,,featuretools,conda-forge/featuretools,,,,1529.0,1529.0,https://pypi.org/project/featuretools,50292.0,54303.0,https://anaconda.org/conda-forge/featuretools,2023-10-27 14:28:34.721,176504.0,,,,,2.0,,,,,,,,,,,,,,,, +273,InterpretML,True,interpretml/interpret,,interpretability,https://github.com/interpretml/interpret,https://github.com/interpretml/interpret,MIT,2019-05-03 05:47:52.000,2024-02-14 22:27:38.000000,2024-02-13 21:07:25,690.0,83.0,326.0,5915.0,Fit interpretable models. Explain blackbox machine learning.,41.0,26,2024-02-14 22:27:38,0.5.1,41.0,,,interpret,,,,['jupyter'],615.0,615.0,https://pypi.org/project/interpret,84615.0,84615.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +274,torchdiffeq,True,rtqichen/torchdiffeq,,pytorch-utils,https://github.com/rtqichen/torchdiffeq,https://github.com/rtqichen/torchdiffeq,MIT,2018-11-14 17:51:25.000,2023-10-19 19:24:54.000000,2023-10-19 19:24:51,848.0,64.0,144.0,5069.0,Differentiable ODE solvers with full GPU support and..,21.0,26,,,,,248.0,torchdiffeq,,,,['pytorch'],2903.0,2903.0,https://pypi.org/project/torchdiffeq,747373.0,747373.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +275,aim,True,aimhubio/aim,,ml-experiments,https://github.com/aimhubio/aim,https://github.com/aimhubio/aim,Apache-2.0,2019-05-31 18:25:07.000,2024-02-14 20:02:06.000000,2024-02-07 07:34:42,269.0,314.0,645.0,4609.0,"Aim a super-easy way to record, search and compare 1000s of ML training..",61.0,26,2024-02-07 09:25:26,3.18.1,56.0,,,aim,,,,,439.0,439.0,https://pypi.org/project/aim,77687.0,77687.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +276,Alpha Vantage,True,RomelTorres/alpha_vantage,,financial-data,https://github.com/RomelTorres/alpha_vantage,https://github.com/RomelTorres/alpha_vantage,MIT,2017-04-29 17:23:00.000,2023-12-29 12:20:18.000000,2023-11-11 01:23:34,712.0,1.0,277.0,4129.0,A python wrapper for Alpha Vantage API for financial data.,42.0,26,2020-12-21 02:37:29,2.3.1,5.0,,497.0,alpha_vantage,,,,,481.0,481.0,https://pypi.org/project/alpha_vantage,28737.0,28737.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +277,facenet-pytorch,True,timesler/facenet-pytorch,,image,https://github.com/timesler/facenet-pytorch,https://github.com/timesler/facenet-pytorch,MIT,2019-05-25 01:29:24.000,2023-11-02 03:20:32.000000,2023-11-02 03:20:28,812.0,62.0,106.0,3995.0,Pretrained Pytorch face detection (MTCNN) and recognition..,16.0,26,2023-04-07 19:27:35,2.5.3,7.0,,249.0,facenet-pytorch,,,,['pytorch'],1532.0,1532.0,https://pypi.org/project/facenet-pytorch,50990.0,66314.0,,,,,,,,2.0,781568.0,,,,,,,,,,,,,,, +278,ta,True,bukosabino/ta,,financial-data,https://github.com/bukosabino/ta,https://github.com/bukosabino/ta,MIT,2018-01-02 18:08:48.000,2024-01-13 11:36:10.000000,2023-11-02 13:49:44,817.0,106.0,104.0,3943.0,Technical Analysis Library using Pandas and Numpy.,34.0,26,,,,,662.0,ta,,,,,2995.0,2995.0,https://pypi.org/project/ta,76712.0,76712.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +279,nevergrad,True,facebookresearch/nevergrad,,hyperopt,https://github.com/facebookresearch/nevergrad,https://github.com/facebookresearch/nevergrad,MIT,2018-11-21 00:33:17.000,2024-02-01 18:56:03.000000,2024-01-17 08:40:34,339.0,82.0,173.0,3811.0,A Python toolbox for performing gradient-free optimization.,53.0,26,2023-11-19 06:23:52,1.0.1,30.0,,,nevergrad,conda-forge/nevergrad,,,,618.0,618.0,https://pypi.org/project/nevergrad,73679.0,74696.0,https://anaconda.org/conda-forge/nevergrad,2024-01-09 16:02:07.312,45768.0,,,,,2.0,,,,,,,,,,,,,,,, +280,torchtext,True,pytorch/text,,nlp,https://github.com/pytorch/text,https://github.com/pytorch/text,BSD-3-Clause,2016-12-12 00:56:03.000,2024-02-15 11:34:30.000000,2024-02-08 00:52:14,787.0,265.0,514.0,3416.0,Data loaders and abstractions for text and NLP.,153.0,26,2024-01-30 18:16:31,0.17.0,28.0,,847.0,torchtext,,,,['pytorch'],,,https://pypi.org/project/torchtext,529433.0,529433.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +281,implicit,True,benfred/implicit,,recommender-systems,https://github.com/benfred/implicit,https://github.com/benfred/implicit,MIT,2016-04-17 03:45:23.000,2023-11-21 21:16:03.000000,2023-11-21 21:15:59,581.0,75.0,405.0,3369.0,Fast Python Collaborative Filtering for Implicit Feedback Datasets.,34.0,26,2023-09-29 21:06:57,0.7.2,17.0,,,implicit,conda-forge/implicit,,,,1250.0,1250.0,https://pypi.org/project/implicit,175398.0,189257.0,https://anaconda.org/conda-forge/implicit,2023-11-21 19:59:55.425,567089.0,,,,,1.0,703.0,,,,,,,,,,,,,,, +282,Sumy,True,miso-belica/sumy,,nlp,https://github.com/miso-belica/sumy,https://github.com/miso-belica/sumy,Apache-2.0,2013-02-20 12:56:48.000,2024-02-11 14:02:46.000000,2024-02-11 14:02:45,510.0,19.0,101.0,3364.0,Module for automatic summarization of text documents and HTML pages.,30.0,26,2022-10-23 16:40:03,0.11.0,15.0,,,sumy,,,,,2485.0,2485.0,https://pypi.org/project/sumy,69336.0,69336.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +283,VisPy,True,vispy/vispy,,data-viz,https://github.com/vispy/vispy,https://github.com/vispy/vispy,,2013-03-21 18:43:22.000,2024-02-14 16:20:44.000000,2024-02-05 13:22:01,601.0,309.0,1104.0,3185.0,High-performance interactive 2D/3D data visualization library.,192.0,26,2023-10-03 22:23:12,0.14.1,35.0,,,vispy,conda-forge/vispy,,,['jupyter'],1413.0,1413.0,https://pypi.org/project/vispy,77263.0,88407.0,https://anaconda.org/conda-forge/vispy,2023-10-04 03:59:45.400,456708.0,,,,,2.0,,,vispy,https://www.npmjs.com/package/vispy,5.0,,,,,,,,,,, +284,vidgear,True,abhiTronix/vidgear,,image,https://github.com/abhiTronix/vidgear,https://github.com/abhiTronix/vidgear,Apache-2.0,2019-03-17 02:42:42.000,2024-01-10 22:28:30.000000,2023-09-10 15:15:16,231.0,6.0,266.0,3118.0,High-performance cross-platform Video Processing Python framework..,14.0,26,2023-09-10 15:53:16,idgear-0.3.2,21.0,,1059.0,vidgear,,,,,506.0,506.0,https://pypi.org/project/vidgear,77604.0,77620.0,,,,,,,,2.0,987.0,,,,,,,,,,,,,,, +285,aubio,True,aubio/aubio,,audio,https://github.com/aubio/aubio,https://github.com/aubio/aubio,GPL-3.0,2009-12-04 21:07:44.000,2024-01-05 06:03:44.000000,2024-01-02 20:16:48,359.0,144.0,189.0,3116.0,a library for audio and music analysis.,25.0,26,2019-02-27 09:00:43,0.4.9,8.0,,4161.0,aubio,conda-forge/aubio,,,,437.0,437.0,https://pypi.org/project/aubio,6827.0,14506.0,https://anaconda.org/conda-forge/aubio,2023-06-16 13:24:40.255,637396.0,,,,,2.0,,,,,,,,,,,,,,,, +286,smart-open,True,RaRe-Technologies/smart_open,,data-loading,https://github.com/piskvorky/smart_open,https://github.com/piskvorky/smart_open,MIT,2015-01-02 13:05:52.000,2024-02-08 02:30:10.000000,2024-02-08 02:30:09,363.0,70.0,311.0,3037.0,"Utils for streaming large files (S3, HDFS, gzip, bz2...).",108.0,26,2023-09-07 03:00:21,6.4.0,46.0,piskvorky/smart_open,1021.0,smart-open,,,,,,,https://pypi.org/project/smart-open,18402733.0,18402733.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +287,Arctic,True,man-group/arctic,,data-containers,https://github.com/man-group/arctic,https://github.com/man-group/arctic,LGPL-2.1,2015-05-29 13:37:30.000,2024-02-05 17:58:54.000000,2024-02-01 18:17:41,562.0,77.0,477.0,3014.0,Arctic is a high performance datastore for numeric data.,85.0,26,2024-02-05 17:58:54,1.82.2,11.0,,1177.0,arctic,conda-forge/arctic,,,,241.0,241.0,https://pypi.org/project/arctic,4077.0,4624.0,https://anaconda.org/conda-forge/arctic,2023-06-16 16:15:32.390,31109.0,,,,,3.0,209.0,,,,,,,,,,,,,,, +288,Cufflinks,True,santosjorge/cufflinks,,data-viz,https://github.com/santosjorge/cufflinks,https://github.com/santosjorge/cufflinks,MIT,2014-11-19 20:59:33.000,2022-02-11 16:25:24.000000,2021-02-25 05:05:09,651.0,88.0,123.0,2948.0,Productivity Tools for Plotly + Pandas.,38.0,26,,,,,452.0,cufflinks,,,,['pandas'],10061.0,10061.0,https://pypi.org/project/cufflinks,81914.0,81914.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +289,BoTorch,True,pytorch/botorch,,hyperopt,https://github.com/pytorch/botorch,https://github.com/pytorch/botorch,MIT,2018-07-30 23:59:57.000,2024-02-15 11:10:22.000000,2024-02-14 23:56:14,352.0,54.0,398.0,2895.0,Bayesian optimization in PyTorch.,109.0,26,2023-12-09 01:58:40,0.9.5,41.0,,,botorch,,,,['pytorch'],845.0,845.0,https://pypi.org/project/botorch,121133.0,121133.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +290,mljar-supervised,True,mljar/mljar-supervised,,hyperopt,https://github.com/mljar/mljar-supervised,https://github.com/mljar/mljar-supervised,MIT,2018-11-05 12:58:04.000,2024-02-12 09:53:03.000000,2024-01-30 11:23:03,376.0,142.0,465.0,2886.0,Automated Machine Learning Pipeline with Feature Engineering..,26.0,26,2024-01-08 09:09:11,1.1.2,56.0,,1150.0,mljar-supervised,,,,,104.0,104.0,https://pypi.org/project/mljar-supervised,4523.0,4523.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +291,Sweetviz,True,fbdesignpro/sweetviz,,data-viz,https://github.com/fbdesignpro/sweetviz,https://github.com/fbdesignpro/sweetviz,MIT,2020-05-09 15:25:47.000,2023-11-29 13:30:45.000000,2023-11-29 13:26:08,264.0,34.0,97.0,2780.0,"Visualize and compare datasets, target values and associations, with one..",11.0,26,2023-11-29 13:30:45,2.3.1,9.0,,135.0,sweetviz,,,,,1996.0,1996.0,https://pypi.org/project/sweetviz,62256.0,62256.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +292,Foolbox,True,bethgelab/foolbox,,adversarial,https://github.com/bethgelab/foolbox,https://github.com/bethgelab/foolbox,MIT,2017-06-14 13:05:48.000,2024-01-22 22:53:21.000000,2024-01-22 22:53:18,411.0,22.0,345.0,2617.0,A Python toolbox to create adversarial examples that fool neural networks..,33.0,26,2022-04-02 15:26:25,3.3.3,58.0,,1699.0,foolbox,,,,,557.0,557.0,https://pypi.org/project/foolbox,1661.0,1661.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +293,pgmpy,True,pgmpy/pgmpy,,probabilistics,https://github.com/pgmpy/pgmpy,https://github.com/pgmpy/pgmpy,MIT,2013-09-20 08:18:58.000,2024-02-12 07:39:57.000000,2024-01-30 06:50:46,673.0,230.0,622.0,2568.0,Python Library for learning (Structure and Parameter) and inference..,122.0,26,2023-10-16 21:49:45,0.1.24,14.0,,6.0,pgmpy,,,,,860.0,860.0,https://pypi.org/project/pgmpy,45893.0,45900.0,,,,,,,,2.0,308.0,,,,,,,,,,,,,,, +294,swifter,True,jmcarpenter2/swifter,,data-containers,https://github.com/jmcarpenter2/swifter,https://github.com/jmcarpenter2/swifter,MIT,2018-04-07 21:37:19.000,2024-01-19 21:18:28.000000,2023-07-31 18:44:09,100.0,19.0,128.0,2418.0,A package which efficiently applies any function to a pandas..,17.0,26,,,28.0,,493.0,swifter,conda-forge/swifter,,,['pandas'],1240.0,1240.0,https://pypi.org/project/swifter,463202.0,470364.0,https://anaconda.org/conda-forge/swifter,2023-07-31 21:42:18.659,315137.0,,,,,3.0,,,,,,,,,,,,,,,, +295,PyFunctional,True,EntilZha/PyFunctional,,data-pipelines,https://github.com/EntilZha/PyFunctional,https://github.com/EntilZha/PyFunctional,MIT,2015-02-05 17:17:51.000,2024-02-05 01:51:48.000000,2023-09-27 04:58:22,127.0,10.0,123.0,2292.0,Python library for creating data pipelines with chain functional..,31.0,26,2021-01-12 19:21:07,1.4.3,11.0,,537.0,pyfunctional,,,,,756.0,756.0,https://pypi.org/project/pyfunctional,154273.0,154273.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +296,Fairness 360,True,Trusted-AI/AIF360,,interpretability,https://github.com/Trusted-AI/AIF360,https://github.com/Trusted-AI/AIF360,Apache-2.0,2018-08-22 20:47:15.000,2024-01-11 19:35:27.000000,2023-11-21 19:33:43,783.0,146.0,95.0,2252.0,A comprehensive set of fairness metrics for datasets and..,70.0,26,2022-09-03 03:41:16,0.5.0,10.0,,419.0,aif360,,,,,369.0,369.0,https://pypi.org/project/aif360,10671.0,10671.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +297,numexpr,True,pydata/numexpr,,data-containers,https://github.com/pydata/numexpr,https://github.com/pydata/numexpr,MIT,2013-11-30 22:33:48.000,2024-02-10 11:57:44.000000,2024-02-10 11:57:43,196.0,64.0,301.0,2108.0,"Fast numerical array expression evaluator for Python, NumPy, PyTables,..",73.0,26,2024-01-26 12:51:35,2.9.0,17.0,,847.0,numexpr,conda-forge/numexpr,,,,,,https://pypi.org/project/numexpr,6575018.0,6748815.0,https://anaconda.org/conda-forge/numexpr,2024-02-05 13:50:40.663,7646844.0,,,,,3.0,586.0,,,,,,,,,,,,,,, +298,efficientnet,True,qubvel/efficientnet,,tensorflow-utils,https://github.com/qubvel/efficientnet,https://github.com/qubvel/efficientnet,Apache-2.0,2019-05-30 20:21:09.000,2024-01-24 14:27:34.000000,2021-07-16 09:03:20,461.0,56.0,58.0,2050.0,Implementation of EfficientNet model. Keras and..,10.0,26,2020-09-15 16:22:45,1.1.1,8.0,,66.0,efficientnet,,,,['tensorflow'],1947.0,1947.0,https://pypi.org/project/efficientnet,61509.0,65967.0,,,,,,,,3.0,254120.0,,,,,,,,,,,,,,, +299,ArcGIS API,True,Esri/arcgis-python-api,,geospatial-data,https://github.com/Esri/arcgis-python-api,https://github.com/Esri/arcgis-python-api,Apache-2.0,2016-03-16 01:09:14.000,2024-02-15 10:45:39.000000,2024-02-09 16:47:54,1044.0,52.0,612.0,1718.0,Documentation and samples for ArcGIS API for Python.,89.0,26,2023-10-03 15:37:18,2.2.0,33.0,,4147.0,arcgis,,esridocker/arcgis-api-python-notebook,,,4.0,4.0,https://pypi.org/project/arcgis,115567.0,115684.0,,,,https://hub.docker.com/r/esridocker/arcgis-api-python-notebook,,,,3.0,10426.0,,,,,,,,,,,,,,, +300,Opacus,True,pytorch/opacus,,privacy-ml,https://github.com/pytorch/opacus,https://github.com/pytorch/opacus,Apache-2.0,2019-12-07 01:58:09.000,2024-02-14 19:02:22.000000,2024-02-10 20:15:52,301.0,63.0,205.0,1555.0,Training PyTorch models with differential privacy.,75.0,26,2024-02-11 17:28:09,1.4.1,21.0,,,opacus,,,,['pytorch'],733.0,733.0,https://pypi.org/project/opacus,75148.0,75150.0,,,,,,,,2.0,106.0,,,,,,,,,,,,,,, +301,metric-learn,True,scikit-learn-contrib/metric-learn,,others,https://github.com/scikit-learn-contrib/metric-learn,https://github.com/scikit-learn-contrib/metric-learn,MIT,2013-11-02 08:29:47.000,2023-10-09 07:21:10.000000,2023-09-29 00:13:39,222.0,43.0,120.0,1359.0,Metric learning algorithms in Python.,22.0,26,2023-09-29 00:16:16,0.7.0,11.0,,295.0,metric-learn,,,,['sklearn'],350.0,350.0,https://pypi.org/project/metric-learn,14968.0,14968.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +302,PyTables,True,PyTables/PyTables,,data-containers,https://github.com/PyTables/PyTables,https://github.com/PyTables/PyTables,BSD-3-Clause,2011-06-03 19:44:46.000,2024-02-12 06:10:04.000000,2024-02-06 06:29:45,244.0,161.0,550.0,1251.0,A Python package to manage extremely large amounts of data.,129.0,26,2023-11-27 12:13:28,3.9.2,16.0,,4840.0,tables,conda-forge/pytables,,,,,,https://pypi.org/project/tables,918381.0,1077662.0,https://anaconda.org/conda-forge/pytables,2023-12-04 15:49:30.926,6849015.0,,,,,3.0,182.0,,,,,,,,,,,,,,, +303,igraph,True,igraph/python-igraph,,graph,https://github.com/igraph/python-igraph,https://github.com/igraph/python-igraph,GPL-2.0,2015-01-08 23:55:16.000,2024-02-14 10:53:12.000000,2024-02-14 10:52:59,242.0,38.0,498.0,1208.0,Python interface for igraph.,71.0,26,2024-02-13 22:29:23,0.11.4,27.0,,,python-igraph,conda-forge/igraph,,,,3791.0,3791.0,https://pypi.org/project/python-igraph,328788.0,347214.0,https://anaconda.org/conda-forge/igraph,2024-02-13 16:32:10.931,499353.0,,,,,2.0,562216.0,,,,,,,,,,,,,,, +304,RLax,True,deepmind/rlax,,reinforcement-learning,https://github.com/google-deepmind/rlax,https://github.com/google-deepmind/rlax,Apache-2.0,2020-02-18 07:14:59.000,2023-11-24 11:08:54.000000,2023-11-24 11:08:47,81.0,7.0,18.0,1149.0,A library of reinforcement learning building blocks in JAX.,21.0,26,2023-06-29 15:03:07,0.1.6,7.0,google-deepmind/rlax,208.0,rlax,,,,['jax'],202.0,202.0,https://pypi.org/project/rlax,1662104.0,1662104.0,,,,,,,,1.0,,,,,,,,,,,,,,,, +305,Intake,True,intake/intake,,data-loading,https://github.com/intake/intake,https://github.com/intake/intake,BSD-2-Clause,2017-08-14 20:44:22.000,2024-02-12 18:00:37.000000,2024-02-12 18:00:36,137.0,98.0,259.0,970.0,"Intake is a lightweight package for finding, investigating, loading and..",86.0,26,,,24.0,,2133.0,intake,conda-forge/intake,,,,2000.0,2000.0,https://pypi.org/project/intake,58529.0,70803.0,https://anaconda.org/conda-forge/intake,2024-02-08 19:22:32.609,540085.0,,,,,3.0,,,,,,,,,,,,,,,, +306,Hail,True,hail-is/hail,,medical-data,https://github.com/hail-is/hail,https://github.com/hail-is/hail,MIT,2015-10-27 20:55:42.000,2024-02-15 14:03:00.000000,2024-02-14 23:53:13,229.0,165.0,2160.0,915.0,Scalable genomic data analysis.,92.0,26,2024-01-12 18:13:33,0.2.127,100.0,,7617.0,hail,,,,['spark'],123.0,123.0,https://pypi.org/project/hail,52864.0,52864.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +307,hvPlot,True,holoviz/hvplot,,data-viz,https://github.com/holoviz/hvplot,https://github.com/holoviz/hvplot,BSD-3-Clause,2018-03-19 14:22:41.000,2024-02-12 08:48:10.000000,2024-02-08 15:48:52,94.0,316.0,401.0,900.0,"A high-level plotting API for pandas, dask, xarray, and networkx built on..",46.0,26,2024-01-30 08:44:06,0.9.2,19.0,,,hvplot,conda-forge/hvplot,,,,4414.0,4414.0,https://pypi.org/project/hvplot,154439.0,166376.0,https://anaconda.org/conda-forge/hvplot,2024-01-30 08:55:28.301,525233.0,,,,,2.0,,,,,,,,,,,,,,,, +308,pyahocorasick,True,WojciechMula/pyahocorasick,,nlp,https://github.com/WojciechMula/pyahocorasick,https://github.com/WojciechMula/pyahocorasick,BSD-3-Clause,2013-05-30 19:55:46.000,2023-09-26 08:23:48.539000,2023-01-14 15:17:31,116.0,23.0,104.0,868.0,Python module (C extension and plain python) implementing Aho-..,29.0,26,2023-01-14 16:16:40,2.0.0,7.0,,518.0,pyahocorasick,conda-forge/pyahocorasick,,,,2507.0,2507.0,https://pypi.org/project/pyahocorasick,600560.0,605785.0,https://anaconda.org/conda-forge/pyahocorasick,2023-09-26 08:23:48.539,209033.0,,,,,2.0,,,,,,,,,,,,,,,, +309,CLTK,True,cltk/cltk,,nlp,https://github.com/cltk/cltk,https://github.com/cltk/cltk,MIT,2014-01-11 23:59:47.000,2024-02-06 01:48:14.000000,2024-02-06 01:48:11,320.0,36.0,525.0,812.0,The Classical Language Toolkit.,120.0,26,2023-12-27 08:38:14,1.2.1,74.0,,3707.0,cltk,,,,,255.0,255.0,https://pypi.org/project/cltk,1818.0,1818.0,,,,,,,,2.0,54.0,,,,,,,,,,,,,,, +310,Cornac,True,PreferredAI/cornac,,recommender-systems,https://github.com/PreferredAI/cornac,https://github.com/PreferredAI/cornac,Apache-2.0,2018-07-17 06:31:35.000,2024-01-24 06:11:24.000000,2024-01-24 06:11:23,122.0,11.0,129.0,784.0,A Comparative Framework for Multimodal Recommender Systems.,18.0,26,2023-12-12 07:49:26,1.18.0,49.0,,1332.0,cornac,conda-forge/cornac,,,,198.0,198.0,https://pypi.org/project/cornac,101291.0,109257.0,https://anaconda.org/conda-forge/cornac,2023-12-12 18:26:56.153,350514.0,,,,,1.0,,,,,,,,,,,,,,,, +311,data-validation,True,tensorflow/data-validation,,data-viz,https://github.com/tensorflow/data-validation,https://github.com/tensorflow/data-validation,Apache-2.0,2018-07-02 15:47:02.000,2024-02-06 23:27:33.000000,2024-02-06 23:27:32,157.0,22.0,144.0,743.0,Library for exploring and validating machine learning..,26.0,26,2023-08-14 06:29:46,1.14.0,43.0,,946.0,tensorflow-data-validation,,,,"['tensorflow', 'jupyter']",807.0,807.0,https://pypi.org/project/tensorflow-data-validation,195755.0,195764.0,,,,,,,,2.0,642.0,,,,,,,,,,,,,,, +312,DIPY,True,dipy/dipy,,medical-data,https://github.com/dipy/dipy,https://github.com/dipy/dipy,,2010-02-06 11:43:08.000,2024-02-13 04:46:14.000000,2024-02-07 14:05:28,394.0,121.0,755.0,653.0,DIPY is the paragon 3D/4D+ imaging library in Python. Contains generic..,152.0,26,,,16.0,,13719.0,dipy,conda-forge/dipy,,,,995.0,995.0,https://pypi.org/project/dipy,23383.0,33788.0,https://anaconda.org/conda-forge/dipy,2024-02-08 16:36:03.303,426606.0,,,,,2.0,,,,,,,,,,,,,,,, +313,audioread,True,beetbox/audioread,,audio,https://github.com/beetbox/audioread,https://github.com/beetbox/audioread,MIT,2011-11-08 19:53:18.000,2023-12-15 12:50:52.000000,2023-12-15 12:50:52,100.0,33.0,56.0,468.0,cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding..,24.0,26,,,7.0,,,audioread,conda-forge/audioread,,,,18203.0,18203.0,https://pypi.org/project/audioread,1988004.0,2006504.0,https://anaconda.org/conda-forge/audioread,2023-09-30 21:07:31.348,740034.0,,,,,2.0,,,,,,,,,,,,,,,, +314,PaddleHub,True,PaddlePaddle/PaddleHub,,others,https://github.com/PaddlePaddle/PaddleHub,https://github.com/PaddlePaddle/PaddleHub,Apache-2.0,2018-12-21 06:00:48.000,2023-10-18 03:42:44.000000,2023-03-28 11:49:55,2064.0,573.0,712.0,12392.0,Awesome pre-trained models toolkit based on PaddlePaddle.300+..,69.0,25,2022-11-28 08:29:05,2.3.1,29.0,,,paddlehub,,,,['paddle'],1525.0,1525.0,https://pypi.org/project/paddlehub,4321.0,4332.0,,,,,,,,3.0,664.0,,,,,,,,,,,,,,, +315,Turi Create,True,apple/turicreate,,ml-frameworks,https://github.com/apple/turicreate,https://github.com/apple/turicreate,BSD-3-Clause,2017-12-01 00:42:04.000,2023-11-01 06:14:06.000000,2021-11-29 19:55:31,1126.0,502.0,1294.0,11145.0,Turi Create simplifies the development of custom machine learning..,86.0,25,2020-09-30 22:44:07,6.4.1,30.0,,,turicreate,,,,,367.0,367.0,https://pypi.org/project/turicreate,36715.0,36845.0,,,,,,,,3.0,9634.0,,,,,,,,,,,,,,, +316,Trax,True,google/trax,,others,https://github.com/google/trax,https://github.com/google/trax,Apache-2.0,2019-10-05 15:09:14.000,2024-02-01 02:29:47.000000,2024-02-01 02:29:37,802.0,107.0,125.0,7878.0,Trax Deep Learning with Clear Code and Speed.,79.0,25,2021-10-26 20:29:38,1.4.1,18.0,,1618.0,trax,,,,,137.0,137.0,https://pypi.org/project/trax,2878.0,2878.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +317,stanza,True,stanfordnlp/stanza,,nlp,https://github.com/stanfordnlp/stanza,https://github.com/stanfordnlp/stanza,,2017-09-26 08:00:56.000,2024-02-15 08:44:30.000000,2023-12-02 06:10:46,844.0,84.0,763.0,6961.0,Official Stanford NLP Python Library for Many Human Languages.,66.0,25,2023-12-03 06:47:22,1.7.0,20.0,,,stanza,stanfordnlp/stanza,,,,2453.0,2453.0,https://pypi.org/project/stanza,163468.0,163623.0,https://anaconda.org/stanfordnlp/stanza,2023-06-16 19:18:21.932,7325.0,,,,,2.0,,,,,,,,,,,,,,,, +318,AutoGluon,True,awslabs/autogluon,,hyperopt,https://github.com/autogluon/autogluon,https://github.com/autogluon/autogluon,Apache-2.0,2019-07-29 18:51:24.000,2024-02-15 11:26:23.000000,2024-02-15 11:26:22,807.0,298.0,893.0,6817.0,"AutoGluon: AutoML for Text, Image, and Tabular Data.",116.0,25,2023-11-30 05:56:34,1.0.0,30.0,autogluon/autogluon,2099.0,autogluon,,,,['mxnet'],2.0,2.0,https://pypi.org/project/autogluon,64486.0,64486.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +319,UMAP,True,lmcinnes/umap,,data-viz,https://github.com/lmcinnes/umap,https://github.com/lmcinnes/umap,BSD-3-Clause,2017-07-02 01:11:17.000,2024-02-12 19:58:33.000000,2024-02-12 19:58:33,726.0,423.0,328.0,6783.0,Uniform Manifold Approximation and Projection.,128.0,25,2023-11-18 01:10:29,release-0.5.5,28.0,,1768.0,umap-learn,,,,,1.0,1.0,https://pypi.org/project/umap-learn,925510.0,925510.0,,,,,,,,3.0,,-7.0,,,,,,,,,,,,,, +320,Face Alignment,True,1adrianb/face-alignment,,image,https://github.com/1adrianb/face-alignment,https://github.com/1adrianb/face-alignment,BSD-3-Clause,2017-09-15 20:32:44.000,2023-10-24 07:07:43.000000,2023-08-16 23:55:56,1294.0,70.0,237.0,6713.0,2D and 3D Face alignment library build using pytorch.,26.0,25,2023-08-17 14:37:33,1.4.1,13.0,,220.0,face-alignment,,,,['pytorch'],21.0,21.0,https://pypi.org/project/face-alignment,64277.0,64277.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +321,DoWhy,True,Microsoft/dowhy,,interpretability,https://github.com/py-why/dowhy,https://github.com/py-why/dowhy,MIT,2018-05-31 13:07:04.000,2024-02-09 09:43:22.000000,2024-02-09 09:43:21,875.0,126.0,306.0,6578.0,DoWhy is a Python library for causal inference that supports explicit..,84.0,25,2023-12-25 07:08:29,0.11.1,15.0,py-why/dowhy,,dowhy,conda-forge/dowhy,,,,330.0,330.0,https://pypi.org/project/dowhy,42769.0,43253.0,https://anaconda.org/conda-forge/dowhy,2024-01-26 10:57:10.385,18884.0,,,,,2.0,33.0,,,,,,,,,,,,,,, +322,FiftyOne,True,voxel51/fiftyone,,data-viz,https://github.com/voxel51/fiftyone,https://github.com/voxel51/fiftyone,Apache-2.0,2020-04-22 13:43:28.000,2024-02-15 14:06:27.000000,2024-02-13 18:00:22,457.0,415.0,981.0,6406.0,"Visualize, create, and debug image and video datasets and model predictions.",109.0,25,2024-01-23 14:14:59,0.23.3,81.0,,,fiftyone,,,,"['tensorflow', 'pytorch', 'jupyter']",495.0,495.0,https://pypi.org/project/fiftyone,46804.0,46804.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +323,keras-rl,True,keras-rl/keras-rl,,reinforcement-learning,https://github.com/keras-rl/keras-rl,https://github.com/keras-rl/keras-rl,MIT,2016-07-02 15:53:12.000,2023-09-17 12:33:41.000000,2019-11-11 22:14:54,1306.0,10.0,227.0,5471.0,Deep Reinforcement Learning for Keras.,41.0,25,2018-05-01 14:27:32,0.4.2,8.0,,308.0,keras-rl,,,,['tensorflow'],739.0,739.0,https://pypi.org/project/keras-rl,2062.0,2062.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +324,Tesseract,True,madmaze/pytesseract,,ocr,https://github.com/madmaze/pytesseract,https://github.com/madmaze/pytesseract,Apache-2.0,2010-10-27 23:02:49.000,2024-02-13 18:37:06.000000,2024-02-13 18:37:03,675.0,10.0,339.0,5347.0,Python-tesseract is an optical character recognition (OCR) tool for python.,46.0,25,2023-10-15 15:39:44,0.3.13,26.0,,608.0,pytesseract,conda-forge/pytesseract,,,,,,https://pypi.org/project/pytesseract,1426890.0,1440760.0,https://anaconda.org/conda-forge/pytesseract,2023-10-15 19:50:43.241,596428.0,,,,,2.0,,,,,,,,,,,,,,,, +325,VisualDL,True,PaddlePaddle/VisualDL,,ml-experiments,https://github.com/PaddlePaddle/VisualDL,https://github.com/PaddlePaddle/VisualDL,Apache-2.0,2017-12-20 12:34:31.000,2023-09-20 11:21:28.000000,2023-09-20 11:21:28,623.0,115.0,356.0,4689.0,Deep Learning Visualization Toolkit.,33.0,25,2023-01-17 11:47:28,2.5.0,16.0,,,visualdl,,,,['paddle'],2624.0,2624.0,https://pypi.org/project/visualdl,261752.0,261759.0,,,,,,,,2.0,344.0,,,,,,,,,,,,,,, +326,ART,True,Trusted-AI/adversarial-robustness-toolbox,,adversarial,https://github.com/Trusted-AI/adversarial-robustness-toolbox,https://github.com/Trusted-AI/adversarial-robustness-toolbox,MIT,2018-03-15 14:40:43.000,2024-02-15 07:10:28.000000,2024-02-12 10:20:54,1075.0,120.0,742.0,4310.0,Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning..,133.0,25,2023-12-27 22:17:11,1.17.0,55.0,,,adversarial-robustness-toolbox,,,,,483.0,483.0,https://pypi.org/project/adversarial-robustness-toolbox,28776.0,28776.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +327,pytorch-summary,True,sksq96/pytorch-summary,,pytorch-utils,https://github.com/sksq96/pytorch-summary,https://github.com/sksq96/pytorch-summary,MIT,2018-04-23 13:58:04.000,2024-01-28 08:43:51.000000,2021-05-10 18:34:53,407.0,102.0,43.0,3917.0,Model summary in PyTorch similar to `model.summary()`..,11.0,25,,,,,57.0,torchsummary,,,,['pytorch'],12642.0,12642.0,https://pypi.org/project/torchsummary,144458.0,144458.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +328,AzureML SDK,True,Azure/MachineLearningNotebooks,,ml-experiments,https://github.com/Azure/MachineLearningNotebooks,https://github.com/Azure/MachineLearningNotebooks,MIT,2018-08-17 17:29:14.000,2024-02-14 22:53:52.000000,2024-02-07 16:48:02,2375.0,343.0,1076.0,3891.0,Python notebooks with ML and deep learning examples with Azure..,64.0,25,2019-08-29 17:25:28,80469,28.0,,1292.0,azureml-sdk,,,,,,,https://pypi.org/project/azureml-sdk,545705.0,545712.0,,,,,,,,2.0,505.0,,,,,,,,,,,,,,, +329,zenml,True,maiot-io/zenml,,data-pipelines,https://github.com/zenml-io/zenml,https://github.com/zenml-io/zenml,Apache-2.0,2020-11-19 09:25:46.000,2024-02-15 13:36:16.000000,2024-02-07 18:24:02,374.0,33.0,229.0,3515.0,ZenML : MLOps framework to create reproducible ML pipelines for..,89.0,25,2024-02-06 17:18:14,0.55.2,100.0,zenml-io/zenml,,zenml,,,,,373.0,373.0,https://pypi.org/project/zenml,31039.0,31039.0,,,,,,,,3.0,1.0,,,,,,,,,,,,,,, +330,Chartify,True,spotify/chartify,,data-viz,https://github.com/spotify/chartify,https://github.com/spotify/chartify,Apache-2.0,2018-09-17 14:12:05.000,2024-01-10 12:41:25.000000,2023-10-12 08:57:51,306.0,43.0,32.0,3448.0,Python library that makes it easy for data scientists to create..,25.0,25,2023-10-12 09:01:22,4.0.5,25.0,,209.0,chartify,conda-forge/chartify,,,,76.0,76.0,https://pypi.org/project/chartify,6956.0,7424.0,https://anaconda.org/conda-forge/chartify,2023-06-16 16:11:58.064,29502.0,,,,,3.0,,,,,,,,,,,,,,,, +331,fastNLP,True,fastnlp/fastNLP,,nlp,https://github.com/fastnlp/fastNLP,https://github.com/fastnlp/fastNLP,Apache-2.0,2018-03-07 13:30:20.000,2023-06-05 03:00:37.000000,2022-12-13 03:52:09,446.0,58.0,154.0,3021.0,fastNLP: A Modularized and Extensible NLP Framework. Currently still..,61.0,25,2020-11-06 15:31:29,0.6.0,7.0,,2484.0,fastnlp,,,,,174.0,174.0,https://pypi.org/project/fastnlp,56218.0,56219.0,,,,,,,,2.0,75.0,,,,,,,,,,,,,,, +332,Alphalens,True,quantopian/alphalens,,financial-data,https://github.com/quantopian/alphalens,https://github.com/quantopian/alphalens,Apache-2.0,2016-06-03 21:49:15.000,2024-02-12 06:44:22.000000,2020-04-27 18:40:41,1001.0,43.0,146.0,2978.0,Performance analysis of predictive (alpha) stock factors.,25.0,25,2020-04-30 15:42:52,0.4.0,10.0,,522.0,alphalens,conda-forge/alphalens,,,,674.0,674.0,https://pypi.org/project/alphalens,2054.0,2336.0,https://anaconda.org/conda-forge/alphalens,2023-06-16 16:09:06.563,20322.0,,,,,3.0,,,,,,,,,,,,,,,, +333,STUMPY,True,TDAmeritrade/stumpy,,time-series-data,https://github.com/TDAmeritrade/stumpy,https://github.com/TDAmeritrade/stumpy,BSD-3-Clause,2019-05-03 19:23:44.000,2024-02-15 13:58:59.000000,2024-02-15 13:58:59,273.0,52.0,414.0,2919.0,STUMPY is a powerful and scalable Python library for computing a Matrix..,36.0,25,2023-08-21 11:19:41,1.12.0,26.0,,,stumpy,conda-forge/stumpy,,,,639.0,639.0,https://pypi.org/project/stumpy,219862.0,241676.0,https://anaconda.org/conda-forge/stumpy,2023-08-21 11:50:40.587,959834.0,,,,,2.0,,,,,,,,,,,,,,,, +334,hmmlearn,True,hmmlearn/hmmlearn,,probabilistics,https://github.com/hmmlearn/hmmlearn,https://github.com/hmmlearn/hmmlearn,BSD-3-Clause,2014-03-23 10:33:09.000,2024-01-20 21:16:47.000000,2024-01-20 14:36:02,706.0,57.0,369.0,2912.0,"Hidden Markov Models in Python, with scikit-learn like API.",46.0,25,,,10.0,,,hmmlearn,conda-forge/hmmlearn,,,['sklearn'],2281.0,2281.0,https://pypi.org/project/hmmlearn,203610.0,208638.0,https://anaconda.org/conda-forge/hmmlearn,2023-10-07 20:19:04.855,206171.0,,,,,3.0,,,,,,,,,,,,,,,, +335,StellarGraph,True,stellargraph/stellargraph,,graph,https://github.com/stellargraph/stellargraph,https://github.com/stellargraph/stellargraph,Apache-2.0,2018-04-13 07:35:51.000,2023-09-14 20:07:18.000000,2021-10-29 06:15:49,412.0,293.0,745.0,2847.0,StellarGraph - Machine Learning on Graphs.,37.0,25,2020-06-30 05:15:21,1.2.1,25.0,,2515.0,stellargraph,,,,['tensorflow'],254.0,254.0,https://pypi.org/project/stellargraph,4883.0,4883.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +336,pandas-datareader,True,pydata/pandas-datareader,,data-loading,https://github.com/pydata/pandas-datareader,https://github.com/pydata/pandas-datareader,,2015-01-15 00:34:19.000,2023-10-24 17:22:15.000000,2023-10-24 17:22:15,651.0,129.0,401.0,2784.0,Extract data from a wide range of Internet sources into..,91.0,25,2021-07-13 12:27:15,0.10.0,19.0,,,pandas-datareader,conda-forge/pandas-datareader,,,['pandas'],22487.0,22487.0,https://pypi.org/project/pandas-datareader,386867.0,391062.0,https://anaconda.org/conda-forge/pandas-datareader,2023-06-16 13:23:01.411,344010.0,,,,,3.0,,,,,,,,,,,,,,,, +337,Essentia,True,MTG/essentia,,audio,https://github.com/MTG/essentia,https://github.com/MTG/essentia,AGPL-3.0,2013-06-03 14:53:47.000,2024-02-14 18:45:44.000000,2024-02-14 18:45:43,506.0,358.0,673.0,2625.0,"C++ library for audio and music analysis, description and..",80.0,25,2015-03-31 16:33:30,2.0,6.0,,3498.0,essentia,,,,,572.0,572.0,https://pypi.org/project/essentia,10493.0,10493.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +338,Spektral,True,danielegrattarola/spektral,,graph,https://github.com/danielegrattarola/spektral,https://github.com/danielegrattarola/spektral,MIT,2019-01-17 11:19:10.000,2024-01-21 16:47:04.000000,2024-01-21 16:46:47,332.0,63.0,206.0,2322.0,Graph Neural Networks with Keras and Tensorflow 2.,27.0,25,2023-06-01 22:20:25,1.3,4.0,,1134.0,spektral,,,,"['tensorflow""']",266.0,266.0,https://pypi.org/project/spektral,7033.0,7033.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +339,TFX,True,tensorflow/tfx,,data-pipelines,https://github.com/tensorflow/tfx,https://github.com/tensorflow/tfx,Apache-2.0,2019-02-04 17:14:36.000,2024-02-15 14:02:12.000000,2024-02-14 23:58:14,676.0,33.0,850.0,2056.0,TFX is an end-to-end platform for deploying production ML pipelines.,182.0,25,2023-09-06 18:31:57,1.14.0,91.0,,5542.0,tfx,,,,['tensorflow'],,,https://pypi.org/project/tfx,48507.0,48507.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +340,petastorm,True,uber/petastorm,,distributed-ml,https://github.com/uber/petastorm,https://github.com/uber/petastorm,Apache-2.0,2018-06-15 23:15:29.000,2023-12-02 05:11:31.000000,2023-12-02 05:11:31,273.0,154.0,151.0,1723.0,Petastorm library enables single machine or distributed training..,50.0,25,2022-12-16 20:51:38,0.12.1,48.0,,691.0,petastorm,,,,,146.0,146.0,https://pypi.org/project/petastorm,32901.0,32907.0,,,,,,,,2.0,433.0,,,,,,,,,,,,,,, +341,TF Recommenders,True,tensorflow/recommenders,,recommender-systems,https://github.com/tensorflow/recommenders,https://github.com/tensorflow/recommenders,Apache-2.0,2020-06-26 21:38:01.000,2023-11-29 06:22:47.000000,2023-11-29 06:22:42,253.0,212.0,184.0,1719.0,TensorFlow Recommenders is a library for building..,42.0,25,2023-02-03 02:08:24,0.7.3,16.0,,,tensorflow-recommenders,,,,['tensorflow'],286.0,286.0,https://pypi.org/project/tensorflow-recommenders,446116.0,446116.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +342,FARM,True,deepset-ai/FARM,,nlp,https://github.com/deepset-ai/FARM,https://github.com/deepset-ai/FARM,Apache-2.0,2019-07-17 14:51:12.000,2023-12-20 21:18:02.000000,2022-08-31 09:45:24,237.0,3.0,402.0,1714.0,Fast & easy transfer learning for NLP. Harvesting language models..,37.0,25,2021-06-10 09:45:12,0.8.0,22.0,,594.0,farm,,,,['pytorch'],217.0,217.0,https://pypi.org/project/farm,2022.0,2022.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +343,ViZDoom,True,mwydmuch/ViZDoom,,reinforcement-learning,https://github.com/Farama-Foundation/ViZDoom,https://github.com/Farama-Foundation/ViZDoom,,2015-06-26 18:38:23.000,2024-02-13 11:22:02.000000,2024-02-13 11:18:32,370.0,41.0,421.0,1635.0,Doom-based AI Research Platform for Reinforcement Learning from Raw..,54.0,25,2023-12-16 00:56:59,1.2.3,29.0,Farama-Foundation/ViZDoom,1805.0,vizdoom,,,,,224.0,224.0,https://pypi.org/project/vizdoom,1465.0,1589.0,,,,,,,,2.0,11787.0,,,,,,,,,,,,,,, +344,Elephas,True,maxpumperla/elephas,,distributed-ml,https://github.com/maxpumperla/elephas,https://github.com/maxpumperla/elephas,MIT,2015-08-13 12:09:19.000,2023-05-01 20:46:16.000000,2022-08-31 01:52:51,302.0,8.0,151.0,1571.0,Distributed Deep learning with Keras & Spark.,27.0,25,2022-09-01 11:59:24,3.2.0,10.0,,509.0,elephas,,,,"['keras', 'spark']",74.0,74.0,https://pypi.org/project/elephas,99500.0,99500.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +345,chainercv,True,chainer/chainercv,,image,https://github.com/chainer/chainercv,https://github.com/chainer/chainercv,MIT,2017-02-13 04:15:10.000,2021-07-01 16:54:50.000000,2020-01-07 11:48:31,301.0,37.0,168.0,1478.0,ChainerCV: a Library for Deep Learning in Computer Vision.,39.0,25,2019-06-12 11:55:02,0.13.1,13.0,,4930.0,chainercv,,,,,387.0,387.0,https://pypi.org/project/chainercv,2561.0,2561.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +346,TabPy,True,tableau/TabPy,,others,https://github.com/tableau/TabPy,https://github.com/tableau/TabPy,MIT,2016-09-27 21:26:03.000,2024-01-04 20:19:39.000000,2024-01-04 20:19:39,564.0,14.0,300.0,1477.0,Execute Python code on the fly and display results in Tableau visualizations:.,50.0,25,2023-06-28 20:49:21,2.9.0,20.0,,950.0,tabpy,,,,,146.0,146.0,https://pypi.org/project/tabpy,10214.0,10214.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +347,lets-plot,True,JetBrains/lets-plot,,data-viz,https://github.com/JetBrains/lets-plot,https://github.com/JetBrains/lets-plot,MIT,2019-03-20 16:13:03.000,2024-02-15 13:24:50.000000,2024-02-15 09:11:20,44.0,127.0,374.0,1403.0,An open-source plotting library for statistical data.,20.0,25,2023-12-28 14:30:03,4.2.0,68.0,,3814.0,lets-plot,,,,,58.0,58.0,https://pypi.org/project/lets-plot,26154.0,26165.0,,,,,,,,3.0,596.0,,,,,,,,,,,,,,, +348,openTSNE,True,pavlin-policar/openTSNE,,data-viz,https://github.com/pavlin-policar/openTSNE,https://github.com/pavlin-policar/openTSNE,BSD-3-Clause,2018-06-08 18:42:09.000,2023-11-29 23:41:32.898000,2023-11-29 13:48:39,150.0,2.0,128.0,1333.0,"Extensible, parallel implementations of t-SNE.",11.0,25,2023-11-29 14:50:50,1.0.1,21.0,,684.0,opentsne,conda-forge/opentsne,,,,735.0,735.0,https://pypi.org/project/opentsne,30429.0,36031.0,https://anaconda.org/conda-forge/opentsne,2023-11-29 23:41:32.898,235314.0,,,,,3.0,,,,,,,,,,,,,,,, +349,imodels,True,csinva/imodels,,interpretability,https://github.com/csinva/imodels,https://github.com/csinva/imodels,MIT,2019-07-04 15:38:48.000,2024-01-12 01:05:40.000000,2023-12-30 17:46:40,108.0,30.0,52.0,1256.0,"Interpretable ML package for concise, transparent, and accurate predictive..",22.0,25,2023-10-05 02:21:28,1.4.1,33.0,,1015.0,imodels,,,,,63.0,63.0,https://pypi.org/project/imodels,27950.0,27950.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +350,arch,True,bashtage/arch,,financial-data,https://github.com/bashtage/arch,https://github.com/bashtage/arch,,2014-08-29 15:41:28.000,2024-02-01 19:43:14.000000,2024-01-05 16:06:48,239.0,20.0,182.0,1233.0,ARCH models in Python.,35.0,25,2024-01-05 08:18:23,6.3.0,46.0,,,arch,,,,,1404.0,1404.0,https://pypi.org/project/arch,302420.0,302420.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +351,fancyimpute,True,iskandr/fancyimpute,,sklearn-utils,https://github.com/iskandr/fancyimpute,https://github.com/iskandr/fancyimpute,Apache-2.0,2015-11-05 23:39:34.000,2023-10-25 17:26:07.000000,2021-10-21 17:45:17,172.0,1.0,116.0,1222.0,Multivariate imputation and matrix completion algorithms..,12.0,25,2021-03-30 16:22:41,0.5.5,5.0,,202.0,fancyimpute,,,,['sklearn'],1527.0,1527.0,https://pypi.org/project/fancyimpute,18849.0,18849.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +352,PySwarms,True,ljvmiranda921/pyswarms,,others,https://github.com/ljvmiranda921/pyswarms,https://github.com/ljvmiranda921/pyswarms,MIT,2017-07-12 12:04:45.000,2023-12-24 14:31:48.000000,2023-06-06 09:46:40,326.0,23.0,200.0,1189.0,A research toolkit for particle swarm optimization in Python.,45.0,25,2020-11-14 05:18:38,.1.2.0,15.0,,415.0,pyswarms,,,,,336.0,336.0,https://pypi.org/project/pyswarms,30787.0,30787.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +353,Node2Vec,True,eliorc/node2vec,,graph,https://github.com/eliorc/node2vec,https://github.com/eliorc/node2vec,MIT,2017-12-08 13:30:06.000,2024-02-06 13:53:10.000000,2023-12-24 06:07:13,225.0,4.0,87.0,1160.0,Implementation of the node2vec algorithm.,13.0,25,2022-08-01 11:34:27,0.4.6,9.0,,78.0,node2vec,conda-forge/node2vec,,,,550.0,550.0,https://pypi.org/project/node2vec,86918.0,87313.0,https://anaconda.org/conda-forge/node2vec,2023-06-16 16:13:35.056,27294.0,,,,,2.0,,,,,,,,,,,,,,,, +354,GPUtil,True,anderskm/gputil,,gpu-utilities,https://github.com/anderskm/gputil,https://github.com/anderskm/gputil,MIT,2017-01-16 11:57:43.000,2024-02-12 12:03:03.000000,2019-08-16 09:00:15,107.0,16.0,15.0,1048.0,A Python module for getting the GPU status from NVIDA GPUs using..,13.0,25,2018-12-18 08:58:49,1.4.0,8.0,,140.0,gputil,,,,,4652.0,4652.0,https://pypi.org/project/gputil,424594.0,424594.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +355,dask-ml,True,dask/dask-ml,,distributed-ml,https://github.com/dask/dask-ml,https://github.com/dask/dask-ml,BSD-3-Clause,2017-06-15 15:56:06.000,2023-06-27 23:50:02.000000,2023-03-24 22:04:13,238.0,223.0,253.0,876.0,Scalable Machine Learning with Dask.,77.0,25,2023-03-24 22:04:58,2023.3.24,28.0,,,dask-ml,conda-forge/dask-ml,,,,954.0,954.0,https://pypi.org/project/dask-ml,442789.0,453316.0,https://anaconda.org/conda-forge/dask-ml,2023-06-16 13:24:06.152,800123.0,,,,,2.0,,,,,,,,,,,,,,,, +356,geojson,True,jazzband/geojson,,geospatial-data,https://github.com/jazzband/geojson,https://github.com/jazzband/geojson,BSD-3-Clause,2011-07-01 20:39:48.000,2024-01-01 17:28:43.000000,2023-11-06 00:17:47,116.0,24.0,74.0,862.0,Python bindings and utilities for GeoJSON.,56.0,25,,,11.0,,,geojson,conda-forge/geojson,,,,16464.0,16464.0,https://pypi.org/project/geojson,1534834.0,1599873.0,https://anaconda.org/conda-forge/geojson,2023-11-06 11:21:40.354,780472.0,,,,,3.0,,,,,,,,,,,,,,,, +357,SALib,True,SALib/SALib,,probabilistics,https://github.com/SALib/SALib,https://github.com/SALib/SALib,MIT,2013-05-30 13:38:10.000,2024-01-22 19:48:19.000000,2024-01-22 19:48:19,220.0,42.0,265.0,792.0,"Sensitivity Analysis Library in Python (Numpy). Contains Sobol, Morris,..",44.0,25,2023-01-08 01:02:35,1.4.7,33.0,,,salib,conda-forge/salib,,,,1030.0,1030.0,https://pypi.org/project/salib,142713.0,144368.0,https://anaconda.org/conda-forge/salib,2023-06-16 13:22:11.263,144031.0,,,,,3.0,,,,,,,,,,,,,,,, +358,TensorFlow I/O,True,tensorflow/io,,tensorflow-utils,https://github.com/tensorflow/io,https://github.com/tensorflow/io,Apache-2.0,2018-11-09 22:44:05.000,2024-02-13 19:36:16.000000,2024-02-06 03:22:42,257.0,258.0,362.0,685.0,"Dataset, streaming, and file system extensions maintained by TensorFlow SIG-IO.",107.0,25,2024-02-06 04:35:56,0.36.0,43.0,,1674.0,tensorflow-io,,,,['tensorflow'],,,https://pypi.org/project/tensorflow-io,2954251.0,2954251.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +359,scikit-posthocs,True,maximtrp/scikit-posthocs,,probabilistics,https://github.com/maximtrp/scikit-posthocs,https://github.com/maximtrp/scikit-posthocs,MIT,2017-06-22 19:41:37.000,2023-12-19 14:21:38.000000,2023-12-13 18:28:10,38.0,6.0,47.0,318.0,Multiple Pairwise Comparisons (Post Hoc) Tests in Python.,13.0,25,2023-12-19 14:21:38,0.8.1,8.0,,521.0,scikit-posthocs,,,,['sklearn'],608.0,608.0,https://pypi.org/project/scikit-posthocs,96431.0,96431.0,,,,,,,,3.0,39.0,,,,,,,,,,,,,,, +360,Ciphey,True,Ciphey/Ciphey,,nlp,https://github.com/Ciphey/Ciphey,https://github.com/Ciphey/Ciphey,MIT,2019-07-16 20:20:39.000,2024-01-05 18:26:12.000000,2023-10-12 07:20:40,937.0,52.0,264.0,15217.0,"Automatically decrypt encryptions without knowing the key or cipher,..",48.0,24,2021-06-06 17:14:16,5.14.0,29.0,,1894.0,ciphey,,remnux/ciphey,,,,,https://pypi.org/project/ciphey,48152.0,48555.0,,,,https://hub.docker.com/r/remnux/ciphey,2023-10-14 18:53:31.974373,15.0,22216.0,2.0,,,,,,,,,,,,,,,, +361,baselines,True,openai/baselines,,reinforcement-learning,https://github.com/openai/baselines,https://github.com/openai/baselines,MIT,2017-05-24 01:58:13.000,2023-11-21 01:05:50.000000,2020-01-31 13:06:18,3839.0,410.0,436.0,15168.0,OpenAI Baselines: high-quality implementations of reinforcement..,115.0,24,,,,,347.0,baselines,,,,,549.0,549.0,https://pypi.org/project/baselines,1107.0,1107.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +362,pretrainedmodels,True,Cadene/pretrained-models.pytorch,,pytorch-utils,https://github.com/Cadene/pretrained-models.pytorch,https://github.com/Cadene/pretrained-models.pytorch,BSD-3-Clause,2017-04-09 15:54:23.000,2022-04-22 09:08:45.000000,2020-04-16 08:02:22,1788.0,84.0,94.0,8904.0,"Pretrained ConvNets for pytorch: NASNet, ResNeXt,..",22.0,24,,,,,154.0,pretrainedmodels,,,,['pytorch'],20.0,20.0,https://pypi.org/project/pretrainedmodels,127090.0,127090.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +363,faust,True,robinhood/faust,,data-pipelines,https://github.com/robinhood/faust,https://github.com/robinhood/faust,,2017-03-08 18:36:11.000,2023-11-23 18:02:37.000000,2023-02-23 18:42:48,531.0,231.0,244.0,6662.0,Python Stream Processing.,95.0,24,2018-05-24 05:44:13,1.0.10d3,3.0,,4138.0,faust,,,,,1782.0,1782.0,https://pypi.org/project/faust,14911.0,14911.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +364,kaggle,True,Kaggle/kaggle-api,,ml-experiments,https://github.com/Kaggle/kaggle-api,https://github.com/Kaggle/kaggle-api,Apache-2.0,2018-01-25 03:02:39.000,2024-02-07 12:47:17.698000,2024-01-23 12:41:45,1034.0,142.0,296.0,5776.0,Official Kaggle API.,37.0,24,2024-01-23 12:50:03,1.6.3,17.0,,,kaggle,conda-forge/kaggle,,,,21.0,21.0,https://pypi.org/project/kaggle,215229.0,218734.0,https://anaconda.org/conda-forge/kaggle,2024-02-07 12:47:17.698,143743.0,,,,,3.0,,,,,,,,,,,,,,,, +365,GluonCV,True,dmlc/gluon-cv,,image,https://github.com/dmlc/gluon-cv,https://github.com/dmlc/gluon-cv,Apache-2.0,2018-02-26 01:33:21.000,2023-01-19 00:37:33.000000,2023-01-19 00:37:33,1194.0,45.0,783.0,5713.0,Gluon CV Toolkit.,119.0,24,2021-03-09 00:20:06,0.10.0,10.0,,900.0,gluoncv,,,,['mxnet'],21.0,21.0,https://pypi.org/project/gluoncv,51935.0,51935.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +366,pyAudioAnalysis,True,tyiannak/pyAudioAnalysis,,audio,https://github.com/tyiannak/pyAudioAnalysis,https://github.com/tyiannak/pyAudioAnalysis,Apache-2.0,2014-08-27 12:43:13.000,2023-10-22 09:33:23.000000,2023-10-22 09:33:23,1147.0,182.0,120.0,5582.0,"Python Audio Analysis Library: Feature Extraction,..",28.0,24,,,,,779.0,pyAudioAnalysis,,,,,434.0,434.0,https://pypi.org/project/pyAudioAnalysis,13254.0,13254.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +367,flashtext,True,vi3k6i5/flashtext,,nlp,https://github.com/vi3k6i5/flashtext,https://github.com/vi3k6i5/flashtext,MIT,2017-08-15 18:03:01.000,2023-10-23 02:26:28.000000,2020-05-03 07:13:22,582.0,59.0,54.0,5512.0,Extract Keywords from sentence or Replace keywords in sentences.,7.0,24,,,,,108.0,flashtext,,,,,1505.0,1505.0,https://pypi.org/project/flashtext,1019668.0,1019668.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +368,Image Deduplicator,True,idealo/imagededup,,image,https://github.com/idealo/imagededup,https://github.com/idealo/imagededup,Apache-2.0,2019-04-05 12:10:54.000,2023-12-19 09:38:24.000000,2023-04-28 16:55:30,432.0,31.0,88.0,4868.0,Finding duplicate images made easy!.,15.0,24,2023-04-28 17:26:08,0.3.2,8.0,,521.0,imagededup,,,,['tensorflow'],85.0,85.0,https://pypi.org/project/imagededup,16048.0,16048.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +369,mlpack,True,mlpack/mlpack,,ml-frameworks,https://github.com/mlpack/mlpack,https://github.com/mlpack/mlpack,,2014-12-17 18:16:59.000,2024-02-14 15:35:30.000000,2024-02-12 11:38:15,1520.0,21.0,1558.0,4685.0,mlpack: a scalable C++ machine learning library --.,311.0,24,2023-11-27 18:45:09,4.3.0,46.0,,29532.0,mlpack,conda-forge/mlpack,,,,,,https://pypi.org/project/mlpack,4262.0,8079.0,https://anaconda.org/conda-forge/mlpack,2023-11-29 00:35:31.566,167950.0,,,,,3.0,,,,,,,,,,,,,,,, +370,causalml,True,uber/causalml,,others,https://github.com/uber/causalml,https://github.com/uber/causalml,,2019-07-09 02:08:58.000,2024-02-13 22:17:47.000000,2024-02-13 22:17:46,715.0,54.0,316.0,4584.0,Uplift modeling and causal inference with machine learning..,60.0,24,2023-08-28 00:37:10,0.14.1,12.0,,593.0,causalml,,,,,181.0,181.0,https://pypi.org/project/causalml,78312.0,78312.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +371,vaderSentiment,True,cjhutto/vaderSentiment,,nlp,https://github.com/cjhutto/vaderSentiment,https://github.com/cjhutto/vaderSentiment,MIT,2014-11-17 16:31:45.000,2022-11-11 08:07:23.000000,2022-04-01 13:57:36,953.0,40.0,77.0,4188.0,VADER Sentiment Analysis. VADER (Valence Aware Dictionary and..,11.0,24,2014-11-17 16:34:37,0.5,1.0,,131.0,vadersentiment,,,,,7935.0,7935.0,https://pypi.org/project/vadersentiment,135855.0,135855.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +372,tensorflow-probability,True,tensorflow/probability,,probabilistics,https://github.com/tensorflow/probability,https://github.com/tensorflow/probability,Apache-2.0,2017-10-23 23:50:54.000,2024-02-14 20:11:28.000000,2024-02-14 20:11:26,1024.0,579.0,742.0,4038.0,Probabilistic reasoning and statistical analysis in..,487.0,24,2023-11-20 23:32:05,0.23.0,50.0,,,tensorflow-probability,conda-forge/tensorflow-probability,,,['tensorflow'],,,https://pypi.org/project/tensorflow-probability,2914158.0,2917512.0,https://anaconda.org/conda-forge/tensorflow-probability,2024-01-09 01:12:57.968,120778.0,,,,,3.0,,,,,,,,,,,,,,,, +373,ftfy,True,LuminosoInsight/python-ftfy,,nlp,https://github.com/rspeer/python-ftfy,https://github.com/rspeer/python-ftfy,,2012-08-24 16:14:59.000,2023-11-22 19:57:21.457000,2023-11-21 23:43:00,115.0,15.0,120.0,3656.0,"Fixes mojibake and other glitches in Unicode text, after the fact.",18.0,24,2021-08-23 21:02:05,6.0.3,12.0,rspeer/python-ftfy,,ftfy,conda-forge/ftfy,,,,16862.0,16862.0,https://pypi.org/project/ftfy,4551817.0,4559410.0,https://anaconda.org/conda-forge/ftfy,2023-11-22 19:57:21.457,280952.0,,,,,2.0,,,,,,,,,,,,,,,, +374,pytorch-forecasting,True,jdb78/pytorch-forecasting,,time-series-data,https://github.com/jdb78/pytorch-forecasting,https://github.com/jdb78/pytorch-forecasting,MIT,2020-07-03 13:05:24.000,2024-02-14 09:19:51.000000,2024-02-13 20:15:49,544.0,434.0,282.0,3461.0,Time series forecasting with PyTorch.,45.0,24,2023-04-10 19:56:20,1.0.0,31.0,,1739.0,pytorch-forecasting,,,,,,,https://pypi.org/project/pytorch-forecasting,65540.0,65540.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +375,Pandaral·lel,True,nalepae/pandarallel,,data-containers,https://github.com/nalepae/pandarallel,https://github.com/nalepae/pandarallel,BSD-3-Clause,2019-03-10 11:58:29.000,2024-02-04 19:25:39.000000,2024-01-23 09:45:33,197.0,83.0,127.0,3424.0,A simple and efficient tool to parallelize Pandas operations on all availableCPUs.,25.0,24,2023-05-02 20:42:18,1.6.5,41.0,,192.0,pandarallel,,,,"['pandas', 'jupyter']",,,https://pypi.org/project/pandarallel,485070.0,485070.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +376,Porcupine,True,Picovoice/Porcupine,,audio,https://github.com/Picovoice/porcupine,https://github.com/Picovoice/porcupine,Apache-2.0,2018-03-08 01:55:25.000,2024-02-09 21:25:19.000000,2024-02-09 21:25:17,448.0,1.0,512.0,3336.0,On-device wake word detection powered by deep learning.,37.0,24,2023-10-26 19:17:54,3.0,14.0,,1175.0,pvporcupine,,,,,28.0,28.0,https://pypi.org/project/pvporcupine,5540.0,5540.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +377,Acme,True,deepmind/acme,,reinforcement-learning,https://github.com/google-deepmind/acme,https://github.com/google-deepmind/acme,Apache-2.0,2020-05-01 09:18:12.000,2024-01-03 16:45:49.000000,2024-01-03 16:44:47,404.0,57.0,202.0,3318.0,A library of reinforcement learning components and agents.,84.0,24,2022-02-10 06:52:01,0.4.0,12.0,google-deepmind/acme,1195.0,dm-acme,,,,['tensorflow'],186.0,186.0,https://pypi.org/project/dm-acme,1026.0,1026.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +378,TensorForce,True,tensorforce/tensorforce,,reinforcement-learning,https://github.com/tensorforce/tensorforce,https://github.com/tensorforce/tensorforce,Apache-2.0,2017-03-19 16:24:22.000,2023-08-14 20:14:15.000000,2023-08-14 20:14:08,523.0,37.0,631.0,3273.0,Tensorforce: a TensorFlow library for applied..,84.0,24,2021-08-30 20:20:58,0.6.5,14.0,,2108.0,tensorforce,,,,['tensorflow'],435.0,435.0,https://pypi.org/project/tensorforce,617.0,617.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +379,m2cgen,True,BayesWitnesses/m2cgen,,model-serialisation,https://github.com/BayesWitnesses/m2cgen,https://github.com/BayesWitnesses/m2cgen,MIT,2019-01-13 02:32:55.000,2023-11-01 10:12:46.000000,2022-10-05 16:26:03,217.0,34.0,70.0,2687.0,"Transform ML models into a native code (Java, C, Python, Go, JavaScript,..",14.0,24,2022-04-25 18:51:36,0.10.0,13.0,,376.0,m2cgen,,,,,202.0,202.0,https://pypi.org/project/m2cgen,14662.0,14663.0,,,,,,,,2.0,62.0,,,,,,,,,,,,,,, +380,lazypredict,True,shankarpandala/lazypredict,,hyperopt,https://github.com/shankarpandala/lazypredict,https://github.com/shankarpandala/lazypredict,MIT,2019-11-16 09:56:35.000,2024-02-05 09:27:05.000000,2022-09-28 17:12:28,284.0,75.0,38.0,2500.0,Lazy Predict help build a lot of basic models without much code..,17.0,24,2022-09-28 06:56:26,0.2.10,1.0,,232.0,lazypredict,,,,['sklearn'],820.0,820.0,https://pypi.org/project/lazypredict,18261.0,18261.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +381,Alibi,True,SeldonIO/alibi,,interpretability,https://github.com/SeldonIO/alibi,https://github.com/SeldonIO/alibi,,2019-02-26 10:10:56.000,2024-02-12 11:41:50.000000,2024-02-12 11:41:49,242.0,136.0,225.0,2270.0,Algorithms for monitoring and explaining machine learning models.,20.0,24,2024-01-22 16:23:03,0.9.5,32.0,,652.0,alibi,,,,,558.0,558.0,https://pypi.org/project/alibi,23139.0,23139.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +382,Norfair,True,tryolabs/norfair,,image,https://github.com/tryolabs/norfair,https://github.com/tryolabs/norfair,BSD-3-Clause,2020-07-01 20:15:44.000,2024-02-09 16:45:34.000000,2024-01-30 18:07:43,228.0,6.0,135.0,2244.0,Lightweight Python library for adding real-time 2D object tracking to..,31.0,24,2023-01-04 21:22:30,2.2.0,13.0,,695.0,norfair,,,,,159.0,159.0,https://pypi.org/project/norfair,5534.0,5541.0,,,,,,,,3.0,296.0,,,,,,,,,,,,,,, +383,scattertext,True,JasonKessler/scattertext,,nlp,https://github.com/JasonKessler/scattertext,https://github.com/JasonKessler/scattertext,Apache-2.0,2016-07-21 01:47:12.000,2024-02-15 07:22:33.000000,2024-02-15 07:22:29,279.0,21.0,78.0,2185.0,Beautiful visualizations of how language differs among document..,14.0,24,2017-03-13 05:31:21,0.0.2.4.4,18.0,,387.0,scattertext,conda-forge/scattertext,,,,492.0,492.0,https://pypi.org/project/scattertext,11807.0,12912.0,https://anaconda.org/conda-forge/scattertext,2023-06-16 13:23:09.869,86243.0,,,,,2.0,,,,,,,,,,,,,,,, +384,CausalNex,True,quantumblacklabs/causalnex,,interpretability,https://github.com/mckinsey/causalnex,https://github.com/mckinsey/causalnex,Apache-2.0,2019-12-12 15:26:09.000,2024-02-10 10:19:11.000000,2024-02-10 10:17:50,239.0,18.0,115.0,2093.0,A Python library that helps data scientists to infer..,40.0,24,2023-06-22 13:11:20,0.12.1,20.0,mckinsey/causalnex,187.0,causalnex,,,,"['pytorch', 'sklearn']",107.0,107.0,https://pypi.org/project/causalnex,2515.0,2515.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +385,HyperTools,True,ContextLab/hypertools,,data-viz,https://github.com/ContextLab/hypertools,https://github.com/ContextLab/hypertools,MIT,2016-09-27 21:31:25.000,2023-08-06 22:24:12.000000,2022-02-12 02:32:06,159.0,65.0,129.0,1793.0,A Python toolbox for gaining geometric insights into high-dimensional..,21.0,24,2022-02-12 03:29:55,0.8.0,21.0,,1636.0,hypertools,,,,,362.0,362.0,https://pypi.org/project/hypertools,521.0,521.0,,,,,,,,3.0,30.0,,,,,,,,,,,,,,, +386,SciSpacy,True,allenai/scispacy,,nlp,https://github.com/allenai/scispacy,https://github.com/allenai/scispacy,Apache-2.0,2018-09-24 21:45:52.000,2023-10-27 06:20:12.000000,2023-10-20 21:52:11,209.0,28.0,275.0,1563.0,A full spaCy pipeline and models for scientific/biomedical..,32.0,24,2023-09-30 19:50:08,0.5.3,10.0,,,scispacy,,,,,842.0,842.0,https://pypi.org/project/scispacy,29340.0,29340.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +387,pandasql,True,yhat/pandasql,,data-containers,https://github.com/yhat/pandasql,https://github.com/yhat/pandasql,MIT,2013-02-18 01:53:56.000,2023-02-27 01:43:17.000000,2017-02-01 15:40:30,174.0,50.0,25.0,1284.0,sqldf for pandas.,15.0,24,,,,,127.0,pandasql,,,,['pandas'],2669.0,2669.0,https://pypi.org/project/pandasql,1732451.0,1732451.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +388,Model Analysis,True,tensorflow/model-analysis,,interpretability,https://github.com/tensorflow/model-analysis,https://github.com/tensorflow/model-analysis,Apache-2.0,2018-03-23 19:08:49.000,2024-02-12 21:44:48.000000,2024-02-12 21:44:47,253.0,22.0,53.0,1231.0,Model analysis tools for TensorFlow.,57.0,24,2023-08-14 20:20:00,0.45.0,56.0,,1415.0,tensorflow-model-analysis,,,,"['tensorflow', 'jupyter']",2.0,2.0,https://pypi.org/project/tensorflow-model-analysis,72934.0,72934.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +389,iNNvestigate,True,albermax/innvestigate,,interpretability,https://github.com/albermax/innvestigate,https://github.com/albermax/innvestigate,BSD-2-Clause,2017-12-13 18:11:20.000,2023-12-20 21:48:32.000000,2023-10-12 14:56:47,229.0,52.0,206.0,1205.0,A toolbox to iNNvestigate neural networks' predictions!.,20.0,24,2023-10-12 14:58:48,2.1.2,6.0,,1107.0,innvestigate,,,,['tensorflow'],116.0,116.0,https://pypi.org/project/innvestigate,833.0,838.0,,,,,,,,2.0,91.0,,,,,,,,,,,,,,, +390,Prince,True,MaxHalford/prince,,others,https://github.com/MaxHalford/prince,https://github.com/MaxHalford/prince,MIT,2016-10-22 12:36:06.000,2024-01-11 20:36:11.000000,2023-12-21 17:09:15,172.0,4.0,129.0,1169.0,"Python factor analysis library (PCA, CA, MCA, MFA, FAMD).",16.0,24,,,,,394.0,prince,,,,['sklearn'],489.0,489.0,https://pypi.org/project/prince,105806.0,105806.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +391,Nilearn,True,nilearn/nilearn,,medical-data,https://github.com/nilearn/nilearn,https://github.com/nilearn/nilearn,,2011-01-09 19:02:23.000,2024-02-14 17:16:26.000000,2024-02-13 12:11:25,541.0,234.0,1709.0,1084.0,Machine learning for NeuroImaging in Python.,233.0,24,2024-01-29 09:22:59,0.10.3,23.0,,,nilearn,conda-forge/nilearn,,,['sklearn'],2875.0,2875.0,https://pypi.org/project/nilearn,51055.0,57714.0,https://anaconda.org/conda-forge/nilearn,2024-01-29 13:01:39.700,259563.0,,,,,2.0,153.0,,,,,,,,,,,,,,, +392,Neural Structured Learning,True,tensorflow/neural-structured-learning,,tensorflow-utils,https://github.com/tensorflow/neural-structured-learning,https://github.com/tensorflow/neural-structured-learning,Apache-2.0,2019-08-27 21:48:16.000,2023-09-20 15:32:40.000000,2023-09-20 15:32:36,183.0,,68.0,975.0,Training neural models with structured signals.,38.0,24,2022-07-29 20:57:47,1.4.0,7.0,,567.0,neural-structured-learning,,,,['tensorflow'],421.0,421.0,https://pypi.org/project/neural-structured-learning,15346.0,15346.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +393,mahotas,True,luispedro/mahotas,,image,https://github.com/luispedro/mahotas,https://github.com/luispedro/mahotas,,2010-01-31 00:13:06.000,2024-01-08 13:33:30.000000,2024-01-08 13:19:20,147.0,23.0,65.0,818.0,Computer Vision in Python.,34.0,24,2022-06-28 14:25:55,1.4.13,10.0,,1302.0,mahotas,conda-forge/mahotas,,,,1199.0,1199.0,https://pypi.org/project/mahotas,10368.0,19303.0,https://anaconda.org/conda-forge/mahotas,2023-07-26 22:41:29.989,393162.0,,,,,3.0,,,,,,,,,,,,,,,, +394,snowballstemmer,True,snowballstem/snowball,,nlp,https://github.com/snowballstem/snowball,https://github.com/snowballstem/snowball,BSD-3-Clause,2013-02-23 07:17:42.000,2024-01-30 04:30:08.000000,2024-01-30 04:28:17,163.0,20.0,59.0,710.0,Snowball compiler and stemming algorithms.,34.0,24,,,6.0,,1054.0,snowballstemmer,conda-forge/snowballstemmer,,,,5.0,5.0,https://pypi.org/project/snowballstemmer,11341696.0,11426691.0,https://anaconda.org/conda-forge/snowballstemmer,2023-06-16 13:16:49.834,7649637.0,,,,,2.0,,,,,,,,,,,,,,,, +395,pySBD,True,nipunsadvilkar/pySBD,,nlp,https://github.com/nipunsadvilkar/pySBD,https://github.com/nipunsadvilkar/pySBD,MIT,2017-06-11 06:15:20.000,2023-08-27 04:36:31.000000,2021-02-11 16:40:18,74.0,20.0,53.0,699.0,pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence..,7.0,24,2021-02-11 16:42:37,0.3.4,15.0,,279.0,pysbd,,,,,1220.0,1220.0,https://pypi.org/project/pysbd,277938.0,277938.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +396,GeoViews,True,holoviz/geoviews,,geospatial-data,https://github.com/holoviz/geoviews,https://github.com/holoviz/geoviews,BSD-3-Clause,2016-04-19 16:27:01.000,2024-02-13 18:20:12.882000,2024-02-13 16:55:53,71.0,99.0,231.0,553.0,"Simple, concise geographical visualization in Python.",30.0,24,2024-02-13 18:23:41,1.11.1,32.0,,,geoviews,conda-forge/geoviews,,,,878.0,878.0,https://pypi.org/project/geoviews,9393.0,14520.0,https://anaconda.org/conda-forge/geoviews,2024-02-13 18:20:12.882,210231.0,,,,,3.0,,,,,,,,,,,,,,,, +397,StaticFrame,True,InvestmentSystems/static-frame,,data-containers,https://github.com/static-frame/static-frame,https://github.com/static-frame/static-frame,MIT,2018-01-03 15:07:52.000,2024-02-13 03:07:39.000000,2024-02-13 03:07:39,31.0,42.0,573.0,394.0,Immutable and grow-only Pandas-like DataFrames with a more explicit..,22.0,24,2024-01-30 05:35:34,2.2.3,177.0,static-frame/static-frame,7166.0,static-frame,conda-forge/static-frame,,,,19.0,19.0,https://pypi.org/project/static-frame,2404.0,9471.0,https://anaconda.org/conda-forge/static-frame,2024-01-30 14:43:55.422,318057.0,,,,,3.0,,,,,,,,,,,,,,,, +398,PyStan,True,stan-dev/pystan,,probabilistics,https://github.com/stan-dev/pystan,https://github.com/stan-dev/pystan,ISC,2017-03-06 19:56:42.094,2024-02-07 14:28:50.000000,2024-02-07 14:27:33,55.0,12.0,186.0,305.0,"PyStan, a Python interface to Stan, a platform for statistical modeling...",14.0,24,,,12.0,,,pystan,conda-forge/pystan,,,,9628.0,9628.0,https://pypi.org/project/pystan,1749625.0,1783266.0,https://anaconda.org/conda-forge/pystan,2023-06-16 13:14:39.735,2792206.0,,,,,3.0,,,,,,,,,,,,,,,, +399,Qlib,True,microsoft/qlib,,financial-data,https://github.com/microsoft/qlib,https://github.com/microsoft/qlib,MIT,2020-08-14 06:46:00.000,2024-02-05 08:36:47.000000,2023-11-21 12:31:47,2289.0,168.0,671.0,13434.0,"Qlib is an AI-oriented quantitative investment platform, which aims to..",122.0,23,2023-07-18 11:31:08,0.9.3,19.0,,,pyqlib,,,,['pytorch'],21.0,21.0,https://pypi.org/project/pyqlib,1435.0,1444.0,,,,,,,,3.0,392.0,,,,,,,,,,,,,,, +400,ParlAI,True,facebookresearch/ParlAI,,nlp,https://github.com/facebookresearch/ParlAI,https://github.com/facebookresearch/ParlAI,MIT,2017-04-24 17:10:44.000,2023-11-03 14:30:00.000000,2023-11-03 14:30:00,2008.0,50.0,1494.0,10408.0,A framework for training and evaluating AI models on a variety of..,217.0,23,2023-06-06 20:16:41,1.7.2,23.0,,,parlai,,,,['pytorch'],21.0,21.0,https://pypi.org/project/parlai,8006.0,8006.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +401,Dopamine,True,google/dopamine,,reinforcement-learning,https://github.com/google/dopamine,https://github.com/google/dopamine,Apache-2.0,2018-07-26 09:58:36.000,2023-11-27 11:39:00.000000,2023-11-27 11:38:59,1339.0,77.0,87.0,10317.0,Dopamine is a research framework for fast prototyping of..,15.0,23,2019-09-26 14:58:33,2,2.0,,333.0,dopamine-rl,,,,['tensorflow'],21.0,21.0,https://pypi.org/project/dopamine-rl,23503.0,23503.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +402,TTS,True,mozilla/TTS,,audio,https://github.com/mozilla/TTS,https://github.com/mozilla/TTS,MPL-2.0,2018-01-23 14:22:06.000,2023-11-09 15:37:59.000000,2021-02-12 10:36:31,1144.0,24.0,533.0,8554.0,Deep learning for Text to Speech (Discussion forum:..,56.0,23,2021-01-29 00:03:56,0.0.9,1.0,,2184.0,,,,,,21.0,21.0,,,238.0,,,,,,,,3.0,8831.0,,,,,,,,,,,,,,, +403,PyTorch3D,True,facebookresearch/pytorch3d,,image,https://github.com/facebookresearch/pytorch3d,https://github.com/facebookresearch/pytorch3d,,2019-10-25 02:23:45.000,2024-02-13 15:48:15.000000,2024-02-13 15:43:42,1196.0,231.0,1227.0,8076.0,PyTorch3D is FAIR's library of reusable components for deep..,137.0,23,2023-10-31 20:06:30,0.7.5,17.0,,,pytorch3d,pytorch3d/pytorch3d,,,['pytorch'],710.0,710.0,https://pypi.org/project/pytorch3d,4034.0,7678.0,https://anaconda.org/pytorch3d/pytorch3d,2023-10-31 20:03:11.190,185851.0,,,,,3.0,,,,,,,,,,,,,,,, +404,cuDF,True,rapidsai/cudf,,gpu-utilities,https://github.com/rapidsai/cudf,https://github.com/rapidsai/cudf,Apache-2.0,2017-05-07 03:43:37.000,2024-02-15 14:08:38.000000,2024-02-15 12:11:46,797.0,931.0,4977.0,7031.0,cuDF - GPU DataFrame Library.,271.0,23,2024-02-13 14:24:47,24.02.01,46.0,,,cudf,,,,,51.0,51.0,https://pypi.org/project/cudf,2573.0,2573.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +405,NuPIC,True,numenta/nupic,,ml-frameworks,https://github.com/numenta/nupic-legacy,https://github.com/numenta/nupic-legacy,AGPL-3.0,2013-04-05 23:14:27.000,2023-09-01 15:42:16.000000,2023-08-31 21:49:25,1553.0,453.0,1338.0,6332.0,Numenta Platform for Intelligent Computing is an implementation..,123.0,23,2018-06-01 15:12:12,1.0.5,47.0,numenta/nupic-legacy,6626.0,nupic,,,,,21.0,21.0,https://pypi.org/project/nupic,1966.0,1966.0,,,,,,,,3.0,3.0,,,,,,,,,,,,,,, +406,snownlp,True,isnowfy/snownlp,,chinese-nlp,https://github.com/isnowfy/snownlp,https://github.com/isnowfy/snownlp,MIT,2013-11-26 11:46:56.000,2020-01-19 02:39:05.000000,2020-01-19 02:39:03,1351.0,42.0,65.0,6276.0,Python library for processing Chinese text.,8.0,23,,,,,57.0,snownlp,,,,,1285.0,1285.0,https://pypi.org/project/snownlp,10673.0,10673.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +407,scikit-surprise,True,NicolasHug/Surprise,,recommender-systems,https://github.com/NicolasHug/Surprise,https://github.com/NicolasHug/Surprise,BSD-3-Clause,2016-10-23 14:59:38.000,2023-10-06 08:13:53.418000,2023-01-27 13:12:44,979.0,75.0,305.0,6123.0,A Python scikit for building and analyzing recommender..,45.0,23,,,8.0,,652.0,scikit-surprise,conda-forge/scikit-surprise,,,,21.0,21.0,https://pypi.org/project/scikit-surprise,141796.0,149958.0,https://anaconda.org/conda-forge/scikit-surprise,2023-10-06 08:13:53.418,351007.0,,,,,2.0,,,,,,,,,,,,,,,, +408,scikit-opt,True,guofei9987/scikit-opt,,sklearn-utils,https://github.com/guofei9987/scikit-opt,https://github.com/guofei9987/scikit-opt,MIT,2017-12-05 10:20:41.000,2023-12-26 10:14:09.000000,2023-11-19 13:26:15,935.0,62.0,112.0,4737.0,"Genetic Algorithm, Particle Swarm Optimization, Simulated..",20.0,23,2021-06-28 12:45:52,0.6.5,20.0,,334.0,scikit-opt,,,,['sklearn'],176.0,176.0,https://pypi.org/project/scikit-opt,2458.0,2458.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +409,Lucid,True,tensorflow/lucid,,interpretability,https://github.com/tensorflow/lucid,https://github.com/tensorflow/lucid,Apache-2.0,2018-01-25 17:41:44.000,2023-02-06 16:41:16.000000,2021-03-19 15:48:33,609.0,76.0,101.0,4602.0,A collection of infrastructure and tools for research in neural..,40.0,23,2021-03-19 15:59:35,0.3.10,15.0,,667.0,lucid,,,,['tensorflow'],757.0,757.0,https://pypi.org/project/lucid,599.0,599.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +410,TensorTrade,True,tensortrade-org/tensortrade,,financial-data,https://github.com/tensortrade-org/tensortrade,https://github.com/tensortrade-org/tensortrade,Apache-2.0,2019-07-30 21:28:32.000,2024-01-16 11:28:25.000000,2022-08-23 22:54:23,955.0,45.0,200.0,4335.0,"An open source reinforcement learning framework for training,..",61.0,23,2021-05-10 18:04:30,1.0.3,6.0,,1046.0,tensortrade,,,,,51.0,51.0,https://pypi.org/project/tensortrade,542.0,542.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +411,Dedupe,True,dedupeio/dedupe,,nlp,https://github.com/dedupeio/dedupe,https://github.com/dedupeio/dedupe,MIT,2012-04-20 14:57:36.000,2024-02-05 02:43:00.000000,2023-12-19 14:36:52,522.0,66.0,736.0,3922.0,"A python library for accurate and scalable fuzzy matching, record..",70.0,23,,,,,,dedupe,,,,,315.0,315.0,https://pypi.org/project/dedupe,66940.0,66940.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +412,TensorFlowOnSpark,True,yahoo/TensorFlowOnSpark,,distributed-ml,https://github.com/yahoo/TensorFlowOnSpark,https://github.com/yahoo/TensorFlowOnSpark,Apache-2.0,2017-01-20 18:15:57.000,2023-07-10 10:34:11.000000,2023-04-27 20:08:56,922.0,11.0,356.0,3862.0,TensorFlowOnSpark brings TensorFlow programs to..,34.0,23,2022-04-21 20:41:22,2.2.5,23.0,,632.0,tensorflowonspark,,,,"['tensorflow', 'spark']",,,https://pypi.org/project/tensorflowonspark,705459.0,705459.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +413,textract,True,deanmalmgren/textract,,data-loading,https://github.com/deanmalmgren/textract,https://github.com/deanmalmgren/textract,MIT,2014-07-03 20:36:59.000,2024-02-05 14:04:39.000000,2022-03-10 10:33:50,537.0,105.0,129.0,3718.0,extract text from any document. no muss. no fuss.,40.0,23,2021-08-21 17:09:22,1.6.4,16.0,,585.0,textract,conda-forge/textract,,,,,,https://pypi.org/project/textract,103121.0,103377.0,https://anaconda.org/conda-forge/textract,2023-06-16 13:16:57.664,22814.0,,,,,3.0,,,,,,,,,,,,,,,, +414,ploomber,True,ploomber/ploomber,,data-pipelines,https://github.com/ploomber/ploomber,https://github.com/ploomber/ploomber,Apache-2.0,2020-01-20 20:13:06.000,2024-02-15 11:21:07.000000,2024-02-08 01:23:29,220.0,98.0,761.0,3332.0,Lean Data Science workflows: develop and test locally. Deploy to..,80.0,23,,,,,3052.0,ploomber,,,,,119.0,119.0,https://pypi.org/project/ploomber,4207.0,4207.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +415,xLearn,True,aksnzhy/xlearn,,ml-frameworks,https://github.com/aksnzhy/xlearn,https://github.com/aksnzhy/xlearn,Apache-2.0,2017-06-10 08:09:31.000,2023-08-28 05:14:10.000000,2022-06-05 10:44:18,510.0,183.0,117.0,3080.0,"High performance, easy-to-use, and scalable machine learning (ML)..",30.0,23,2019-04-25 02:10:05,0.4.4,15.0,,1342.0,xlearn,,,,,125.0,125.0,https://pypi.org/project/xlearn,703.0,766.0,,,,,,,,3.0,4493.0,,,,,,,,,,,,,,, +416,RecBole,True,RUCAIBox/RecBole,,recommender-systems,https://github.com/RUCAIBox/RecBole,https://github.com/RUCAIBox/RecBole,MIT,2020-06-11 15:18:11.000,2024-01-21 12:42:30.000000,2023-11-25 05:36:27,559.0,209.0,677.0,3070.0,"A unified, comprehensive and efficient recommendation library.",70.0,23,2023-11-04 11:23:19,1.2.0,10.0,,4323.0,recbole,aibox/recbole,,,['pytorch'],,,https://pypi.org/project/recbole,1902.0,2016.0,https://anaconda.org/aibox/recbole,2023-11-01 15:53:42.380,4465.0,,,,,2.0,,,,,,,,,,,,,,,, +417,SHOGUN,True,shogun-toolbox/shogun,,ml-frameworks,https://github.com/shogun-toolbox/shogun,https://github.com/shogun-toolbox/shogun,BSD-3-Clause,2011-04-01 10:44:32.000,2023-12-19 18:37:18.000000,2023-12-19 18:37:18,1018.0,415.0,1111.0,2992.0,Unified and efficient Machine Learning.,248.0,23,2019-07-05 10:23:31,shogun_6.1.4,10.0,,16205.0,,conda-forge/shogun,shogun/shogun,,,,,,,1642.0,https://anaconda.org/conda-forge/shogun,2023-06-16 13:22:38.816,129027.0,https://hub.docker.com/r/shogun/shogun,2019-01-31 13:45:10.435327,1.0,1504.0,3.0,,,,,,,shogun,,,,,,,,, +418,neuralcoref,True,huggingface/neuralcoref,,nlp,https://github.com/huggingface/neuralcoref,https://github.com/huggingface/neuralcoref,MIT,2017-07-03 13:04:16.000,2023-06-16 19:17:56.088000,2021-06-22 10:51:48,468.0,59.0,253.0,2786.0,Fast Coreference Resolution in spaCy with Neural Networks.,21.0,23,2019-04-08 11:28:27,4.0.0,5.0,,116.0,neuralcoref,conda-forge/neuralcoref,,,,682.0,682.0,https://pypi.org/project/neuralcoref,2713.0,3037.0,https://anaconda.org/conda-forge/neuralcoref,2023-06-16 19:17:56.088,15052.0,,,,,3.0,894.0,,,,,,,,,,,,,,, +419,Neural Network Libraries,True,sony/nnabla,,ml-frameworks,https://github.com/sony/nnabla,https://github.com/sony/nnabla,Apache-2.0,2017-06-26 01:07:10.000,2024-01-22 06:44:51.000000,2024-01-22 06:44:48,329.0,21.0,60.0,2675.0,Neural Network Libraries.,73.0,23,2023-12-07 00:57:13,1.38.0,73.0,,3512.0,nnabla,,,,,,,https://pypi.org/project/nnabla,3046.0,3057.0,,,,,,,,3.0,907.0,,,,,,,,,,,,,,, +420,knockknock,True,huggingface/knockknock,,ml-experiments,https://github.com/huggingface/knockknock,https://github.com/huggingface/knockknock,MIT,2019-03-20 13:08:55.000,2023-06-23 10:52:46.000000,2020-03-16 04:26:47,217.0,17.0,23.0,2661.0,Knock Knock: Get notified when your training ends with only two..,20.0,23,,,5.0,,75.0,knockknock,conda-forge/knockknock,,,,889.0,889.0,https://pypi.org/project/knockknock,58630.0,58905.0,https://anaconda.org/conda-forge/knockknock,2023-06-16 16:18:44.705,14304.0,,,,,3.0,,,,,,,,,,,,,,,, +421,python_speech_features,True,jameslyons/python_speech_features,,audio,https://github.com/jameslyons/python_speech_features,https://github.com/jameslyons/python_speech_features,MIT,2013-10-31 02:42:08.000,2021-10-20 10:08:48.000000,2020-12-31 13:27:01,605.0,19.0,52.0,2310.0,This library provides common speech features for ASR including MFCCs and filterbank energies.,19.0,23,2020-01-14 14:12:10,0.6.1,3.0,,120.0,python_speech_features,,,,,508.0,508.0,https://pypi.org/project/python_speech_features,26278.0,26278.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +422,langid,True,saffsd/langid.py,,nlp,https://github.com/saffsd/langid.py,https://github.com/saffsd/langid.py,,2011-04-29 00:16:56.000,2020-01-01 10:49:30.000000,2017-07-15 02:49:17,297.0,26.0,46.0,2214.0,Stand-alone language identification system.,9.0,23,,,,,242.0,langid,,,,,10288.0,10288.0,https://pypi.org/project/langid,341446.0,341446.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +423,pytorch-nlp,True,PetrochukM/PyTorch-NLP,,nlp,https://github.com/PetrochukM/PyTorch-NLP,https://github.com/PetrochukM/PyTorch-NLP,BSD-3-Clause,2018-02-25 05:00:36.000,2023-07-04 21:11:26.000000,2023-07-04 21:11:26,255.0,19.0,50.0,2203.0,Basic Utilities for PyTorch Natural Language Processing (NLP).,18.0,23,2019-11-04 05:16:00,0.5.0,5.0,,451.0,pytorch-nlp,,,,['pytorch'],643.0,643.0,https://pypi.org/project/pytorch-nlp,5722.0,5722.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +424,Neural Tangents,True,google/neural-tangents,,ml-frameworks,https://github.com/google/neural-tangents,https://github.com/google/neural-tangents,Apache-2.0,2019-04-08 16:48:48.000,2024-02-01 18:20:41.000000,2024-02-01 18:20:35,225.0,58.0,92.0,2190.0,Fast and Easy Infinite Neural Networks in Python.,29.0,23,2023-12-11 14:10:12,0.6.5,17.0,,,neural-tangents,,,,,94.0,94.0,https://pypi.org/project/neural-tangents,1812.0,1820.0,,,,,,,,3.0,357.0,,,,,,,,,,,,,,, +425,Hyperas,True,maxpumperla/hyperas,,hyperopt,https://github.com/maxpumperla/hyperas,https://github.com/maxpumperla/hyperas,MIT,2016-02-19 14:45:10.000,2023-01-05 06:02:49.000000,2023-01-05 06:02:49,312.0,96.0,160.0,2168.0,Keras + Hyperopt: A very simple wrapper for convenient..,22.0,23,,,,,213.0,hyperas,,,,['tensorflow'],337.0,337.0,https://pypi.org/project/hyperas,9793.0,9793.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +426,mtcnn,True,ipazc/mtcnn,,image,https://github.com/ipazc/mtcnn,https://github.com/ipazc/mtcnn,MIT,2018-01-05 04:08:32.000,2023-09-09 21:39:29.000000,2021-07-09 11:06:18,492.0,65.0,38.0,2090.0,"MTCNN face detection implementation for TensorFlow, as a PIP package.",15.0,23,,,,,56.0,mtcnn,,,,['tensorflow'],4653.0,4653.0,https://pypi.org/project/mtcnn,48040.0,48040.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +427,PyTextRank,True,DerwenAI/pytextrank,,nlp,https://github.com/DerwenAI/pytextrank,https://github.com/DerwenAI/pytextrank,MIT,2016-10-02 18:39:12.000,2023-12-06 14:39:14.000000,2023-08-22 16:20:29,311.0,8.0,91.0,2083.0,Python implementation of TextRank for phrase extraction and..,19.0,23,2023-08-07 19:46:52,3.2.5,21.0,,,pytextrank,,,,,575.0,575.0,https://pypi.org/project/pytextrank,41812.0,41812.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +428,checklist,True,marcotcr/checklist,,interpretability,https://github.com/marcotcr/checklist,https://github.com/marcotcr/checklist,MIT,2020-03-09 17:18:49.000,2024-01-09 01:46:07.000000,2023-09-26 17:27:56,198.0,5.0,83.0,1968.0,Beyond Accuracy: Behavioral Testing of NLP models with CheckList.,15.0,23,,,,,255.0,checklist,,,,['jupyter'],307.0,307.0,https://pypi.org/project/checklist,11475.0,11475.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +429,TensorFlow Privacy,True,tensorflow/privacy,,privacy-ml,https://github.com/tensorflow/privacy,https://github.com/tensorflow/privacy,Apache-2.0,2018-12-21 18:46:46.000,2024-02-14 21:09:50.000000,2024-02-14 19:57:23,424.0,80.0,92.0,1851.0,Library for training machine learning models with..,58.0,23,2024-02-14 19:18:00,0.9.0,18.0,,861.0,tensorflow-privacy,,,,['tensorflow'],,,https://pypi.org/project/tensorflow-privacy,14101.0,14103.0,,,,,,,,2.0,136.0,,,,,,,,,,,,,,, +430,SDV,True,sdv-dev/SDV,,data-loading,https://github.com/sdv-dev/SDV,https://github.com/sdv-dev/SDV,,2018-05-11 15:56:50.000,2024-02-15 01:10:08.000000,2024-02-15 01:10:04,255.0,147.0,922.0,1806.0,"Synthetic Data Generation for tabular, relational and time series data.",46.0,23,2024-01-11 19:48:26,1.9.0,53.0,,,sdv,,,,,346.0,346.0,https://pypi.org/project/sdv,38051.0,38051.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +431,Labml,True,lab-ml/labml,,ml-experiments,https://github.com/labmlai/labml,https://github.com/labmlai/labml,MIT,2018-11-16 09:34:48.000,2024-02-14 04:53:20.000000,2024-02-14 04:53:20,120.0,16.0,20.0,1785.0,Monitor deep learning model training and hardware usage from your mobile..,9.0,23,2021-08-27 10:19:56,0.4.132,3.0,labmlai/labml,1793.0,labml,,,,,128.0,128.0,https://pypi.org/project/labml,3909.0,3909.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +432,Hivemind,True,learning-at-home/hivemind,,distributed-ml,https://github.com/learning-at-home/hivemind,https://github.com/learning-at-home/hivemind,MIT,2020-02-27 13:50:19.000,2023-12-05 17:37:33.000000,2023-12-04 14:09:45,121.0,56.0,102.0,1780.0,Decentralized deep learning in PyTorch. Built to train models on..,29.0,23,2023-08-31 20:07:52,1.1.10,25.0,,571.0,hivemind,,,,,89.0,89.0,https://pypi.org/project/hivemind,4124.0,4124.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +433,fairlearn,True,fairlearn/fairlearn,,interpretability,https://github.com/fairlearn/fairlearn,https://github.com/fairlearn/fairlearn,MIT,2018-05-15 01:51:35.000,2024-02-14 09:59:52.000000,2024-02-14 09:59:51,373.0,149.0,292.0,1743.0,A Python package to assess and improve fairness of machine..,80.0,23,2023-12-19 14:14:09,0.10.0,14.0,,,fairlearn,conda-forge/fairlearn,,,['sklearn'],3.0,3.0,https://pypi.org/project/fairlearn,231407.0,232199.0,https://anaconda.org/conda-forge/fairlearn,2023-12-20 11:56:56.090,30911.0,,,,,2.0,,,,,,,,,,,,,,,, +434,PyCUDA,True,inducer/pycuda,,gpu-utilities,https://github.com/inducer/pycuda,https://github.com/inducer/pycuda,,2011-04-06 02:53:31.000,2024-01-15 17:42:53.000000,2024-01-15 17:42:53,276.0,65.0,182.0,1701.0,"CUDA integration for Python, plus shiny features.",81.0,23,2024-01-03 16:54:41,2024.1,6.0,,,pycuda,,,,,2645.0,2645.0,https://pypi.org/project/pycuda,34791.0,34791.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +435,pyts,True,johannfaouzi/pyts,,time-series-data,https://github.com/johannfaouzi/pyts,https://github.com/johannfaouzi/pyts,BSD-3-Clause,2017-07-31 09:23:16.000,2023-09-11 22:28:27.000000,2023-06-20 13:16:50,156.0,42.0,34.0,1658.0,A Python package for time series classification.,14.0,23,2023-06-18 12:34:19,0.13.0,8.0,,,pyts,conda-forge/pyts,,,,549.0,549.0,https://pypi.org/project/pyts,93718.0,94516.0,https://anaconda.org/conda-forge/pyts,2023-06-18 16:28:23.633,22344.0,,,,,3.0,,,,,,,,,,,,,,,, +436,sense2vec,True,explosion/sense2vec,,nlp,https://github.com/explosion/sense2vec,https://github.com/explosion/sense2vec,MIT,2016-01-23 22:15:49.000,2023-09-22 07:25:32.800000,2023-04-20 14:53:46,233.0,22.0,91.0,1584.0,Contextually-keyed word vectors.,19.0,23,2023-04-17 13:11:14,2.0.2,18.0,,460.0,sense2vec,conda-forge/sense2vec,,,,323.0,323.0,https://pypi.org/project/sense2vec,1643.0,3685.0,https://anaconda.org/conda-forge/sense2vec,2023-09-22 07:25:32.800,35885.0,,,,,3.0,61964.0,,,,,,,,,,,,,,, +437,AutoViz,True,AutoViML/AutoViz,,data-viz,https://github.com/AutoViML/AutoViz,https://github.com/AutoViML/AutoViz,Apache-2.0,2019-07-17 17:14:06.000,2024-02-14 15:12:37.000000,2024-02-14 15:12:14,188.0,2.0,83.0,1576.0,"Automatically Visualize any dataset, any size with a single line of..",15.0,23,,,,,193.0,autoviz,,,,,614.0,614.0,https://pypi.org/project/autoviz,28852.0,28852.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +438,Pypeline,True,cgarciae/pypeln,,data-pipelines,https://github.com/cgarciae/pypeln,https://github.com/cgarciae/pypeln,MIT,2018-09-01 13:43:31.000,2023-07-20 16:18:20.000000,2023-03-22 14:52:27,95.0,24.0,47.0,1502.0,Concurrent data pipelines in Python .,13.0,23,2022-01-06 15:32:49,0.4.9,14.0,,240.0,pypeln,,,,,117.0,117.0,https://pypi.org/project/pypeln,155612.0,155612.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +439,streamparse,True,Parsely/streamparse,,data-pipelines,https://github.com/Parsely/streamparse,https://github.com/Parsely/streamparse,Apache-2.0,2014-05-02 20:33:50.000,2023-08-23 13:46:45.000000,2022-07-18 20:04:25,212.0,63.0,264.0,1488.0,"Run Python in Apache Storm topologies. Pythonic API, CLI..",44.0,23,2022-01-10 21:46:17,4.1.2,44.0,,1071.0,streamparse,,,,,64.0,64.0,https://pypi.org/project/streamparse,4016.0,4016.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +440,Explainability 360,True,Trusted-AI/AIX360,,interpretability,https://github.com/Trusted-AI/AIX360,https://github.com/Trusted-AI/AIX360,Apache-2.0,2019-07-11 07:17:48.000,2023-09-20 03:33:51.000000,2023-08-22 14:21:42,298.0,46.0,30.0,1484.0,Interpretability and explainability of data and machine..,41.0,23,2023-07-01 11:47:13,0.3.0,3.0,,580.0,aix360,,,,,86.0,86.0,https://pypi.org/project/aix360,1364.0,1364.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +441,fklearn,True,nubank/fklearn,,ml-frameworks,https://github.com/nubank/fklearn,https://github.com/nubank/fklearn,Apache-2.0,2019-02-27 14:32:57.000,2023-12-07 16:22:32.000000,2023-11-08 21:41:55,162.0,25.0,25.0,1473.0,fklearn: Functional Machine Learning.,54.0,23,2023-11-09 12:58:36,3.0.0,29.0,,157.0,fklearn,,,,,13.0,13.0,https://pypi.org/project/fklearn,476.0,476.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +442,torch-scatter,True,rusty1s/pytorch_scatter,,pytorch-utils,https://github.com/rusty1s/pytorch_scatter,https://github.com/rusty1s/pytorch_scatter,MIT,2017-12-16 16:34:23.000,2024-02-01 16:55:49.000000,2024-02-01 16:55:49,169.0,29.0,327.0,1426.0,PyTorch Extension Library of Optimized Scatter Operations.,29.0,23,2023-10-06 08:48:33,2.1.2,23.0,,1031.0,torch-scatter,,,,['pytorch'],,,https://pypi.org/project/torch-scatter,34230.0,34230.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +443,TaskTiger,True,closeio/tasktiger,,data-pipelines,https://github.com/closeio/tasktiger,https://github.com/closeio/tasktiger,MIT,2015-05-14 00:26:32.000,2024-02-15 10:39:46.000000,2024-02-15 07:44:26,78.0,29.0,41.0,1333.0,Python task queue using Redis.,30.0,23,2023-12-14 12:29:59,0.18.2,12.0,,328.0,tasktiger,,,,,29.0,29.0,https://pypi.org/project/tasktiger,5066.0,5066.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +444,keras-ocr,True,faustomorales/keras-ocr,,ocr,https://github.com/faustomorales/keras-ocr,https://github.com/faustomorales/keras-ocr,MIT,2019-09-20 23:08:50.000,2023-11-06 16:35:34.000000,2023-11-06 15:20:05,309.0,,,1300.0,A packaged and flexible version of the CRAFT text detector and..,18.0,23,2020-09-13 21:05:45,0.8.4,1.0,,206.0,keras-ocr,,,,['tensorflow'],416.0,416.0,https://pypi.org/project/keras-ocr,25651.0,46496.0,,,,,,,,3.0,854677.0,,,,,,,,,,,,,,, +445,stockstats,True,jealous/stockstats,,financial-data,https://github.com/jealous/stockstats,https://github.com/jealous/stockstats,,2016-06-05 15:21:22.000,2024-01-05 18:00:58.000000,2024-01-05 18:00:58,289.0,12.0,109.0,1210.0,Supply a wrapper ``StockDataFrame`` based on the..,10.0,23,2023-07-30 07:06:31,0.6.2,10.0,,67.0,stockstats,,,,,987.0,987.0,https://pypi.org/project/stockstats,10401.0,10401.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +446,Streamz,True,python-streamz/streamz,,time-series-data,https://github.com/python-streamz/streamz,https://github.com/python-streamz/streamz,BSD-3-Clause,2017-04-04 21:45:49.000,2023-06-16 13:22:22.238000,2022-12-22 14:52:10,143.0,108.0,152.0,1208.0,Real-time stream processing for python.,48.0,23,,,16.0,,805.0,streamz,conda-forge/streamz,,,,447.0,447.0,https://pypi.org/project/streamz,13083.0,23208.0,https://anaconda.org/conda-forge/streamz,2023-06-16 13:22:22.238,779650.0,,,,,3.0,,,,,,,,,,,,,,,, +447,ChainerRL,True,chainer/chainerrl,,reinforcement-learning,https://github.com/chainer/chainerrl,https://github.com/chainer/chainerrl,MIT,2017-01-30 04:58:15.000,2021-08-10 18:25:48.000000,2021-04-17 06:02:30,223.0,51.0,147.0,1145.0,ChainerRL is a deep reinforcement learning library built on top of..,28.0,23,2020-02-14 05:32:03,0.8.0,8.0,,3471.0,chainerrl,,,,,159.0,159.0,https://pypi.org/project/chainerrl,476.0,476.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +448,scikit-lego,True,koaning/scikit-lego,,sklearn-utils,https://github.com/koaning/scikit-lego,https://github.com/koaning/scikit-lego,MIT,2019-01-21 15:30:15.000,2024-02-13 10:39:35.000000,2024-01-29 19:56:57,107.0,33.0,258.0,1105.0,Extra blocks for scikit-learn pipelines.,62.0,23,2024-01-29 20:20:07,0.7.4,37.0,,,scikit-lego,conda-forge/scikit-lego,,,['sklearn'],131.0,131.0,https://pypi.org/project/scikit-lego,29482.0,30504.0,https://anaconda.org/conda-forge/scikit-lego,2023-07-19 07:17:55.286,46023.0,,,,,2.0,,,,,,,,,,,,,,,, +449,Submit it,True,facebookincubator/submitit,,distributed-ml,https://github.com/facebookincubator/submitit,https://github.com/facebookincubator/submitit,MIT,2020-04-24 07:41:09.000,2023-11-24 07:58:55.401000,2023-11-09 17:20:43,108.0,36.0,73.0,1050.0,Python 3.6+ toolbox for submitting jobs to Slurm.,23.0,23,2021-02-01 10:18:48,1.2.0,10.0,,,submitit,conda-forge/submitit,,,,2131.0,2131.0,https://pypi.org/project/submitit,261785.0,262588.0,https://anaconda.org/conda-forge/submitit,2023-11-24 07:58:55.401,33766.0,,,,,3.0,,,,,,,,,,,,,,,, +450,pyopencl,True,inducer/pyopencl,,others,https://github.com/inducer/pyopencl,https://github.com/inducer/pyopencl,,2011-04-06 02:51:33.000,2024-02-02 15:53:51.000000,2024-01-23 22:06:47,229.0,60.0,263.0,1012.0,"OpenCL integration for Python, plus shiny features.",95.0,23,2024-01-23 22:08:06,2024.1,58.0,,,pyopencl,conda-forge/pyopencl,,,,1806.0,1806.0,https://pypi.org/project/pyopencl,55310.0,77653.0,https://anaconda.org/conda-forge/pyopencl,2024-01-24 00:59:29.948,983096.0,,,,,3.0,,,,,,,,,,,,,,,, +451,Satpy,True,pytroll/satpy,,geospatial-data,https://github.com/pytroll/satpy,https://github.com/pytroll/satpy,GPL-3.0,2016-02-09 20:29:43.000,2024-02-15 12:13:54.000000,2024-02-15 12:13:53,272.0,373.0,621.0,984.0,Python package for earth-observing satellite data processing.,150.0,23,2023-12-18 08:08:22,0.46.0,61.0,,,satpy,conda-forge/satpy,,,,118.0,118.0,https://pypi.org/project/satpy,41058.0,45195.0,https://anaconda.org/conda-forge/satpy,2023-12-18 13:40:45.405,182069.0,,,,,3.0,,,,,,,,,,,,,,,, +452,bcolz,True,Blosc/bcolz,,data-containers,https://github.com/Blosc/bcolz,https://github.com/Blosc/bcolz,,2010-08-18 15:27:02.000,2023-06-16 13:23:29.156000,2020-09-10 12:12:45,135.0,123.0,122.0,956.0,A columnar data container that can be compressed.,33.0,23,2018-04-13 07:34:26,1.2.1,3.0,,1280.0,bcolz,conda-forge/bcolz,,,,1973.0,1973.0,https://pypi.org/project/bcolz,4609.0,8695.0,https://anaconda.org/conda-forge/bcolz,2023-06-16 13:23:29.156,343252.0,,,,,3.0,,,,,,,,,,,,,,,, +453,mpi4py,True,mpi4py/mpi4py,,distributed-ml,https://github.com/mpi4py/mpi4py,https://github.com/mpi4py/mpi4py,BSD-2-Clause,2013-09-05 14:44:25.000,2024-02-05 16:31:12.000000,2024-02-05 13:43:47,109.0,10.0,136.0,736.0,Python bindings for MPI.,26.0,23,2023-10-04 09:04:22,3.1.5,12.0,,3038.0,mpi4py,conda-forge/mpi4py,,,,,,https://pypi.org/project/mpi4py,263602.0,321966.0,https://anaconda.org/conda-forge/mpi4py,2023-10-17 08:36:29.714,2315795.0,,,,,3.0,20213.0,,,,,,,,,,,,,,, +454,python-ternary,True,marcharper/python-ternary,,data-viz,https://github.com/marcharper/python-ternary,https://github.com/marcharper/python-ternary,MIT,2012-08-07 23:48:55.000,2023-09-26 00:20:33.000000,2023-09-26 00:20:33,151.0,29.0,106.0,675.0,Ternary plotting library for python with matplotlib.,27.0,23,2021-02-17 18:23:31,1.0.8,8.0,,398.0,python-ternary,conda-forge/python-ternary,,,,163.0,163.0,https://pypi.org/project/python-ternary,42369.0,43212.0,https://anaconda.org/conda-forge/python-ternary,2023-06-16 13:17:10.682,79320.0,,,,,3.0,25.0,,,,,,,,,,,,,,, +455,ml-metadata,True,google/ml-metadata,,ml-experiments,https://github.com/google/ml-metadata,https://github.com/google/ml-metadata,Apache-2.0,2019-01-15 21:02:09.000,2024-01-26 19:51:44.000000,2024-01-26 19:51:43,120.0,29.0,75.0,584.0,For recording and retrieving metadata associated with ML..,19.0,23,2023-08-10 00:18:33,1.14.0,37.0,,835.0,ml-metadata,,,,,387.0,387.0,https://pypi.org/project/ml-metadata,56147.0,56182.0,,,,,,,,3.0,2119.0,,,,,,,,,,,,,,, +456,quinn,True,MrPowers/quinn,,ml-experiments,https://github.com/MrPowers/quinn,https://github.com/MrPowers/quinn,,2017-09-15 13:02:42.000,2024-02-13 12:31:46.000000,2024-02-13 12:30:36,83.0,29.0,65.0,549.0,pyspark methods to enhance developer productivity.,25.0,23,2024-02-10 15:53:33,0.10.2,4.0,,110.0,quinn,,,,['spark'],74.0,74.0,https://pypi.org/project/quinn,809253.0,809253.0,,,,,,,,3.0,10.0,,,,,,,,,,,,,,, +457,MedPy,True,loli/medpy,,medical-data,https://github.com/loli/medpy,https://github.com/loli/medpy,GPL-3.0,2012-05-11 10:57:34.000,2024-02-03 15:37:34.000000,2023-12-07 19:31:40,132.0,3.0,81.0,537.0,Medical image processing in Python.,18.0,23,2019-02-14 17:09:49,0.4.0,6.0,,331.0,MedPy,,,,,1709.0,1709.0,https://pypi.org/project/MedPy,14944.0,14944.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +458,findspark,True,minrk/findspark,,others,https://github.com/minrk/findspark,https://github.com/minrk/findspark,BSD-3-Clause,2015-06-12 21:34:06.000,2023-06-16 13:16:45.065000,2022-02-11 07:59:35,71.0,11.0,12.0,503.0,Find pyspark to make it importable.,15.0,23,,,6.0,,,findspark,conda-forge/findspark,,,['spark'],4182.0,4182.0,https://pypi.org/project/findspark,1751425.0,1761086.0,https://anaconda.org/conda-forge/findspark,2023-06-16 13:16:45.065,888814.0,,,,,3.0,,,,,,,,,,,,,,,, +459,TensorFlow Cloud,True,tensorflow/cloud,,tensorflow-utils,https://github.com/tensorflow/cloud,https://github.com/tensorflow/cloud,Apache-2.0,2020-02-10 18:51:59.000,2023-10-20 17:29:31.000000,2023-10-20 17:29:28,82.0,60.0,27.0,364.0,The TensorFlow Cloud repository provides APIs that..,27.0,23,2021-06-16 20:29:30,0.1.16,17.0,,575.0,tensorflow-cloud,,,,['tensorflow'],344.0,344.0,https://pypi.org/project/tensorflow-cloud,36105.0,36105.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +460,pymap3d,True,geospace-code/pymap3d,,geospatial-data,https://github.com/geospace-code/pymap3d,https://github.com/geospace-code/pymap3d,BSD-2-Clause,2014-08-03 04:28:03.000,2024-02-11 07:50:28.337000,2024-02-11 00:53:13,82.0,6.0,47.0,359.0,pure-Python (Numpy optional) 3D coordinate conversions for geospace ecef..,18.0,23,2024-02-11 00:58:17,3.1.0,57.0,,,pymap3d,conda-forge/pymap3d,,,,365.0,365.0,https://pypi.org/project/pymap3d,86369.0,87998.0,https://anaconda.org/conda-forge/pymap3d,2024-02-11 07:50:28.337,66795.0,,,,,3.0,,,,,,,,,,,,,,,, +461,gokart,True,m3dev/gokart,,ml-experiments,https://github.com/m3dev/gokart,https://github.com/m3dev/gokart,MIT,2018-12-23 07:40:27.000,2024-02-10 05:41:03.000000,2024-02-10 05:41:02,54.0,15.0,60.0,297.0,A wrapper of the data pipeline library luigi.,37.0,23,2024-01-16 10:19:09,1.2.6,53.0,,526.0,gokart,,,,,74.0,74.0,https://pypi.org/project/gokart,4031.0,4031.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +462,tabulator-py,True,frictionlessdata/tabulator-py,,data-loading,https://github.com/frictionlessdata/tabulator-py,https://github.com/frictionlessdata/tabulator-py,MIT,2015-08-24 05:34:38.000,2023-06-16 13:23:28.967000,2021-03-22 13:33:48,41.0,,178.0,235.0,Python library for reading and writing tabular data via streams.,27.0,23,2021-03-21 07:42:12,1.53.5,100.0,,,tabulator,conda-forge/tabulator-py,,,,1284.0,1284.0,https://pypi.org/project/tabulator,214235.0,214916.0,https://anaconda.org/conda-forge/tabulator-py,2023-06-16 13:23:28.967,54493.0,,,,,3.0,,,,,,,,,,,,,,,, +463,py3nvml,True,fbcotter/py3nvml,,gpu-utilities,https://github.com/fbcotter/py3nvml,https://github.com/fbcotter/py3nvml,BSD-3-Clause,2016-11-21 01:07:37.000,2023-09-25 06:14:21.168000,2022-04-14 09:41:50,29.0,4.0,12.0,229.0,Python 3 Bindings for NVML library. Get NVIDIA GPU status inside..,9.0,23,2019-10-11 13:39:49,0.2.4,6.0,,86.0,py3nvml,conda-forge/py3nvml,,,,986.0,986.0,https://pypi.org/project/py3nvml,87344.0,88759.0,https://anaconda.org/conda-forge/py3nvml,2023-09-25 06:14:21.168,56619.0,,,,,2.0,,,,,,,,,,,,,,,, +464,stop-words,True,Alir3z4/python-stop-words,,nlp,https://github.com/Alir3z4/python-stop-words,https://github.com/Alir3z4/python-stop-words,BSD-3-Clause,2014-05-26 06:44:03.000,2021-12-28 13:59:30.000000,2018-07-23 21:04:09,26.0,3.0,9.0,154.0,Get list of common stop words in various languages in Python.,8.0,23,2018-07-23 20:58:34,2018.7.23,7.0,,90.0,stop-words,,,,,2106.0,2106.0,https://pypi.org/project/stop-words,112730.0,112730.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +465,librosa,True,librosa/librosa,,audio,https://github.com/librosa/librosa,https://github.com/librosa/librosa,ISC,2012-10-20 14:21:01.000,2024-02-15 14:15:58.000000,2023-12-27 20:40:01,886.0,60.0,1105.0,6493.0,Python library for audio and music analysis.,119.0,22,2023-08-16 13:51:30,0.10.1,41.0,,,librosa,conda-forge/librosa,,,,,,https://pypi.org/project/librosa,2285402.0,2302103.0,https://anaconda.org/conda-forge/librosa,2023-08-16 18:07:49.183,718164.0,,,,,3.0,,,,,,,,,,,,,,,, +466,mmdnn,True,Microsoft/MMdnn,,model-serialisation,https://github.com/microsoft/MMdnn,https://github.com/microsoft/MMdnn,MIT,2017-08-16 08:03:52.000,2023-10-03 15:31:03.000000,2022-09-22 23:59:07,961.0,324.0,292.0,5769.0,MMdnn is a set of tools to help users inter-operate among different deep..,86.0,22,2020-07-24 06:14:52,0.3.1,12.0,,1084.0,mmdnn,,,,,119.0,119.0,https://pypi.org/project/mmdnn,512.0,561.0,,,,,,,,2.0,3720.0,,,,,,,,,,,,,,, +467,FATE,True,FederatedAI/FATE,,privacy-ml,https://github.com/FederatedAI/FATE,https://github.com/FederatedAI/FATE,Apache-2.0,2019-01-24 10:32:43.000,2024-02-15 08:19:45.000000,2024-01-31 08:27:01,1521.0,810.0,1060.0,5379.0,An Industrial Grade Federated Learning Framework.,100.0,22,2023-12-31 15:27:11,2.0.0,48.0,,13654.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +468,Augmentor,True,mdbloice/Augmentor,,image,https://github.com/mdbloice/Augmentor,https://github.com/mdbloice/Augmentor,MIT,2016-03-01 18:29:55.000,2023-10-16 20:29:38.000000,2023-03-29 07:02:37,840.0,119.0,74.0,5006.0,Image augmentation library in Python for machine learning.,23.0,22,,,,,553.0,Augmentor,,,,,706.0,706.0,https://pypi.org/project/Augmentor,5668.0,5668.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +469,Edward,True,blei-lab/edward,,probabilistics,https://github.com/blei-lab/edward,https://github.com/blei-lab/edward,,2016-02-10 20:06:05.000,2023-10-03 15:08:28.000000,2018-07-25 01:28:08,748.0,185.0,329.0,4808.0,A probabilistic programming language in TensorFlow. Deep..,87.0,22,2018-01-22 06:03:37,1.3.5,28.0,,1796.0,edward,,,,['tensorflow'],305.0,305.0,https://pypi.org/project/edward,414.0,414.0,,,,,,,,3.0,16.0,,,,,,,,,,,,,,, +470,Image Super-Resolution,True,idealo/image-super-resolution,,image,https://github.com/idealo/image-super-resolution,https://github.com/idealo/image-super-resolution,Apache-2.0,2018-11-26 13:41:13.000,2023-12-31 12:14:36.000000,2021-06-02 09:45:13,715.0,102.0,113.0,4418.0,Super-scale your images and run experiments with..,10.0,22,2020-01-08 15:35:45,2.2.0,1.0,,150.0,ISR,,idealo/image-super-resolution-gpu,,['tensorflow'],122.0,122.0,https://pypi.org/project/ISR,4686.0,4689.0,,,,https://hub.docker.com/r/idealo/image-super-resolution-gpu,2019-04-01 13:48:45.697251,1.0,233.0,3.0,,,,,,,,,,,,,,,, +471,GluonTS,True,awslabs/gluon-ts,,time-series-data,https://github.com/awslabs/gluonts,https://github.com/awslabs/gluonts,Apache-2.0,2019-05-15 17:17:29.000,2024-02-11 11:38:35.000000,2024-02-07 19:25:54,692.0,297.0,625.0,4087.0,Probabilistic time series modeling in Python.,112.0,22,2024-02-02 12:37:28,0.14.4,100.0,,,gluonts,,,,['mxnet'],,,https://pypi.org/project/gluonts,199358.0,199358.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +472,Lasagne,True,Lasagne/Lasagne,,ml-frameworks,https://github.com/Lasagne/Lasagne,https://github.com/Lasagne/Lasagne,,2014-09-11 15:31:41.000,2022-03-26 02:58:32.000000,2019-11-20 20:28:30,923.0,115.0,402.0,3847.0,Lightweight library to build and train neural networks in Theano.,72.0,22,2015-08-13 21:00:09,0.1,1.0,,1161.0,lasagne,,,,,1033.0,1033.0,https://pypi.org/project/lasagne,1944.0,1944.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +473,phonenumbers,True,daviddrysdale/python-phonenumbers,,nlp,https://github.com/daviddrysdale/python-phonenumbers,https://github.com/daviddrysdale/python-phonenumbers,Apache-2.0,2011-04-21 03:06:38.000,2024-02-09 11:56:50.115000,2024-02-09 10:28:47,390.0,8.0,168.0,3369.0,Python port of Google's libphonenumber.,30.0,22,,,97.0,,,phonenumbers,conda-forge/phonenumbers,,,,,,https://pypi.org/project/phonenumbers,5366153.0,5392456.0,https://anaconda.org/conda-forge/phonenumbers,2024-02-09 11:56:50.115,867999.0,,,,,3.0,,,,,,,,,,,,,,,, +474,finmarketpy,True,cuemacro/finmarketpy,,financial-data,https://github.com/cuemacro/finmarketpy,https://github.com/cuemacro/finmarketpy,Apache-2.0,2015-02-19 23:32:03.000,2024-01-01 21:15:24.000000,2024-01-01 21:13:34,465.0,24.0,4.0,3297.0,Python library for backtesting trading strategies & analyzing..,14.0,22,2024-01-01 21:15:24,0.11.13,14.0,,684.0,finmarketpy,,,,,11.0,11.0,https://pypi.org/project/finmarketpy,255.0,255.0,,,,,,,,3.0,51.0,,,,,,,,,,,,,,, +475,LIT,True,PAIR-code/lit,,interpretability,https://github.com/PAIR-code/lit,https://github.com/PAIR-code/lit,Apache-2.0,2020-07-28 13:07:26.000,2024-02-15 07:52:13.000000,2023-11-08 16:40:21,336.0,40.0,81.0,3282.0,The Language Interpretability Tool: Interactively analyze NLP models for..,34.0,22,2023-11-08 16:41:56,1.0.2,9.0,,,lit-nlp,,,,,27.0,27.0,https://pypi.org/project/lit-nlp,2740.0,2740.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +476,DeepVariant,True,google/deepvariant,,medical-data,https://github.com/google/deepvariant,https://github.com/google/deepvariant,BSD-3-Clause,2017-11-23 01:56:22.000,2024-01-26 20:28:01.000000,2023-12-09 00:22:24,681.0,7.0,704.0,3018.0,DeepVariant is an analysis pipeline that uses a deep neural..,28.0,22,2023-10-23 21:02:38,1.6.0,20.0,,2359.0,,bioconda/deepvariant,,,['tensorflow'],,,,,908.0,https://anaconda.org/bioconda/deepvariant,2023-06-16 16:08:50.013,61702.0,,,,,3.0,4701.0,,,,,,,,,,,,,,, +477,keras-vis,True,raghakot/keras-vis,,interpretability,https://github.com/raghakot/keras-vis,https://github.com/raghakot/keras-vis,MIT,2016-11-11 23:27:34.000,2022-02-07 16:06:07.000000,2020-04-20 01:03:12,647.0,113.0,101.0,2974.0,Neural network visualization toolkit for keras.,10.0,22,,,8.0,,195.0,keras-vis,,,,['tensorflow'],2876.0,2876.0,https://pypi.org/project/keras-vis,872.0,872.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +478,eli5,True,TeamHG-Memex/eli5,,interpretability,https://github.com/TeamHG-Memex/eli5,https://github.com/TeamHG-Memex/eli5,MIT,2016-09-15 01:04:57.000,2023-06-16 13:18:29.838000,2020-01-22 07:39:36,317.0,144.0,113.0,2715.0,A library for debugging/inspecting machine learning classifiers and..,14.0,22,,,11.0,,1198.0,eli5,conda-forge/eli5,,,,,,https://pypi.org/project/eli5,455843.0,457662.0,https://anaconda.org/conda-forge/eli5,2023-06-16 13:18:29.838,147385.0,,,,,3.0,,,,,,,,,,,,,,,, +479,TF Ranking,True,tensorflow/ranking,,recommender-systems,https://github.com/tensorflow/ranking,https://github.com/tensorflow/ranking,Apache-2.0,2018-12-03 20:48:57.000,2023-09-26 21:01:12.000000,2023-09-26 21:01:10,468.0,75.0,240.0,2705.0,Learning to Rank in TensorFlow.,33.0,22,2023-06-03 06:14:49,0.5.3,18.0,,548.0,tensorflow_ranking,,,,['tensorflow'],,,https://pypi.org/project/tensorflow_ranking,97604.0,97604.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +480,Haiku,True,deepmind/dm-haiku,,ml-frameworks,https://github.com/google-deepmind/dm-haiku,https://github.com/google-deepmind/dm-haiku,Apache-2.0,2020-02-18 07:14:02.000,2024-02-02 13:39:08.000000,2024-01-29 08:06:35,221.0,72.0,171.0,2691.0,JAX-based neural network library.,80.0,22,2023-11-10 14:04:13,0.0.11,13.0,google-deepmind/dm-haiku,,,,,,,1708.0,1708.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +481,TF-Agents,True,tensorflow/agents,,reinforcement-learning,https://github.com/tensorflow/agents,https://github.com/tensorflow/agents,Apache-2.0,2018-11-17 00:29:12.000,2024-02-14 22:05:03.000000,2024-02-14 22:04:33,687.0,187.0,465.0,2687.0,"TF-Agents: A reliable, scalable and easy to use TensorFlow..",151.0,22,,,,,2296.0,tf-agents,,,,['tensorflow'],,,https://pypi.org/project/tf-agents,39876.0,39876.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +482,HiPlot,True,facebookresearch/hiplot,,data-viz,https://github.com/facebookresearch/hiplot,https://github.com/facebookresearch/hiplot,MIT,2019-11-08 13:06:41.000,2024-01-10 07:43:27.000000,2023-07-19 07:40:10,132.0,16.0,73.0,2654.0,HiPlot makes understanding high dimensional data easy.,9.0,22,2021-11-04 14:24:43,0.1.32,35.0,,,hiplot,conda-forge/hiplot,,,,374.0,374.0,https://pypi.org/project/hiplot,22711.0,26357.0,https://anaconda.org/conda-forge/hiplot,2023-06-16 19:18:10.488,175020.0,,,,,3.0,,,,,,,,,,,,,,,, +483,analytics-zoo,True,intel-analytics/analytics-zoo,,distributed-ml,https://github.com/intel-analytics/analytics-zoo,https://github.com/intel-analytics/analytics-zoo,Apache-2.0,2017-05-05 02:27:30.000,2023-12-15 03:22:16.000000,2023-12-15 03:22:08,711.0,406.0,855.0,2596.0,"Distributed Tensorflow, Keras and PyTorch on Apache..",108.0,22,2022-01-24 01:44:53,0.11.2,15.0,,3454.0,analytics-zoo,,,,['spark'],4.0,4.0,https://pypi.org/project/analytics-zoo,419.0,419.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +484,pygal,True,Kozea/pygal,,graph,https://github.com/Kozea/pygal,https://github.com/Kozea/pygal,LGPL-3.0,2011-09-23 10:17:50.000,2024-02-01 01:44:20.000000,2023-12-11 13:43:52,403.0,172.0,247.0,2591.0,PYthon svg GrAph plotting Library.,77.0,22,2015-02-16 16:54:22,1.7.0,5.0,,1053.0,pygal,conda-forge/pygal,,,,,,https://pypi.org/project/pygal,345855.0,348750.0,https://anaconda.org/conda-forge/pygal,2023-11-21 17:04:08.093,37640.0,,,,,2.0,,,,,,,,,,,,,,,, +485,TabNet,True,dreamquark-ai/tabnet,,pytorch-utils,https://github.com/dreamquark-ai/tabnet,https://github.com/dreamquark-ai/tabnet,MIT,2019-10-17 11:17:32.000,2024-02-10 12:55:47.000000,2023-07-23 14:42:27,453.0,16.0,279.0,2421.0,PyTorch implementation of TabNet paper :..,21.0,22,2023-07-23 13:34:05,4.1.0,17.0,,206.0,pytorch-tabnet,,,,['pytorch'],,,https://pypi.org/project/pytorch-tabnet,37951.0,37951.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +486,pytorch_geometric_temporal,True,benedekrozemberczki/pytorch_geometric_temporal,,graph,https://github.com/benedekrozemberczki/pytorch_geometric_temporal,https://github.com/benedekrozemberczki/pytorch_geometric_temporal,MIT,2020-06-27 01:11:33.000,2024-01-22 06:09:24.000000,2023-07-01 21:40:58,329.0,21.0,157.0,2395.0,PyTorch Geometric Temporal: Spatiotemporal Signal Processing with Neural Machine Learning Models (CIKM 2021).,28.0,22,2022-09-04 16:37:07,0.54.0,42.0,,1936.0,torch-geometric-temporal,,,,['pytorch'],,,https://pypi.org/project/torch-geometric-temporal,1765.0,1765.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +487,polyglot,True,aboSamoor/polyglot,,nlp,https://github.com/aboSamoor/polyglot,https://github.com/aboSamoor/polyglot,,2014-06-30 02:07:45.000,2023-11-10 03:06:08.000000,2020-09-22 22:35:28,329.0,154.0,68.0,2233.0,Multilingual text (NLP) processing toolkit.,26.0,22,,,,,271.0,polyglot,,,,,1174.0,1174.0,https://pypi.org/project/polyglot,55099.0,55099.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +488,textacy,True,chartbeat-labs/textacy,,nlp,https://github.com/chartbeat-labs/textacy,https://github.com/chartbeat-labs/textacy,,2016-02-03 16:52:45.000,2023-09-22 23:38:28.000000,2023-04-03 00:19:55,245.0,31.0,230.0,2153.0,"NLP, before and after spaCy.",35.0,22,2023-04-02 22:46:00,0.13.0,29.0,,,textacy,conda-forge/textacy,,,,1671.0,1671.0,https://pypi.org/project/textacy,31001.0,32705.0,https://anaconda.org/conda-forge/textacy,2023-06-16 13:22:44.862,138089.0,,,,,3.0,,,,,,,,,,,,,,,, +489,SRU,True,asappresearch/sru,,pytorch-utils,https://github.com/asappresearch/sru,https://github.com/asappresearch/sru,MIT,2017-08-28 20:37:41.000,2022-01-04 21:17:53.000000,2021-05-19 15:52:48,302.0,64.0,68.0,2099.0,Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755).,21.0,22,2021-05-18 16:12:33,2.6.0,30.0,,400.0,sru,,,,['pytorch'],26.0,26.0,https://pypi.org/project/sru,1797.0,1797.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +490,Karate Club,True,benedekrozemberczki/karateclub,,graph,https://github.com/benedekrozemberczki/karateclub,https://github.com/benedekrozemberczki/karateclub,GPL-3.0,2019-12-05 17:35:56.000,2023-11-15 21:03:09.000000,2023-07-01 21:39:32,228.0,9.0,109.0,2047.0,Karate Club: An API Oriented Open-source Python Framework for..,17.0,22,2022-12-04 19:04:05,_10304,100.0,,2288.0,karateclub,,,,,222.0,222.0,https://pypi.org/project/karateclub,5783.0,5783.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +491,FinTA,True,peerchemist/finta,,financial-data,https://github.com/peerchemist/finta,https://github.com/peerchemist/finta,LGPL-3.0,2016-09-01 21:02:46.000,2022-07-24 08:40:51.000000,2022-07-24 08:40:51,653.0,22.0,64.0,2024.0,Common financial technical indicators implemented in Pandas.,28.0,22,2021-04-03 08:51:49,1.3,18.0,,394.0,finta,,,,,475.0,475.0,https://pypi.org/project/finta,7154.0,7154.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +492,garage,True,rlworkgroup/garage,,reinforcement-learning,https://github.com/rlworkgroup/garage,https://github.com/rlworkgroup/garage,MIT,2018-06-10 21:31:23.000,2023-05-04 14:44:22.000000,2023-01-04 06:06:27,299.0,200.0,810.0,1785.0,A toolkit for reproducible reinforcement learning research.,79.0,22,2020-09-14 22:30:57,2020.06.3,21.0,,1221.0,garage,,,,['tensorflow'],99.0,99.0,https://pypi.org/project/garage,674.0,674.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +493,Paddle Graph Learning,True,PaddlePaddle/PGL,,graph,https://github.com/PaddlePaddle/PGL,https://github.com/PaddlePaddle/PGL,Apache-2.0,2019-06-11 03:23:28.000,2023-12-11 05:15:14.000000,2023-09-26 07:34:28,304.0,38.0,155.0,1556.0,Paddle Graph Learning (PGL) is an efficient and..,31.0,22,2023-05-18 06:27:52,2.2.5,10.0,,,pgl,,,,['paddle'],50.0,50.0,https://pypi.org/project/pgl,1524.0,1524.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +494,torchsde,True,google-research/torchsde,,pytorch-utils,https://github.com/google-research/torchsde,https://github.com/google-research/torchsde,Apache-2.0,2020-07-06 23:13:11.000,2023-09-26 23:11:11.000000,2023-09-26 23:11:11,173.0,18.0,52.0,1422.0,Differentiable SDE solvers with GPU support and efficient..,8.0,22,2023-09-26 22:07:23,0.2.6,5.0,,163.0,,,,,['pytorch'],2392.0,2392.0,,,,,,,,,,,2.0,,,,,,,,,,,,,,,, +495,NiftyNet,True,NifTK/NiftyNet,,medical-data,https://github.com/NifTK/NiftyNet,https://github.com/NifTK/NiftyNet,Apache-2.0,2017-08-30 07:55:43.000,2020-04-21 19:54:52.000000,2020-04-21 19:54:51,395.0,100.0,224.0,1355.0,[unmaintained] An open-source convolutional neural..,61.0,22,2019-10-09 19:33:30,0.6.0,8.0,,2848.0,niftynet,,,,['tensorflow'],42.0,42.0,https://pypi.org/project/niftynet,156.0,156.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +496,DALEX,True,ModelOriented/DALEX,,interpretability,https://github.com/ModelOriented/DALEX,https://github.com/ModelOriented/DALEX,GPL-3.0,2018-02-18 03:24:12.000,2023-09-27 15:14:50.000000,2023-09-27 15:14:33,160.0,19.0,378.0,1306.0,moDel Agnostic Language for Exploration and eXplanation.,24.0,22,2022-09-10 12:32:33,python-v1.5.0,4.0,,667.0,dalex,,,,,151.0,151.0,https://pypi.org/project/dalex,19012.0,19012.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +497,livelossplot,True,stared/livelossplot,,ml-experiments,https://github.com/stared/livelossplot,https://github.com/stared/livelossplot,MIT,2018-03-10 17:51:43.000,2022-07-15 12:45:07.000000,2022-04-04 16:13:36,141.0,7.0,70.0,1275.0,"Live training loss plot in Jupyter Notebook for Keras,..",17.0,22,,,,,330.0,livelossplot,,,,['jupyter'],1348.0,1348.0,https://pypi.org/project/livelossplot,14563.0,14563.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +498,keract,True,philipperemy/keract,,interpretability,https://github.com/philipperemy/keract,https://github.com/philipperemy/keract,MIT,2017-05-17 04:50:57.000,2023-11-17 11:03:05.000000,2023-11-17 10:59:26,184.0,2.0,86.0,1032.0,Layers Outputs and Gradients in Keras. Made easy.,16.0,22,2021-06-19 16:14:57,4.5.0,10.0,,412.0,keract,,,,['tensorflow'],205.0,205.0,https://pypi.org/project/keract,4274.0,4274.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +499,bambi,True,bambinos/bambi,,probabilistics,https://github.com/bambinos/bambi,https://github.com/bambinos/bambi,MIT,2016-05-16 03:21:00.000,2024-02-10 09:20:19.000000,2024-02-04 15:21:44,112.0,64.0,311.0,985.0,BAyesian Model-Building Interface (Bambi) in Python.,36.0,22,2023-10-25 02:04:11,0.13.0,23.0,,,bambi,,,,,104.0,104.0,https://pypi.org/project/bambi,21802.0,21802.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +500,YouTokenToMe,True,vkcom/youtokentome,,nlp,https://github.com/VKCOM/YouTokenToMe,https://github.com/VKCOM/YouTokenToMe,MIT,2019-06-06 11:38:28.000,2024-01-08 07:04:51.000000,2023-03-29 07:39:45,82.0,32.0,28.0,933.0,Unsupervised text tokenizer focused on computational efficiency.,8.0,22,2020-02-13 09:57:47,1.0.6,4.0,,85.0,youtokentome,,,,,605.0,605.0,https://pypi.org/project/youtokentome,46279.0,46279.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +501,GPyOpt,True,SheffieldML/GPyOpt,,hyperopt,https://github.com/SheffieldML/GPyOpt,https://github.com/SheffieldML/GPyOpt,BSD-3-Clause,2014-08-13 09:58:25.000,2023-01-17 18:04:41.000000,2023-01-17 18:04:41,255.0,103.0,188.0,913.0,Gaussian Process Optimization using GPy.,50.0,22,2020-03-19 21:21:18,1.2.6,1.0,,515.0,gpyopt,,,,,487.0,487.0,https://pypi.org/project/gpyopt,5926.0,5926.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +502,Pandas-Bokeh,True,PatrikHlobil/Pandas-Bokeh,,data-viz,https://github.com/PatrikHlobil/Pandas-Bokeh,https://github.com/PatrikHlobil/Pandas-Bokeh,MIT,2018-11-23 20:49:14.000,2023-08-14 23:20:14.000000,2023-03-06 07:52:05,108.0,34.0,69.0,873.0,Bokeh Plotting Backend for Pandas and GeoPandas.,15.0,22,2021-04-11 17:42:31,0.5.5,5.0,,311.0,pandas-bokeh,,,,['pandas'],585.0,585.0,https://pypi.org/project/pandas-bokeh,23468.0,23468.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +503,Baal,True,ElementAI/baal,,probabilistics,https://github.com/baal-org/baal,https://github.com/baal-org/baal,Apache-2.0,2019-09-30 20:16:26.000,2023-12-29 17:18:10.000000,2023-12-02 22:09:25,82.0,24.0,82.0,822.0,Using approximate bayesian posteriors in deep nets for active learning.,21.0,22,2023-10-02 19:58:51,1.9.1,14.0,baal-org/baal,222.0,baal,,,,,53.0,53.0,https://pypi.org/project/baal,1093.0,1093.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +504,iterative-stratification,True,trent-b/iterative-stratification,,sklearn-utils,https://github.com/trent-b/iterative-stratification,https://github.com/trent-b/iterative-stratification,BSD-3-Clause,2018-02-04 00:32:10.000,2022-06-06 22:38:33.000000,2022-06-06 22:38:33,75.0,2.0,23.0,812.0,scikit-learn cross validators for iterative..,7.0,22,2021-10-03 18:24:15,0.1.7,3.0,,57.0,iterative-stratification,,,,['sklearn'],408.0,408.0,https://pypi.org/project/iterative-stratification,208119.0,208119.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +505,TF Compression,True,tensorflow/compression,,tensorflow-utils,https://github.com/tensorflow/compression,https://github.com/tensorflow/compression,Apache-2.0,2018-05-15 23:32:19.000,2024-02-02 01:53:52.000000,2024-02-01 20:37:52,242.0,9.0,91.0,801.0,Data compression in TensorFlow.,21.0,22,2024-02-02 01:53:52,2.15.0,24.0,,285.0,tensorflow-compression,,,,['tensorflow'],,,https://pypi.org/project/tensorflow-compression,8206.0,8206.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +506,Objax,True,google/objax,,ml-frameworks,https://github.com/google/objax,https://github.com/google/objax,Apache-2.0,2020-08-20 06:20:40.000,2024-01-27 00:16:56.000000,2024-01-27 00:08:50,73.0,40.0,62.0,755.0,Objax is a machine learning framework that provides an Object..,26.0,22,2023-11-06 22:17:30,1.8.0,9.0,,463.0,objax,,,,['jax'],48.0,48.0,https://pypi.org/project/objax,579.0,579.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +507,NeuPy,True,itdxer/neupy,,ml-frameworks,https://github.com/itdxer/neupy,https://github.com/itdxer/neupy,MIT,2015-08-24 19:45:11.000,2023-01-03 21:24:56.000000,2023-01-03 21:24:56,158.0,34.0,236.0,739.0,NeuPy is a Tensorflow based python library for prototyping and building..,8.0,22,2019-04-04 19:44:59,0.8.2,29.0,,1146.0,neupy,,,,,166.0,166.0,https://pypi.org/project/neupy,2684.0,2684.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +508,Mapbox GL,True,mapbox/mapboxgl-jupyter,,geospatial-data,https://github.com/mapbox/mapboxgl-jupyter,https://github.com/mapbox/mapboxgl-jupyter,MIT,2017-08-08 15:10:51.000,2022-01-11 05:18:07.000000,2021-04-19 05:00:36,131.0,34.0,67.0,649.0,Use Mapbox GL JS to visualize data in a Python Jupyter notebook.,22.0,22,2019-06-03 21:24:10,0.10.2,14.0,,221.0,mapboxgl,,,,['jupyter'],186.0,186.0,https://pypi.org/project/mapboxgl,14511.0,14511.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +509,python-soundfile,True,bastibe/python-soundfile,,audio,https://github.com/bastibe/python-soundfile,https://github.com/bastibe/python-soundfile,BSD-3-Clause,2013-08-27 13:36:52.000,2024-01-05 08:05:26.000000,2024-01-05 08:05:26,94.0,98.0,135.0,641.0,"SoundFile is an audio library based on libsndfile, CFFI, and..",33.0,22,2023-02-15 15:39:02,0.12.1,15.0,,564.0,soundfile,,,,,,,https://pypi.org/project/soundfile,1776269.0,1776412.0,,,,,,,,3.0,17255.0,,,,,,,,,,,,,,, +510,pyvips,True,libvips/pyvips,,image,https://github.com/libvips/pyvips,https://github.com/libvips/pyvips,MIT,2017-07-28 16:39:43.000,2024-01-22 19:27:29.000000,2024-01-22 19:26:50,49.0,166.0,233.0,574.0,python binding for libvips using cffi.,16.0,22,,,5.0,,471.0,pyvips,conda-forge/pyvips,,,,666.0,666.0,https://pypi.org/project/pyvips,43462.0,45294.0,https://anaconda.org/conda-forge/pyvips,2023-09-26 03:23:28.071,73311.0,,,,,3.0,,,,,,,,,,,,,,,, +511,EarthPy,True,earthlab/earthpy,,geospatial-data,https://github.com/earthlab/earthpy,https://github.com/earthlab/earthpy,BSD-3-Clause,2018-02-20 03:02:42.000,2024-02-10 22:13:16.000000,2023-08-23 17:20:54,152.0,25.0,208.0,474.0,A package built to support working with spatial data using open source..,44.0,22,2021-10-01 22:50:41,0.9.4,14.0,,,earthpy,conda-forge/earthpy,,,,285.0,285.0,https://pypi.org/project/earthpy,4768.0,6005.0,https://anaconda.org/conda-forge/earthpy,2023-06-16 16:14:50.280,71753.0,,,,,3.0,,,,,,,,,,,,,,,, +512,MindsDB,True,mindsdb/mindsdb,,ml-frameworks,https://github.com/mindsdb/mindsdb,https://github.com/mindsdb/mindsdb,,2018-08-02 17:56:45.000,2024-02-15 13:03:19.000000,2024-02-15 13:03:16,2583.0,376.0,3296.0,19934.0,Predictive AI layer for existing databases.,819.0,21,2024-01-25 13:35:29,24.1.4.0,100.0,,,mindsdb,,,,['pytorch'],,,https://pypi.org/project/mindsdb,14389.0,14389.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +513,Recommenders,True,microsoft/recommenders,,recommender-systems,https://github.com/recommenders-team/recommenders,https://github.com/recommenders-team/recommenders,MIT,2018-09-19 10:06:07.000,2024-02-13 20:14:57.000000,2024-01-30 09:34:31,2909.0,163.0,658.0,17547.0,Best Practices on Recommendation Systems.,129.0,21,2022-07-20 05:58:55,1.1.1,12.0,recommenders-team/recommenders,,,,,,,103.0,103.0,,,7.0,,,,,,,,3.0,467.0,,,,,,,,,,,,,,, +514,CNTK,True,microsoft/CNTK,,ml-frameworks,https://github.com/microsoft/CNTK,https://github.com/microsoft/CNTK,,2015-11-26 09:52:06.000,2023-03-11 07:31:35.000000,2022-09-23 14:06:50,4242.0,755.0,2543.0,17427.0,"Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit.",274.0,21,2019-04-26 14:13:32,2.7,32.0,,16117.0,cntk,,,,,2.0,2.0,https://pypi.org/project/cntk,676.0,823.0,,,,,,,,3.0,14347.0,,,,,,,,,,,,,,, +515,cortex,True,cortexlabs/cortex,,model-serialisation,https://github.com/cortexlabs/cortex,https://github.com/cortexlabs/cortex,Apache-2.0,2019-01-24 04:43:14.000,2023-06-16 18:03:39.000000,2023-03-04 05:19:44,599.0,112.0,986.0,7978.0,Cost-effective serverless computing at scale.,25.0,21,2022-09-23 18:01:31,0.42.1,63.0,,2327.0,cortex,,,,,,,https://pypi.org/project/cortex,1118.0,1118.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +516,EfficientNet-PyTorch,True,lukemelas/EfficientNet-PyTorch,,pytorch-utils,https://github.com/lukemelas/EfficientNet-PyTorch,https://github.com/lukemelas/EfficientNet-PyTorch,Apache-2.0,2019-05-30 05:24:11.000,2022-04-08 12:30:25.000000,2021-04-15 15:16:36,1467.0,151.0,141.0,7665.0,A PyTorch implementation of EfficientNet and..,24.0,21,2020-03-01 03:29:43,1.0,1.0,,162.0,efficientnet-pytorch,,,,['pytorch'],1.0,1.0,https://pypi.org/project/efficientnet-pytorch,143738.0,222195.0,,,,,,,,2.0,3687496.0,,,,,,,,,,,,,,, +517,textgenrnn,True,minimaxir/textgenrnn,,nlp,https://github.com/minimaxir/textgenrnn,https://github.com/minimaxir/textgenrnn,,2017-08-07 02:13:37.000,2022-07-17 19:07:49.000000,2020-07-14 02:41:10,737.0,131.0,98.0,4939.0,Easily train your own text-generating neural network of any..,19.0,21,2020-02-03 01:07:00,2.0.0,12.0,,174.0,textgenrnn,,,,['tensorflow'],1106.0,1106.0,https://pypi.org/project/textgenrnn,579.0,591.0,,,,,,,,3.0,894.0,,,,,,,,,,,,,,, +518,River,True,online-ml/river,,others,https://github.com/online-ml/river,https://github.com/online-ml/river,BSD-3-Clause,2019-01-24 15:18:26.000,2024-02-14 14:45:29.000000,2024-02-14 14:41:59,499.0,100.0,463.0,4634.0,Online machine learning in Python.,110.0,21,2023-12-05 09:29:54,0.21.0,14.0,,,,,,,,429.0,429.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +519,segmentation_models,True,qubvel/segmentation_models,,image,https://github.com/qubvel/segmentation_models,https://github.com/qubvel/segmentation_models,MIT,2018-06-05 13:27:56.000,2024-01-13 08:14:49.000000,2022-07-29 10:37:24,994.0,251.0,269.0,4547.0,Segmentation models with pretrained backbones. Keras and TensorFlow Keras.,14.0,21,2020-01-10 11:28:38,1.0.1,4.0,,205.0,segmentation_models,,,,['tensorflow'],,,https://pypi.org/project/segmentation_models,17151.0,17151.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +520,ArrayFire,True,arrayfire/arrayfire,,gpu-utilities,https://github.com/arrayfire/arrayfire,https://github.com/arrayfire/arrayfire,BSD-3-Clause,2014-10-28 20:58:33.000,2024-02-05 17:41:34.000000,2023-10-05 16:17:35,513.0,301.0,1328.0,4345.0,ArrayFire: a general purpose GPU library.,88.0,21,2023-08-29 19:49:26,3.9.0,34.0,,6152.0,arrayfire,,,,,,,https://pypi.org/project/arrayfire,948.0,1000.0,,,,,,,,3.0,5410.0,,,,,,,,,,,,,,, +521,PyAlgoTrade,True,gbeced/pyalgotrade,,financial-data,https://github.com/gbeced/pyalgotrade,https://github.com/gbeced/pyalgotrade,Apache-2.0,2012-03-07 01:09:54.000,2023-11-13 07:16:00.000000,2023-03-05 22:07:59,1306.0,,,4250.0,Python Algorithmic Trading Library.,11.0,21,,,,,1158.0,pyalgotrade,,,,,182.0,182.0,https://pypi.org/project/pyalgotrade,519.0,519.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +522,Snips NLU,True,snipsco/snips-nlu,,nlp,https://github.com/snipsco/snips-nlu,https://github.com/snipsco/snips-nlu,Apache-2.0,2017-02-08 16:16:36.000,2023-05-22 16:10:15.000000,2021-05-03 12:18:31,511.0,66.0,197.0,3855.0,Snips Python library to extract meaning from text.,22.0,21,2020-01-15 09:51:41,0.20.2,58.0,,2154.0,snips-nlu,,,,,,,https://pypi.org/project/snips-nlu,2275.0,2275.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +523,AdaNet,True,tensorflow/adanet,,hyperopt,https://github.com/tensorflow/adanet,https://github.com/tensorflow/adanet,Apache-2.0,2018-06-28 20:20:24.000,2023-11-30 16:30:21.000000,2021-08-30 19:33:24,529.0,65.0,49.0,3477.0,Fast and flexible AutoML with learning guarantees.,27.0,21,2020-07-09 20:53:28,0.9.0,11.0,,440.0,adanet,,,,['tensorflow'],56.0,56.0,https://pypi.org/project/adanet,116.0,116.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +524,PandasGUI,True,adamerose/pandasgui,,data-viz,https://github.com/adamerose/PandasGUI,https://github.com/adamerose/PandasGUI,MIT-0,2019-06-12 02:19:42.000,2023-12-07 20:40:17.000000,2023-12-07 20:40:17,221.0,73.0,122.0,3095.0,A GUI for Pandas DataFrames.,15.0,21,,,,,720.0,pandasgui,,,,['pandas'],346.0,346.0,https://pypi.org/project/pandasgui,3778.0,3778.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +525,Apache Singa,True,apache/singa,,distributed-ml,https://github.com/apache/singa,https://github.com/apache/singa,Apache-2.0,2015-04-02 07:00:05.000,2024-02-09 02:07:58.000000,2023-11-05 09:58:06,1064.0,24.0,72.0,3043.0,a distributed deep learning platform.,85.0,21,2020-04-21 08:01:08,3.0.0,16.0,,2685.0,,nusdbsystem/singa,apache/singa,,,3.0,3.0,,,63.0,https://anaconda.org/nusdbsystem/singa,2023-06-16 13:23:56.805,734.0,https://hub.docker.com/r/apache/singa,2022-05-31 15:24:19.649658,4.0,5840.0,3.0,,,,,,,,,,,,,,,, +526,Texthero,True,jbesomi/texthero,,nlp,https://github.com/jbesomi/texthero,https://github.com/jbesomi/texthero,MIT,2020-04-06 15:16:05.000,2023-08-29 08:45:13.000000,2023-08-29 08:45:10,237.0,55.0,64.0,2851.0,"Text preprocessing, representation and visualization from zero to hero.",21.0,21,2021-07-01 16:53:52,1.1.0,4.0,,277.0,texthero,,,,,,,https://pypi.org/project/texthero,9587.0,9589.0,,,,,,,,3.0,121.0,,,,,,,,,,,,,,, +527,tensorflow-graphics,True,tensorflow/graphics,,image,https://github.com/tensorflow/graphics,https://github.com/tensorflow/graphics,Apache-2.0,2019-01-08 10:39:44.000,2024-02-08 00:07:24.000000,2023-12-15 22:50:38,356.0,83.0,92.0,2738.0,TensorFlow Graphics: Differentiable Graphics Layers..,39.0,21,2019-05-09 10:06:22,1.0.0,1.0,,766.0,tensorflow-graphics,,,,['tensorflow'],,,https://pypi.org/project/tensorflow-graphics,14229.0,14229.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +528,DDSP,True,magenta/ddsp,,audio,https://github.com/magenta/ddsp,https://github.com/magenta/ddsp,Apache-2.0,2020-01-14 18:38:27.000,2023-06-30 21:16:15.000000,2023-06-30 21:16:10,311.0,43.0,124.0,2714.0,DDSP: Differentiable Digital Signal Processing.,32.0,21,2023-04-26 19:23:09,3.5.1,23.0,,,ddsp,,,,['tensorflow'],49.0,49.0,https://pypi.org/project/ddsp,1836.0,1836.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +529,IB-insync,True,erdewit/ib_insync,,financial-data,https://github.com/erdewit/ib_insync,https://github.com/erdewit/ib_insync,BSD-2-Clause,2017-07-12 12:09:24.000,2023-12-11 14:10:13.000000,2023-12-11 14:10:09,597.0,13.0,562.0,2593.0,Python sync/async framework for Interactive Brokers API.,36.0,21,,,22.0,,768.0,ib_insync,conda-forge/ib-insync,,,,,,https://pypi.org/project/ib_insync,33408.0,34108.0,https://anaconda.org/conda-forge/ib-insync,2023-06-16 16:16:07.159,38504.0,,,,,3.0,,,,,,,,,,,,,,,, +530,Enigma Catalyst,True,enigmampc/catalyst,,financial-data,https://github.com/scrtlabs/catalyst,https://github.com/scrtlabs/catalyst,Apache-2.0,2017-06-13 22:31:34.000,2022-11-26 14:07:55.000000,2021-09-22 15:31:55,708.0,124.0,358.0,2454.0,An Algorithmic Trading Library for Crypto-Assets in Python.,151.0,21,,,,scrtlabs/catalyst,6364.0,enigma-catalyst,,,,,25.0,25.0,https://pypi.org/project/enigma-catalyst,177.0,177.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +531,Luminoth,True,tryolabs/luminoth,,image,https://github.com/tryolabs/luminoth,https://github.com/tryolabs/luminoth,BSD-3-Clause,2017-02-16 15:07:46.000,2023-03-24 23:52:00.000000,2020-01-07 20:53:25,400.0,52.0,128.0,2396.0,Deep Learning toolkit for Computer Vision.,15.0,21,,,10.0,,838.0,luminoth,,,,['tensorflow'],52.0,52.0,https://pypi.org/project/luminoth,1645.0,1812.0,,,,,,,,3.0,12734.0,,,,,,,,,,,,,,, +532,Texar,True,asyml/texar,,nlp,https://github.com/asyml/texar,https://github.com/asyml/texar,Apache-2.0,2017-07-22 19:02:05.000,2021-08-26 09:49:50.000000,2020-07-29 00:38:30,371.0,33.0,126.0,2381.0,"Toolkit for Machine Learning, Natural Language Processing, and..",43.0,21,2019-11-19 03:54:40,0.2.4,6.0,,1719.0,texar,,,,['tensorflow'],27.0,27.0,https://pypi.org/project/texar,58.0,58.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +533,PyFlux,True,RJT1990/pyflux,,time-series-data,https://github.com/RJT1990/pyflux,https://github.com/RJT1990/pyflux,BSD-3-Clause,2016-02-16 20:12:02.000,2023-10-24 16:13:23.000000,2018-12-16 15:30:13,238.0,85.0,66.0,2078.0,Open source time series library for Python.,6.0,21,,,,,118.0,pyflux,,,,,261.0,261.0,https://pypi.org/project/pyflux,27861.0,27861.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +534,Orbit,True,uber/orbit,,probabilistics,https://github.com/uber/orbit,https://github.com/uber/orbit,,2020-01-07 18:20:37.000,2024-02-13 05:49:50.000000,2024-01-22 21:33:57,131.0,55.0,343.0,1778.0,A Python package for Bayesian forecasting with object-oriented design..,19.0,21,2024-02-13 05:49:50,1.1.4.3,24.0,,902.0,orbit-ml,,,,,45.0,45.0,https://pypi.org/project/orbit-ml,34050.0,34050.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +535,datatable,True,h2oai/datatable,,data-containers,https://github.com/h2oai/datatable,https://github.com/h2oai/datatable,MPL-2.0,2017-03-03 02:32:59.000,2023-12-01 22:47:14.000000,2023-12-01 22:46:33,151.0,163.0,1337.0,1773.0,A Python package for manipulating 2-dimensional tabular data..,37.0,21,2023-12-01 22:24:23,1.1.0,17.0,,,datatable,,,,,,,https://pypi.org/project/datatable,52210.0,52239.0,,,,,,,,3.0,2270.0,,,,,,,,,,,,,,, +536,hiddenlayer,True,waleedka/hiddenlayer,,ml-experiments,https://github.com/waleedka/hiddenlayer,https://github.com/waleedka/hiddenlayer,MIT,2018-05-18 22:34:51.000,2024-02-11 12:41:49.000000,2020-04-24 06:58:09,247.0,54.0,35.0,1761.0,Neural network graphs and training metrics for..,6.0,21,2018-12-03 04:33:29,0.2,1.0,,58.0,hiddenlayer,,,,"['pytorch', 'tensorflow', 'jupyter']",245.0,245.0,https://pypi.org/project/hiddenlayer,1268.0,1268.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +537,Antialiased CNNs,True,adobe/antialiased-cnns,,pytorch-utils,https://github.com/adobe/antialiased-cnns,https://github.com/adobe/antialiased-cnns,CC BY-NC-SA 4.0,2019-05-14 20:51:25.000,2023-04-10 08:32:30.000000,2021-09-29 18:48:52,203.0,15.0,33.0,1634.0,pip install antialiased-cnns to improve stability and..,6.0,21,2020-10-23 22:45:52,0.3,4.0,,239.0,antialiased-cnns,,,,['pytorch'],48.0,48.0,https://pypi.org/project/antialiased-cnns,9217.0,9217.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +538,Magnitude,True,plasticityai/magnitude,,nn-search,https://github.com/plasticityai/magnitude,https://github.com/plasticityai/magnitude,MIT,2018-02-24 07:28:16.000,2023-08-03 00:59:57.000000,2020-07-17 20:19:46,115.0,33.0,51.0,1611.0,"A fast, efficient universal vector embedding utility package.",4.0,21,2020-05-25 11:26:09,0.1.143,100.0,,350.0,pymagnitude,,,,,333.0,333.0,https://pypi.org/project/pymagnitude,1047.0,1047.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +539,Talos,True,autonomio/talos,,hyperopt,https://github.com/autonomio/talos,https://github.com/autonomio/talos,MIT,2018-05-04 20:36:41.000,2023-11-21 03:54:52.000000,2022-09-18 16:01:20,266.0,9.0,389.0,1606.0,"Hyperparameter Optimization for TensorFlow, Keras and PyTorch.",22.0,21,2022-05-28 10:07:13,1.3,15.0,,637.0,talos,,,,['tensorflow'],171.0,171.0,https://pypi.org/project/talos,829.0,829.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +540,bonobo,True,python-bonobo/bonobo,,data-pipelines,https://github.com/python-bonobo/bonobo,https://github.com/python-bonobo/bonobo,Apache-2.0,2016-12-09 04:03:23.000,2023-05-12 06:19:51.000000,2021-03-10 15:44:00,142.0,72.0,108.0,1571.0,Extract Transform Load for Python 3.5+.,37.0,21,,,,,978.0,bonobo,,,http://docs.bonobo-project.org/en/master/,,169.0,169.0,https://pypi.org/project/bonobo,16635.0,16635.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +541,Mesh,True,tensorflow/mesh,,distributed-ml,https://github.com/tensorflow/mesh,https://github.com/tensorflow/mesh,Apache-2.0,2018-09-20 20:23:34.000,2023-11-17 19:39:54.000000,2023-11-17 19:39:45,245.0,66.0,17.0,1499.0,Mesh TensorFlow: Model Parallelism Made Easier.,50.0,21,2018-12-11 00:09:43,0.0.5,4.0,,658.0,mesh-tensorflow,,,,['tensorflow'],,,https://pypi.org/project/mesh-tensorflow,19274.0,19274.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +542,PyKEEN,True,pykeen/pykeen,,graph,https://github.com/pykeen/pykeen,https://github.com/pykeen/pykeen,MIT,2020-02-24 07:26:03.000,2023-11-18 16:28:54.000000,2023-10-07 11:26:54,169.0,91.0,434.0,1450.0,A Python library for learning and evaluating knowledge graph embeddings.,36.0,21,2023-02-22 18:28:28,1.10.1,19.0,,2816.0,pykeen,,,,,,,https://pypi.org/project/pykeen,3258.0,3262.0,,,,,,,,3.0,177.0,,,,,,,,,,,,,,, +543,Vulkan Kompute,True,EthicalML/vulkan-kompute,,gpu-utilities,https://github.com/KomputeProject/kompute,https://github.com/KomputeProject/kompute,Apache-2.0,2020-07-29 05:23:33.000,2024-02-14 08:51:56.000000,2024-02-14 08:51:56,106.0,62.0,137.0,1370.0,General purpose GPU compute framework for cross vendor..,24.0,21,2024-01-20 15:39:17,0.9.0,14.0,KomputeProject/kompute,1253.0,kp,,,,,,,https://pypi.org/project/kp,222.0,233.0,,,,,,,,3.0,492.0,,,,,,,,,,,,,,, +544,PFRL,True,pfnet/pfrl,,reinforcement-learning,https://github.com/pfnet/pfrl,https://github.com/pfnet/pfrl,MIT,2020-06-24 09:31:50.000,2024-02-06 06:41:55.000000,2023-07-16 15:16:10,146.0,29.0,45.0,1126.0,PFRL: a PyTorch-based deep reinforcement learning library.,19.0,21,2023-07-16 15:19:48,0.4.0,5.0,,420.0,pfrl,,,,,99.0,99.0,https://pypi.org/project/pfrl,811.0,811.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +545,tf-explain,True,sicara/tf-explain,,interpretability,https://github.com/sicara/tf-explain,https://github.com/sicara/tf-explain,MIT,2019-07-15 08:26:24.000,2022-06-30 08:14:18.000000,2022-06-30 08:14:18,109.0,39.0,51.0,1009.0,Interpretability Methods for tf.keras models with Tensorflow 2.x.,18.0,21,2021-11-18 20:27:53,0.3.1,7.0,,208.0,tf-explain,,,,['tensorflow'],209.0,209.0,https://pypi.org/project/tf-explain,1888.0,1888.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +546,Sentinelsat,True,sentinelsat/sentinelsat,,geospatial-data,https://github.com/sentinelsat/sentinelsat,https://github.com/sentinelsat/sentinelsat,GPL-3.0,2015-05-22 20:32:26.000,2023-11-08 21:55:22.000000,2023-11-08 21:55:22,219.0,1.0,365.0,949.0,Search and download Copernicus Sentinel satellite images.,43.0,21,2023-03-10 17:50:22,1.2.1,13.0,,,sentinelsat,,,,,531.0,531.0,https://pypi.org/project/sentinelsat,20085.0,20087.0,,,,,,,,3.0,262.0,,,,,,,,,,,,,,, +547,PyTorch Sparse,True,rusty1s/pytorch_sparse,,pytorch-utils,https://github.com/rusty1s/pytorch_sparse,https://github.com/rusty1s/pytorch_sparse,MIT,2018-07-28 18:46:53.000,2024-02-02 10:10:24.000000,2024-02-02 10:10:23,139.0,29.0,233.0,923.0,PyTorch Extension Library of Optimized Autograd Sparse..,45.0,21,2023-10-06 08:51:23,0.6.18,28.0,,729.0,torch-sparse,,,,['pytorch'],,,https://pypi.org/project/torch-sparse,21502.0,21502.0,,,,,,,,2.0,,,,,,,,,,,,,,,, +548,pythreejs,True,jupyter-widgets/pythreejs,,data-viz,https://github.com/jupyter-widgets/pythreejs,https://github.com/jupyter-widgets/pythreejs,,2013-12-23 17:02:11.000,2023-06-16 13:16:30.947000,2023-02-20 00:24:10,177.0,60.0,174.0,917.0,A Jupyter - Three.js bridge.,30.0,21,2022-08-31 09:02:38,2.4.1,18.0,,1723.0,pythreejs,conda-forge/pythreejs,,,['jupyter'],30.0,30.0,https://pypi.org/project/pythreejs,49644.0,58588.0,https://anaconda.org/conda-forge/pythreejs,2023-06-16 13:16:30.947,522201.0,,,,,3.0,,,jupyter-threejs,https://www.npmjs.com/package/jupyter-threejs,3329.0,,,,,,,,,,, +549,kapre,True,keunwoochoi/kapre,,audio,https://github.com/keunwoochoi/kapre,https://github.com/keunwoochoi/kapre,MIT,2016-12-14 18:36:36.000,2023-10-23 02:52:41.000000,2022-07-04 00:10:02,146.0,13.0,82.0,907.0,kapre: Keras Audio Preprocessors.,13.0,21,2022-01-21 20:10:47,Kapre-0.3.7,10.0,,195.0,kapre,,,,['tensorflow'],2362.0,2362.0,https://pypi.org/project/kapre,1113.0,1113.0,,,,,,,,3.0,26.0,,,,,,,,,,,,,,, +550,inflect,True,jaraco/inflect,,nlp,https://github.com/jaraco/inflect,https://github.com/jaraco/inflect,MIT,2010-06-20 13:43:13.000,2024-02-08 17:43:22.000000,2024-02-08 17:43:22,91.0,28.0,83.0,897.0,"Correctly generate plurals, ordinals, indefinite articles; convert numbers..",54.0,21,2023-07-04 14:17:12,7.0.0,23.0,,,inflect,conda-forge/inflect,,,,,,https://pypi.org/project/inflect,4872328.0,4880508.0,https://anaconda.org/conda-forge/inflect,2023-07-04 16:42:55.600,359944.0,,,,,3.0,,,,,,,,,,,,,,,, +551,torch-cluster,True,rusty1s/pytorch_cluster,,graph,https://github.com/rusty1s/pytorch_cluster,https://github.com/rusty1s/pytorch_cluster,MIT,2018-01-12 20:56:06.000,2024-02-12 19:42:13.000000,2024-02-04 09:11:51,129.0,30.0,122.0,737.0,PyTorch Extension Library of Optimized Graph Cluster..,33.0,21,2023-10-12 06:54:28,1.6.3,32.0,,596.0,torch-cluster,,,,['pytorch'],,,https://pypi.org/project/torch-cluster,11194.0,11194.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +552,finetune,True,IndicoDataSolutions/finetune,,nlp,https://github.com/IndicoDataSolutions/finetune,https://github.com/IndicoDataSolutions/finetune,MPL-2.0,2018-06-12 17:02:16.000,2024-01-14 17:42:25.000000,2024-01-08 12:42:48,79.0,22.0,118.0,696.0,Scikit-learn style model finetuning for NLP.,23.0,21,2019-01-18 20:10:51,0.5.14,15.0,,1201.0,finetune,,,,"['tensorflow', 'sklearn']",11.0,11.0,https://pypi.org/project/finetune,156.0,156.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +553,Torchbearer,True,pytorchbearer/torchbearer,,ml-frameworks,https://github.com/pytorchbearer/torchbearer,https://github.com/pytorchbearer/torchbearer,MIT,2018-03-12 16:30:42.000,2023-12-04 11:10:47.000000,2023-12-04 11:10:46,67.0,10.0,237.0,631.0,torchbearer: A model fitting library for PyTorch.,14.0,21,2023-12-01 18:41:20,0.5.5,26.0,,442.0,torchbearer,,,,['pytorch'],86.0,86.0,https://pypi.org/project/torchbearer,301.0,301.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +554,random-forest-importances,True,parrt/random-forest-importances,,interpretability,https://github.com/parrt/random-forest-importances,https://github.com/parrt/random-forest-importances,MIT,2018-03-22 19:20:13.000,2023-11-18 04:12:38.000000,2021-01-30 21:50:02,130.0,8.0,29.0,578.0,Code to compute permutation and drop-column..,14.0,21,2021-01-28 23:23:17,1.3.7,5.0,,249.0,rfpimp,,,,['sklearn'],136.0,136.0,https://pypi.org/project/rfpimp,19780.0,19780.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +555,recmetrics,True,statisticianinstilettos/recmetrics,,recommender-systems,https://github.com/statisticianinstilettos/recmetrics,https://github.com/statisticianinstilettos/recmetrics,MIT,2018-10-15 15:29:49.000,2024-01-11 20:34:53.000000,2023-10-04 12:31:54,95.0,10.0,15.0,550.0,A library of metrics for evaluating recommender systems.,20.0,21,2022-04-26 18:03:18,0.1.5,1.0,,297.0,recmetrics,,,,,49.0,49.0,https://pypi.org/project/recmetrics,10272.0,10272.0,,,,,,,,3.0,5.0,,,,,,,,,,,,,,, +556,Pandas Summary,True,mouradmourafiq/pandas-summary,,data-containers,https://github.com/polyaxon/traceml,https://github.com/polyaxon/traceml,Apache-2.0,2016-03-25 21:59:32.000,2024-01-16 15:10:47.000000,2024-01-16 15:10:41,42.0,6.0,8.0,490.0,An extension to pandas dataframes describe function.,99.0,21,,,,polyaxon/traceml,9949.0,pandas-summary,,,,['pandas'],,,https://pypi.org/project/pandas-summary,86147.0,86147.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +557,sklearn-crfsuite,True,TeamHG-Memex/sklearn-crfsuite,,sklearn-utils,https://github.com/TeamHG-Memex/sklearn-crfsuite,https://github.com/TeamHG-Memex/sklearn-crfsuite,,2015-11-26 21:15:41.000,2023-09-25 19:44:09.000000,2019-12-05 08:17:22,212.0,34.0,23.0,422.0,scikit-learn inspired API for CRFsuite.,6.0,21,,,,,46.0,sklearn-crfsuite,,,,['sklearn'],7359.0,7359.0,https://pypi.org/project/sklearn-crfsuite,180916.0,180916.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +558,SUOD,True,yzhao062/SUOD,,others,https://github.com/yzhao062/SUOD,https://github.com/yzhao062/SUOD,BSD-2-Clause,2019-11-20 00:23:54.000,2024-02-08 01:48:55.000000,2024-02-08 01:48:49,48.0,9.0,3.0,366.0,(MLSys' 21) An Acceleration System for Large-scare Unsupervised..,3.0,21,,,,,168.0,suod,,,,,502.0,502.0,https://pypi.org/project/suod,13991.0,13991.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +559,pyexcel-xlsx,True,pyexcel/pyexcel-xlsx,,data-loading,https://github.com/pyexcel/pyexcel-xlsx,https://github.com/pyexcel/pyexcel-xlsx,,2014-12-02 00:03:24.000,2023-07-14 10:54:50.000000,2020-11-28 22:30:53,26.0,10.0,25.0,113.0,"A wrapper library to read, manipulate and write data in xlsx and..",4.0,21,2020-10-10 13:13:09,0.6.0,30.0,,267.0,pyexcel-xlsx,conda-forge/pyexcel-xlsx,,,,2668.0,2668.0,https://pypi.org/project/pyexcel-xlsx,134660.0,135022.0,https://anaconda.org/conda-forge/pyexcel-xlsx,2023-06-16 13:23:09.620,27524.0,,,,,3.0,67.0,,,,,,,,,,,,,,, +560,PaddleDetection,True,PaddlePaddle/PaddleDetection,,image,https://github.com/PaddlePaddle/PaddleDetection,https://github.com/PaddlePaddle/PaddleDetection,Apache-2.0,2019-10-25 07:21:14.000,2024-02-04 08:59:17.000000,2023-12-28 07:35:14,2750.0,1324.0,3872.0,11793.0,Object detection and instance segmentation toolkit..,159.0,20,2023-10-19 03:47:18,2.7.0,9.0,,,,,,,['paddle'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +561,MMF,True,facebookresearch/mmf,,image,https://github.com/facebookresearch/mmf,https://github.com/facebookresearch/mmf,BSD-3-Clause,2018-06-27 04:52:40.000,2024-01-18 21:14:52.000000,2024-01-03 14:54:33,880.0,109.0,542.0,5374.0,A modular framework for vision & language multimodal research from..,116.0,20,2019-08-26 19:04:21,0.3.1,2.0,,,mmf,,,,['pytorch'],17.0,17.0,https://pypi.org/project/mmf,314.0,314.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +562,MMLSpark,True,Azure/mmlspark,,distributed-ml,https://github.com/microsoft/SynapseML,https://github.com/microsoft/SynapseML,MIT,2017-06-05 08:23:44.000,2024-02-14 01:22:29.000000,2024-02-12 23:18:11,788.0,299.0,398.0,4933.0,Microsoft Machine Learning for Apache Spark.,116.0,20,2023-11-27 21:27:39,1.0.2,42.0,microsoft/SynapseML,1559.0,mmlspark,,,,['spark'],,,https://pypi.org/project/mmlspark,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +563,Crypto Signals,True,CryptoSignal/crypto-signal,,financial-data,https://github.com/CryptoSignal/Crypto-Signal,https://github.com/CryptoSignal/Crypto-Signal,MIT,2017-09-16 23:49:24.000,2024-02-14 12:21:00.000000,2022-08-09 13:26:32,1153.0,59.0,208.0,4626.0,Github.com/CryptoSignal - #1 Quant Trading & Technical..,28.0,20,,,,,565.0,,,shadowreaver/crypto-signal,,,,,,,1860.0,,,,https://hub.docker.com/r/shadowreaver/crypto-signal,2020-09-03 13:00:35.801133,8.0,143256.0,3.0,,,,,,,,,,,,,,,, +564,Stable Baselines,True,hill-a/stable-baselines,,reinforcement-learning,https://github.com/hill-a/stable-baselines,https://github.com/hill-a/stable-baselines,MIT,2018-07-02 14:28:59.000,2022-09-04 14:04:44.000000,2022-09-04 14:04:44,717.0,119.0,824.0,3992.0,"A fork of OpenAI Baselines, implementations of reinforcement..",114.0,20,2020-08-05 19:45:11,2.10.1,21.0,,839.0,stable-baselines,,,,,,,https://pypi.org/project/stable-baselines,4394.0,4394.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +565,MatchZoo,True,NTMC-Community/MatchZoo,,nlp,https://github.com/NTMC-Community/MatchZoo,https://github.com/NTMC-Community/MatchZoo,Apache-2.0,2017-06-08 08:55:22.000,2021-06-03 02:58:49.000000,2021-06-02 17:38:16,889.0,33.0,430.0,3810.0,"Facilitating the design, comparison and sharing of deep..",36.0,20,2019-10-09 19:24:22,2.2,2.0,,1810.0,matchzoo,,,,['tensorflow'],16.0,16.0,https://pypi.org/project/matchzoo,83.0,83.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +566,cuML,True,rapidsai/cuml,,gpu-utilities,https://github.com/rapidsai/cuml,https://github.com/rapidsai/cuml,Apache-2.0,2018-10-11 15:45:35.000,2024-02-14 19:48:23.000000,2024-02-12 20:49:32,492.0,819.0,1544.0,3802.0,cuML - RAPIDS Machine Learning Library.,168.0,20,2024-02-13 16:00:26,24.02.00,37.0,,,cuml,,,,,,,https://pypi.org/project/cuml,2155.0,2155.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +567,Hummingbird,True,microsoft/hummingbird,,model-serialisation,https://github.com/microsoft/hummingbird,https://github.com/microsoft/hummingbird,MIT,2020-03-12 20:27:03.000,2024-02-14 21:45:19.000000,2024-02-14 21:36:13,269.0,51.0,254.0,3279.0,Hummingbird compiles trained ML models into tensor computation for..,40.0,20,2024-01-08 18:41:59,0.4.10,23.0,,,hummingbird-ml,,,,,,,https://pypi.org/project/hummingbird-ml,7698.0,7706.0,,,,,,,,3.0,368.0,,,,,,,,,,,,,,, +568,dpark,True,douban/dpark,,data-pipelines,https://github.com/douban/dpark,https://github.com/douban/dpark,BSD-3-Clause,2012-04-11 08:35:06.000,2020-12-25 10:36:06.000000,2020-12-25 10:36:05,527.0,1.0,60.0,2693.0,"Python clone of Spark, a MapReduce alike framework in Python.",35.0,20,2018-07-27 04:05:25,0.5.0,4.0,,1467.0,dpark,,,,['spark'],5.0,5.0,https://pypi.org/project/dpark,60.0,60.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +569,AmpliGraph,True,Accenture/AmpliGraph,,graph,https://github.com/Accenture/AmpliGraph,https://github.com/Accenture/AmpliGraph,Apache-2.0,2019-01-09 14:52:05.000,2024-01-25 19:00:06.000000,2023-07-12 18:14:01,244.0,31.0,186.0,2052.0,Python library for Representation Learning on Knowledge..,20.0,20,2023-07-12 18:26:08,2.0.1,13.0,,,ampligraph,,,,['tensorflow'],49.0,49.0,https://pypi.org/project/ampligraph,682.0,682.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +570,Torchmeta,True,tristandeleu/pytorch-meta,,pytorch-utils,https://github.com/tristandeleu/pytorch-meta,https://github.com/tristandeleu/pytorch-meta,MIT,2018-12-04 23:36:45.000,2023-07-17 16:05:00.000000,2021-09-20 16:03:46,238.0,51.0,90.0,1906.0,A collection of extensions and data-loaders for few-shot learning..,12.0,20,,,,,382.0,torchmeta,,,,['pytorch'],161.0,161.0,https://pypi.org/project/torchmeta,3914.0,3914.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +571,Higher,True,facebookresearch/higher,,pytorch-utils,https://github.com/facebookresearch/higher,https://github.com/facebookresearch/higher,Apache-2.0,2019-09-06 18:58:36.000,2022-03-25 15:56:51.000000,2021-10-26 07:08:33,120.0,58.0,50.0,1564.0,higher is a pytorch library allowing users to obtain higher..,9.0,20,,,,,,higher,,,,['pytorch'],384.0,384.0,https://pypi.org/project/higher,64639.0,64639.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +572,EfficientNets,True,rwightman/gen-efficientnet-pytorch,,pytorch-utils,https://github.com/rwightman/gen-efficientnet-pytorch,https://github.com/rwightman/gen-efficientnet-pytorch,Apache-2.0,2019-05-11 19:35:56.000,2022-07-01 09:55:35.000000,2021-07-08 19:03:55,203.0,4.0,51.0,1555.0,"Pretrained EfficientNet, EfficientNet-Lite, MixNet,..",5.0,20,,,,,108.0,geffnet,,,,['pytorch'],209.0,209.0,https://pypi.org/project/geffnet,5655.0,5655.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +573,ThunderSVM,True,Xtra-Computing/thundersvm,,ml-frameworks,https://github.com/Xtra-Computing/thundersvm,https://github.com/Xtra-Computing/thundersvm,Apache-2.0,2014-12-11 04:24:04.000,2024-01-29 06:34:18.000000,2024-01-29 06:20:56,208.0,74.0,149.0,1528.0,ThunderSVM: A Fast SVM Library on GPUs and CPUs.,36.0,20,2019-11-17 09:36:51,0.3.4,5.0,,908.0,thundersvm,,,,,,,https://pypi.org/project/thundersvm,279.0,310.0,,,,,,,,3.0,2745.0,,,,,,,,,,,,,,, +574,gplearn,True,trevorstephens/gplearn,,others,https://github.com/trevorstephens/gplearn,https://github.com/trevorstephens/gplearn,BSD-3-Clause,2015-03-26 01:01:14.000,2023-11-29 15:04:03.000000,2023-08-12 06:34:27,266.0,23.0,188.0,1484.0,"Genetic Programming in Python, with a scikit-learn inspired API.",10.0,20,2022-05-03 10:56:08,0.4.2,1.0,,,gplearn,,,,['sklearn'],499.0,499.0,https://pypi.org/project/gplearn,5529.0,5529.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +575,anaGo,True,Hironsan/anago,,nlp,https://github.com/Hironsan/anago,https://github.com/Hironsan/anago,MIT,2017-06-26 21:28:36.000,2022-12-07 23:44:31.000000,2021-04-01 12:34:50,358.0,37.0,72.0,1475.0,"Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-..",11.0,20,2018-06-03 13:51:56,1.0.0,5.0,,298.0,anago,,,,['tensorflow'],32.0,32.0,https://pypi.org/project/anago,309.0,309.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +576,Pytorch Toolbelt,True,BloodAxe/pytorch-toolbelt,,pytorch-utils,https://github.com/BloodAxe/pytorch-toolbelt,https://github.com/BloodAxe/pytorch-toolbelt,MIT,2019-03-15 16:02:49.000,2024-02-13 09:45:09.000000,2024-02-13 09:48:34,118.0,2.0,29.0,1468.0,PyTorch extensions for fast R&D prototyping and Kaggle..,7.0,20,2023-08-19 14:26:10,0.7.0,29.0,,1160.0,pytorch_toolbelt,,,,['pytorch'],,,https://pypi.org/project/pytorch_toolbelt,7220.0,7220.0,,,,,,,,3.0,13.0,,,,,,,,,,,,,,, +577,PySAL,True,pysal/pysal,,geospatial-data,https://github.com/pysal/pysal,https://github.com/pysal/pysal,BSD-3-Clause,2013-02-19 17:27:42.000,2024-01-31 22:47:54.000000,2024-01-31 09:58:21,280.0,18.0,608.0,1245.0,PySAL: Python Spatial Analysis Library Meta-Package.,78.0,20,2024-01-31 22:49:04,24.01,31.0,,,pysal,conda-forge/pysal,,,,,,https://pypi.org/project/pysal,26700.0,39058.0,https://anaconda.org/conda-forge/pysal,2023-10-04 23:43:19.864,531430.0,,,,,3.0,,,,,,,,,,,,,,,, +578,DiCE,True,interpretml/DiCE,,interpretability,https://github.com/interpretml/DiCE,https://github.com/interpretml/DiCE,MIT,2019-05-02 09:51:02.000,2024-02-07 11:53:44.000000,2023-12-09 21:53:10,173.0,64.0,94.0,1236.0,Generate Diverse Counterfactual Explanations for any machine..,19.0,20,2023-10-26 11:36:48,0.11,12.0,,,dice-ml,,,,"['tensorflow', 'pytorch']",,,https://pypi.org/project/dice-ml,76643.0,76643.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +579,TFEncrypted,True,tf-encrypted/tf-encrypted,,privacy-ml,https://github.com/tf-encrypted/tf-encrypted,https://github.com/tf-encrypted/tf-encrypted,Apache-2.0,2018-03-21 18:22:13.000,2023-10-19 08:20:16.000000,2023-02-08 02:25:50,204.0,143.0,293.0,1175.0,A Framework for Encrypted Machine Learning in TensorFlow.,29.0,20,,,,,604.0,tf-encrypted,,,,['tensorflow'],65.0,65.0,https://pypi.org/project/tf-encrypted,414.0,414.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +580,luminol,True,linkedin/luminol,,time-series-data,https://github.com/linkedin/luminol,https://github.com/linkedin/luminol,Apache-2.0,2015-11-18 23:16:33.000,2023-05-09 00:52:44.000000,2023-05-09 00:52:44,215.0,26.0,12.0,1140.0,Anomaly Detection and Correlation library.,9.0,20,,,,,72.0,luminol,,,,,77.0,77.0,https://pypi.org/project/luminol,8961.0,8961.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +581,attention-ocr,True,emedvedev/attention-ocr,,ocr,https://github.com/emedvedev/attention-ocr,https://github.com/emedvedev/attention-ocr,MIT,2017-07-21 18:35:19.000,2023-10-20 17:48:54.000000,2023-10-20 17:48:54,250.0,26.0,127.0,1045.0,A Tensorflow model for text recognition (CNN + seq2seq with..,28.0,20,2020-10-12 06:56:40,0.7.6,2.0,,207.0,aocr,,,,['tensorflow'],28.0,28.0,https://pypi.org/project/aocr,189.0,189.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +582,scikit-cuda,True,lebedov/scikit-cuda,,gpu-utilities,https://github.com/lebedov/scikit-cuda,https://github.com/lebedov/scikit-cuda,,2010-09-27 02:02:07.000,2023-10-15 05:57:46.000000,2023-10-15 05:57:46,173.0,52.0,170.0,963.0,Python interface to GPU-powered libraries.,44.0,20,2015-12-29 15:56:39,0.5.1,7.0,,1036.0,scikit-cuda,,,,,283.0,283.0,https://pypi.org/project/scikit-cuda,562.0,562.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +583,pickleDB,True,patx/pickledb,,data-containers,https://github.com/patx/pickledb,https://github.com/patx/pickledb,BSD-3-Clause,2011-10-28 00:04:40.000,2023-05-14 06:17:52.000000,2023-04-19 03:40:46,123.0,18.0,42.0,846.0,pickleDB is an open source key-value store using Python's json..,15.0,20,,,,,109.0,pickledb,,,,,1441.0,1441.0,https://pypi.org/project/pickledb,47921.0,47921.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +584,pdpipe,True,pdpipe/pdpipe,,data-pipelines,https://github.com/pdpipe/pdpipe,https://github.com/pdpipe/pdpipe,MIT,2017-01-24 20:37:22.000,2023-03-27 17:52:21.000000,2022-12-24 17:10:19,44.0,15.0,38.0,714.0,Easy pipelines for pandas DataFrames.,11.0,20,2022-09-19 07:35:46,0.3.2,47.0,,440.0,pdpipe,,,,['pandas'],60.0,60.0,https://pypi.org/project/pdpipe,1911.0,1911.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +585,BioPandas,True,rasbt/biopandas,,others,https://github.com/BioPandas/biopandas,https://github.com/BioPandas/biopandas,BSD-3-Clause,2015-11-21 00:00:14.000,2023-09-19 18:44:18.000000,2023-09-19 18:44:18,116.0,23.0,33.0,661.0,Working with molecular structures in pandas DataFrames.,15.0,20,2023-08-28 15:31:05,0.5.1de,17.0,BioPandas/biopandas,,biopandas,conda-forge/biopandas,,,['pandas'],227.0,227.0,https://pypi.org/project/biopandas,84500.0,86228.0,https://anaconda.org/conda-forge/biopandas,2023-06-16 13:21:19.340,148675.0,,,,,3.0,,,,,,,,,,,,,,,, +586,HpBandSter,True,automl/HpBandSter,,hyperopt,https://github.com/automl/HpBandSter,https://github.com/automl/HpBandSter,BSD-3-Clause,2017-12-17 20:28:20.000,2022-10-16 06:18:34.000000,2022-04-22 06:33:31,111.0,56.0,35.0,596.0,a distributed Hyperband implementation on Steroids.,11.0,20,2019-07-30 12:47:43,1.0,1.0,,188.0,hpbandster,,,,,406.0,406.0,https://pypi.org/project/hpbandster,12662.0,12662.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +587,Neuraxle,True,Neuraxio/Neuraxle,,hyperopt,https://github.com/Neuraxio/Neuraxle,https://github.com/Neuraxio/Neuraxle,Apache-2.0,2019-03-26 21:01:54.000,2023-05-01 22:43:43.000000,2022-08-16 17:43:49,58.0,14.0,302.0,595.0,A Sklearn-like Framework for Hyperparameter Tuning and AutoML in..,9.0,20,2022-08-16 19:54:29,0.8.1,27.0,,1877.0,neuraxle,,,,,60.0,60.0,https://pypi.org/project/neuraxle,300.0,300.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +588,skope-rules,True,scikit-learn-contrib/skope-rules,,sklearn-utils,https://github.com/scikit-learn-contrib/skope-rules,https://github.com/scikit-learn-contrib/skope-rules,,2018-02-18 13:42:47.000,2024-01-31 14:01:51.000000,2023-02-14 11:18:28,90.0,28.0,6.0,576.0,machine learning with logical rules in Python.,19.0,20,2020-12-11 09:37:02,1.0.1,1.0,,249.0,skope-rules,,,,['sklearn'],360.0,360.0,https://pypi.org/project/skope-rules,14519.0,14519.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +589,joypy,True,sbebo/joypy,,data-viz,https://github.com/leotac/joypy,https://github.com/leotac/joypy,MIT,2017-07-30 17:18:50.000,2023-06-16 16:14:43.440000,2021-12-19 09:41:43,54.0,13.0,37.0,524.0,Joyplots in Python with matplotlib & pandas.,6.0,20,,,5.0,leotac/joypy,133.0,joypy,conda-forge/joypy,,,,339.0,339.0,https://pypi.org/project/joypy,8922.0,9331.0,https://anaconda.org/conda-forge/joypy,2023-06-16 16:14:43.440,24177.0,,,,,3.0,,,,,,,,,,,,,,,, +590,tick,True,X-DataInitiative/tick,,time-series-data,https://github.com/X-DataInitiative/tick,https://github.com/X-DataInitiative/tick,BSD-3-Clause,2016-12-01 10:59:08.000,2024-01-29 11:47:35.000000,2023-03-05 00:16:57,97.0,70.0,173.0,461.0,"Module for statistical learning, with a particular emphasis on time-..",19.0,20,2019-09-11 11:25:15,0.6,5.0,,419.0,tick,,,,,74.0,74.0,https://pypi.org/project/tick,1279.0,1282.0,,,,,,,,3.0,297.0,,,,,,,,,,,,,,, +591,optunity,True,claesenm/optunity,,hyperopt,https://github.com/claesenm/optunity,https://github.com/claesenm/optunity,BSD-3-Clause,2014-05-28 17:29:11.000,2023-11-25 01:31:29.000000,2020-05-11 14:32:38,79.0,48.0,49.0,414.0,optimization routines for hyperparameter tuning.,9.0,20,2015-09-30 04:59:38,1.1.1,3.0,,782.0,optunity,,,,,111.0,111.0,https://pypi.org/project/optunity,5466.0,5466.0,,,,,,,,3.0,90.0,,,,,,,,,,,,,,, +592,messytables,True,okfn/messytables,,data-loading,https://github.com/okfn/messytables,https://github.com/okfn/messytables,,2011-07-27 18:08:21.000,2023-05-22 21:34:25.000000,2019-11-13 07:35:33,104.0,35.0,55.0,390.0,Tools for parsing messy tabular data. This is now superseded by..,44.0,20,2016-09-29 14:15:14,0.15.1,1.0,,601.0,messytables,,,,,295.0,295.0,https://pypi.org/project/messytables,15955.0,15955.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +593,vega,True,vega/ipyvega,,data-viz,https://github.com/vega/ipyvega,https://github.com/vega/ipyvega,BSD-3-Clause,2015-08-04 03:22:47.000,2024-02-01 02:10:42.000000,2024-02-01 02:10:41,60.0,11.0,91.0,367.0,IPython/Jupyter notebook module for Vega and Vega-Lite.,15.0,20,2023-07-18 13:09:18,4.0.0,28.0,,658.0,vega,conda-forge/vega,,,['jupyter'],4.0,4.0,https://pypi.org/project/vega,32573.0,38828.0,https://anaconda.org/conda-forge/vega,2023-06-16 13:18:03.216,575529.0,,,,,3.0,,,,,,,,,,,,,,,, +594,Orion,True,Epistimio/orion,,hyperopt,https://github.com/Epistimio/orion,https://github.com/Epistimio/orion,,2017-09-07 06:05:21.000,2023-12-11 19:25:59.000000,2023-11-17 21:43:05,49.0,193.0,204.0,275.0,Asynchronous Distributed Hyperparameter Optimization.,32.0,20,2023-03-02 21:02:52,0.2.7,26.0,,4006.0,orion,,,,,98.0,98.0,https://pypi.org/project/orion,1051.0,1051.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +595,pyfasttext,True,vrasneur/pyfasttext,,nlp,https://github.com/vrasneur/pyfasttext,https://github.com/vrasneur/pyfasttext,GPL-3.0,2017-06-30 18:44:42.000,2018-12-08 15:02:54.000000,2018-12-08 15:02:12,31.0,20.0,29.0,228.0,Yet another Python binding for fastText.,4.0,20,2018-12-08 15:02:54,0.4.6,12.0,,153.0,pyfasttext,,,,,396.0,396.0,https://pypi.org/project/pyfasttext,1596.0,1600.0,,,,,,,,3.0,368.0,,,,,,,,,,,,,,, +596,Funsor,True,pyro-ppl/funsor,,probabilistics,https://github.com/pyro-ppl/funsor,https://github.com/pyro-ppl/funsor,Apache-2.0,2019-01-30 23:13:39.000,2023-08-31 18:37:21.000000,2023-08-31 18:34:42,19.0,69.0,76.0,228.0,Functional tensors for probabilistic programming.,11.0,20,2023-08-31 18:37:22,0.4.6,12.0,,577.0,funsor,,,,['pytorch'],66.0,66.0,https://pypi.org/project/funsor,50798.0,50798.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +597,BatchFlow,True,analysiscenter/batchflow,,data-pipelines,https://github.com/analysiscenter/batchflow,https://github.com/analysiscenter/batchflow,Apache-2.0,2017-03-13 14:22:53.000,2024-01-22 22:06:42.000000,2024-01-18 11:58:13,44.0,28.0,80.0,195.0,BatchFlow helps you conveniently work with random or sequential..,35.0,20,2023-08-01 10:50:17,0.8.7,20.0,,5466.0,batchflow,,,,,9.0,9.0,https://pypi.org/project/batchflow,628.0,628.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +598,DE⫶TR,True,facebookresearch/detr,,image,https://github.com/facebookresearch/detr,https://github.com/facebookresearch/detr,Apache-2.0,2020-05-26 23:54:52.000,2024-01-22 00:19:31.000000,2023-02-07 10:12:31,2165.0,239.0,286.0,12475.0,End-to-End Object Detection with Transformers.,26.0,19,2020-06-29 16:41:01,0.2,1.0,,42.0,,,,,['pytorch'],21.0,21.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +599,TensorLayer,True,tensorlayer/tensorlayer,,reinforcement-learning,https://github.com/tensorlayer/TensorLayer,https://github.com/tensorlayer/TensorLayer,,2016-06-07 15:55:16.000,2023-02-18 07:58:21.000000,2023-02-18 07:58:21,1594.0,24.0,441.0,7274.0,Deep Learning and Reinforcement Learning Library for..,134.0,19,2021-01-06 07:16:21,2.2.4,76.0,,3353.0,tensorlayer,,,,['tensorflow'],,,https://pypi.org/project/tensorlayer,979.0,1001.0,,,,,,,,3.0,1998.0,,,,,,,,,,,,,,, +600,T5,True,google-research/text-to-text-transfer-transformer,,nlp,https://github.com/google-research/text-to-text-transfer-transformer,https://github.com/google-research/text-to-text-transfer-transformer,Apache-2.0,2019-10-17 21:45:14.000,2024-01-23 18:30:32.000000,2024-01-23 18:30:25,728.0,59.0,345.0,5741.0,Code for the paper Exploring the Limits of Transfer Learning with a..,58.0,19,2020-04-03 19:06:25,0.4.0,1.0,,,t5,,,,['tensorflow'],,,https://pypi.org/project/t5,14081.0,14081.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +601,mace,True,XiaoMi/mace,,ml-frameworks,https://github.com/XiaoMi/mace,https://github.com/XiaoMi/mace,Apache-2.0,2018-06-27 03:50:12.000,2023-04-10 13:46:12.000000,2022-05-30 07:32:06,808.0,56.0,620.0,4852.0,MACE is a deep learning inference framework optimized for mobile..,69.0,19,2022-01-13 09:55:14,1.1.1,12.0,,3344.0,,,,,,,,,,22.0,,,,,,,,3.0,1501.0,,,,,,,,,,,,,,, +602,yellowbrick,True,DistrictDataLabs/yellowbrick,,interpretability,https://github.com/DistrictDataLabs/yellowbrick,https://github.com/DistrictDataLabs/yellowbrick,Apache-2.0,2016-05-18 14:12:17.000,2023-07-29 21:28:21.000000,2023-07-05 18:14:28,536.0,85.0,606.0,4164.0,Visual analysis and diagnostic tools to facilitate machine..,113.0,19,2022-08-21 12:49:43,1.5,24.0,,,yellowbrick,,,,['sklearn'],,,https://pypi.org/project/yellowbrick,395599.0,395599.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +603,neon,True,NervanaSystems/neon,,ml-frameworks,https://github.com/NervanaSystems/neon,https://github.com/NervanaSystems/neon,Apache-2.0,2014-10-16 01:00:17.000,2020-12-23 01:21:42.000000,2019-05-22 18:27:54,801.0,83.0,306.0,3866.0,Intel Nervana reference deep learning framework committed to best..,108.0,19,2018-01-05 21:36:23,2.6.0,32.0,,1118.0,nervananeon,,,,,,,https://pypi.org/project/nervananeon,97.0,100.0,,,,,,,,3.0,384.0,,,,,,,,,,,,,,, +604,Camelot,True,atlanhq/camelot,,data-loading,https://github.com/atlanhq/camelot,https://github.com/atlanhq/camelot,,2016-06-18 11:48:49.000,2023-01-05 15:25:42.000000,2019-10-15 05:25:40,344.0,99.0,279.0,3523.0,Camelot: PDF Table Extraction for Humans.,24.0,19,2019-01-17 04:21:43,0.7.2,1.0,,446.0,camelot-py,,,,,,,https://pypi.org/project/camelot-py,290934.0,290934.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +605,PyTorch-BigGraph,True,facebookresearch/PyTorch-BigGraph,,graph,https://github.com/facebookresearch/PyTorch-BigGraph,https://github.com/facebookresearch/PyTorch-BigGraph,,2018-10-01 20:41:16.000,2024-01-06 08:42:15.000000,2024-01-06 08:37:53,438.0,57.0,137.0,3340.0,Generate embeddings from large-scale graph-structured..,31.0,19,2019-10-14 16:45:11,1.0.0,3.0,,,torchbiggraph,,,,['pytorch'],,,https://pypi.org/project/torchbiggraph,299696.0,299699.0,,,,,,,,3.0,175.0,,,,,,,,,,,,,,, +606,TRFL,True,deepmind/trfl,,reinforcement-learning,https://github.com/google-deepmind/trfl,https://github.com/google-deepmind/trfl,Apache-2.0,2018-08-08 14:44:11.000,2022-12-08 18:07:05.000000,2021-08-16 11:45:18,379.0,4.0,16.0,3141.0,TensorFlow Reinforcement Learning.,13.0,19,,,,google-deepmind/trfl,123.0,trfl,,,,['tensorflow'],142.0,142.0,https://pypi.org/project/trfl,1160.0,1160.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +607,NLP Architect,True,IntelLabs/nlp-architect,,nlp,https://github.com/IntelLabs/nlp-architect,https://github.com/IntelLabs/nlp-architect,Apache-2.0,2018-05-17 21:00:13.000,2022-11-07 16:21:47.000000,2022-11-07 16:21:47,439.0,14.0,112.0,2926.0,A model library for exploring state-of-the-art deep learning..,38.0,19,2020-11-17 12:32:37,0.5.5.1,13.0,,957.0,nlp-architect,,,,,9.0,9.0,https://pypi.org/project/nlp-architect,243.0,243.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +608,Kashgari,True,BrikerMan/Kashgari,,nlp,https://github.com/BrikerMan/Kashgari,https://github.com/BrikerMan/Kashgari,Apache-2.0,2019-01-19 01:53:28.000,2021-07-09 03:57:16.000000,2021-07-09 03:57:16,440.0,27.0,350.0,2376.0,Kashgari is a production-level NLP Transfer learning framework..,21.0,19,2021-07-04 10:44:36,2.0.2,24.0,,,kashgari-tf,,,,['tensorflow'],62.0,62.0,https://pypi.org/project/kashgari-tf,72.0,72.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +609,pdftabextract,True,WZBSocialScienceCenter/pdftabextract,,ocr,https://github.com/WZBSocialScienceCenter/pdftabextract,https://github.com/WZBSocialScienceCenter/pdftabextract,Apache-2.0,2016-07-08 11:44:46.000,2022-06-24 09:51:22.000000,2022-06-24 09:51:22,360.0,3.0,18.0,2141.0,A set of tools for extracting tables from PDF files..,3.0,19,,,,,171.0,pdftabextract,,,,,48.0,48.0,https://pypi.org/project/pdftabextract,337.0,337.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +610,reformer-pytorch,True,lucidrains/reformer-pytorch,,pytorch-utils,https://github.com/lucidrains/reformer-pytorch,https://github.com/lucidrains/reformer-pytorch,MIT,2020-01-09 20:42:37.000,2023-06-21 14:17:49.000000,2023-06-21 14:07:30,251.0,15.0,105.0,2025.0,"Reformer, the efficient Transformer, in Pytorch.",11.0,19,2021-11-06 23:08:36,1.4.4,21.0,,249.0,reformer-pytorch,,,,['pytorch'],,,https://pypi.org/project/reformer-pytorch,2956.0,2956.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +611,fast-bert,True,kaushaltrivedi/fast-bert,,nlp,https://github.com/utterworks/fast-bert,https://github.com/utterworks/fast-bert,Apache-2.0,2019-04-18 22:01:20.000,2024-01-30 11:58:46.000000,2024-01-30 11:58:43,335.0,155.0,95.0,1841.0,Super easy library for BERT based NLP models.,36.0,19,2020-07-09 12:05:40,1.8.0,5.0,utterworks/fast-bert,,fast-bert,,,,,,,https://pypi.org/project/fast-bert,1651.0,1651.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +612,Multicore-TSNE,True,DmitryUlyanov/Multicore-TSNE,,data-viz,https://github.com/DmitryUlyanov/Multicore-TSNE,https://github.com/DmitryUlyanov/Multicore-TSNE,,2016-10-19 05:46:52.000,2024-02-06 10:59:55.000000,2024-02-06 10:59:47,197.0,38.0,24.0,1834.0,Parallel t-SNE implementation with Python and Torch..,18.0,19,,,1.0,,125.0,MulticoreTSNE,conda-forge/multicore-tsne,,,['pytorch'],428.0,428.0,https://pypi.org/project/MulticoreTSNE,1755.0,2694.0,https://anaconda.org/conda-forge/multicore-tsne,2023-10-11 19:12:48.654,31932.0,,,,,3.0,,,,,,,,,,,,,,,, +613,sklearn-contrib-lightning,True,scikit-learn-contrib/lightning,,sklearn-utils,https://github.com/scikit-learn-contrib/lightning,https://github.com/scikit-learn-contrib/lightning,,2012-01-11 13:53:52.000,2023-07-18 11:41:11.000000,2022-01-30 01:22:30,191.0,49.0,42.0,1699.0,"Large-scale linear classification, regression and..",17.0,19,2022-01-30 01:10:13,0.6.2.post0,4.0,,743.0,sklearn-contrib-lightning,conda-forge/sklearn-contrib-lightning,,,['sklearn'],147.0,147.0,https://pypi.org/project/sklearn-contrib-lightning,1494.0,3750.0,https://anaconda.org/conda-forge/sklearn-contrib-lightning,2023-06-16 13:18:02.734,204267.0,,,,,3.0,411.0,,,,,,,,,,,,,,, +614,auto_ml,True,ClimbsRocks/auto_ml,,hyperopt,https://github.com/ClimbsRocks/auto_ml,https://github.com/ClimbsRocks/auto_ml,MIT,2016-08-07 21:35:08.000,2021-02-10 07:52:35.000000,2018-03-25 19:46:25,306.0,181.0,216.0,1633.0,[UNMAINTAINED] Automated machine learning for analytics & production.,13.0,19,2017-09-12 03:01:00,2.7.0,12.0,,1149.0,auto_ml,,,,,2.0,2.0,https://pypi.org/project/auto_ml,763.0,763.0,,,,,,,,3.0,42.0,,,,,,,,,,,,,,, +615,DELTA,True,Delta-ML/delta,,nlp,https://github.com/Delta-ML/delta,https://github.com/Delta-ML/delta,Apache-2.0,2019-05-29 08:33:57.000,2023-10-11 20:58:29.000000,2020-12-17 06:57:15,294.0,1.0,74.0,1578.0,DELTA is a deep learning based natural language and speech..,41.0,19,2020-07-16 09:31:45,0.3.3,4.0,,932.0,delta-nlp,,zh794390558/delta,,['tensorflow'],,,https://pypi.org/project/delta-nlp,18.0,248.0,,,,https://hub.docker.com/r/zh794390558/delta,2021-08-03 14:50:00.516864,,13117.0,3.0,,,,,,,,,,,,,,,, +616,lore,True,instacart/lore,,ml-experiments,https://github.com/instacart/lore,https://github.com/instacart/lore,MIT,2017-10-19 21:51:45.000,2023-05-13 02:26:19.000000,2022-09-27 19:41:48,128.0,15.0,20.0,1552.0,Lore makes machine learning approachable for Software Engineers and..,29.0,19,2020-05-05 20:16:54,0.8.3,1.0,,274.0,lore,,,,,21.0,21.0,https://pypi.org/project/lore,1064.0,1064.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +617,Lambda Networks,True,lucidrains/lambda-networks,,pytorch-utils,https://github.com/lucidrains/lambda-networks,https://github.com/lucidrains/lambda-networks,MIT,2020-10-08 19:01:15.000,2020-11-18 19:54:34.000000,2020-11-18 19:54:30,157.0,13.0,15.0,1529.0,"Implementation of LambdaNetworks, a new approach to..",3.0,19,2020-11-18 08:18:54,0.4.0,11.0,,,lambda-networks,,,,['pytorch'],24.0,24.0,https://pypi.org/project/lambda-networks,1544.0,1544.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +618,MLBox,True,AxeldeRomblay/MLBox,,hyperopt,https://github.com/AxeldeRomblay/MLBox,https://github.com/AxeldeRomblay/MLBox,,2017-06-01 16:59:24.000,2023-08-06 18:20:04.000000,2020-08-25 09:26:27,271.0,22.0,75.0,1465.0,MLBox is a powerful Automated Machine Learning python library.,9.0,19,2019-08-25 22:46:42,0.8.1,7.0,,1121.0,mlbox,,,,,35.0,35.0,https://pypi.org/project/mlbox,397.0,397.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +619,Optimus,True,ironmussa/Optimus,,data-pipelines,https://github.com/hi-primus/optimus,https://github.com/hi-primus/optimus,Apache-2.0,2017-07-13 02:31:18.000,2024-02-05 14:09:43.000000,2023-05-19 04:32:00,227.0,9.0,209.0,1425.0,"Agile Data Preparation Workflows madeeasy with pandas, dask,..",24.0,19,2020-07-19 03:05:40,2.2.32,87.0,hi-primus/optimus,1.0,optimuspyspark,,,,['spark'],,,https://pypi.org/project/optimuspyspark,10610.0,10610.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +620,sklearn-porter,True,nok/sklearn-porter,,model-serialisation,https://github.com/nok/sklearn-porter,https://github.com/nok/sklearn-porter,BSD-3-Clause,2016-06-22 22:21:34.000,2022-07-25 15:59:11.000000,2022-05-22 23:59:48,159.0,36.0,34.0,1262.0,"Transpile trained scikit-learn estimators to C, Java,..",12.0,19,2019-01-20 13:14:03,0.7.2,15.0,,,sklearn-porter,,,,['sklearn'],61.0,61.0,https://pypi.org/project/sklearn-porter,353.0,353.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +621,advertorch,True,BorealisAI/advertorch,,adversarial,https://github.com/BorealisAI/advertorch,https://github.com/BorealisAI/advertorch,GPL-3.0,2018-11-29 22:17:33.000,2023-09-14 02:51:02.000000,2022-05-29 19:09:18,187.0,21.0,36.0,1251.0,A Toolbox for Adversarial Robustness Research.,21.0,19,,,,,309.0,advertorch,,,,['pytorch'],151.0,151.0,https://pypi.org/project/advertorch,474.0,474.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +622,Singer,True,singer-io/getting-started,,data-loading,https://github.com/singer-io/getting-started,https://github.com/singer-io/getting-started,AGPL-3.0,2016-10-31 16:53:56.000,2023-03-15 13:43:36.000000,2021-04-29 14:20:17,144.0,20.0,19.0,1219.0,"Standard for moving data between databases, web APIs, files, queues, and just about anything else you can think of.",26.0,19,,,,,188.0,singer-python,,,,,,,https://pypi.org/project/singer-python,989132.0,989132.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +623,Madmom,True,CPJKU/madmom,,audio,https://github.com/CPJKU/madmom,https://github.com/CPJKU/madmom,,2015-09-08 08:19:06.000,2023-11-28 23:16:10.000000,2023-09-10 06:51:22,190.0,51.0,212.0,1213.0,Python audio and music signal processing library.,20.0,19,2018-11-14 14:57:41,0.16.1,10.0,,,madmom,,,,,399.0,399.0,https://pypi.org/project/madmom,2488.0,2488.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +624,AlphaPy,True,ScottfreeLLC/AlphaPy,,hyperopt,https://github.com/ScottfreeLLC/AlphaPy,https://github.com/ScottfreeLLC/AlphaPy,Apache-2.0,2016-02-14 00:47:32.000,2024-02-10 16:41:21.000000,2024-02-10 16:41:20,186.0,13.0,29.0,1024.0,"Automated Machine Learning [AutoML] with Python, scikit-learn, Keras,..",5.0,19,2020-08-29 18:48:20,2.5.0,11.0,,438.0,alphapy,,,,,4.0,4.0,https://pypi.org/project/alphapy,265.0,265.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +625,calamari,True,Calamari-OCR/calamari,,ocr,https://github.com/Calamari-OCR/calamari,https://github.com/Calamari-OCR/calamari,Apache-2.0,2018-03-20 15:22:29.000,2024-01-21 21:15:50.000000,2023-08-18 11:01:23,210.0,63.0,206.0,1016.0,Line based ATR Engine based on OCRopy.,20.0,19,2023-08-18 11:26:46,1.0.6,35.0,,442.0,calamari_ocr,,,,,,,https://pypi.org/project/calamari_ocr,1739.0,1739.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +626,TensorNets,True,taehoonlee/tensornets,,tensorflow-utils,https://github.com/taehoonlee/tensornets,https://github.com/taehoonlee/tensornets,MIT,2017-09-19 05:19:01.000,2021-01-02 06:28:10.000000,2021-01-02 06:26:24,184.0,16.0,42.0,1007.0,High level network definitions with pre-trained weights in..,6.0,19,2020-03-31 04:38:27,0.4.6,12.0,,284.0,tensornets,,,,['tensorflow'],75.0,75.0,https://pypi.org/project/tensornets,85.0,85.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +627,ADTK,True,arundo/adtk,,time-series-data,https://github.com/arundo/adtk,https://github.com/arundo/adtk,MPL-2.0,2019-09-27 00:34:22.000,2024-01-14 08:39:28.000000,2020-04-17 02:27:44,128.0,43.0,36.0,1002.0,A Python toolkit for rule-based/unsupervised anomaly detection in time..,11.0,19,2020-04-17 02:17:35,0.6.2,12.0,,78.0,adtk,,,,,,,https://pypi.org/project/adtk,243140.0,243140.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +628,mrq,True,pricingassistant/mrq,,data-pipelines,https://github.com/pricingassistant/mrq,https://github.com/pricingassistant/mrq,MIT,2014-02-13 09:32:40.000,2023-06-13 19:16:57.000000,2020-12-13 18:58:15,118.0,52.0,120.0,878.0,Mr. Queue - A distributed worker task queue in Python using Redis & gevent.,40.0,19,2018-08-31 13:59:56,0.9.10,5.0,,709.0,mrq,,,,,32.0,32.0,https://pypi.org/project/mrq,255.0,255.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +629,What-If Tool,True,PAIR-code/what-if-tool,,interpretability,https://github.com/PAIR-code/what-if-tool,https://github.com/PAIR-code/what-if-tool,Apache-2.0,2018-09-07 20:26:10.000,2024-02-01 21:39:11.000000,2024-02-01 21:38:56,159.0,66.0,56.0,872.0,Source code/webpage/demos for the What-If Tool.,20.0,19,2021-10-12 17:36:36,1.8.1,3.0,,330.0,witwidget,,,,,2.0,2.0,https://pypi.org/project/witwidget,2339.0,3700.0,,,,,,,,3.0,,,wit-widget,https://www.npmjs.com/package/wit-widget,1361.0,,,,,,,,,,, +630,robustness,True,MadryLab/robustness,,adversarial,https://github.com/MadryLab/robustness,https://github.com/MadryLab/robustness,MIT,2019-08-21 09:26:33.000,2024-01-11 13:06:10.000000,2022-02-14 20:43:06,166.0,22.0,59.0,869.0,"A library for experimenting with, training and evaluating neural..",13.0,19,2020-12-01 06:11:12,1.2.1.post2,7.0,,145.0,robustness,,,,,167.0,167.0,https://pypi.org/project/robustness,217.0,217.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +631,rows,True,turicas/rows,,data-loading,https://github.com/turicas/rows,https://github.com/turicas/rows,LGPL-3.0,2014-05-07 05:43:11.000,2023-06-06 14:28:02.000000,2023-06-06 14:27:51,134.0,146.0,149.0,857.0,"A common, beautiful interface to tabular data, no matter the format.",31.0,19,2019-02-14 21:20:15,0.4.1,7.0,,738.0,rows,,,,,165.0,165.0,https://pypi.org/project/rows,747.0,747.0,,,,,,,,3.0,38.0,,,,,,,,,,,,,,, +632,Guild AI,True,guildai/guildai,,ml-experiments,https://github.com/guildai/guildai,https://github.com/guildai/guildai,Apache-2.0,2017-09-27 18:57:50.000,2023-08-14 08:41:19.000000,2023-08-12 20:19:05,83.0,219.0,218.0,849.0,"Experiment tracking, ML developer tools.",29.0,19,2022-05-11 01:13:36,0.8.1,2.0,,,guildai,,,,,90.0,90.0,https://pypi.org/project/guildai,1103.0,1103.0,,,,,,,,3.0,14.0,,,,,,,,,,,,,,, +633,LOFO,True,aerdem4/lofo-importance,,interpretability,https://github.com/aerdem4/lofo-importance,https://github.com/aerdem4/lofo-importance,MIT,2019-01-14 10:46:46.000,2024-01-16 09:15:43.000000,2024-01-16 09:12:58,80.0,2.0,23.0,791.0,Leave One Feature Out Importance.,6.0,19,2024-01-16 09:15:43,0.3.4,1.0,,32.0,lofo-importance,,,,,27.0,27.0,https://pypi.org/project/lofo-importance,2243.0,2243.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +634,deeplift,True,kundajelab/deeplift,,interpretability,https://github.com/kundajelab/deeplift,https://github.com/kundajelab/deeplift,MIT,2016-06-01 02:18:06.000,2022-04-28 10:04:52.000000,2021-11-11 17:50:26,158.0,40.0,49.0,783.0,Public facing deeplift repo.,11.0,19,,,21.0,,553.0,deeplift,,,,,89.0,89.0,https://pypi.org/project/deeplift,402.0,402.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +635,gmaps,True,pbugnion/gmaps,,geospatial-data,https://github.com/pbugnion/gmaps,https://github.com/pbugnion/gmaps,BSD-3-Clause,2014-12-01 09:12:06.000,2023-06-16 13:23:14.332000,2019-07-22 06:22:45,146.0,74.0,137.0,760.0,Google maps for Jupyter notebooks.,16.0,19,2016-01-02 19:06:03,0.2,20.0,,1380.0,gmaps,conda-forge/gmaps,,,['jupyter'],4.0,4.0,https://pypi.org/project/gmaps,5090.0,10043.0,https://anaconda.org/conda-forge/gmaps,2023-06-16 13:23:14.332,310843.0,,,,,3.0,,,jupyter-gmaps,https://www.npmjs.com/package/jupyter-gmaps,1116.0,,,,,,,,,,, +636,sklearn-deap,True,rsteca/sklearn-deap,,hyperopt,https://github.com/rsteca/sklearn-deap,https://github.com/rsteca/sklearn-deap,MIT,2015-10-28 22:52:34.000,2024-02-10 07:16:54.000000,2021-07-30 15:06:27,127.0,18.0,34.0,755.0,Use evolutionary algorithms instead of gridsearch in..,23.0,19,2021-07-30 15:07:28,0.3.0,14.0,,104.0,sklearn-deap,,,,['sklearn'],42.0,42.0,https://pypi.org/project/sklearn-deap,249.0,249.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +637,TensorFrames,True,databricks/tensorframes,,distributed-ml,https://github.com/databricks/tensorframes,https://github.com/databricks/tensorframes,Apache-2.0,2016-03-04 19:25:19.000,2023-03-30 20:05:58.000000,2019-11-15 21:43:53,158.0,49.0,43.0,751.0,[DEPRECATED] Tensorflow wrapper for DataFrames on..,16.0,19,2018-11-16 20:50:02,0.6.0,6.0,,221.0,tensorframes,,,,"['tensorflow', 'spark']",,,https://pypi.org/project/tensorframes,20764.0,20764.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +638,TreeInterpreter,True,andosa/treeinterpreter,,interpretability,https://github.com/andosa/treeinterpreter,https://github.com/andosa/treeinterpreter,BSD-3-Clause,2015-08-02 20:26:21.000,2023-07-18 10:50:27.000000,2021-02-28 18:33:06,137.0,20.0,5.0,735.0,Package for interpreting scikit-learn's decision tree..,11.0,19,,,,,37.0,treeinterpreter,,,,['sklearn'],596.0,596.0,https://pypi.org/project/treeinterpreter,44161.0,44161.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +639,tensorflow-upstream,True,ROCmSoftwarePlatform/tensorflow-upstream,,ml-frameworks,https://github.com/ROCm/tensorflow-upstream,https://github.com/ROCm/tensorflow-upstream,Apache-2.0,2018-04-09 21:24:50.000,2024-02-15 11:43:53.000000,2024-02-07 17:12:58,88.0,81.0,282.0,672.0,TensorFlow ROCm port.,4559.0,19,2019-10-11 17:16:09,2.0.0-rocm,2.0,ROCm/tensorflow-upstream,,tensorflow-rocm,,,,['tensorflow'],,,https://pypi.org/project/tensorflow-rocm,4762.0,4762.0,,,,,,,,3.0,21.0,,,,,,,,,,,,,,, +640,pivottablejs,True,nicolaskruchten/jupyter_pivottablejs,,data-viz,https://github.com/nicolaskruchten/jupyter_pivottablejs,https://github.com/nicolaskruchten/jupyter_pivottablejs,,2015-09-09 13:39:18.000,2023-08-31 16:23:08.000000,2018-12-04 14:43:25,81.0,23.0,41.0,642.0,Dragndrop Pivot Tables and Charts for Jupyter/IPython..,3.0,19,2018-01-15 18:11:51,0.9.0,8.0,,32.0,pivottablejs,,,,['jupyter'],400.0,400.0,https://pypi.org/project/pivottablejs,20881.0,20881.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +641,combo,True,yzhao062/combo,,sklearn-utils,https://github.com/yzhao062/combo,https://github.com/yzhao062/combo,BSD-2-Clause,2019-07-14 01:13:36.000,2023-01-14 04:46:24.000000,2023-01-14 04:46:24,106.0,13.0,3.0,633.0,(AAAI' 20) A Python Toolbox for Machine Learning Model..,2.0,19,2020-02-19 02:11:55,V0.1.0,1.0,,210.0,combo,,,,"['sklearn', 'xgboost']",603.0,603.0,https://pypi.org/project/combo,19602.0,19602.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +642,aequitas,True,dssg/aequitas,,interpretability,https://github.com/dssg/aequitas,https://github.com/dssg/aequitas,MIT,2018-02-13 19:40:30.000,2024-02-13 16:01:19.000000,2024-02-13 16:01:13,104.0,31.0,45.0,613.0,Bias and Fairness Audit Toolkit.,20.0,19,,,,,889.0,aequitas,,,,,149.0,149.0,https://pypi.org/project/aequitas,4560.0,4560.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +643,PyWaffle,True,gyli/PyWaffle,,data-viz,https://github.com/gyli/PyWaffle,https://github.com/gyli/PyWaffle,MIT,2017-11-14 20:03:47.000,2022-06-08 03:46:06.000000,2022-06-08 03:46:02,103.0,5.0,16.0,570.0,Make Waffle Charts in Python.,6.0,19,,,,,305.0,pywaffle,,,,,319.0,319.0,https://pypi.org/project/pywaffle,3857.0,3857.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +644,Poutyne,True,GRAAL-Research/poutyne,,pytorch-utils,https://github.com/GRAAL-Research/poutyne,https://github.com/GRAAL-Research/poutyne,LGPL-3.0,2017-12-07 18:30:17.000,2023-07-09 16:15:44.000000,2023-07-09 16:09:49,63.0,8.0,48.0,557.0,A simplified framework and utilities for PyTorch.,20.0,19,2023-07-09 16:15:44,1.17.1,37.0,,767.0,poutyne,,,,['pytorch'],130.0,130.0,https://pypi.org/project/poutyne,4176.0,4176.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +645,elegy,True,poets-ai/elegy,,ml-frameworks,https://github.com/poets-ai/elegy,https://github.com/poets-ai/elegy,MIT,2020-06-30 14:00:37.000,2022-12-15 19:23:10.000000,2022-05-23 17:26:29,30.0,39.0,66.0,463.0,Elegy is a framework-agnostic Trainer interface for the Jax..,18.0,19,2022-03-23 21:47:54,0.8.6,21.0,,339.0,elegy,,,,"['tensorflow', 'jax']",43.0,43.0,https://pypi.org/project/elegy,321.0,321.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +646,Case Recommender,True,caserec/CaseRecommender,,recommender-systems,https://github.com/caserec/CaseRecommender,https://github.com/caserec/CaseRecommender,MIT,2015-11-12 18:25:39.000,2024-01-10 20:36:33.000000,2021-11-25 23:08:43,90.0,5.0,20.0,452.0,Case Recommender: A Flexible and Extensible Python..,11.0,19,2021-11-25 23:10:34,1.1.1,2.0,,204.0,caserecommender,,,,['sklearn'],12.0,12.0,https://pypi.org/project/caserecommender,173.0,173.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +647,animatplot,True,t-makaro/animatplot,,data-viz,https://github.com/t-makaro/animatplot,https://github.com/t-makaro/animatplot,MIT,2017-04-03 00:54:04.000,2023-06-16 16:14:07.121000,2020-10-05 06:14:18,39.0,15.0,17.0,406.0,A python package for animating plots build on matplotlib.,7.0,19,2019-03-05 21:32:47,0.4.1,7.0,,178.0,animatplot,conda-forge/animatplot,,,,58.0,58.0,https://pypi.org/project/animatplot,399.0,613.0,https://anaconda.org/conda-forge/animatplot,2023-06-16 16:14:07.121,12895.0,,,,,3.0,,,,,,,,,,,,,,,, +648,Julius,True,adefossez/julius,,audio,https://github.com/adefossez/julius,https://github.com/adefossez/julius,MIT,2020-10-26 10:54:21.000,2022-09-26 14:14:12.000000,2022-09-19 16:13:14,27.0,2.0,9.0,395.0,Fast PyTorch based DSP for audio and 1D signals.,2.0,19,,,,,,julius,,,,['pytorch'],1017.0,1017.0,https://pypi.org/project/julius,173212.0,173212.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +649,Studio.ml,True,studioml/studio,,ml-experiments,https://github.com/studioml/studio,https://github.com/studioml/studio,Apache-2.0,2017-05-15 01:49:28.000,2023-09-06 17:29:29.000000,2023-09-06 17:29:29,50.0,57.0,195.0,378.0,Studio: Simplify and expedite model building process.,24.0,19,2020-02-19 22:50:45,0.0.15,4.0,,2412.0,studioml,,,,,5.0,5.0,https://pypi.org/project/studioml,381.0,381.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +650,impyute,True,eltonlaw/impyute,,others,https://github.com/eltonlaw/impyute,https://github.com/eltonlaw/impyute,MIT,2017-01-21 09:16:27.000,2021-11-06 21:15:04.000000,2021-11-06 21:15:04,48.0,28.0,37.0,344.0,Data imputations library to preprocess datasets with missing data.,11.0,19,,,,,292.0,impyute,,,,,217.0,217.0,https://pypi.org/project/impyute,3678.0,3678.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +651,fairness-indicators,True,tensorflow/fairness-indicators,,interpretability,https://github.com/tensorflow/fairness-indicators,https://github.com/tensorflow/fairness-indicators,Apache-2.0,2019-09-30 22:56:45.000,2024-01-16 18:36:21.000000,2024-01-16 18:36:16,74.0,6.0,9.0,329.0,Tensorflow's Fairness Evaluation and Visualization..,34.0,19,2023-05-03 22:54:39,0.44.0,23.0,,318.0,fairness-indicators,,,,"['tensorflow', 'jupyter']",,,https://pypi.org/project/fairness-indicators,2154.0,2154.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +652,MXBoard,True,awslabs/mxboard,,ml-experiments,https://github.com/awslabs/mxboard,https://github.com/awslabs/mxboard,Apache-2.0,2018-02-06 23:03:51.000,2021-11-30 10:46:24.000000,2020-01-24 23:21:55,47.0,15.0,16.0,326.0,Logging MXNet data for visualization in TensorBoard.,9.0,19,2018-05-22 20:20:50,0.1.0,1.0,,42.0,mxboard,,,,['mxnet'],235.0,235.0,https://pypi.org/project/mxboard,1812.0,1812.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +653,datatest,True,shawnbrown/datatest,,data-loading,https://github.com/shawnbrown/datatest,https://github.com/shawnbrown/datatest,,2016-05-12 13:16:27.000,2021-12-05 17:44:33.000000,2021-12-05 17:44:33,15.0,14.0,43.0,285.0,Tools for test driven data-wrangling and data validation.,7.0,19,2021-01-04 03:43:58,0.11.1,16.0,,2173.0,datatest,,,,,162.0,162.0,https://pypi.org/project/datatest,14832.0,14832.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +654,fletcher,True,xhochy/fletcher,,data-containers,https://github.com/xhochy/fletcher,https://github.com/xhochy/fletcher,MIT,2018-03-04 16:44:22.000,2023-06-16 16:09:03.368000,2023-02-22 15:16:59,31.0,,74.0,228.0,Pandas ExtensionDType/Array backed by Apache Arrow.,24.0,19,2021-01-17 20:04:41,0.7.2,14.0,,522.0,fletcher,conda-forge/fletcher,,,['pandas'],5.0,5.0,https://pypi.org/project/fletcher,204.0,1187.0,https://anaconda.org/conda-forge/fletcher,2023-06-16 16:09:03.368,65911.0,,,,,3.0,21.0,,,,,,,,,,,,,,, +655,Dejavu,True,worldveil/dejavu,,audio,https://github.com/worldveil/dejavu,https://github.com/worldveil/dejavu,MIT,2013-11-19 02:50:35.000,2023-08-23 18:39:43.000000,2020-06-03 05:58:03,1343.0,100.0,135.0,6253.0,Audio fingerprinting and recognition in Python.,23.0,18,,,,,146.0,PyDejavu,,,,,21.0,21.0,https://pypi.org/project/PyDejavu,115.0,115.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +656,Backtesting.py,True,kernc/backtesting.py,,financial-data,https://github.com/kernc/backtesting.py,https://github.com/kernc/backtesting.py,AGPL-3.0,2019-01-02 03:11:32.000,2024-02-15 09:54:23.000000,2023-01-15 11:37:16,878.0,122.0,349.0,4560.0,Backtest trading strategies in Python.,19.0,18,,,,,279.0,backtesting,,,,,,,https://pypi.org/project/backtesting,12142.0,12142.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +657,tf-quant-finance,True,google/tf-quant-finance,,financial-data,https://github.com/google/tf-quant-finance,https://github.com/google/tf-quant-finance,Apache-2.0,2019-07-24 16:09:50.000,2023-10-06 13:06:28.000000,2023-08-15 07:38:22,527.0,26.0,28.0,4198.0,High-performance TensorFlow library for quantitative..,47.0,18,,,4.0,,956.0,tf-quant-finance,,,,['tensorflow'],,,https://pypi.org/project/tf-quant-finance,755.0,755.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +658,ReAgent,True,facebookresearch/ReAgent,,reinforcement-learning,https://github.com/facebookresearch/ReAgent,https://github.com/facebookresearch/ReAgent,BSD-3-Clause,2017-07-27 17:53:21.000,2024-01-29 16:27:55.000000,2024-01-29 16:24:42,503.0,34.0,75.0,3507.0,"A platform for Reasoning systems (Reinforcement Learning,..",166.0,18,,,,,1339.0,,,,,['pytorch'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +659,TensorWatch,True,microsoft/tensorwatch,,ml-experiments,https://github.com/microsoft/tensorwatch,https://github.com/microsoft/tensorwatch,MIT,2019-05-15 08:29:34.000,2023-08-30 07:47:40.000000,2023-08-30 07:47:36,349.0,52.0,17.0,3360.0,"Debugging, monitoring and visualization for Python Machine Learning..",15.0,18,,,,,119.0,tensorwatch,,,,,138.0,138.0,https://pypi.org/project/tensorwatch,628.0,628.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +660,gpt-2-simple,True,minimaxir/gpt-2-simple,,nlp,https://github.com/minimaxir/gpt-2-simple,https://github.com/minimaxir/gpt-2-simple,,2019-04-13 20:00:52.000,2022-12-14 11:50:45.000000,2022-05-22 02:02:04,654.0,161.0,101.0,3360.0,Python package to easily retrain OpenAI's GPT-2 text-..,21.0,18,2021-10-18 02:38:39,0.8.1,17.0,,149.0,gpt-2-simple,,,,['tensorflow'],,,https://pypi.org/project/gpt-2-simple,3345.0,3354.0,,,,,,,,3.0,552.0,,,,,,,,,,,,,,, +661,PARL,True,PaddlePaddle/PARL,,reinforcement-learning,https://github.com/PaddlePaddle/PARL,https://github.com/PaddlePaddle/PARL,Apache-2.0,2018-04-25 17:54:22.000,2023-09-22 09:55:14.000000,2023-05-19 17:52:25,808.0,108.0,396.0,3142.0,A high-performance distributed training framework for Reinforcement..,42.0,18,2023-03-10 09:21:02,2.2,9.0,,1.0,parl,,,,['paddle'],122.0,122.0,https://pypi.org/project/parl,643.0,643.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +662,AdaBound,True,Luolc/AdaBound,,pytorch-utils,https://github.com/Luolc/AdaBound,https://github.com/Luolc/AdaBound,Apache-2.0,2019-02-15 18:05:20.000,2023-07-23 10:44:20.000000,2019-03-06 17:01:45,323.0,18.0,7.0,2905.0,An optimizer that trains as fast as Adam and as good as SGD.,2.0,18,2019-03-06 16:44:42,0.0.5,1.0,,27.0,adabound,,,,['pytorch'],186.0,186.0,https://pypi.org/project/adabound,1060.0,1060.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +663,StreamAlert,True,airbnb/streamalert,,others,https://github.com/airbnb/streamalert,https://github.com/airbnb/streamalert,Apache-2.0,2017-01-22 01:10:56.000,2023-10-23 17:15:34.000000,2022-07-20 20:54:36,323.0,87.0,260.0,2826.0,"StreamAlert is a serverless, realtime data analysis framework..",33.0,18,2021-11-04 19:07:51,3.5.0,28.0,,1904.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +664,ipyparallel,True,ipython/ipyparallel,,distributed-ml,https://github.com/ipython/ipyparallel,https://github.com/ipython/ipyparallel,,2015-04-09 07:43:55.000,2024-02-08 09:42:44.000000,2024-02-08 09:42:43,965.0,58.0,295.0,2532.0,Interactive Parallel Computing in Python.,113.0,18,,,28.0,,,ipyparallel,conda-forge/ipyparallel,,,['jupyter'],,,https://pypi.org/project/ipyparallel,197197.0,207360.0,https://anaconda.org/conda-forge/ipyparallel,2023-06-16 13:17:51.662,955390.0,,,,,3.0,,,,,,,,,,,,,,,, +665,Coach,True,IntelLabs/coach,,reinforcement-learning,https://github.com/IntelLabs/coach,https://github.com/IntelLabs/coach,Apache-2.0,2017-10-01 19:27:43.000,2022-12-11 17:54:07.000000,2022-12-11 17:54:06,454.0,81.0,183.0,2296.0,Reinforcement Learning Coach by Intel AI Lab enables easy..,38.0,18,2019-07-24 13:14:28,1.0.0,9.0,,524.0,rl_coach,,,,,,,https://pypi.org/project/rl_coach,125.0,125.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +666,cuGraph,True,rapidsai/cugraph,,gpu-utilities,https://github.com/rapidsai/cugraph,https://github.com/rapidsai/cugraph,Apache-2.0,2018-11-15 18:07:11.000,2024-02-15 14:02:51.000000,2024-02-15 13:47:30,275.0,254.0,1356.0,1526.0,cuGraph - RAPIDS Graph Analytics Library.,109.0,18,2024-02-13 16:02:14,24.02.00,34.0,,,cugraph,,,,,2.0,2.0,https://pypi.org/project/cugraph,179.0,179.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +667,DLTK,True,DLTK/DLTK,,medical-data,https://github.com/DLTK/DLTK,https://github.com/DLTK/DLTK,Apache-2.0,2017-05-02 15:40:36.000,2023-03-24 22:27:46.000000,2019-01-21 14:01:28,398.0,7.0,24.0,1417.0,Deep Learning Toolkit for Medical Image Analysis.,9.0,18,,,,,379.0,dltk,,,,['tensorflow'],31.0,31.0,https://pypi.org/project/dltk,277.0,277.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +668,CrypTen,True,facebookresearch/CrypTen,,privacy-ml,https://github.com/facebookresearch/CrypTen,https://github.com/facebookresearch/CrypTen,MIT,2019-08-15 00:00:31.000,2024-01-31 00:08:40.000000,2024-01-06 08:35:06,254.0,51.0,193.0,1417.0,A framework for Privacy Preserving Machine Learning.,33.0,18,2020-04-21 13:59:37,0.1,1.0,,,crypten,,,,['pytorch'],33.0,33.0,https://pypi.org/project/crypten,316.0,316.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +669,doc2text,True,jlsutherland/doc2text,,ocr,https://github.com/jlsutherland/doc2text,https://github.com/jlsutherland/doc2text,MIT,2016-08-28 19:30:02.000,2020-12-01 22:56:27.000000,2020-12-01 22:56:26,95.0,13.0,9.0,1265.0,Detect text blocks and OCR poorly scanned PDFs in bulk. Python module..,5.0,18,,,,,62.0,doc2text,,,,,118.0,118.0,https://pypi.org/project/doc2text,1872.0,1872.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +670,tensorrec,True,jfkirk/tensorrec,,recommender-systems,https://github.com/jfkirk/tensorrec,https://github.com/jfkirk/tensorrec,Apache-2.0,2017-02-28 18:51:11.000,2023-05-22 21:34:54.000000,2020-02-04 21:10:25,219.0,36.0,90.0,1251.0,A TensorFlow recommendation algorithm and framework in..,9.0,18,,,,,334.0,tensorrec,,,,['tensorflow'],34.0,34.0,https://pypi.org/project/tensorrec,228.0,228.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +671,Sockeye,True,awslabs/sockeye,,nlp,https://github.com/awslabs/sockeye,https://github.com/awslabs/sockeye,Apache-2.0,2017-06-08 07:44:30.000,2024-02-10 16:18:11.000000,2023-10-17 15:42:30,309.0,5.0,300.0,1199.0,Sequence-to-sequence framework with a focus on Neural Machine..,60.0,18,2023-03-03 07:44:13,3.1.34,76.0,,,sockeye,,,,['mxnet'],,,https://pypi.org/project/sockeye,805.0,805.0,,,,,,,,3.0,17.0,,,,,,,,,,,,,,, +672,NGT,True,yahoojapan/NGT,,nn-search,https://github.com/yahoojapan/NGT,https://github.com/yahoojapan/NGT,Apache-2.0,2016-09-01 07:36:57.000,2023-12-06 23:24:36.000000,2023-12-06 23:22:36,104.0,15.0,114.0,1162.0,Nearest Neighbor Search with Neighborhood Graph and Tree for High-..,14.0,18,2023-12-06 23:27:18,2.1.6,79.0,,,ngt,,,,,,,https://pypi.org/project/ngt,5336.0,5336.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +673,fastFM,True,ibayer/fastFM,,recommender-systems,https://github.com/ibayer/fastFM,https://github.com/ibayer/fastFM,,2014-10-27 12:25:51.000,2022-07-17 13:12:39.000000,2021-03-24 12:22:31,198.0,47.0,60.0,1059.0,fastFM: A Library for Factorization Machines.,20.0,18,2017-11-22 16:13:16,0.2.11,10.0,,297.0,fastfm,,,,,119.0,119.0,https://pypi.org/project/fastfm,588.0,593.0,,,,,,,,3.0,596.0,,,,,,,,,,,,,,, +674,Performer Pytorch,True,lucidrains/performer-pytorch,,pytorch-utils,https://github.com/lucidrains/performer-pytorch,https://github.com/lucidrains/performer-pytorch,MIT,2020-10-03 03:41:36.000,2022-02-02 20:33:32.000000,2022-02-02 20:33:18,139.0,41.0,43.0,1030.0,"An implementation of Performer, a linear attention-..",6.0,18,2022-02-02 20:33:33,1.1.4,80.0,,,performer-pytorch,,,,['pytorch'],114.0,114.0,https://pypi.org/project/performer-pytorch,1979.0,1979.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +675,geoplotlib,True,andrea-cuttone/geoplotlib,,geospatial-data,https://github.com/andrea-cuttone/geoplotlib,https://github.com/andrea-cuttone/geoplotlib,MIT,2015-02-24 13:13:07.000,2022-06-13 13:53:07.000000,2019-05-06 07:06:50,169.0,27.0,19.0,1011.0,python toolbox for visualizing geographical data and making maps.,8.0,18,,,,,159.0,geoplotlib,,,,,170.0,170.0,https://pypi.org/project/geoplotlib,608.0,608.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +676,SMAC3,True,automl/SMAC3,,hyperopt,https://github.com/automl/SMAC3,https://github.com/automl/SMAC3,,2016-08-17 10:58:05.000,2024-02-14 08:22:30.000000,2024-02-13 12:59:29,206.0,77.0,431.0,964.0,Sequential Model-based Algorithm Configuration.,41.0,18,2023-08-01 13:38:54,2.0.2,42.0,,,smac,,,,,,,https://pypi.org/project/smac,60717.0,60717.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +677,Bounter,True,RaRe-Technologies/bounter,,data-containers,https://github.com/piskvorky/bounter,https://github.com/piskvorky/bounter,MIT,2017-07-18 07:24:15.000,2022-11-20 08:16:17.000000,2022-11-20 08:15:57,47.0,15.0,10.0,936.0,Efficient Counter that uses a limited (bounded) amount of memory..,9.0,18,2022-11-20 08:19:03,1.2.0,5.0,piskvorky/bounter,169.0,bounter,,,,,34.0,34.0,https://pypi.org/project/bounter,498.0,498.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +678,Saliency,True,PAIR-code/saliency,,tensorflow-utils,https://github.com/PAIR-code/saliency,https://github.com/PAIR-code/saliency,Apache-2.0,2017-06-09 22:07:35.000,2023-07-24 18:18:54.000000,2022-05-13 18:48:12,179.0,10.0,27.0,922.0,Framework-agnostic implementation for state-of-the-art saliency..,16.0,18,,,,,83.0,saliency,,,,['tensorflow'],77.0,77.0,https://pypi.org/project/saliency,3630.0,3630.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +679,nude.py,True,hhatto/nude.py,,image,https://github.com/hhatto/nude.py,https://github.com/hhatto/nude.py,MIT,2013-06-09 06:55:55.000,2020-11-23 13:49:32.000000,2020-11-23 13:49:02,133.0,8.0,4.0,922.0,Nudity detection with Python.,12.0,18,,,,,79.0,nudepy,,,,,3604.0,3604.0,https://pypi.org/project/nudepy,722.0,722.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +680,PDPbox,True,SauceCat/PDPbox,,data-viz,https://github.com/SauceCat/PDPbox,https://github.com/SauceCat/PDPbox,MIT,2017-06-26 08:01:54.000,2023-06-10 14:57:37.569000,2023-06-05 01:35:02,127.0,27.0,39.0,804.0,python partial dependence plot toolbox.,7.0,18,2023-06-05 02:44:20,0.3.0,3.0,,228.0,pdpbox,conda-forge/pdpbox,,,,,,https://pypi.org/project/pdpbox,26536.0,26897.0,https://anaconda.org/conda-forge/pdpbox,2023-06-10 14:57:37.569,19864.0,,,,,3.0,,,,,,,,,,,,,,,, +681,NearPy,True,pixelogik/NearPy,,nn-search,https://github.com/pixelogik/NearPy,https://github.com/pixelogik/NearPy,MIT,2013-04-25 09:10:26.000,2023-02-23 15:20:18.000000,2023-01-22 20:07:16,147.0,25.0,39.0,751.0,Python framework for fast (approximated) nearest neighbour search in..,20.0,18,2016-09-27 13:04:44,1.0.0,1.0,,161.0,NearPy,,,,,102.0,102.0,https://pypi.org/project/NearPy,642.0,642.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +682,Tensor Sensor,True,parrt/tensor-sensor,,pytorch-utils,https://github.com/parrt/tensor-sensor,https://github.com/parrt/tensor-sensor,MIT,2020-08-28 22:54:04.000,2022-04-07 20:52:55.000000,2022-04-07 20:49:56,37.0,8.0,16.0,747.0,The goal of this library is to generate more helpful..,4.0,18,2021-12-11 21:24:11,1.0,15.0,,235.0,tensor-sensor,,,,['pytorch'],31.0,31.0,https://pypi.org/project/tensor-sensor,2631.0,2631.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +683,Caer,True,jasmcaus/caer,,image,https://github.com/jasmcaus/caer,https://github.com/jasmcaus/caer,MIT,2020-08-06 18:36:14.000,2023-10-13 12:16:35.000000,2023-04-01 08:26:45,98.0,2.0,13.0,736.0,"A lightweight Computer Vision library. Scale your models, not boilerplate.",8.0,18,2021-10-06 07:29:20,2.0.3,13.0,,5078.0,caer,,,https://caer.rtfd.io,,,,https://pypi.org/project/caer,3104.0,3104.0,,,,,,,,3.0,30.0,,,,,,,,,,,,,,, +684,Test Tube,True,williamFalcon/test-tube,,hyperopt,https://github.com/williamFalcon/test-tube,https://github.com/williamFalcon/test-tube,MIT,2017-09-06 02:14:57.000,2022-07-22 06:10:37.000000,2020-03-17 22:44:47,74.0,23.0,21.0,735.0,Python library to easily log experiments and parallelize..,16.0,18,2019-06-29 19:21:43,0.64,3.0,,642.0,test_tube,,,,,,,https://pypi.org/project/test_tube,68515.0,68515.0,,,,,,,,3.0,18.0,,,,,,,,,,,,,,, +685,N2,True,kakao/n2,,nn-search,https://github.com/kakao/n2,https://github.com/kakao/n2,Apache-2.0,2017-11-23 02:27:59.000,2023-06-27 16:54:16.000000,2023-06-27 16:54:13,72.0,13.0,22.0,561.0,TOROS N2 - lightweight approximate Nearest Neighbor library which runs fast..,20.0,18,2020-10-16 03:43:47,0.1.7,4.0,,242.0,n2,,,,,31.0,31.0,https://pypi.org/project/n2,296.0,296.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +686,featurewiz,True,AutoViML/featurewiz,,hyperopt,https://github.com/AutoViML/featurewiz,https://github.com/AutoViML/featurewiz,Apache-2.0,2020-11-29 16:46:16.000,2024-02-10 13:11:18.000000,2024-02-10 13:11:04,85.0,,85.0,525.0,Use advanced feature engineering strategies and select the..,17.0,18,,,,,,featurewiz,,,,,65.0,65.0,https://pypi.org/project/featurewiz,13691.0,13691.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +687,Auto ViML,True,AutoViML/Auto_ViML,,hyperopt,https://github.com/AutoViML/Auto_ViML,https://github.com/AutoViML/Auto_ViML,Apache-2.0,2019-06-10 13:09:15.000,2023-12-03 19:05:32.000000,2023-12-03 19:05:16,96.0,,31.0,487.0,Automatically Build Multiple ML Models with a Single Line of Code...,8.0,18,,,,,320.0,autoviml,,,,,24.0,24.0,https://pypi.org/project/autoviml,1298.0,1298.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +688,pydlm,True,wwrechard/pydlm,,time-series-data,https://github.com/wwrechard/pydlm,https://github.com/wwrechard/pydlm,BSD-3-Clause,2016-06-29 07:58:53.000,2023-10-04 01:35:07.000000,2023-09-04 05:41:43,95.0,36.0,12.0,467.0,A python library for Bayesian time series modeling.,6.0,18,2023-05-07 06:30:08,0.1.1.12,1.0,,372.0,pydlm,,,,,33.0,33.0,https://pypi.org/project/pydlm,21235.0,21235.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +689,model-card-toolkit,True,tensorflow/model-card-toolkit,,interpretability,https://github.com/tensorflow/model-card-toolkit,https://github.com/tensorflow/model-card-toolkit,Apache-2.0,2020-07-24 16:48:58.000,2023-07-26 12:05:00.000000,2023-07-26 12:04:59,80.0,7.0,23.0,399.0,a tool that leverages rich metadata and lineage..,22.0,18,2023-04-03 17:58:08,2.0.0,9.0,,,model-card-toolkit,,,,,23.0,23.0,https://pypi.org/project/model-card-toolkit,1378.0,1378.0,,,,,,,,3.0,18.0,,,,,,,,,,,,,,, +690,NIPY,True,nipy/nipy,,medical-data,https://github.com/nipy/nipy,https://github.com/nipy/nipy,,2010-05-02 10:00:33.000,2023-12-26 16:13:16.000000,2023-12-26 16:13:16,137.0,30.0,134.0,367.0,Neuroimaging in Python FMRI analysis package.,69.0,18,,,2.0,,,nipy,conda-forge/nipy,,,,222.0,222.0,https://pypi.org/project/nipy,1219.0,2566.0,https://anaconda.org/conda-forge/nipy,2023-06-16 13:21:17.395,106440.0,,,,,3.0,,,,,,,,,,,,,,,, +691,Camphr,True,PKSHATechnology-Research/camphr,,nlp,https://github.com/PKSHATechnology-Research/camphr,https://github.com/PKSHATechnology-Research/camphr,Apache-2.0,2020-02-10 03:39:58.000,2022-12-09 05:56:02.000000,2021-08-18 06:06:51,17.0,2.0,26.0,340.0,"spaCy plugin for Transformers , Udify, ELmo, etc.",7.0,18,2020-08-21 04:45:06,0.7.0,21.0,,1404.0,camphr,,,,['spacy'],13.0,13.0,https://pypi.org/project/camphr,278.0,278.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +692,Sherpa,True,sherpa-ai/sherpa,,hyperopt,https://github.com/sherpa-ai/sherpa,https://github.com/sherpa-ai/sherpa,GPL-3.0,2018-05-16 21:41:54.000,2020-10-18 07:57:50.000000,2020-10-18 07:57:48,51.0,17.0,41.0,326.0,"Hyperparameter optimization that enables researchers to experiment,..",43.0,18,2020-07-31 05:29:09,1.0.7,4.0,,823.0,parameter-sherpa,,,,,34.0,34.0,https://pypi.org/project/parameter-sherpa,288.0,288.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +693,sk-dist,True,Ibotta/sk-dist,,distributed-ml,https://github.com/Ibotta/sk-dist,https://github.com/Ibotta/sk-dist,Apache-2.0,2019-08-14 21:07:17.000,2023-03-23 15:39:49.000000,2023-02-07 20:17:52,52.0,8.0,10.0,287.0,Distributed scikit-learn meta-estimators in PySpark.,8.0,18,,,,,60.0,sk-dist,,,,"['sklearn', 'spark']",16.0,16.0,https://pypi.org/project/sk-dist,301202.0,301202.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +694,pysparkling,True,svenkreiss/pysparkling,,data-pipelines,https://github.com/svenkreiss/pysparkling,https://github.com/svenkreiss/pysparkling,,2015-05-09 19:23:20.000,2022-11-13 18:39:51.000000,2022-11-13 18:39:01,41.0,7.0,21.0,261.0,A pure Python implementation of Apache Spark's RDD and DStream..,10.0,18,2022-11-13 18:39:51,0.6.2,27.0,,,pysparkling,,,,,195.0,195.0,https://pypi.org/project/pysparkling,9366.0,9366.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +695,somoclu,True,peterwittek/somoclu,,distributed-ml,https://github.com/peterwittek/somoclu,https://github.com/peterwittek/somoclu,MIT,2013-01-16 06:33:16.000,2024-01-18 11:58:52.000000,2024-01-18 11:58:51,68.0,30.0,113.0,258.0,Massively parallel self-organizing maps: accelerate training on..,20.0,18,2021-10-31 08:33:47,1.7.6,13.0,,626.0,somoclu,conda-forge/somoclu,,,,,,https://pypi.org/project/somoclu,1477.0,3586.0,https://anaconda.org/conda-forge/somoclu,2023-10-13 23:30:32.439,83682.0,,,,,3.0,1854.0,,,,,,,,,,,,,,, +696,Glow,True,projectglow/glow,,medical-data,https://github.com/projectglow/glow,https://github.com/projectglow/glow,Apache-2.0,2019-10-04 21:26:47.000,2024-02-15 07:20:30.000000,2024-02-14 03:23:15,103.0,57.0,97.0,252.0,An open-source toolkit for large-scale genomic analysis.,25.0,18,2022-04-21 00:32:28,1.2.1,15.0,,,glow.py,,,,,,,https://pypi.org/project/glow.py,52152.0,52152.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +697,micrograd,True,karpathy/micrograd,,pytorch-utils,https://github.com/karpathy/micrograd,https://github.com/karpathy/micrograd,MIT,2020-04-13 04:31:18.000,2024-01-02 19:42:45.000000,2020-04-18 19:15:25,935.0,11.0,10.0,7353.0,A tiny scalar-valued autograd engine and a neural net library..,2.0,17,,,,,24.0,micrograd,,,,['pytorch'],35.0,35.0,https://pypi.org/project/micrograd,690.0,690.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +698,PyText,True,facebookresearch/pytext,,nlp,https://github.com/facebookresearch/pytext,https://github.com/facebookresearch/pytext,,2018-07-31 23:40:46.000,2022-10-17 19:55:31.000000,2022-10-17 19:51:05,789.0,61.0,74.0,6356.0,A natural language modeling framework based on PyTorch.,234.0,17,2020-06-08 23:30:58,0.3.3,9.0,,,pytext-nlp,,,,['pytorch'],21.0,21.0,https://pypi.org/project/pytext-nlp,109.0,114.0,,,,,,,,3.0,354.0,,,,,,,,,,,,,,, +699,PySlowFast,True,facebookresearch/SlowFast,,image,https://github.com/facebookresearch/SlowFast,https://github.com/facebookresearch/SlowFast,Apache-2.0,2019-08-20 22:47:26.000,2023-12-22 07:27:57.000000,2023-10-19 02:11:57,1097.0,365.0,280.0,6128.0,PySlowFast: video understanding codebase from FAIR for..,31.0,17,,,,,,,,,,['pytorch'],15.0,15.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +700,graph-nets,True,deepmind/graph_nets,,graph,https://github.com/google-deepmind/graph_nets,https://github.com/google-deepmind/graph_nets,Apache-2.0,2018-08-31 08:19:28.000,2022-12-12 11:28:07.000000,2022-12-12 11:28:07,771.0,8.0,122.0,5325.0,Build Graph Nets in Tensorflow.,11.0,17,,,,google-deepmind/graph_nets,48.0,graph-nets,,,,['tensorflow'],20.0,20.0,https://pypi.org/project/graph-nets,1002.0,1002.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +701,DALI,True,NVIDIA/DALI,,gpu-utilities,https://github.com/NVIDIA/DALI,https://github.com/NVIDIA/DALI,Apache-2.0,2018-06-01 22:18:01.000,2024-02-15 14:07:28.000000,2024-02-15 13:25:24,586.0,171.0,1353.0,4794.0,A GPU-accelerated library containing highly optimized building blocks..,88.0,17,2024-01-30 17:28:04,1.34.0,74.0,,,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +702,Spotlight,True,maciejkula/spotlight,,recommender-systems,https://github.com/maciejkula/spotlight,https://github.com/maciejkula/spotlight,MIT,2017-06-25 18:52:19.000,2023-06-16 13:22:46.522000,2020-02-09 21:03:48,413.0,62.0,48.0,2929.0,Deep recommender models using PyTorch.,11.0,17,2019-09-08 10:19:53,0.1.6,7.0,,299.0,,maciejkula/spotlight,,,['pytorch'],,,,,106.0,https://anaconda.org/maciejkula/spotlight,2023-06-16 13:22:46.522,8541.0,,,,,3.0,,,,,,,,,,,,,,,, +703,DeepWalk,True,phanein/deepwalk,,graph,https://github.com/phanein/deepwalk,https://github.com/phanein/deepwalk,,2014-08-23 03:38:20.000,2023-06-14 23:22:41.000000,2020-04-02 01:05:35,820.0,31.0,80.0,2625.0,DeepWalk - Deep Learning for Graphs.,10.0,17,2014-11-19 19:20:33,1.0.2,1.0,,46.0,deepwalk,,,,,69.0,69.0,https://pypi.org/project/deepwalk,958.0,958.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +704,Mara Pipelines,True,mara/mara-pipelines,,data-pipelines,https://github.com/mara/mara-pipelines,https://github.com/mara/mara-pipelines,MIT,2018-03-31 20:37:22.000,2023-12-15 16:14:47.000000,2023-12-07 14:42:14,101.0,18.0,16.0,2041.0,"A lightweight opinionated ETL framework, halfway between plain..",17.0,17,2023-12-06 18:22:59,3.5.0,11.0,,142.0,mara-pipelines,,,,,,,https://pypi.org/project/mara-pipelines,115.0,115.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +705,spark-deep-learning,True,databricks/spark-deep-learning,,data-pipelines,https://github.com/databricks/spark-deep-learning,https://github.com/databricks/spark-deep-learning,Apache-2.0,2017-05-31 17:30:28.000,2023-03-30 20:19:05.000000,2022-03-21 17:12:16,458.0,78.0,27.0,1984.0,Deep Learning Pipelines for Apache Spark.,17.0,17,2020-01-08 19:50:31,1.6.0,9.0,,138.0,,,,,['spark'],40.0,40.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +706,TNT,True,pytorch/tnt,,ml-experiments,https://github.com/pytorch/tnt,https://github.com/pytorch/tnt,,2016-12-10 11:49:58.000,2024-02-14 17:14:32.000000,2024-02-14 17:00:02,244.0,3.0,63.0,1600.0,"Simple tools for logging and visualizing, loading and training.",111.0,17,,,,,812.0,torchnet,,,,['pytorch'],,,https://pypi.org/project/torchnet,6276.0,6276.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +707,Classy Vision,True,facebookresearch/ClassyVision,,image,https://github.com/facebookresearch/ClassyVision,https://github.com/facebookresearch/ClassyVision,MIT,2019-09-13 22:54:44.000,2023-06-16 19:17:34.578000,2023-03-23 14:35:34,276.0,13.0,64.0,1569.0,An end-to-end PyTorch framework for image and video..,77.0,17,2023-03-21 05:24:19,0.7.0,7.0,,,classy_vision,conda-forge/classy_vision,,,['pytorch'],,,https://pypi.org/project/classy_vision,657.0,1039.0,https://anaconda.org/conda-forge/classy_vision,2023-06-16 19:17:34.578,18735.0,,,,,3.0,,,,,,,,,,,,,,,, +708,AstroML,True,astroML/astroML,,others,https://github.com/astroML/astroML,https://github.com/astroML/astroML,BSD-2-Clause,2012-10-17 22:33:50.000,2024-01-27 00:07:06.000000,2024-01-04 20:41:21,290.0,59.0,97.0,997.0,"Machine learning, statistics, and data mining for astronomy and..",31.0,17,,,6.0,,,astroML,conda-forge/astroml,,,['sklearn'],,,https://pypi.org/project/astroML,1363.0,1905.0,https://anaconda.org/conda-forge/astroml,2023-06-16 13:21:24.079,42288.0,,,,,3.0,,,,,,,,,,,,,,,, +709,pytorch2keras,True,nerox8664/pytorch2keras,,model-serialisation,https://github.com/gmalivenko/pytorch2keras,https://github.com/gmalivenko/pytorch2keras,MIT,2017-11-16 20:21:43.000,2022-12-08 11:42:52.000000,2021-08-06 08:18:46,143.0,58.0,69.0,847.0,PyTorch to Keras model convertor.,13.0,17,,,1.0,gmalivenko/pytorch2keras,282.0,pytorch2keras,,,,,95.0,95.0,https://pypi.org/project/pytorch2keras,634.0,634.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +710,CellProfiler,True,CellProfiler/CellProfiler,,image,https://github.com/CellProfiler/CellProfiler,https://github.com/CellProfiler/CellProfiler,,2011-04-05 12:10:12.000,2024-02-07 23:40:06.000000,2024-02-07 23:40:03,354.0,281.0,2959.0,838.0,An open-source application for biological image analysis.,143.0,17,2023-08-14 19:59:48,4.2.6,48.0,,,cellprofiler,,,,,20.0,20.0,https://pypi.org/project/cellprofiler,775.0,828.0,,,,,,,,3.0,6532.0,,,,,,,,,,,,,,, +711,Auto TS,True,AutoViML/Auto_TS,,time-series-data,https://github.com/AutoViML/Auto_TS,https://github.com/AutoViML/Auto_TS,Apache-2.0,2020-02-15 15:23:32.000,2024-01-28 21:21:14.000000,2024-01-28 21:21:14,107.0,,85.0,663.0,"Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost..",12.0,17,,,2.0,,295.0,auto-ts,,,,,,,https://pypi.org/project/auto-ts,4687.0,4687.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +712,tinytag,True,devsnd/tinytag,,audio,https://github.com/devsnd/tinytag,https://github.com/devsnd/tinytag,MIT,2014-01-27 15:27:01.000,2023-11-30 08:29:05.000000,2023-10-26 19:25:33,97.0,11.0,94.0,646.0,"Read music meta data and length of MP3, OGG, OPUS, MP4, M4A, FLAC, WMA and..",26.0,17,,,,,460.0,tinytag,,,,,,,https://pypi.org/project/tinytag,22431.0,22431.0,,,,,,,,3.0,,-6.0,,,,,,,,,,,,,, +713,TensorBoard Logger,True,TeamHG-Memex/tensorboard_logger,,ml-experiments,https://github.com/TeamHG-Memex/tensorboard_logger,https://github.com/TeamHG-Memex/tensorboard_logger,MIT,2016-10-27 14:02:25.000,2022-12-26 20:24:35.000000,2019-10-21 07:52:07,53.0,9.0,15.0,632.0,Log TensorBoard events without touching TensorFlow.,5.0,17,,,,,46.0,tensorboard_logger,,,,,168.0,168.0,https://pypi.org/project/tensorboard_logger,5756.0,5756.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +714,tcav,True,tensorflow/tcav,,interpretability,https://github.com/tensorflow/tcav,https://github.com/tensorflow/tcav,Apache-2.0,2018-07-03 17:45:35.000,2024-01-23 00:12:47.000000,2021-09-16 17:56:31,143.0,9.0,55.0,606.0,Code for the TCAV ML interpretability project.,19.0,17,2018-11-21 15:34:40,0.2,2.0,,171.0,tcav,,,,['tensorflow'],19.0,19.0,https://pypi.org/project/tcav,109.0,109.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +715,seglearn,True,dmbee/seglearn,,time-series-data,https://github.com/dmbee/seglearn,https://github.com/dmbee/seglearn,BSD-3-Clause,2018-03-05 20:53:59.000,2022-08-27 09:01:18.000000,2022-08-27 09:00:35,62.0,5.0,24.0,560.0,Python module for machine learning time series:.,14.0,17,,,,,283.0,seglearn,,,,,47.0,47.0,https://pypi.org/project/seglearn,1061.0,1061.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +716,SKLL,True,EducationalTestingService/skll,,ml-experiments,https://github.com/EducationalTestingService/skll,https://github.com/EducationalTestingService/skll,,2013-08-02 14:31:46.000,2024-02-14 18:20:32.000000,2024-02-14 18:20:29,67.0,24.0,389.0,552.0,SciKit-Learn Laboratory (SKLL) makes it easy to run machine..,37.0,17,2023-11-14 15:08:13,4.0.1,69.0,,,skll,,,,['sklearn'],41.0,41.0,https://pypi.org/project/skll,464.0,464.0,,,,,,,,3.0,13.0,,,,,,,,,,,,,,, +717,pyhsmm,True,mattjj/pyhsmm,,probabilistics,https://github.com/mattjj/pyhsmm,https://github.com/mattjj/pyhsmm,MIT,2012-03-18 17:40:13.000,2022-10-26 08:37:57.000000,2020-08-24 17:03:59,164.0,38.0,60.0,535.0,Bayesian inference in HSMMs and HMMs.,13.0,17,,,,,1426.0,pyhsmm,,,,,28.0,28.0,https://pypi.org/project/pyhsmm,90.0,90.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +718,Auto Tune Models,True,HDI-Project/ATM,,hyperopt,https://github.com/HDI-Project/ATM,https://github.com/HDI-Project/ATM,MIT,2016-10-14 18:03:00.000,2020-02-21 17:44:07.000000,2020-02-21 17:40:58,137.0,18.0,71.0,522.0,"Auto Tune Models - A multi-tenant, multi-data system for..",17.0,17,2019-07-30 09:28:26,0.2.2,6.0,,775.0,atm,,,,,18.0,18.0,https://pypi.org/project/atm,91.0,91.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +719,DeepMatcher,True,anhaidgroup/deepmatcher,,nlp,https://github.com/anhaidgroup/deepmatcher,https://github.com/anhaidgroup/deepmatcher,BSD-3-Clause,2017-12-01 19:01:11.000,2023-05-02 04:54:25.000000,2021-06-13 00:22:13,121.0,67.0,24.0,521.0,Python package for performing Entity and Text Matching using..,7.0,17,,,,,176.0,deepmatcher,,,,,26.0,26.0,https://pypi.org/project/deepmatcher,3464.0,3464.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +720,scikit-tda,True,scikit-tda/scikit-tda,,sklearn-utils,https://github.com/scikit-tda/scikit-tda,https://github.com/scikit-tda/scikit-tda,,2018-04-13 21:00:31.000,2022-03-13 16:33:15.000000,2022-03-13 16:33:15,50.0,16.0,4.0,476.0,Topological Data Analysis for Python.,4.0,17,2021-08-03 00:22:58,1.0.0,4.0,,64.0,scikit-tda,,,,['sklearn'],51.0,51.0,https://pypi.org/project/scikit-tda,2663.0,2663.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +721,ivis,True,beringresearch/ivis,,data-viz,https://github.com/beringresearch/ivis,https://github.com/beringresearch/ivis,Apache-2.0,2018-08-13 08:31:01.000,2023-11-09 23:19:49.000000,2023-11-09 23:18:48,42.0,3.0,56.0,314.0,Dimensionality reduction in very large datasets using Siamese..,10.0,17,2023-01-11 12:25:50,2.09,35.0,,634.0,ivis,,,,['tensorflow'],31.0,31.0,https://pypi.org/project/ivis,335.0,335.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +722,skift,True,shaypal5/skift,,nlp,https://github.com/shaypal5/skift,https://github.com/shaypal5/skift,MIT,2018-02-03 11:37:21.000,2022-06-07 15:07:07.000000,2022-06-07 15:07:04,23.0,1.0,10.0,235.0,scikit-learn wrappers for Python fastText.,9.0,17,2022-02-14 13:45:54,0.0.23,3.0,,141.0,skift,,,,['sklearn'],13.0,13.0,https://pypi.org/project/skift,887.0,887.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +723,pyRDF2Vec,True,IBCNServices/pyRDF2Vec,,graph,https://github.com/IBCNServices/pyRDF2Vec,https://github.com/IBCNServices/pyRDF2Vec,MIT,2019-06-13 11:36:12.000,2024-02-02 15:32:17.000000,2023-07-02 18:02:16,45.0,18.0,64.0,235.0,Python Implementation and Extension of RDF2Vec.,7.0,17,2021-06-09 10:55:19,0.2.3,6.0,,,pyrdf2vec,,,,,40.0,40.0,https://pypi.org/project/pyrdf2vec,349.0,349.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +724,Larq Compute Engine,True,larq/compute-engine,,model-serialisation,https://github.com/larq/compute-engine,https://github.com/larq/compute-engine,Apache-2.0,2019-08-29 15:02:43.000,2024-02-05 07:59:49.000000,2024-02-05 07:59:48,32.0,15.0,127.0,233.0,Highly optimized inference engine for Binarized..,18.0,17,2023-08-10 09:15:06,0.13.0,20.0,,,larq-compute-engine,,,,,7.0,7.0,https://pypi.org/project/larq-compute-engine,1924.0,1944.0,,,,,,,,3.0,995.0,,,,,,,,,,,,,,, +725,skggm,True,skggm/skggm,,sklearn-utils,https://github.com/skggm/skggm,https://github.com/skggm/skggm,MIT,2016-06-11 18:35:56.000,2023-06-15 16:53:56.000000,2023-06-15 16:53:55,43.0,29.0,47.0,233.0,Scikit-learn compatible estimation of general graphical models.,7.0,17,2018-09-12 01:11:31,0.2.8,6.0,,691.0,skggm,,,,['sklearn'],13.0,13.0,https://pypi.org/project/skggm,52.0,52.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +726,Muda,True,bmcfee/muda,,audio,https://github.com/bmcfee/muda,https://github.com/bmcfee/muda,ISC,2014-11-07 21:21:22.000,2021-05-03 14:04:37.000000,2021-05-03 14:04:36,33.0,6.0,44.0,224.0,A library for augmenting annotated audio data.,7.0,17,2019-11-15 15:46:12,0.4.1,11.0,,293.0,muda,,,,,22.0,22.0,https://pypi.org/project/muda,77.0,77.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +727,Parfit,True,jmcarpenter2/parfit,,hyperopt,https://github.com/jmcarpenter2/parfit,https://github.com/jmcarpenter2/parfit,MIT,2017-11-22 20:17:51.000,2024-02-13 04:16:38.000000,2020-04-04 19:26:37,30.0,6.0,5.0,199.0,A package for parallelizing the fit and flexibly scoring of..,4.0,17,,,,,127.0,parfit,,,,['sklearn'],27.0,27.0,https://pypi.org/project/parfit,3857.0,3857.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +728,OpenNRE,True,thunlp/OpenNRE,,nlp,https://github.com/thunlp/OpenNRE,https://github.com/thunlp/OpenNRE,MIT,2017-02-26 07:37:12.000,2024-01-10 11:52:49.000000,2024-01-10 11:52:48,984.0,11.0,352.0,4186.0,An Open-Source Package for Neural Relation Extraction (NRE).,13.0,16,,,,,177.0,,,,,,3.0,3.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +729,BytePS,True,bytedance/byteps,,distributed-ml,https://github.com/bytedance/byteps,https://github.com/bytedance/byteps,Apache-2.0,2019-06-25 07:00:13.000,2023-10-03 18:02:27.000000,2022-02-10 07:36:23,471.0,104.0,161.0,3543.0,A high performance and generic framework for distributed DNN training.,21.0,16,2020-02-19 23:44:20,0.2,1.0,,432.0,byteps,,bytepsimage/tensorflow,,,,,https://pypi.org/project/byteps,108.0,131.0,,,,https://hub.docker.com/r/bytepsimage/tensorflow,2020-03-03 02:33:23.358610,,1324.0,3.0,,,,,,,,,,,,,,,, +730,image-match,True,EdjoLabs/image-match,,image,https://github.com/rhsimplex/image-match,https://github.com/rhsimplex/image-match,,2016-03-08 18:16:45.000,2022-12-06 11:29:04.000000,2022-12-06 11:29:04,389.0,55.0,48.0,2910.0,Quickly search over billions of images.,19.0,16,2017-02-06 08:12:01,1.1.2,10.0,rhsimplex/image-match,406.0,image_match,,,,,,,https://pypi.org/project/image_match,506.0,506.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +731,Pillow-SIMD,True,uploadcare/pillow-simd,,image,https://github.com/uploadcare/pillow-simd,https://github.com/uploadcare/pillow-simd,PIL,2014-11-12 15:33:02.000,2023-06-20 17:42:42.000000,2023-06-20 17:42:34,84.0,12.0,75.0,2070.0,The friendly PIL fork.,385.0,16,,,,,,pillow-simd,,,,,,,https://pypi.org/project/pillow-simd,41682.0,41682.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +732,automl-gs,True,minimaxir/automl-gs,,hyperopt,https://github.com/minimaxir/automl-gs,https://github.com/minimaxir/automl-gs,MIT,2019-01-13 18:57:44.000,2019-10-22 11:20:40.000000,2019-04-05 06:48:14,167.0,25.0,6.0,1839.0,"Provide an input CSV and a target field to predict, generate a..",7.0,16,2019-04-05 06:51:04,0.2.1,2.0,,102.0,automl_gs,,,,,,,https://pypi.org/project/automl_gs,31.0,31.0,,,,,,,,3.0,41.0,,,,,,,,,,,,,,, +733,riko,True,nerevu/riko,,data-pipelines,https://github.com/nerevu/riko,https://github.com/nerevu/riko,MIT,2016-06-02 12:22:51.000,2021-12-28 23:01:39.000000,2021-12-28 23:01:31,75.0,21.0,8.0,1607.0,A Python stream processing engine modeled after Yahoo! Pipes.,18.0,16,,,,,1269.0,riko,,,,,,,https://pypi.org/project/riko,188.0,188.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +734,Xcessiv,True,reiinakano/xcessiv,,hyperopt,https://github.com/reiinakano/xcessiv,https://github.com/reiinakano/xcessiv,Apache-2.0,2017-03-07 18:18:25.000,2018-06-06 22:23:37.000000,2017-08-21 00:51:15,105.0,21.0,13.0,1266.0,"A web-based application for quick, scalable, and automated..",6.0,16,2017-08-21 00:53:25,0.5.1,20.0,,316.0,xcessiv,,,,,1.0,1.0,https://pypi.org/project/xcessiv,117.0,117.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +735,Tez,True,abhishekkrthakur/tez,,pytorch-utils,https://github.com/abhishekkrthakur/tez,https://github.com/abhishekkrthakur/tez,Apache-2.0,2020-11-13 10:19:22.000,2023-01-29 16:52:18.000000,2022-09-16 11:03:31,143.0,23.0,18.0,1157.0,Tez is a super-simple and lightweight Trainer for PyTorch. It..,2.0,16,2021-08-16 18:42:17,0.1.8,1.0,,,tez,,,,['pytorch'],49.0,49.0,https://pypi.org/project/tez,214.0,214.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +736,XAI,True,EthicalML/xai,,interpretability,https://github.com/EthicalML/xai,https://github.com/EthicalML/xai,MIT,2019-01-11 20:00:09.000,2021-10-30 06:35:19.000000,2021-10-30 06:30:12,148.0,3.0,7.0,1020.0,XAI - An eXplainability toolbox for machine learning.,3.0,16,2021-10-30 06:35:19,0.1.0,1.0,,91.0,xai,,,,,23.0,23.0,https://pypi.org/project/xai,243.0,243.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +737,Databolt Flow,True,d6t/d6tflow,,data-pipelines,https://github.com/d6t/d6tflow,https://github.com/d6t/d6tflow,MIT,2019-02-03 01:51:22.000,2023-07-20 18:28:08.000000,2023-07-20 18:28:08,76.0,10.0,13.0,951.0,Python library for building highly effective data science workflows.,13.0,16,,,,,272.0,d6tflow,,,,,28.0,28.0,https://pypi.org/project/d6tflow,295.0,295.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +738,Dragonfly,True,dragonfly/dragonfly,,hyperopt,https://github.com/dragonfly/dragonfly,https://github.com/dragonfly/dragonfly,MIT,2018-04-20 22:19:50.000,2023-06-19 20:23:17.000000,2022-10-01 22:21:50,225.0,39.0,21.0,828.0,An open source python library for scalable Bayesian optimisation.,13.0,16,,,,,400.0,dragonfly-opt,,,,,,,https://pypi.org/project/dragonfly-opt,6318.0,6318.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +739,NeoML,True,neoml-lib/neoml,,ml-frameworks,https://github.com/neoml-lib/neoml,https://github.com/neoml-lib/neoml,Apache-2.0,2020-06-14 17:37:36.000,2024-02-12 01:32:09.000000,2024-01-24 09:35:21,123.0,15.0,50.0,754.0,Machine learning framework for both deep learning and traditional..,35.0,16,2021-06-22 05:25:53,NeoML-master_2.0.5.0,2.0,,1149.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +740,matrixprofile-ts,True,target/matrixprofile-ts,,time-series-data,https://github.com/target/matrixprofile-ts,https://github.com/target/matrixprofile-ts,Apache-2.0,2018-09-10 19:03:34.000,2023-04-23 10:08:18.000000,2020-04-25 18:37:42,103.0,19.0,35.0,724.0,A Python library for detecting patterns and anomalies..,15.0,16,,,,,198.0,matrixprofile-ts,,,,,24.0,24.0,https://pypi.org/project/matrixprofile-ts,301.0,301.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +741,ThunderGBM,True,Xtra-Computing/thundergbm,,ml-frameworks,https://github.com/Xtra-Computing/thundergbm,https://github.com/Xtra-Computing/thundergbm,Apache-2.0,2016-11-11 09:58:08.000,2024-01-29 12:26:32.000000,2024-01-29 12:26:25,81.0,37.0,42.0,684.0,ThunderGBM: Fast GBDTs and Random Forests on GPUs.,12.0,16,2019-05-07 08:47:56,0.3.2,3.0,,611.0,thundergbm,,,,,2.0,2.0,https://pypi.org/project/thundergbm,80.0,80.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +742,Sematch,True,gsi-upm/sematch,,graph,https://github.com/gsi-upm/sematch,https://github.com/gsi-upm/sematch,Apache-2.0,2012-11-30 11:11:53.000,2023-11-07 11:11:44.000000,2023-11-07 11:10:46,105.0,15.0,19.0,420.0,semantic similarity framework for knowledge graph.,10.0,16,,,,,137.0,sematch,,,,,46.0,46.0,https://pypi.org/project/sematch,254.0,254.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +743,ExplainX.ai,True,explainX/explainx,,interpretability,https://github.com/explainX/explainx,https://github.com/explainX/explainx,MIT,2020-06-16 14:27:15.000,2024-02-02 18:13:06.000000,2024-01-15 19:35:42,51.0,2.0,29.0,380.0,Explainable AI framework for data scientists. Explain & debug any..,5.0,16,2021-02-07 11:06:21,2.407,21.0,,191.0,explainx,,,,,,,https://pypi.org/project/explainx,387.0,387.0,,,,,,,,3.0,13.0,,,,,,,,,,,,,,, +744,tfdeploy,True,riga/tfdeploy,,model-serialisation,https://github.com/riga/tfdeploy,https://github.com/riga/tfdeploy,BSD-3-Clause,2016-03-07 13:08:21.000,2024-01-02 09:08:58.000000,2024-01-02 09:08:58,36.0,11.0,23.0,352.0,Deploy tensorflow graphs for fast evaluation and export to..,4.0,16,2016-12-23 10:46:31,0.3.3,10.0,,172.0,tfdeploy,,,,['tensorflow'],,,https://pypi.org/project/tfdeploy,69.0,69.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +745,pdvega,True,altair-viz/pdvega,,data-viz,https://github.com/altair-viz/pdvega,https://github.com/altair-viz/pdvega,MIT,2018-01-11 21:30:27.000,2019-03-29 16:09:14.000000,2019-03-29 16:09:13,32.0,16.0,10.0,345.0,Interactive plotting for Pandas using Vega-Lite.,9.0,16,,,,,177.0,pdvega,,,,,86.0,86.0,https://pypi.org/project/pdvega,85.0,85.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +746,Brainiak,True,brainiak/brainiak,,medical-data,https://github.com/brainiak/brainiak,https://github.com/brainiak/brainiak,Apache-2.0,2016-02-08 23:19:27.000,2023-12-12 01:10:32.000000,2023-11-27 22:11:53,128.0,81.0,129.0,323.0,Brain Imaging Analysis Kit.,35.0,16,,,,,398.0,brainiak,,brainiak/brainiak,,,,,https://pypi.org/project/brainiak,143.0,161.0,,,,https://hub.docker.com/r/brainiak/brainiak,2020-10-15 21:11:03.379549,1.0,1808.0,3.0,,,,,,,,,,,,,,,, +747,textpipe,True,textpipe/textpipe,,nlp,https://github.com/textpipe/textpipe,https://github.com/textpipe/textpipe,MIT,2018-06-21 16:23:32.000,2021-06-09 11:55:53.000000,2021-06-09 11:55:53,27.0,15.0,25.0,300.0,Textpipe: clean and extract metadata from text.,29.0,16,,,,,371.0,textpipe,,,,,8.0,8.0,https://pypi.org/project/textpipe,156.0,156.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +748,celer,True,mathurinm/celer,,sklearn-utils,https://github.com/mathurinm/celer,https://github.com/mathurinm/celer,BSD-3-Clause,2018-02-20 19:37:31.000,2023-07-26 15:59:24.000000,2023-07-21 09:03:49,31.0,19.0,74.0,187.0,"Fast solver for L1-type problems: Lasso, sparse Logisitic regression,..",11.0,16,2020-10-12 12:26:09,0.5.1,3.0,,,celer,,,,['sklearn'],32.0,32.0,https://pypi.org/project/celer,638.0,638.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +749,Torch Points 3D,True,nicolas-chaulet/torch-points3d,,image,https://github.com/nicolas-chaulet/torch-points3d,https://github.com/nicolas-chaulet/torch-points3d,BSD-3-Clause,2022-01-09 14:41:37.000,2021-12-10 20:17:18.000000,2021-12-10 20:17:18,42.0,,,179.0,Pytorch framework for doing deep learning on point clouds.,29.0,16,,,,,1788.0,torch-points3d,,,,['pytorch'],,,https://pypi.org/project/torch-points3d,646.0,646.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +750,steppy,True,minerva-ml/steppy,,ml-experiments,https://github.com/minerva-ml/steppy,https://github.com/minerva-ml/steppy,MIT,2018-01-15 09:40:49.000,2018-11-23 09:48:51.000000,2018-11-23 09:47:34,32.0,13.0,50.0,136.0,"Lightweight, Python library for fast and reproducible experimentation.",7.0,16,2018-11-23 09:48:51,0.1.16,16.0,,69.0,steppy,,,,,51.0,51.0,https://pypi.org/project/steppy,42.0,42.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +751,nvidia-ml-py3,True,nicolargo/nvidia-ml-py3,,gpu-utilities,https://github.com/nicolargo/nvidia-ml-py3,https://github.com/nicolargo/nvidia-ml-py3,,2017-06-03 07:47:03.000,2023-07-28 07:11:13.000000,2019-03-06 20:41:09,20.0,2.0,1.0,127.0,Python 3 Bindings for the NVIDIA Management Library.,2.0,16,,,,,5.0,nvidia-ml-py3,,,,,8677.0,8677.0,https://pypi.org/project/nvidia-ml-py3,316800.0,316800.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +752,GraphEmbedding,True,shenweichen/GraphEmbedding,,graph,https://github.com/shenweichen/GraphEmbedding,https://github.com/shenweichen/GraphEmbedding,MIT,2019-02-11 16:27:20.000,2022-06-22 11:47:45.000000,2022-06-21 18:24:09,963.0,39.0,25.0,3527.0,Implementation and experiments of graph embedding algorithms.,9.0,15,,,,,30.0,,,,,['sklearn'],31.0,31.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +753,pycls,True,facebookresearch/pycls,,image,https://github.com/facebookresearch/pycls,https://github.com/facebookresearch/pycls,MIT,2019-06-10 22:47:17.000,2023-08-26 21:36:44.000000,2023-08-26 20:55:56,233.0,24.0,56.0,2094.0,"Codebase for Image Classification Research, written in PyTorch.",19.0,15,2021-05-21 00:29:47,0.2,2.0,,,,,,,['pytorch'],17.0,17.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +754,Advisor,True,tobegit3hub/advisor,,hyperopt,https://github.com/tobegit3hub/advisor,https://github.com/tobegit3hub/advisor,Apache-2.0,2017-09-14 03:50:33.000,2019-11-11 07:09:57.869705,2019-11-11 06:59:31,256.0,20.0,13.0,1538.0,Open-source implementation of Google Vizier for hyper parameters..,11.0,15,,,,,165.0,advisor,,tobegit3hub/advisor,,,,,https://pypi.org/project/advisor,73.0,94.0,,,,https://hub.docker.com/r/tobegit3hub/advisor,2019-11-11 07:09:57.869705,,1686.0,3.0,,,,,,,,,,,,,,,, +755,AdvBox,True,advboxes/AdvBox,,adversarial,https://github.com/advboxes/AdvBox,https://github.com/advboxes/AdvBox,Apache-2.0,2018-08-08 08:55:41.000,2023-02-15 19:57:27.000000,2022-08-08 02:56:23,252.0,7.0,31.0,1361.0,Advbox is a toolbox to generate adversarial examples that fool..,19.0,15,,,,,378.0,advbox,,,,,2.0,2.0,https://pypi.org/project/advbox,39.0,39.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +756,tffm,True,geffy/tffm,,tensorflow-utils,https://github.com/geffy/tffm,https://github.com/geffy/tffm,MIT,2016-05-02 17:06:07.000,2022-01-17 20:39:04.000000,2022-01-17 20:38:58,172.0,18.0,22.0,785.0,TensorFlow implementation of an arbitrary order Factorization Machine.,11.0,15,,,,,107.0,tffm,,,,['tensorflow'],13.0,13.0,https://pypi.org/project/tffm,31.0,31.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +757,FlashTorch,True,MisaOgura/flashtorch,,interpretability,https://github.com/MisaOgura/flashtorch,https://github.com/MisaOgura/flashtorch,MIT,2019-03-22 13:00:57.000,2023-09-21 07:22:50.000000,2023-09-21 07:22:50,88.0,9.0,22.0,719.0,Visualization toolkit for neural networks in PyTorch! Demo --.,2.0,15,2020-05-29 14:39:38,0.1.3,5.0,,,flashtorch,,,,['pytorch'],15.0,15.0,https://pypi.org/project/flashtorch,729.0,729.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +758,HyperparameterHunter,True,HunterMcGushion/hyperparameter_hunter,,hyperopt,https://github.com/HunterMcGushion/hyperparameter_hunter,https://github.com/HunterMcGushion/hyperparameter_hunter,MIT,2018-06-01 23:17:00.000,2021-01-20 03:52:41.000000,2021-01-20 03:52:40,99.0,32.0,84.0,703.0,Easy hyperparameter optimization and automatic result..,4.0,15,2019-08-06 09:09:45,3.0.0,16.0,,1096.0,hyperparameter-hunter,,,,,,,https://pypi.org/project/hyperparameter-hunter,111.0,117.0,,,,,,,,3.0,412.0,,,,,,,,,,,,,,, +759,kglib,True,graknlabs/kglib,,graph,https://github.com/vaticle/typedb-ml,https://github.com/vaticle/typedb-ml,Apache-2.0,2018-09-16 16:46:48.000,2023-11-18 17:08:08.000000,2023-11-18 17:08:08,92.0,12.0,51.0,548.0,Grakn Knowledge Graph Library (ML R&D).,11.0,15,2022-07-29 11:37:34,0.3.0,8.0,vaticle/typedb-ml,508.0,grakn-kglib,,,,,,,https://pypi.org/project/grakn-kglib,104.0,107.0,,,,,,,,3.0,220.0,,,,,,,,,,,,,,, +760,DESlib,True,scikit-learn-contrib/DESlib,,sklearn-utils,https://github.com/scikit-learn-contrib/DESlib,https://github.com/scikit-learn-contrib/DESlib,BSD-3-Clause,2017-12-08 22:49:49.000,2023-07-14 19:31:30.000000,2023-06-18 21:56:30,79.0,17.0,136.0,462.0,A Python library for dynamic classifier and ensemble selection.,16.0,15,,,,,277.0,deslib,,,,['sklearn'],,,https://pypi.org/project/deslib,1199.0,1199.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +761,DeepGraph,True,deepgraph/deepgraph,,graph,https://github.com/deepgraph/deepgraph,https://github.com/deepgraph/deepgraph,,2015-10-27 12:28:45.000,2023-10-03 23:52:47.440000,2023-07-17 09:18:00,39.0,10.0,7.0,280.0,Analyze Data with Pandas-based Networks. Documentation:.,2.0,15,2020-10-01 13:20:38,0.2.3,12.0,,166.0,deepgraph,conda-forge/deepgraph,,,['pandas'],8.0,8.0,https://pypi.org/project/deepgraph,334.0,4683.0,https://anaconda.org/conda-forge/deepgraph,2023-10-03 23:52:47.440,173977.0,,,,,3.0,,,,,,,,,,,,,,,, +762,openpyxl,True,,,data-loading,,https://foss.heptapod.net/openpyxl/openpyxl,MIT,2015-11-03 00:22:17.154,2023-11-14 16:50:15.522000,,0.0,303.0,1824.0,69.0,A Python library to read/write Excel 2010 xlsx/xlsm files.,,15,,,42.0,,,openpyxl,openpyxl,openpyxl/openpyxl-ci,https://openpyxl.readthedocs.io/en/stable/,,,,https://pypi.org/project/openpyxl,67392068.0,67394219.0,https://anaconda.org/anaconda/openpyxl,2023-11-14 16:50:15.522,211798.0,https://hub.docker.com/r/openpyxl/openpyxl-ci,2018-09-13 18:04:17.646261,,1225.0,3.0,,,,,,,,,,,,,,,https://foss.heptapod.net/api/graphql::openpyxl/openpyxl,https://foss.heptapod.net/openpyxl/openpyxl +763,Feature Engine,True,solegalli/feature_engine,,others,https://github.com/solegalli/feature_engine,https://github.com/solegalli/feature_engine,BSD-3-Clause,2020-08-06 19:43:35.639,2023-09-19 07:41:06.631000,2022-12-07 10:32:49,12.0,,,42.0,Feature engineering package with sklearn like functionality.,38.0,15,,,19.0,,,feature_engine,conda-forge/feature_engine,,,,,,https://pypi.org/project/feature_engine,145834.0,146886.0,https://anaconda.org/conda-forge/feature_engine,2023-09-19 07:41:06.631,44208.0,,,,,3.0,,,,,,,,,,,,,,,, +764,DeepMind Lab,True,deepmind/lab,,reinforcement-learning,https://github.com/google-deepmind/lab,https://github.com/google-deepmind/lab,,2016-11-30 13:41:26.000,2023-01-04 15:38:37.000000,2023-01-04 15:19:06,1343.0,56.0,167.0,6980.0,A customisable 3D platform for agent-based AI research.,9.0,14,2020-12-07 11:26:33,release-2020-12-07,8.0,google-deepmind/lab,509.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +765,Euler,True,alibaba/euler,,graph,https://github.com/alibaba/euler,https://github.com/alibaba/euler,Apache-2.0,2019-01-10 06:32:32.000,2023-08-19 12:30:48.000000,2020-07-29 05:53:01,553.0,215.0,102.0,2869.0,A distributed graph deep learning framework.,3.0,14,2020-07-07 02:24:18,2.0.0,2.0,,8.0,euler-gl,,,,['tensorflow'],,,https://pypi.org/project/euler-gl,9.0,9.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +766,ZhuSuan,True,thu-ml/zhusuan,,probabilistics,https://github.com/thu-ml/zhusuan,https://github.com/thu-ml/zhusuan,MIT,2016-07-18 13:31:38.000,2022-12-17 20:33:19.000000,2019-08-05 10:00:04,413.0,7.0,53.0,2198.0,"A probabilistic programming library for Bayesian deep learning,..",20.0,14,,,,,439.0,,,,,['tensorflow'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +767,BlazingSQL,True,BlazingDB/blazingsql,,gpu-utilities,https://github.com/BlazingDB/blazingsql,https://github.com/BlazingDB/blazingsql,Apache-2.0,2018-09-24 18:25:45.000,2023-06-16 16:17:31.557000,2021-09-30 21:51:09,175.0,129.0,586.0,1877.0,"BlazingSQL is a lightweight, GPU accelerated, SQL engine for..",50.0,14,2021-08-16 15:40:43,21.08.00,19.0,,,,blazingsql/blazingsql-protocol,,,,,,,,19.0,https://anaconda.org/blazingsql/blazingsql-protocol,2023-06-16 16:17:31.557,1019.0,,,,,3.0,,,,,,,,,,,,,,,, +768,NeuroNER,True,Franck-Dernoncourt/NeuroNER,,nlp,https://github.com/Franck-Dernoncourt/NeuroNER,https://github.com/Franck-Dernoncourt/NeuroNER,MIT,2017-03-07 01:24:15.000,2023-03-24 22:29:09.000000,2019-10-02 23:26:11,462.0,83.0,68.0,1672.0,Named-entity recognition using neural networks. Easy-to-use and..,7.0,14,2019-03-13 20:28:15,1.0-dev2,1.0,,132.0,pyneuroner,,,,,,,https://pypi.org/project/pyneuroner,140.0,140.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +769,OpenNE,True,thunlp/OpenNE,,graph,https://github.com/thunlp/OpenNE,https://github.com/thunlp/OpenNE,MIT,2017-10-08 04:58:20.000,2024-01-10 11:53:25.000000,2024-01-10 11:53:25,483.0,5.0,97.0,1667.0,An Open-Source Package for Network Embedding (NE).,12.0,14,,,,,104.0,,,,,['tensorflow'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +770,Medical Detection Toolkit,True,MIC-DKFZ/medicaldetectiontoolkit,,medical-data,https://github.com/MIC-DKFZ/medicaldetectiontoolkit,https://github.com/MIC-DKFZ/medicaldetectiontoolkit,Apache-2.0,2018-10-12 12:34:57.000,2024-01-23 02:21:18.000000,2022-04-04 08:29:54,291.0,39.0,85.0,1254.0,The Medical Detection Toolkit contains 2D + 3D..,3.0,14,,,,,41.0,,,,,['pytorch'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +771,MedicalTorch,True,perone/medicaltorch,,medical-data,https://github.com/perone/medicaltorch,https://github.com/perone/medicaltorch,Apache-2.0,2018-02-27 02:50:07.000,2022-12-27 06:48:51.000000,2021-04-16 18:50:54,119.0,15.0,9.0,829.0,A medical imaging framework for Pytorch.,8.0,14,2018-11-24 00:33:11,0.2,1.0,,57.0,medicaltorch,,,,['pytorch'],14.0,14.0,https://pypi.org/project/medicaltorch,59.0,59.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +772,Translate,True,pytorch/translate,,nlp,https://github.com/pytorch/translate,https://github.com/pytorch/translate,BSD-3-Clause,2018-04-24 16:44:04.000,2023-04-27 20:56:00.000000,2022-06-10 23:04:56,184.0,11.0,27.0,809.0,Translate - a PyTorch Language Library.,88.0,14,,,,,813.0,pytorch-translate,,,,['pytorch'],,,https://pypi.org/project/pytorch-translate,18.0,18.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +773,Anchor,True,marcotcr/anchor,,interpretability,https://github.com/marcotcr/anchor,https://github.com/marcotcr/anchor,BSD-2-Clause,2018-02-02 23:38:50.000,2022-07-19 18:09:12.000000,2022-07-19 18:08:39,111.0,24.0,51.0,781.0,Code for High-Precision Model-Agnostic Explanations paper.,10.0,14,,,,,47.0,anchor_exp,,,,,,,https://pypi.org/project/anchor_exp,2211.0,2211.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +774,SpeedTorch,True,Santosh-Gupta/SpeedTorch,,gpu-utilities,https://github.com/Santosh-Gupta/SpeedTorch,https://github.com/Santosh-Gupta/SpeedTorch,MIT,2019-09-07 18:57:52.000,2020-02-21 23:13:29.000000,2020-02-21 23:13:28,39.0,4.0,2.0,672.0,Library for faster pinned CPU - GPU transfer in Pytorch.,3.0,14,,,,,170.0,SpeedTorch,,,,['pytorch'],5.0,5.0,https://pypi.org/project/SpeedTorch,116.0,116.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +775,Pywick,True,achaiah/pywick,,pytorch-utils,https://github.com/achaiah/pywick,https://github.com/achaiah/pywick,,2019-03-25 15:42:47.000,2022-02-04 15:57:11.000000,2021-10-22 03:09:17,38.0,1.0,13.0,398.0,High-level batteries-included neural network training library for..,4.0,14,2021-10-22 03:16:49,0.6.5,8.0,,149.0,pywick,,,,['pytorch'],9.0,9.0,https://pypi.org/project/pywick,76.0,76.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +776,datmo,True,datmo/datmo,,ml-experiments,https://github.com/datmo/datmo,https://github.com/datmo/datmo,MIT,2017-11-03 05:46:43.000,2022-06-21 21:41:58.000000,2019-11-29 00:48:44,30.0,27.0,150.0,346.0,Open source production model management tool for data scientists.,6.0,14,,,,,1051.0,datmo,,,,,5.0,5.0,https://pypi.org/project/datmo,136.0,136.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +777,TransferNLP,True,feedly/transfer-nlp,,nlp,https://github.com/feedly/transfer-nlp,https://github.com/feedly/transfer-nlp,MIT,2019-03-12 20:00:31.000,2020-05-28 17:32:42.000000,2020-05-28 17:31:53,19.0,3.0,20.0,291.0,NLP library designed for reproducible experimentation..,7.0,14,2020-05-28 17:32:42,0.1.6,8.0,,465.0,transfer-nlp,,,,['pytorch'],,,https://pypi.org/project/transfer-nlp,67.0,67.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +778,ONNX-T5,True,abelriboulot/onnxt5,,nlp,https://github.com/abelriboulot/onnxt5,https://github.com/abelriboulot/onnxt5,Apache-2.0,2020-08-01 09:38:35.000,2022-11-02 18:43:57.000000,2021-01-28 09:24:52,28.0,8.0,8.0,244.0,"Summarization, translation, sentiment-analysis, text-generation and..",4.0,14,2021-01-28 09:24:24,0.1.9,9.0,,74.0,onnxt5,,,,,1.0,1.0,https://pypi.org/project/onnxt5,60.0,60.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +779,NeuralQA,True,victordibia/neuralqa,,nlp,https://github.com/victordibia/neuralqa,https://github.com/victordibia/neuralqa,MIT,2020-05-19 03:55:56.000,2023-06-07 20:12:03.000000,2020-12-16 17:41:37,33.0,20.0,8.0,230.0,NeuralQA: A Usable Library for Question Answering on Large Datasets with..,3.0,14,,,,,312.0,neuralqa,,,,,4.0,4.0,https://pypi.org/project/neuralqa,112.0,112.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +780,textvec,True,textvec/textvec,,nlp,https://github.com/textvec/textvec,https://github.com/textvec/textvec,MIT,2018-04-12 14:03:53.000,2024-01-09 14:26:49.000000,2024-01-09 14:26:42,26.0,4.0,6.0,191.0,Text vectorization tool to outperform TFIDF for classification tasks.,11.0,14,2019-09-12 07:41:04,2.0,1.0,,74.0,textvec,,,,['sklearn'],4.0,4.0,https://pypi.org/project/textvec,50.0,50.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +781,flupy,True,olirice/flupy,,data-pipelines,https://github.com/olirice/flupy,https://github.com/olirice/flupy,,2018-01-06 16:46:04.000,2023-04-25 16:26:05.000000,2023-04-25 16:26:01,14.0,1.0,12.0,182.0,Fluent data pipelines for python and your shell.,6.0,14,,,,,206.0,flupy,,,,,,,https://pypi.org/project/flupy,221900.0,221900.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +782,cleanlab,True,cgnorthcutt/cleanlab,,others,https://github.com/cgnorthcutt/cleanlab,https://github.com/cgnorthcutt/cleanlab,AGPL-3.0,2022-02-17 20:36:34.000,2023-02-01 06:27:59.000000,2022-08-21 23:21:43,8.0,,,54.0,The standard package for machine learning with noisy labels and..,10.0,14,,,,,1191.0,cleanlab,,,,,,,https://pypi.org/project/cleanlab,12832.0,12832.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +783,bias-detector,True,intuit/bias-detector,,interpretability,https://github.com/intuit/bias-detector,https://github.com/intuit/bias-detector,MIT,2021-02-02 16:58:52.000,2024-02-04 11:29:56.000000,2024-02-04 11:28:34,12.0,,,42.0,Bias Detector is a python package for detecting bias in machine..,4.0,14,2024-02-04 11:29:56,0.0.13,11.0,,,bias-detector,,,,,1.0,1.0,https://pypi.org/project/bias-detector,239.0,239.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +784,tinygrad,True,geohot/tinygrad,,pytorch-utils,https://github.com/geohot/tinygrad,https://github.com/geohot/tinygrad,MIT,2024-02-09 11:06:46.000,2024-02-09 11:03:46.000000,2024-01-23 19:41:22,,,,28.0,You like pytorch? You like micrograd? You love tinygrad!.,266.0,14,,,,,3456.0,,,,,['pytorch'],20.0,20.0,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +785,GraphSAGE,True,williamleif/GraphSAGE,,graph,https://github.com/williamleif/GraphSAGE,https://github.com/williamleif/GraphSAGE,MIT,2017-05-29 15:36:22.000,2022-11-21 22:24:51.000000,2018-09-19 19:27:00,813.0,107.0,59.0,3247.0,Representation learning on large graphs using stochastic..,9.0,13,,,,,59.0,,,,,['tensorflow'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +786,ENAS,True,carpedm20/ENAS-pytorch,,hyperopt,https://github.com/carpedm20/ENAS-pytorch,https://github.com/carpedm20/ENAS-pytorch,Apache-2.0,2018-02-15 04:54:37.000,2023-07-06 21:33:33.000000,2020-06-16 07:23:32,481.0,39.0,8.0,2671.0,PyTorch implementation of Efficient Neural Architecture Search via..,6.0,13,,,,,53.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +787,MedicalNet,True,Tencent/MedicalNet,,medical-data,https://github.com/Tencent/MedicalNet,https://github.com/Tencent/MedicalNet,MIT,2019-07-17 09:53:10.000,2023-07-06 21:26:54.000000,2020-08-27 13:37:26,401.0,60.0,17.0,1796.0,Many studies have shown that the performance on deep learning is..,,13,,,,,26.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +788,GraphVite,True,DeepGraphLearning/graphvite,,graph,https://github.com/DeepGraphLearning/graphvite,https://github.com/DeepGraphLearning/graphvite,Apache-2.0,2019-07-16 15:48:20.000,2023-06-16 16:16:18.265000,2021-01-14 02:18:46,148.0,53.0,59.0,1179.0,GraphVite: A General and High-performance Graph Embedding System.,,13,,,4.0,,15.0,,milagraph/graphvite,,,,,,,,86.0,https://anaconda.org/milagraph/graphvite,2023-06-16 16:16:18.265,4686.0,,,,,3.0,,,,,,,,,,,,,,,, +789,Torch-Struct,True,harvardnlp/pytorch-struct,,pytorch-utils,https://github.com/harvardnlp/pytorch-struct,https://github.com/harvardnlp/pytorch-struct,MIT,2019-08-26 19:34:30.000,2022-04-20 08:21:20.000000,2022-01-30 19:49:08,88.0,25.0,30.0,1096.0,"Fast, general, and tested differentiable structured prediction..",16.0,13,2021-02-15 20:20:59,0.5,2.0,,271.0,,,,,['pytorch'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +790,AutoGL,True,THUMNLab/AutoGL,,graph,https://github.com/THUMNLab/AutoGL,https://github.com/THUMNLab/AutoGL,Apache-2.0,2020-11-30 14:26:22.000,2024-02-05 15:11:36.000000,2024-02-05 15:11:35,116.0,12.0,24.0,1054.0,An autoML framework & toolkit for machine learning on graphs.,15.0,13,2022-12-30 06:11:04,0.4.0,4.0,,,auto-graph-learning,,,,['pytorch'],,,https://pypi.org/project/auto-graph-learning,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +791,atspy,True,firmai/atspy,,time-series-data,https://github.com/firmai/atspy,https://github.com/firmai/atspy,,2020-01-28 05:00:10.000,2022-11-21 21:55:23.000000,2021-12-18 09:26:18,89.0,22.0,2.0,506.0,AtsPy: Automated Time Series Models in Python (by @firmai).,5.0,13,2020-11-12 16:10:48,zen,1.0,,99.0,atspy,,,,,10.0,10.0,https://pypi.org/project/atspy,243.0,243.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +792,VizSeq,True,facebookresearch/vizseq,,nlp,https://github.com/facebookresearch/vizseq,https://github.com/facebookresearch/vizseq,MIT,2019-08-26 13:19:38.000,2024-01-19 15:25:21.000000,2024-01-19 15:25:18,58.0,6.0,9.0,438.0,"An Analysis Toolkit for Natural Language Generation (Translation,..",3.0,13,,,,,,vizseq,,,,,9.0,9.0,https://pypi.org/project/vizseq,118.0,118.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +793,nx-altair,True,Zsailer/nx_altair,,data-viz,https://github.com/Zsailer/nx_altair,https://github.com/Zsailer/nx_altair,MIT,2018-05-13 00:10:12.000,2023-09-27 23:13:07.000000,2020-06-02 21:10:26,27.0,6.0,4.0,221.0,Draw interactive NetworkX graphs with Altair.,3.0,13,,,,,51.0,nx-altair,,,,['jupyter'],,,https://pypi.org/project/nx-altair,588.0,588.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +794,ipyexperiments,True,stas00/ipyexperiments,,gpu-utilities,https://github.com/stas00/ipyexperiments,https://github.com/stas00/ipyexperiments,,2018-11-15 01:19:40.000,2023-12-15 03:22:24.000000,2023-12-15 03:22:22,11.0,,5.0,184.0,jupyter/ipython experiment containers for GPU and..,3.0,13,,,,,207.0,ipyexperiments,,,,['jupyter'],8.0,8.0,https://pypi.org/project/ipyexperiments,214.0,214.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +795,dabl,True,amueller/dabl,,sklearn-utils,https://github.com/amueller/dabl,https://github.com/amueller/dabl,BSD-3-Clause,2020-01-30 18:26:49.000,2024-01-09 19:00:03.000000,2024-01-09 18:05:38,9.0,,,127.0,Data Analysis Baseline Library.,24.0,13,,,,,,dabl,,,,['sklearn'],,,https://pypi.org/project/dabl,4855.0,4855.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +796,ModelChimp,True,ModelChimp/modelchimp,,ml-experiments,https://github.com/ModelChimp/modelchimp,https://github.com/ModelChimp/modelchimp,BSD-2-Clause,2018-11-05 08:39:03.000,2023-11-14 18:32:58.000000,2021-08-01 07:11:57,12.0,4.0,10.0,126.0,Experiment tracking for machine and deep learning projects.,3.0,13,2019-04-09 10:43:15,0.4.0,3.0,,363.0,modelchimp,,modelchimp/modelchimp-server,,,,,https://pypi.org/project/modelchimp,125.0,135.0,,,,https://hub.docker.com/r/modelchimp/modelchimp-server,2019-04-09 10:15:09.532793,,661.0,3.0,,,,,,,,,,,,,,,, +797,Hypermax,True,electricbrainio/hypermax,,hyperopt,https://github.com/genixpro/hypermax,https://github.com/genixpro/hypermax,BSD-3-Clause,2018-07-27 18:43:01.000,2024-01-03 19:06:45.000000,2024-01-03 19:06:45,13.0,3.0,2.0,111.0,"Better, faster hyper-parameter optimization.",8.0,13,,,,genixpro/hypermax,209.0,hypermax,,,,,4.0,4.0,https://pypi.org/project/hypermax,52.0,52.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +798,StarSpace,True,facebookresearch/StarSpace,,ml-frameworks,https://github.com/facebookresearch/StarSpace,https://github.com/facebookresearch/StarSpace,MIT,2017-06-28 17:50:18.000,2022-12-04 04:02:21.000000,2019-12-13 19:03:25,525.0,50.0,149.0,3901.0,"Learning embeddings for classification, retrieval and ranking.",17.0,12,,,,,,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +799,OpenKE,True,thunlp/OpenKE,,graph,https://github.com/thunlp/OpenKE,https://github.com/thunlp/OpenKE,,2017-10-08 11:20:23.000,2024-01-10 11:51:05.000000,2024-01-10 11:51:05,964.0,22.0,355.0,3647.0,An Open-Source Package for Knowledge Embedding (KE).,14.0,12,,,,,97.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +800,surpriver,True,tradytics/surpriver,,financial-data,https://github.com/tradytics/surpriver,https://github.com/tradytics/surpriver,GPL-3.0,2020-08-30 07:56:22.000,2021-08-13 08:02:31.000000,2020-09-21 04:32:05,309.0,11.0,6.0,1674.0,Find big moving stocks before they move using machine..,6.0,12,,,,,64.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +801,Botflow,True,kkyon/botflow,,data-pipelines,https://github.com/kkyon/botflow,https://github.com/kkyon/botflow,,2018-08-20 03:13:31.000,2020-12-31 09:03:22.000000,2019-05-23 14:40:50,101.0,3.0,2.0,1194.0,Python Fast Dataflow programming framework for Data pipeline work(..,11.0,12,,,,,192.0,botflow,,,,,2.0,2.0,https://pypi.org/project/botflow,49.0,49.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +802,Fiber,True,uber/fiber,,distributed-ml,https://github.com/uber/fiber,https://github.com/uber/fiber,Apache-2.0,2020-01-07 18:16:24.000,2023-03-19 22:55:22.000000,2021-03-15 07:00:08,112.0,19.0,8.0,1041.0,Distributed Computing for AI Made Simple.,5.0,12,,,,,66.0,fiber,,,,,,,https://pypi.org/project/fiber,90.0,90.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +803,bodywork-core,True,bodywork-ml/bodywork-core,,data-pipelines,https://github.com/bodywork-ml/bodywork-core,https://github.com/bodywork-ml/bodywork-core,AGPL-3.0,2020-11-17 11:38:17.000,2023-08-18 06:42:48.000000,2022-07-04 09:38:06,20.0,21.0,57.0,432.0,MLOps tool for deploying machine learning projects to..,4.0,12,,,,,946.0,bodywork-core,,,,,18.0,18.0,https://pypi.org/project/bodywork-core,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +804,data-describe,True,data-describe/data-describe,,data-viz,https://github.com/data-describe/data-describe,https://github.com/data-describe/data-describe,,2020-05-04 17:58:14.000,2023-02-22 05:20:46.000000,2021-11-19 06:05:15,18.0,70.0,175.0,295.0,datadescribe: Pythonic EDA Accelerator for Data Science.,13.0,12,,,5.0,,700.0,data-describe,,,,,,,https://pypi.org/project/data-describe,577.0,577.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +805,Headliner,True,as-ideas/headliner,,nlp,https://github.com/as-ideas/headliner,https://github.com/as-ideas/headliner,,2019-09-30 11:33:28.000,2021-03-26 07:19:57.000000,2020-02-14 09:03:27,41.0,2.0,13.0,231.0,Easy training and deployment of seq2seq models.,2.0,12,,,,,276.0,headliner,,,,,5.0,5.0,https://pypi.org/project/headliner,164.0,164.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +806,Auptimizer,True,LGE-ARC-AdvancedAI/auptimizer,,hyperopt,https://github.com/LGE-ARC-AdvancedAI/auptimizer,https://github.com/LGE-ARC-AdvancedAI/auptimizer,GPL-3.0,2019-09-12 01:08:37.000,2023-01-27 02:15:43.000000,2021-03-03 01:30:06,27.0,1.0,5.0,200.0,An automatic ML model optimization tool.,11.0,12,2021-03-03 02:00:23,2.0,3.0,,79.0,auptimizer,,,,,,,https://pypi.org/project/auptimizer,98.0,98.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +807,DeepNeuro,True,QTIM-Lab/DeepNeuro,,medical-data,https://github.com/QTIM-Lab/DeepNeuro,https://github.com/QTIM-Lab/DeepNeuro,MIT,2017-06-01 19:36:34.000,2020-06-24 13:00:15.000000,2020-06-24 13:00:14,33.0,27.0,16.0,121.0,A deep learning python package for neuroimaging data. Made by:.,6.0,12,,,,,285.0,deepneuro,,,,,1.0,1.0,https://pypi.org/project/deepneuro,48.0,48.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +808,Attribution Priors,True,suinleelab/attributionpriors,,interpretability,https://github.com/suinleelab/attributionpriors,https://github.com/suinleelab/attributionpriors,MIT,2019-06-24 23:54:24.000,2021-03-19 19:43:58.000000,2021-03-19 19:43:51,10.0,2.0,4.0,118.0,Tools for training explainable models using..,6.0,12,2021-03-16 17:47:18,1.0.0,1.0,,72.0,attributionpriors,,,,"['tensorflow', 'pytorch']",4.0,4.0,https://pypi.org/project/attributionpriors,59.0,59.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +809,contextual-ai,True,SAP/contextual-ai,,interpretability,https://github.com/SAP-archive/contextual-ai,https://github.com/SAP-archive/contextual-ai,Apache-2.0,2020-05-12 07:15:56.000,2023-07-23 16:23:34.000000,2021-11-11 10:53:33,11.0,2.0,13.0,85.0,Contextual AI adds explainability to different stages of..,12.0,12,,,2.0,SAP-archive/contextual-ai,630.0,contextual-ai,,,,,,,https://pypi.org/project/contextual-ai,62.0,62.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +810,LazyCluster,True,ml-tooling/lazycluster,,distributed-ml,https://github.com/ml-tooling/lazycluster,https://github.com/ml-tooling/lazycluster,Apache-2.0,2019-08-07 08:05:13.000,2023-02-16 02:23:02.000000,2021-08-19 13:59:11,12.0,,,50.0,Distributed machine learning made simple.,2.0,12,2020-12-14 15:25:59,0.2.4,2.0,,,lazycluster,,,,,28.0,28.0,https://pypi.org/project/lazycluster,61.0,61.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +811,Devol,True,joeddav/devol,,hyperopt,https://github.com/joeddav/devol,https://github.com/joeddav/devol,MIT,2017-02-10 03:07:54.000,2023-05-25 14:45:47.000000,2020-07-05 21:56:58,112.0,7.0,20.0,950.0,Genetic neural architecture search with Keras.,18.0,11,,,,,116.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +812,PySparNN,True,facebookresearch/pysparnn,,nn-search,https://github.com/facebookresearch/pysparnn,https://github.com/facebookresearch/pysparnn,BSD-3-Clause,2016-03-28 20:43:42.000,2020-10-02 06:01:01.000000,2018-01-31 16:50:23,144.0,15.0,14.0,911.0,Approximate Nearest Neighbor Search for Sparse Data in Python!.,5.0,11,,,,,147.0,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +813,PandaPy,True,firmai/pandapy,,data-containers,https://github.com/firmai/pandapy,https://github.com/firmai/pandapy,,2020-01-15 18:21:23.000,2021-10-20 11:36:04.000000,2021-10-20 11:36:04,65.0,1.0,1.0,545.0,PandaPy has the speed of NumPy and the usability of Pandas 10x to 50x..,3.0,11,2020-11-12 16:12:54,zen,1.0,,85.0,pandapy,,,,['pandas'],6.0,6.0,https://pypi.org/project/pandapy,82.0,82.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +814,Hypertunity,True,gdikov/hypertunity,,hyperopt,https://github.com/gdikov/hypertunity,https://github.com/gdikov/hypertunity,Apache-2.0,2019-06-02 12:04:55.000,2020-01-26 23:14:49.000000,2020-01-26 22:53:29,10.0,,2.0,135.0,A toolset for black-box hyperparameter optimisation.,2.0,11,2020-01-26 23:01:09,1.0.1,7.0,,64.0,hypertunity,,,,,2.0,2.0,https://pypi.org/project/hypertunity,40.0,40.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +815,nptsne,True,biovault/nptsne,,data-viz,https://github.com/biovault/nptsne,https://github.com/biovault/nptsne,Apache-2.0,2019-06-28 08:40:25.000,2023-07-14 11:30:56.000000,2021-02-03 08:52:27,2.0,7.0,6.0,32.0,nptsne is a numpy compatible python binary package that offers a number..,3.0,11,,,,,857.0,nptsne,,,,,6.0,6.0,https://pypi.org/project/nptsne,70.0,70.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +816,sklearn-evaluation,True,edublancas/sklearn-evaluation,,interpretability,https://github.com/edublancas/sklearn-evaluation,https://github.com/edublancas/sklearn-evaluation,MIT,2023-01-15 21:18:52.000,2023-01-15 22:50:39.000000,2023-01-13 21:57:34,,,,3.0,"Machine learning model evaluation made easy: plots,..",19.0,11,,,,,832.0,sklearn-evaluation,,,,['sklearn'],,,https://pypi.org/project/sklearn-evaluation,2693.0,2693.0,,,,,,,,3.0,,-10.0,,,,,,,,,,,,,, +817,cuSignal,True,rapidsai/cusignal,,gpu-utilities,https://github.com/rapidsai/cusignal,https://github.com/rapidsai/cusignal,,2019-08-22 14:27:27.000,2023-09-21 18:53:21.000000,2023-09-21 18:53:18,122.0,25.0,130.0,702.0,GPU accelerated signal processing.,46.0,10,2023-08-09 16:45:21,23.08.00,21.0,,,,,,,,,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +818,Mozart,True,aashrafh/Mozart,,ocr,https://github.com/aashrafh/Mozart,https://github.com/aashrafh/Mozart,Apache-2.0,2020-12-14 11:49:14.000,2022-08-24 18:18:43.000000,2022-08-24 18:18:43,79.0,3.0,12.0,553.0,An optical music recognition (OMR) system. Converts sheet..,6.0,10,,,,,,,,,,['sklearn'],,,,,,,,,,,,,3.0,,,,,,,,,,,,,,,, +819,traintool,True,jrieke/traintool,,ml-experiments,https://github.com/jrieke/traintool,https://github.com/jrieke/traintool,Apache-2.0,2020-09-30 22:23:05.000,2021-03-12 01:44:04.000000,2021-03-12 01:43:14,1.0,,,12.0,Train off-the-shelf machine learning models in one..,,8,,,,,122.0,traintool,,,,"['pytorch', 'tensorflow', 'sklearn']",,,https://pypi.org/project/traintool,26.0,26.0,,,,,,,,3.0,,,,,,,,,,,,,,,, +820,Skater,True,oracle/Skater,,interpretability,,{},,2020-07-05 18:35:27.012,2023-09-18 15:13:22.392000,,,,,,Python Library for Model Interpretation/Explanations.,,5,,,2.0,,,skater,conda-forge/skater,,,,,,https://pypi.org/project/skater,309.0,1783.0,https://anaconda.org/conda-forge/skater,2023-09-18 15:13:22.392,63414.0,,,,,3.0,,-12.0,,,,,,,,,,,,,, diff --git a/latest-changes.md b/latest-changes.md index 6d22bba..7c8e3bf 100644 --- a/latest-changes.md +++ b/latest-changes.md @@ -2,19 +2,19 @@ _Projects that have a higher project-quality score compared to the last update. There might be a variety of reasons, such as increased downloads or code activity._ -- Pillow (🥇36 · ⭐ 10K · 📈) - The friendly PIL fork (Python Imaging Library). ❗️PIL -- Streamlit (🥇30 · ⭐ 20K · 📈) - Streamlit The fastest way to build data apps in Python. Apache-2 -- pmdarima (🥇30 · ⭐ 1.2K · 📈) - A statistical library designed to fill the void in Python's time.. MIT -- TensorFlow Transform (🥈30 · ⭐ 930 · 📈) - Input pipeline framework. Apache-2 -- opencv-python (🥈25 · ⭐ 2.9K · 📈) - Automated CI toolchain to produce precompiled opencv-python,.. MIT +- Seaborn (🥇39 · ⭐ 12K · 📈) - Statistical data visualization using matplotlib. BSD-3 +- Streamlit (🥇38 · ⭐ 30K · 📈) - Streamlit The fastest way to build data apps in Python. Apache-2 +- pytorch-lightning (🥇37 · ⭐ 26K · 📈) - The lightweight PyTorch wrapper for high-performance.. Apache-2 +- opencv-python (🥇34 · ⭐ 4K · 📈) - Automated CI toolchain to produce precompiled opencv-python,.. MIT +- plotnine (🥈29 · ⭐ 3.7K · 📈) - A grammar of graphics for Python. MIT ## 📉 Trending Down _Projects that have a lower project-quality score compared to the last update. There might be a variety of reasons such as decreased downloads or code activity._ -- pytorch-lightning (🥈29 · ⭐ 20K · 📉) - The lightweight PyTorch wrapper for high-performance.. Apache-2 -- Seaborn (🥈29 · ⭐ 9.7K · 📉) - Statistical data visualization using matplotlib. BSD-3 -- audioread (🥉19 · ⭐ 410 · 📉) - cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio.. MIT -- Torch Points 3D (🥉14 · ⭐ 93 · 💤) - Pytorch framework for doing deep learning on point.. BSD-3 -- cleanlab (🥉13 · ⭐ 49 · 🐣) - The standard package for machine learning with noisy labels and.. ❗️AGPL-3.0 +- Arrow (🥈28 · ⭐ 13K · 📉) - Apache Arrow is a cross-language development platform for in-.. Apache-2 +- UMAP (🥉25 · ⭐ 6.8K · 📉) - Uniform Manifold Approximation and Projection. BSD-3 +- tinytag (🥉17 · ⭐ 650 · 📉) - Read music meta data and length of MP3, OGG, OPUS, MP4, M4A, FLAC, WMA.. MIT +- sklearn-evaluation (🥉11 · ⭐ 3 · 💀) - Machine learning model evaluation made easy: plots,.. MIT +- Skater (🥉5 · 📉) - Python Library for Model Interpretation/Explanations. ❗Unlicensed