/awesome-python-notebooks

Hand-picked awesome Python libraries and frameworks, with an emphasis on data and machine learning, ranked by influence score

Primary LanguageHTMLMIT LicenseMIT

dylanhogg/awesome-python Awesome

1,349 hand-picked awesome Python libraries and frameworks, with an emphasis on data and machine learning, organised by category 🐍

Checkout the interactive version: www.awesomepython.org 🔥

Last updated on 17 Oct 2023

Categories

Crypto and Blockchain

Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum Virtual Machine, Solidity language etc.

  1.  freqtrade/freqtrade
    https://www.freqtrade.io
    Free, open source crypto trading bot
    score: 77, stars: 23,117

  2.  ccxt/ccxt
    https://docs.ccxt.com
    A JavaScript / TypeScript / Python / C# / PHP cryptocurrency trading API with support for more than 100 bitcoin/altcoin exchanges
    score: 73, stars: 29,312

  3.  ethereum/web3.py
    http://web3py.readthedocs.io
    A python interface for interacting with the Ethereum blockchain and ecosystem.
    score: 55, stars: 4,457

  4.  ethereum/consensus-specs
    Ethereum Proof-of-Stake Consensus Specifications
    score: 55, stars: 3,262

  5.  crytic/slither
    https://blog.trailofbits.com/2018/10/19/slither-a-solidity-static-analysis-framework/
    Static Analyzer for Solidity and Vyper
    score: 54, stars: 4,582

  6.  ethereum/py-evm
    https://py-evm.readthedocs.io/en/latest/
    A Python implementation of the Ethereum Virtual Machine
    score: 42, stars: 2,088

  7. cyberpunkmetalhead/Binance-volatility-trading-bot
    This is a fully functioning Binance trading bot that measures the volatility of every coin on Binance and places trades with the highest gaining coins If you like this project consider donating though the Brave browser to allow me to continuously improve the script.
    score: 39, stars: 3,265

  8.  binance/binance-public-data
    Details on how to get Binance public data
    score: 36, stars: 1,169

  9.  1200wd/bitcoinlib
    http://bitcoinlib.readthedocs.io/
    Bitcoin and other Cryptocurrencies Library for Python. Includes a fully functional wallet, Mnemonic key generation and management and connection with various service providers to receive and send blockchain and transaction information.
    score: 35, stars: 505

  10. bmoscon/cryptofeed
    Cryptocurrency Exchange Websocket Data Feed Handler
    score: 34, stars: 1,893

  11.  ethtx/ethtx
    https://www.ethtx.info
    Python package with core transaction decoding functions.
    score: 27, stars: 439

  12. palkeo/panoramix
    Ethereum decompiler
    score: 25, stars: 692

  13. man-c/pycoingecko
    Python wrapper for the CoinGecko API
    score: 23, stars: 998

  14. ofek/bit
    https://ofek.dev/bit/
    Bitcoin made easy.
    score: 21, stars: 1,169

  15. pmaji/crypto-whale-watching-app
    Python Dash app that tracks whale activity in cryptocurrency markets.
    score: 21, stars: 585

Data

General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks etc.

  1.  apache/spark
    https://spark.apache.org/
    Apache Spark - A unified analytics engine for large-scale data processing
    score: 81, stars: 36,957

  2.  chroma-core/chroma
    https://www.trychroma.com/
    the AI-native open-source embedding database
    score: 77, stars: 9,011

  3.  mindsdb/mindsdb
    https://mindsdb.com
    MindsDB connects AI models to datasources.
    score: 76, stars: 18,313

  4.  apache/arrow
    https://arrow.apache.org/
    Apache Arrow is a multi-language toolbox for accelerated data interchange and in-memory processing
    score: 74, stars: 12,609

  5.  scrapy/scrapy
    https://scrapy.org
    Scrapy, a fast high-level web crawling & scraping framework for Python.
    score: 73, stars: 48,871

  6.  duckdb/duckdb
    http://www.duckdb.org
    DuckDB is an in-process SQL OLAP Database Management System
    score: 72, stars: 12,379

  7.  qdrant/qdrant
    https://qdrant.tech
    Qdrant - High-performance, massive-scale Vector Database for the next generation of AI. Also available in the cloud https://cloud.qdrant.io/
    score: 70, stars: 13,274

  8.  bigscience-workshop/petals
    https://petals.dev
    🌸 Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
    score: 69, stars: 7,688

  9.  sqlalchemy/sqlalchemy
    https://www.sqlalchemy.org
    The Database Toolkit for Python
    score: 68, stars: 7,846

  10.  jaidedai/EasyOCR
    https://www.jaided.ai
    Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
    score: 65, stars: 19,763

  11. joke2k/faker
    https://faker.readthedocs.io
    Faker is a Python package that generates fake data for you.
    score: 65, stars: 16,352

  12. simonw/datasette
    https://datasette.io
    An open source multi-tool for exploring and publishing data
    score: 64, stars: 8,358

  13.  redis/redis-py
    Redis Python Client
    score: 61, stars: 11,818

  14. tiangolo/sqlmodel
    https://sqlmodel.tiangolo.com/
    SQL databases in Python, designed for simplicity, compatibility, and robustness.
    score: 61, stars: 10,890

  15.  docarray/docarray
    https://docs.docarray.org/
    Represent, send, store and search multimodal data
    score: 58, stars: 2,511

  16. coleifer/peewee
    http://docs.peewee-orm.com/
    a small, expressive orm -- supports postgresql, mysql, sqlite and cockroachdb
    score: 57, stars: 10,357

  17.  gristlabs/grist-core
    https://www.getgrist.com/
    Grist is the evolution of spreadsheets.
    score: 57, stars: 4,199

  18.  datafold/data-diff
    https://docs.datafold.com
    Compare tables within or across databases
    score: 57, stars: 2,548

  19.  ibis-project/ibis
    https://ibis-project.org
    The flexibility of Python with the scale and performance of modern SQL.
    score: 56, stars: 3,189

  20.  sqlalchemy/alembic
    A database migrations tool for SQLAlchemy.
    score: 54, stars: 2,149

  21. lk-geimfari/mimesis
    https://mimesis.name
    Mimesis is a powerful Python library that empowers developers to generate massive amounts of synthetic data efficiently.
    score: 53, stars: 4,082

  22.  deepchecks/deepchecks
    https://docs.deepchecks.com/stable
    Deepchecks: Tests for Continuous Validation of ML Models & Data. Deepchecks is a holistic open-source solution for all of your AI & ML validation needs, enabling to thoroughly test your data and models from research to production.
    score: 53, stars: 3,066

  23.  amundsen-io/amundsen
    https://www.amundsen.io/amundsen/
    Amundsen is a metadata driven application for improving the productivity of data analysts, data scientists and engineers when interacting with data.
    score: 52, stars: 4,081

  24. yzhao062/pyod
    http://pyod.readthedocs.io
    A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly Detection)
    score: 50, stars: 7,485

  25.  jazzband/tablib
    https://tablib.readthedocs.io/
    Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.
    score: 50, stars: 4,286

  26.  pytorch/data
    A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries.
    score: 50, stars: 1,027

  27.  facebookresearch/AugLy
    https://ai.facebook.com/blog/augly-a-new-data-augmentation-library-to-help-build-more-robust-ai-models/
    A data augmentations library for audio, image, text, and video.
    score: 49, stars: 4,815

  28.  zoomeranalytics/xlwings
    https://www.xlwings.org
    xlwings is a Python library that makes it easy to call Python from Excel and vice versa. It works with Excel on Windows and macOS as well as with Google Sheets and Excel on the web.
    score: 48, stars: 2,710

  29.  sdv-dev/SDV
    https://docs.sdv.dev/sdv
    Synthetic data generation for tabular data
    score: 48, stars: 1,661

  30.  google/tensorstore
    https://google.github.io/tensorstore/
    Library for reading and writing large multi-dimensional arrays.
    score: 48, stars: 1,208

  31.  twintproject/twint
    An advanced Twitter scraping & OSINT tool written in Python that doesn't use Twitter's API, allowing you to scrape a user's followers, following, Tweets and more while evading most API limitations.
    score: 47, stars: 15,243

  32. jmcnamara/XlsxWriter
    https://xlsxwriter.readthedocs.io
    A Python module for creating Excel XLSX files.
    score: 47, stars: 3,341

  33.  praw-dev/praw
    http://praw.readthedocs.io/
    PRAW, an acronym for "Python Reddit API Wrapper", is a python package that allows for simple access to Reddit's API.
    score: 47, stars: 3,188

  34.  kayak/pypika
    http://pypika.readthedocs.io/en/latest/
    PyPika is a python SQL query builder that exposes the full richness of the SQL language using a syntax that reflects the resulting query. PyPika excels at all sorts of SQL queries but is especially useful for data analysis.
    score: 47, stars: 2,171

  35.  sfu-db/connector-x
    https://sfu-db.github.io/connector-x/intro.html
    Fastest library to load data from DB to DataFrames in Rust and Python
    score: 47, stars: 1,545

  36. collerek/ormar
    https://collerek.github.io/ormar/
    python async orm with fastapi in mind and pydantic validation
    score: 47, stars: 1,456

  37. aminalaee/sqladmin
    https://aminalaee.dev/sqladmin/
    SQLAlchemy Admin for FastAPI and Starlette
    score: 47, stars: 1,243

  38.  kaggle/kaggle-api
    Official Kaggle API
    score: 46, stars: 5,580

  39.  mongodb/mongo-python-driver
    https://pymongo.readthedocs.io
    PyMongo - the Official MongoDB Python driver
    score: 46, stars: 3,939

  40.  graphistry/pygraphistry
    PyGraphistry is a Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer
    score: 46, stars: 1,921

  41. madmaze/pytesseract
    A Python wrapper for Google Tesseract
    score: 45, stars: 5,111

  42.  fugue-project/fugue
    https://fugue-tutorials.readthedocs.io/
    A unified interface for distributed computing. Fugue executes SQL, Python, Pandas, and Polars code on Spark, Dask and Ray without any rewrites.
    score: 45, stars: 1,740

  43. simonw/sqlite-utils
    https://sqlite-utils.datasette.io
    Python CLI utility and library for manipulating SQLite databases
    score: 45, stars: 1,329

  44.  zarr-developers/zarr-python
    http://zarr.readthedocs.io/
    An implementation of chunked, compressed, N-dimensional arrays for Python.
    score: 45, stars: 1,232

  45.  scikit-hep/awkward
    https://awkward-array.org
    Manipulate JSON-like data with NumPy-like idioms.
    score: 45, stars: 749

  46. dgarnitz/vectorflow
    https://www.getvectorflow.com/
    VectorFlow is a high volume vector embedding pipeline that ingests raw data, transforms it into vectors and writes it to a vector DB of your choice.
    score: 45, stars: 405

  47. s0md3v/Photon
    Incredibly fast crawler designed for OSINT.
    score: 44, stars: 10,054

  48.  github/innovationgraph
    https://innovationgraph.github.com/
    GitHub Innovation Graph
    score: 44, stars: 203

  49.  airbnb/knowledge-repo
    A next-generation curated knowledge sharing platform for data scientists and other technical professions.
    score: 43, stars: 5,380

  50.  datastax/python-driver
    DataStax Python Driver for Apache Cassandra
    score: 43, stars: 1,351

  51.  pytables/PyTables
    http://www.pytables.org
    A Python package to manage extremely large amounts of data
    score: 43, stars: 1,230

  52.  intake/intake
    https://intake.readthedocs.io/
    Intake is a lightweight package for finding, investigating, loading and disseminating data.
    score: 43, stars: 934

  53.  googleapis/python-bigquery
    googleapis/python-bigquery
    score: 43, stars: 652

  54. binux/pyspider
    http://docs.pyspider.org/
    A Powerful Spider(Web Crawler) System in Python.
    score: 42, stars: 16,060

  55. alirezamika/autoscraper
    A Smart, Automatic, Fast and Lightweight Web Scraper for Python
    score: 42, stars: 5,575

  56. andialbrecht/sqlparse
    A non-validating SQL parser module for Python
    score: 42, stars: 3,407

  57.  pynamodb/PynamoDB
    http://pynamodb.readthedocs.io
    A pythonic interface to Amazon's DynamoDB
    score: 42, stars: 2,287

  58.  pyeve/cerberus
    http://python-cerberus.org
    Lightweight, extensible data validation library for Python
    score: 41, stars: 3,043

  59.  uqfoundation/dill
    http://dill.rtfd.io
    serialize all of Python
    score: 41, stars: 2,001

  60.  accenture/AmpliGraph
    Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org
    score: 40, stars: 2,002

  61.  milvus-io/bootcamp
    https://milvus.io
    Dealing with all unstructured data, such as reverse image search, audio search, molecular search, video analysis, question and answer systems, NLP, etc.
    score: 40, stars: 1,430

  62.  dask/fastparquet
    python implementation of the parquet columnar file format.
    score: 40, stars: 696

  63. agronholm/sqlacodegen
    Automatic model code generator for SQLAlchemy
    score: 39, stars: 1,526

  64.  aio-libs/aiocache
    http://aiocache.readthedocs.io
    Asyncio cache manager for redis, memcached and memory
    score: 39, stars: 925

  65.  aio-libs/aiomysql
    https://aiomysql.rtfd.io
    aiomysql is a library for accessing a MySQL database from the asyncio
    score: 38, stars: 1,647

  66.  aio-libs/aiokafka
    http://aiokafka.readthedocs.io/
    asyncio client for kafka
    score: 38, stars: 941

  67.  uber/petastorm
    Petastorm library enables single machine or distributed training and evaluation of deep learning models from datasets in Apache Parquet format. It supports ML frameworks such as Tensorflow, Pytorch, and PySpark and can be used from pure Python code.
    score: 37, stars: 1,676

  68.  neo4j/neo4j-python-driver
    https://neo4j.com/docs/api/python-driver/current/
    Neo4j Bolt driver for Python
    score: 37, stars: 832

  69.  pallets/itsdangerous
    https://itsdangerous.palletsprojects.com
    Safely pass trusted data to untrusted environments and back.
    score: 36, stars: 2,739

  70.  simple-salesforce/simple-salesforce
    A very simple Salesforce.com REST API client for Python
    score: 36, stars: 1,499

  71.  aio-libs/aiopg
    http://aiopg.readthedocs.io
    aiopg is a library for accessing a PostgreSQL database from the asyncio
    score: 36, stars: 1,341

  72.  jsonpickle/jsonpickle
    https://jsonpickle.readthedocs.io/en/latest/
    Python library for serializing any arbitrary object graph into JSON. It can take almost any Python object and turn the object into JSON. Additionally, it can reconstitute the object back into Python.
    score: 36, stars: 1,160

  73.  ydataai/ydata-synthetic
    https://docs.synthetic.ydata.ai
    Synthetic data generators for tabular and time-series data
    score: 35, stars: 1,104

  74. eliasdabbas/advertools
    https://advertools.readthedocs.io
    advertools - online marketing productivity and analysis tools
    score: 35, stars: 925

  75. samuelcolvin/arq
    https://arq-docs.helpmanual.io/
    Fast job queuing and RPC in python with asyncio and redis.
    score: 34, stars: 1,692

  76.  eleutherai/the-pile
    eleutherai/the-pile
    score: 34, stars: 1,262

  77.  scholarly-python-package/scholarly
    https://scholarly.readthedocs.io/
    Retrieve author and publication information from Google Scholar in a friendly, Pythonic way without having to worry about CAPTCHAs!
    score: 34, stars: 1,070

  78.  databrickslabs/dbx
    https://dbx.readthedocs.io
    🧱 Databricks CLI eXtensions - aka dbx is a CLI tool for development and advanced Databricks workflows management.
    score: 34, stars: 401

  79. vi3k6i5/flashtext
    Extract Keywords from sentence or Replace keywords in sentences.
    score: 33, stars: 5,464

  80. macbre/sql-metadata
    https://pypi.python.org/pypi/sql-metadata
    Uses tokenized query returned by python-sqlparse and generates query metadata
    score: 33, stars: 622

  81. mchong6/JoJoGAN
    Official PyTorch repo for JoJoGAN: One Shot Face Stylization
    score: 30, stars: 1,386

  82. hyperqueryhq/whale
    https://rsyi.gitbook.io/whale
    🐳 The stupidly simple CLI workspace for your data warehouse.
    score: 29, stars: 723

  83. brettkromkamp/contextualise
    https://contextualise.dev/
    Contextualise is an effective tool particularly suited for organising information-heavy projects and activities consisting of unstructured and widely diverse data and information resources
    score: 28, stars: 1,005

  84. sdispater/orator
    https://orator-orm.com
    The Orator ORM provides a simple yet beautiful ActiveRecord implementation.
    score: 27, stars: 1,415

  85. goldsmith/Wikipedia
    https://wikipedia.readthedocs.org/
    A Pythonic wrapper for the Wikipedia API
    score: 26, stars: 2,707

  86. koaning/human-learn
    https://koaning.github.io/human-learn/
    Natural Intelligence is still a pretty good idea.
    score: 24, stars: 746

  87.  uber/fiber
    https://uber.github.io/fiber/
    Distributed Computing for AI Made Simple
    score: 23, stars: 1,037

Debugging

Debugging and tracing tools.

  1. cool-rr/PySnooper
    Never use print for debugging again
    score: 58, stars: 16,064

  2. gruns/icecream
    🍦 Never use print() to debug again.
    score: 48, stars: 7,513

  3. inducer/pudb
    https://documen.tician.de/pudb/
    Full-screen console debugger for Python
    score: 43, stars: 2,758

  4. gotcha/ipdb
    Integration of IPython pdb
    score: 37, stars: 1,760

  5. samuelcolvin/python-devtools
    https://python-devtools.helpmanual.io/
    Dev tools for python
    score: 35, stars: 831

  6. shobrook/rebound
    Command-line tool that instantly fetches Stack Overflow results when an exception is thrown
    score: 32, stars: 4,025

  7. alexmojaki/birdseye
    https://birdseye.readthedocs.io
    Graphical Python debugger which lets you easily view the values of all evaluated expressions
    score: 30, stars: 1,582

  8. alexmojaki/snoop
    A powerful set of Python debugging tools, based on PySnooper
    score: 28, stars: 958

  9. ionelmc/python-hunter
    https://python-hunter.readthedocs.io/
    Hunter is a flexible code tracing toolkit.
    score: 27, stars: 754

  10. alexmojaki/heartrate
    Simple real time visualisation of the execution of a Python program.
    score: 20, stars: 1,652

Diffusion Text to Image

Text-to-image diffusion model libraries, tools and apps for generating images from natural language.

  1.  invoke-ai/InvokeAI
    https://invoke-ai.github.io/InvokeAI/
    InvokeAI is a leading creative engine for Stable Diffusion models, empowering professionals, artists, and enthusiasts to generate and create visual media using the latest AI-driven technologies. The solution offers an industry leading WebUI, supports terminal use through a CLI, and serves as the foundation for multi...
    score: 86, stars: 19,107

  2. automatic1111/stable-diffusion-webui
    Stable Diffusion web UI
    score: 84, stars: 105,767

  3.  huggingface/diffusers
    https://huggingface.co/docs/diffusers
    🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch
    score: 81, stars: 18,376

  4.  apple/ml-stable-diffusion
    Stable Diffusion with Core ML on Apple Silicon
    score: 75, stars: 15,009

  5. lllyasviel/ControlNet
    Let us control diffusion models!
    score: 69, stars: 24,348

  6.  stability-ai/stablediffusion
    High-Resolution Image Synthesis with Latent Diffusion Models
    score: 66, stars: 30,755

  7. carson-katri/dream-textures
    Stable Diffusion built-in to Blender
    score: 66, stars: 7,124

  8. divamgupta/diffusionbee-stable-diffusion-ui
    https://diffusionbee.com
    Diffusion Bee is the easiest way to run Stable Diffusion locally on your M1 Mac. Comes with a one-click installer. No dependencies or technical knowledge needed.
    score: 65, stars: 10,989

  9. ashawkey/stable-dreamfusion
    Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion.
    score: 63, stars: 6,900

  10.  facebookresearch/dinov2
    PyTorch code and models for the DINOv2 self-supervised learning method.
    score: 63, stars: 6,357

  11.  compvis/stable-diffusion
    https://ommer-lab.com/research/latent-diffusion-models/
    A latent text-to-image diffusion model
    score: 62, stars: 60,638

  12. borisdayma/dalle-mini
    https://www.craiyon.com
    DALL·E Mini - Generate images from a text prompt
    score: 62, stars: 14,362

  13. lucidrains/DALLE2-pytorch
    Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
    score: 62, stars: 10,182

  14.  idea-research/GroundingDINO
    https://arxiv.org/abs/2303.05499
    Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
    score: 61, stars: 3,297

  15.  openai/consistency_models
    Official repo for consistency models.
    score: 58, stars: 5,461

  16. nateraw/stable-diffusion-videos
    Create 🔥 videos with Stable Diffusion by exploring the latent space and morphing between text prompts
    score: 53, stars: 3,556

  17.  mlc-ai/web-stable-diffusion
    https://mlc.ai/web-stable-diffusion
    Bringing stable diffusion models to web browsers. Everything runs inside the browser with no server support.
    score: 53, stars: 3,135

  18.  stability-ai/stability-sdk
    https://platform.stability.ai/
    SDK for interacting with stability.ai APIs (e.g. stable diffusion inference)
    score: 52, stars: 2,352

  19.  compvis/latent-diffusion
    High-Resolution Image Synthesis with Latent Diffusion Models
    score: 50, stars: 8,860

  20. timothybrooks/instruct-pix2pix
    PyTorch implementation of InstructPix2Pix, an instruction-based image editing model, based on the original CompVis/stable_diffusion repo.
    score: 50, stars: 5,314

  21. xavierxiao/Dreambooth-Stable-Diffusion
    Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion
    score: 48, stars: 7,068

  22. lkwq007/stablediffusion-infinity
    Outpainting with Stable Diffusion on an infinite canvas
    score: 47, stars: 3,666

  23. chenyangqiqi/FateZero
    http://fate-zero-edit.github.io/
    [ICCV 2023 Oral] "FateZero: Fusing Attentions for Zero-shot Text-based Video Editing"
    score: 46, stars: 910

  24. saharmor/dalle-playground
    A playground to generate images from any text prompt using Stable Diffusion (past: using DALL-E Mini)
    score: 44, stars: 2,727

  25. coyote-a/ultimate-upscale-for-automatic1111
    coyote-a/ultimate-upscale-for-automatic1111
    score: 44, stars: 1,121

  26.  jina-ai/discoart
    🪩 Create Disco Diffusion artworks in one line
    score: 43, stars: 3,830

  27.  salesforce/BLIP
    PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation
    score: 42, stars: 3,475

  28.  nvlabs/prismer
    https://shikun.io/projects/prismer
    The implementation of "Prismer: A Vision-Language Model with An Ensemble of Experts".
    score: 41, stars: 1,207

  29. thereforegames/unprompted
    Templating language written for Stable Diffusion workflows. Available as an extension for the Automatic1111 WebUI.
    score: 41, stars: 670

  30. divamgupta/stable-diffusion-tensorflow
    Stable Diffusion in TensorFlow / Keras
    score: 35, stars: 1,523

  31.  openai/glide-text2im
    GLIDE: a diffusion-based text-conditional image synthesis model
    score: 34, stars: 3,315

  32. sharonzhou/long_stable_diffusion
    Long-form text-to-images generation, using a pipeline of deep generative models (GPT-3 and Stable Diffusion)
    score: 24, stars: 665

  33. tanelp/tiny-diffusion
    A minimal PyTorch implementation of probabilistic diffusion models for 2D datasets.
    score: 24, stars: 454

Finance

Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives etc.

  1.  openbb-finance/OpenBBTerminal
    https://my.openbb.co/app/terminal
    Investment Research for Everyone, Everywhere.
    score: 77, stars: 24,559

  2.  ai4finance-foundation/FinGPT
    https://discord.gg/trsr8SXpW5
    Data-Centric FinGPT. Open-source for open finance! Revolutionize 🔥 We release the trained model on HuggingFace.
    score: 70, stars: 8,976

  3.  microsoft/qlib
    https://qlib.readthedocs.io/en/latest/
    Qlib is an AI-oriented quantitative investment platform that aims to realize the potential, empower research, and create value using AI technologies in quantitative investment, from exploring ideas to implementing productions. Qlib supports diverse machine learning modeling paradigms. including supervised learning, ...
    score: 62, stars: 12,611

  4.  ai4finance-foundation/FinRL
    https://finrl.readthedocs.io
    FinRL: Financial Reinforcement Learning. 🔥
    score: 61, stars: 8,197

  5. ranaroussi/yfinance
    https://aroussi.com/post/python-yahoo-finance
    Download market data from Yahoo! Finance's API
    score: 60, stars: 10,398

  6.  quantconnect/Lean
    https://lean.io
    Lean Algorithmic Trading Engine by QuantConnect (Python, C#)
    score: 54, stars: 7,952

  7.  matplotlib/mplfinance
    https://pypi.org/project/mplfinance/
    Financial Markets Data Visualization using Matplotlib
    score: 50, stars: 3,016

  8.  quantopian/zipline
    https://www.zipline.io
    Zipline, a Pythonic Algorithmic Trading Library
    score: 49, stars: 16,554

  9. mementum/backtrader
    https://www.backtrader.com
    Python Backtesting library for trading strategies
    score: 46, stars: 11,706

  10.  ta-lib/ta-lib-python
    http://ta-lib.github.io/ta-lib-python
    Python wrapper for TA-Lib (http://ta-lib.org/).
    score: 46, stars: 8,341

  11. kernc/backtesting.py
    https://kernc.github.io/backtesting.py/
    🔎 📈 🐍 💰 Backtest trading strategies in Python.
    score: 46, stars: 4,136

  12.  blankly-finance/blankly
    https://package.blankly.finance
    🚀 💸 Easily build, backtest and deploy your algo in just a few lines of code. Trade stocks, cryptos, and forex across exchanges w/ one package.
    score: 46, stars: 1,786

  13. ranaroussi/quantstats
    Portfolio analytics for quants, written in Python
    score: 44, stars: 3,545

  14. polakowo/vectorbt
    https://vectorbt.dev
    Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
    score: 43, stars: 3,221

  15.  google/tf-quant-finance
    High-performance TensorFlow library for quantitative finance.
    score: 41, stars: 4,036

  16. robcarver17/pysystemtrade
    Systematic Trading in python
    score: 41, stars: 2,134

  17. domokane/FinancePy
    https://financepy.com/
    A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives.
    score: 41, stars: 1,652

  18.  goldmansachs/gs-quant
    https://developer.gs.com/discover/products/gs-quant/
    Python toolkit for quantitative finance
    score: 40, stars: 2,148

  19.  quantopian/pyfolio
    https://quantopian.github.io/pyfolio
    Portfolio and risk analytics in Python
    score: 38, stars: 5,175

  20. rsheftel/pandas_market_calendars
    Exchange calendars to use with pandas for trading applications
    score: 35, stars: 656

  21. idanya/algo-trader
    Trading bot with support for realtime trading, backtesting, custom strategies and much more.
    score: 32, stars: 691

  22. pmorissette/bt
    http://pmorissette.github.io/bt
    bt - flexible backtesting for Python
    score: 31, stars: 1,785

  23. pmorissette/ffn
    pmorissette.github.io/ffn
    ffn - a financial function library for Python
    score: 31, stars: 1,604

  24. gbeced/pyalgotrade
    http://gbeced.github.io/pyalgotrade/
    Python Algorithmic Trading Library
    score: 30, stars: 4,160

  25.  quantopian/alphalens
    http://quantopian.github.io/alphalens
    Performance analysis of predictive (alpha) stock factors
    score: 30, stars: 2,838

  26.  cuemacro/finmarketpy
    http://www.cuemacro.com
    Python library for backtesting trading strategies & analyzing financial markets (formerly pythalesians)
    score: 28, stars: 3,201

  27. borisbanushev/stockpredictionai
    In this noteboook I will create a complete process for predicting stock price movements. Follow along and we will achieve some pretty good results. For that purpose we will use a Generative Adversarial Network (GAN) with LSTM, a type of Recurrent Neural Network, as generator, and a Convolutional Neural Networ...
    score: 27, stars: 3,772

  28.  cuemacro/findatapy
    Python library to download market data via Bloomberg, Eikon, Quandl, Yahoo etc.
    score: 27, stars: 1,461

  29.  numerai/example-scripts
    https://numer.ai/
    A collection of scripts and notebooks to help you get started quickly.
    score: 27, stars: 646

  30.  quantopian/research_public
    https://www.quantopian.com/lectures
    Quantitative research and educational materials
    score: 26, stars: 2,225

  31.  quantopian/empyrical
    https://quantopian.github.io/empyrical
    Common financial risk and performance metrics. Used by zipline and pyfolio.
    score: 25, stars: 1,128

  32.  enthought/pyql
    Cython QuantLib wrappers
    score: 24, stars: 858

  33.  quandl/quandl-python
    quandl/quandl-python
    score: 22, stars: 1,333

  34. mementum/bta-lib
    Technical Analysis library in pandas for backtesting algotrading and quantitative analysis
    score: 12, stars: 419

Game Development

Game development tools, engines and libraries.

  1. kitao/pyxel
    A retro game engine for Python
    score: 55, stars: 12,524

  2.  pygame/pygame
    https://www.pygame.org
    🐍🎮 pygame (the library) is a Free and Open Source python programming language library for making multimedia applications like games built on top of the excellent SDL library. C, Python, Native, OpenGL.
    score: 53, stars: 6,408

  3.  pyglet/pyglet
    http://pyglet.org
    pyglet is a cross-platform windowing and multimedia library for Python, for developing games and other visually rich applications.
    score: 52, stars: 1,598

  4.  panda3d/panda3d
    https://www.panda3d.org/
    Powerful, mature open-source cross-platform game engine for Python and C++, developed by Disney and CMU
    score: 46, stars: 4,046

  5.  pythonarcade/arcade
    http://arcade.academy
    Easy to use Python library for creating 2D arcade games.
    score: 45, stars: 1,523

  6. lordmauve/pgzero
    https://pygame-zero.readthedocs.io/
    A zero-boilerplate games programming framework for Python 3, based on Pygame.
    score: 26, stars: 481

GIS

Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections etc.

  1.  opengeos/segment-geospatial
    https://samgeo.gishub.org
    A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
    score: 62, stars: 2,293

  2.  osgeo/gdal
    https://gdal.org
    GDAL is an open source MIT licensed translator library for raster and vector geospatial data formats.
    score: 59, stars: 4,061

  3.  opengeos/leafmap
    https://leafmap.org
    A Python package for interactive mapping and geospatial analysis with minimal coding in a Jupyter environment
    score: 57, stars: 2,598

  4.  giswqs/geemap
    https://geemap.org
    A Python package for interactive geospaital analysis and visualization with Google Earth Engine.
    score: 56, stars: 2,926

  5.  microsoft/torchgeo
    https://torchgeo.rtfd.io
    TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data
    score: 54, stars: 1,867

  6. gboeing/osmnx
    https://osmnx.readthedocs.io
    Python for street networks. Download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap.
    score: 53, stars: 4,387

  7.  python-visualization/folium
    https://python-visualization.github.io/folium/
    Python Data. Leaflet.js Maps.
    score: 52, stars: 6,425

  8.  geopandas/geopandas
    http://geopandas.org/
    Python tools for geographic data
    score: 50, stars: 3,878

  9.  shapely/shapely
    https://shapely.readthedocs.io/en/stable/
    Manipulation and analysis of geometric objects
    score: 50, stars: 3,450

  10.  pytroll/satpy
    http://satpy.readthedocs.org/en/latest/
    Python package for earth-observing satellite data processing
    score: 50, stars: 960

  11.  azavea/raster-vision
    https://docs.rastervision.io
    An open source library and framework for deep learning on satellite and aerial imagery.
    score: 48, stars: 1,915

  12.  holoviz/datashader
    http://datashader.org
    Quickly and accurately render even the largest data.
    score: 47, stars: 3,085

  13.  rasterio/rasterio
    https://rasterio.readthedocs.io/
    Rasterio reads and writes geospatial raster datasets
    score: 45, stars: 2,033

  14.  osgeo/grass
    https://grass.osgeo.org
    GRASS GIS - free and open source Geographic Information System (GIS)
    score: 45, stars: 677

  15.  apache/sedona
    https://sedona.apache.org/
    A cluster computing framework for processing large-scale geospatial data
    score: 43, stars: 1,597

  16.  pyproj4/pyproj
    https://pyproj4.github.io/pyproj
    Python interface to PROJ (cartographic projections and coordinate transformations library)
    score: 42, stars: 928

  17.  anitagraser/movingpandas
    http://movingpandas.org
    Movement trajectory classes and functions built on top of GeoPandas
    score: 41, stars: 1,046

  18.  developmentseed/titiler
    https://developmentseed.org/titiler/
    Build your own Raster dynamic map tile services
    score: 41, stars: 592

  19. domlysz/BlenderGIS
    Blender addons to make the bridge between Blender and geographic data
    score: 40, stars: 6,780

  20.  scitools/cartopy
    https://scitools.org.uk/cartopy/docs/latest
    Cartopy - a cartographic python library with matplotlib support
    score: 40, stars: 1,276

  21.  sentinel-hub/eo-learn
    https://eo-learn.readthedocs.io/en/latest/
    Earth observation processing framework for machine learning in Python
    score: 40, stars: 1,046

  22.  microsoft/GlobalMLBuildingFootprints
    Worldwide building footprints derived from satellite imagery
    score: 39, stars: 1,106

  23.  jupyter-widgets/ipyleaflet
    https://ipyleaflet.readthedocs.io
    A Jupyter - Leaflet.js bridge
    score: 38, stars: 1,405

  24.  scitools/iris
    https://scitools-iris.readthedocs.io/en/stable/
    A powerful, format-agnostic, and community-driven Python package for analysing and visualising Earth science data
    score: 38, stars: 572

  25.  corteva/rioxarray
    https://corteva.github.io/rioxarray
    geospatial xarray extension powered by rasterio
    score: 38, stars: 431

  26.  pysal/pysal
    http://pysal.org/pysal
    PySAL: Python Spatial Analysis Library Meta-Package
    score: 36, stars: 1,192

  27.  toblerity/Fiona
    https://fiona.readthedocs.io/
    Fiona reads and writes geographic data files
    score: 36, stars: 1,078

  28.  matplotlib/basemap
    Plot on map projections (with coastlines and political boundaries) using matplotlib
    score: 36, stars: 747

  29.  earthlab/earthpy
    https://earthpy.readthedocs.io
    A package built to support working with spatial data using open source python
    score: 36, stars: 463

  30.  google/earthengine-api
    Python and JavaScript bindings for calling the Earth Engine API.
    score: 35, stars: 2,356

  31.  cogeotiff/rio-tiler
    https://cogeotiff.github.io/rio-tiler/
    User friendly Rasterio plugin to read raster datasets.
    score: 35, stars: 438

  32.  sentinelsat/sentinelsat
    https://sentinelsat.readthedocs.io
    Search and download Copernicus Sentinel satellite images
    score: 34, stars: 922

  33. kvos/CoastSat
    http://coastsat.wrl.unsw.edu.au/
    Global shoreline mapping tool from satellite imagery
    score: 34, stars: 560

  34.  geopandas/contextily
    https://contextily.readthedocs.io/en/latest/
    Context geo-tiles in Python
    score: 34, stars: 443

  35.  makepath/xarray-spatial
    https://xarray-spatial.org
    Raster-based Spatial Analytics for Python
    score: 33, stars: 742

  36.  toblerity/rtree
    https://rtree.readthedocs.io/en/latest/
    Rtree: spatial index for Python GIS
    score: 33, stars: 571

  37. gboeing/osmnx-examples
    https://osmnx.readthedocs.io
    Gallery of OSMnx tutorials, usage examples, and feature demonstations.
    score: 32, stars: 1,335

  38.  sentinel-hub/sentinelhub-py
    http://sentinelhub-py.readthedocs.io/en/latest/
    Download and process satellite imagery in Python using Sentinel Hub services.
    score: 32, stars: 731

  39.  uber/h3-py
    https://uber.github.io/h3-py
    Python bindings for H3, a hierarchical hexagonal geospatial indexing system
    score: 32, stars: 688

  40.  holoviz/geoviews
    http://geoviews.org
    Simple, concise geographical visualization in Python
    score: 32, stars: 513

  41.  laspy/laspy
    https://laspy.readthedocs.io/en/latest/
    Laspy is a pythonic interface for reading/modifying/creating .LAS LIDAR files matching specification 1.0-1.4.
    score: 32, stars: 402

  42.  datasystemslab/GeoTorchAI
    https://kanchanchy.github.io/geotorchai/
    GeoTorchAI: A Framework for Training and Using Spatiotemporal Deep Learning Models at Scale
    score: 31, stars: 415

  43.  geopandas/dask-geopandas
    https://dask-geopandas.readthedocs.io/
    Parallel GeoPandas with Dask
    score: 31, stars: 407

  44.  pysal/momepy
    https://docs.momepy.org
    Urban Morphology Measuring Toolkit
    score: 31, stars: 406

  45. mcordts/cityscapesScripts
    README and scripts for the Cityscapes Dataset
    score: 30, stars: 2,017

  46. geospatialpython/pyshp
    This library reads and writes ESRI Shapefiles in pure Python.
    score: 30, stars: 1,051

  47. perrygeo/python-rasterstats
    Summary statistics of geospatial raster datasets based on vector geometries.
    score: 30, stars: 490

  48. plant99/felicette
    Satellite imagery for dummies.
    score: 29, stars: 1,809

  49. residentmario/geoplot
    https://residentmario.github.io/geoplot/index.html
    High-level geospatial data visualization library for Python.
    score: 28, stars: 1,084

  50.  scikit-mobility/scikit-mobility
    https://scikit-mobility.github.io/scikit-mobility/
    scikit-mobility: mobility analysis in Python
    score: 26, stars: 652

  51.  fatiando/verde
    https://www.fatiando.org/verde
    Processing and gridding spatial data, machine-learning style
    score: 25, stars: 527

  52.  openeventdata/mordecai
    Full text geoparsing as a Python library
    score: 23, stars: 719

  53.  developmentseed/label-maker
    http://devseed.com/label-maker/
    Data Preparation for Satellite Machine Learning
    score: 23, stars: 449

  54.  developmentseed/landsat-util
    A utility to search, download and process Landsat 8 satellite imagery
    score: 21, stars: 689

Graph

Graphs and network libraries: network analysis, graph machine learning, visualisation etc.

  1.  networkx/networkx
    https://networkx.org
    Network Analysis in Python
    score: 59, stars: 13,276

  2.  stellargraph/stellargraph
    https://stellargraph.readthedocs.io/
    StellarGraph - Machine Learning on Graphs
    score: 40, stars: 2,784

  3.  westhealth/pyvis
    http://pyvis.readthedocs.io/en/latest/
    Python package for creating and visualizing interactive network graphs.
    score: 29, stars: 760

  4. rampasek/GraphGPS
    Recipe for a General, Powerful, Scalable Graph Transformer
    score: 25, stars: 464

GUI

Graphical user interface libraries and toolkits.

  1. pysimplegui/PySimpleGUI
    https://www.PySimpleGUI.com
    Launched in 2018. It's 2023 and PySimpleGUI is actively developed & supported. Create complex windows simply. Supports tkinter, Qt, WxPython, Remi (in browser). Create GUI applications trivially with a full set of widgets. Multi-Window applications are also simple. 3.4 to 3.11 supported. 325+ Demo programs & Cookboo...
    score: 62, stars: 12,123

  2. hoffstadt/DearPyGui
    https://dearpygui.readthedocs.io/en/latest/
    Dear PyGui: A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies
    score: 62, stars: 11,234

  3. parthjadhav/Tkinter-Designer
    An easy and fast way to create a Python GUI 🐍
    score: 53, stars: 7,307

  4. r0x0r/pywebview
    https://pywebview.flowrl.com
    Build GUI for your Python program with JavaScript, HTML, and CSS
    score: 50, stars: 3,822

  5.  dddomodossola/remi
    Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet.
    score: 40, stars: 3,366

  6.  wxwidgets/Phoenix
    http://wxpython.org/
    wxPython's Project Phoenix. A new implementation of wxPython, better, stronger, faster than he was before.
    score: 38, stars: 2,063

Jupyter

Jupyter and JupyterLab and Notebook tools, libraries and plugins.

  1.  jupyterlab/jupyterlab
    https://jupyterlab.readthedocs.io/
    JupyterLab computational environment.
    score: 71, stars: 13,318

  2.  jupyter/notebook
    https://jupyter-notebook.readthedocs.io/
    Jupyter Interactive Notebook
    score: 65, stars: 10,576

  3.  jupyterlab/jupyter-ai
    https://jupyter-ai.readthedocs.io/
    A generative AI extension for JupyterLab
    score: 61, stars: 2,021

  4.  jupyterlite/jupyterlite
    https://jupyterlite.rtfd.io/en/stable/try/lab
    Wasm powered Jupyter running in the browser 💡
    score: 60, stars: 3,375

  5. mwouts/jupytext
    https://jupytext.readthedocs.io
    Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts
    score: 58, stars: 6,174

  6.  voila-dashboards/voila
    https://voila.readthedocs.io
    Voilà turns Jupyter notebooks into standalone web applications
    score: 56, stars: 4,959

  7.  jupyterlab/jupyterlab-desktop
    JupyterLab desktop application, based on Electron.
    score: 52, stars: 3,065

  8.  mito-ds/mito
    https://trymito.io
    The mitosheet package, trymito.io, and other public Mito code.
    score: 51, stars: 1,969

  9.  jupyter-lsp/jupyterlab-lsp
    Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol
    score: 50, stars: 1,605

  10.  jupyter/nbdime
    http://nbdime.readthedocs.io
    Tools for diffing and merging of Jupyter notebooks.
    score: 49, stars: 2,522

  11.  nteract/papermill
    http://papermill.readthedocs.io/en/latest/
    📚 Parameterize, execute, and analyze notebooks
    score: 48, stars: 5,390

  12.  executablebooks/jupyter-book
    http://jupyterbook.org
    Create beautiful, publication-quality books and documents from computational content.
    score: 48, stars: 3,533

  13.  jupyter/nbconvert
    https://nbconvert.readthedocs.io/
    Jupyter Notebook Conversion
    score: 46, stars: 1,565

  14. connorferster/handcalcs
    Python library for converting Python calculations into rendered latex.
    score: 45, stars: 5,257

  15.  vizzuhq/ipyvizzu
    https://ipyvizzu.vizzuhq.com
    Build animated charts in Jupyter Notebook and similar environments with a simple Python syntax.
    score: 45, stars: 875

  16.  jupyter/nbgrader
    https://nbgrader.readthedocs.io/
    A system for assigning and grading notebooks
    score: 41, stars: 1,228

  17.  maartenbreddels/ipyvolume
    3d plotting for Python in the Jupyter notebook based on IPython widgets using WebGL
    score: 40, stars: 1,884

  18.  nbqa-dev/nbQA
    https://nbqa.readthedocs.io/en/latest/index.html
    Run ruff, isort, pyupgrade, mypy, pylint, flake8, and more on Jupyter Notebooks
    score: 38, stars: 886

  19.  linealabs/lineapy
    https://lineapy.org
    Move fast from data science prototype to pipeline. Capture, analyze, and transform messy notebooks into data pipelines with just two lines of code.
    score: 38, stars: 627

  20.  quantopian/qgrid
    An interactive grid for sorting, filtering, and editing DataFrames in Jupyter notebooks
    score: 31, stars: 2,992

  21.  jupyter/nbviewer
    https://nbviewer.jupyter.org
    nbconvert as a web service: Render Jupyter Notebooks as static web pages
    score: 31, stars: 2,124

  22. xiaohk/stickyland
    https://xiaohk.github.io/stickyland/
    Break the linear presentation of Jupyter Notebooks with sticky cells!
    score: 23, stars: 458

  23.  computationalmodelling/nbval
    A py.test plugin to validate Jupyter notebooks
    score: 22, stars: 416

LLMs and ChatGPT

Large language model and GPT libraries and frameworks: auto-gpt, agents, QnA, chain-of-thought workflows, API integations etc. Also see the Natural Language Processing category for crossover.

  1.  hwchase17/langchain
    https://python.langchain.com
    ⚡ Building applications with LLMs through composability ⚡
    score: 89, stars: 64,822

  2. ggerganov/llama.cpp
    Port of Facebook's LLaMA model in C/C++
    score: 89, stars: 42,315

  3.  jerryjliu/llama_index
    https://docs.llamaindex.ai
    LlamaIndex (formerly GPT Index) is a data framework for your LLM applications
    score: 87, stars: 22,486

  4. oobabooga/text-generation-webui
    A Gradio web UI for Large Language Models. Supports transformers, GPTQ, AWQ, llama.cpp (GGUF), Llama models.
    score: 86, stars: 25,167

  5.  torantulino/AutoGPT
    https://agpt.co
    An experimental open-source attempt to make GPT-4 fully autonomous.
    score: 84, stars: 150,764

  6.  facebookresearch/llama
    Inference code for LLaMA models
    score: 84, stars: 43,518

  7.  hpcaitech/ColossalAI
    https://www.colossalai.org
    Making large AI models cheaper, faster and more accessible
    score: 83, stars: 34,930

  8.  lm-sys/FastChat
    An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
    score: 83, stars: 28,194

  9. killianlucas/open-interpreter
    http://openinterpreter.com/
    OpenAI's Code Interpreter in your terminal, running locally
    score: 82, stars: 29,428

  10. xtekky/gpt4free
    https://g4f.ai
    The official gpt4free repository | various collection of powerful language models
    score: 81, stars: 46,306

  11.  microsoft/autogen
    https://microsoft.github.io/autogen/
    Enable Next-Gen Large Language Model Applications. Join our Discord: https://discord.gg/pAbnFJrkgZ
    score: 81, stars: 10,281

  12.  h2oai/h2ogpt
    http://h2o.ai
    Private Q&A and summarization of documents+images or chat with local GPT, 100% private, Apache 2.0. Supports LLaMa2, llama.cpp, and more. Demo: https://gpt.h2o.ai/ https://codellama.h2o.ai/
    score: 81, stars: 8,119

  13. antonosika/gpt-engineer
    https://gpt-engineer.readthedocs.io
    Specify what you want it to build, the AI asks for clarification, and then builds it.
    score: 80, stars: 44,695

  14.  laion-ai/Open-Assistant
    https://open-assistant.io
    OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information dynamically to do so.
    score: 80, stars: 35,388

  15.  microsoft/semantic-kernel
    https://aka.ms/semantic-kernel
    Integrate cutting-edge LLM technology quickly and easily into your apps
    score: 80, stars: 13,729

  16.  mlc-ai/mlc-llm
    https://llm.mlc.ai/docs
    Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
    score: 80, stars: 13,335

  17.  logspace-ai/langflow
    http://www.langflow.org
    ⛓️ Langflow is a UI for LangChain, designed with react-flow to provide an effortless way to experiment and prototype flows.
    score: 80, stars: 12,758

  18. transformeroptimus/SuperAGI
    https://superagi.com/
    <⚡️> SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
    score: 80, stars: 12,657

  19.  vllm-project/vllm
    https://vllm.readthedocs.io
    A high-throughput and memory-efficient inference and serving engine for LLMs
    score: 80, stars: 8,374

  20. hiyouga/LLaMA-Factory
    Easy-to-use LLM fine-tuning framework (LLaMA-2, BLOOM, Falcon, Baichuan, Qwen, ChatGLM2)
    score: 79, stars: 5,007

  21.  huggingface/peft
    https://huggingface.co/docs/peft
    🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
    score: 78, stars: 10,174

  22.  nomic-ai/gpt4all
    https://gpt4all.io
    gpt4all: open-source LLM chatbots that you can run anywhere
    score: 77, stars: 53,137

  23. geekan/MetaGPT
    🌟 The Multi-Agent Framework: Given one line Requirement, return PRD, Design, Tasks, Repo
    score: 77, stars: 28,314

  24. haotian-liu/LLaVA
    https://llava.hliu.cc
    [NeurIPS 2023 Oral] Visual Instruction Tuning: LLaVA (Large Language-and-Vision Assistant) built towards multimodal GPT-4 level capabilities.
    score: 77, stars: 8,442

  25.  idea-research/Grounded-Segment-Anything
    Grounded-SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
    score: 75, stars: 11,134

  26.  guidance-ai/guidance
    A guidance language for controlling large language models.
    score: 74, stars: 13,961

  27. karpathy/llama2.c
    Inference Llama 2 in one file of pure C
    score: 74, stars: 12,524

  28.  optimalscale/LMFlow
    https://optimalscale.github.io/LMFlow/
    An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
    score: 74, stars: 7,353

  29.  thudm/ChatGLM-6B
    ChatGLM-6B: An Open Bilingual Dialogue Language Model | 开源双语对话语言模型
    score: 73, stars: 34,821

  30.  paddlepaddle/PaddleNLP
    https://paddlenlp.readthedocs.io
    👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Search, ❓ Question Answering, ℹ️ Information Extraction, 📄 Document Intelligence, 💌 Sentiment Analysis etc.
    score: 73, stars: 10,319

  31. plachtaa/VALL-E-X
    An open source implementation of Microsoft's VALL-E X zero-shot TTS model. Demo is available in https://plachtaa.github.io
    score: 73, stars: 5,796

  32.  facebookresearch/llama-recipes
    Examples and recipes for Llama 2 model
    score: 73, stars: 4,298

  33. abetlen/llama-cpp-python
    https://llama-cpp-python.readthedocs.io
    Python bindings for llama.cpp
    score: 73, stars: 3,696

  34. yoheinakajima/babyagi
    GPT-4 powered task-driven autonomous agent
    score: 72, stars: 17,464

  35.  thudm/ChatGLM2-6B
    ChatGLM2-6B: An Open Bilingual Chat LLM | 开源双语对话语言模型
    score: 72, stars: 13,555

  36.  pythagora-io/gpt-pilot
    Dev tool that writes scalable apps from scratch while the developer oversees the implementation
    score: 72, stars: 12,318

  37.  huggingface/text-generation-inference
    http://hf.co/docs/text-generation-inference
    Large Language Model Text Generation Inference
    score: 72, stars: 5,469

  38.  berriai/litellm
    https://docs.litellm.ai/docs/
    Call all LLM APIs using the OpenAI format. Use Azure, OpenAI, Cohere, Anthropic, Ollama, VLLM, Sagemaker, HuggingFace, Replicate (100+ LLMs)
    score: 72, stars: 2,018

  39. tloen/alpaca-lora
    Instruct-tune LLaMA on consumer hardware
    score: 71, stars: 17,201

  40.  facebookresearch/codellama
    Inference code for CodeLlama models
    score: 71, stars: 10,443

  41.  rasahq/rasa
    https://rasa.com/docs/rasa/
    💬 Open source machine learning framework to automate text- and voice-based conversations: NLU, dialogue management, connect to Slack, Facebook, and more - Create chatbots and voice assistants
    score: 70, stars: 17,099

  42.  smol-ai/developer
    https://twitter.com/SmolModels
    the first library to let you embed a developer agent in your own app!
    score: 70, stars: 11,137

  43. imartinez/privateGPT
    Interact privately with your documents using the power of GPT, 100% privately, no data leaks
    score: 69, stars: 38,552

  44. karpathy/nanoGPT
    The simplest, fastest repository for training/finetuning medium-sized GPTs.
    score: 69, stars: 25,376

  45.  vision-cair/MiniGPT-4
    https://minigpt-4.github.io
    Open-sourced codes for MiniGPT-4 and MiniGPT-v2
    score: 69, stars: 22,774

  46. shishirpatil/gorilla
    https://gorilla.cs.berkeley.edu/
    Gorilla: An API store for LLMs
    score: 69, stars: 8,349

  47.  mlc-ai/web-llm
    https://mlc.ai/web-llm
    Bringing large-language models and chat to web browsers. Everything runs inside the browser with no server support.
    score: 69, stars: 7,597

  48.  zilliztech/GPTCache
    https://gptcache.readthedocs.io
    Semantic cache for LLMs. Fully integrated with LangChain and llama_index.
    score: 69, stars: 5,367

  49.  chainlit/chainlit
    https://docs.chainlit.io
    Build Python LLM apps in minutes ⚡️
    score: 69, stars: 3,410

  50.  lightning-ai/lit-gpt
    Hackable implementation of state-of-the-art open-source LLMs based on nanoGPT. Supports flash attention, 4-bit and 8-bit quantization, LoRA and LLaMA-Adapter fine-tuning, pre-training. Apache 2.0-licensed.
    score: 69, stars: 3,280

  51.  microsoft/TaskMatrix
    Connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting.
    score: 68, stars: 34,193

  52.  openai/chatgpt-retrieval-plugin
    The ChatGPT Retrieval Plugin lets you easily find personal or work documents by asking questions in natural language.
    score: 68, stars: 19,791

  53.  deepset-ai/haystack
    https://haystack.deepset.ai
    🔍 LLM orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. With advanced retrieval methods, it's best suited for building RAG, question answering, semantic search or conv...
    score: 68, stars: 11,163

  54. artidoro/qlora
    https://arxiv.org/abs/2305.14314
    QLoRA: Efficient Finetuning of Quantized LLMs
    score: 68, stars: 7,910

  55.  lianjiatech/BELLE
    BELLE: Be Everyone's Large Language model Engine(开源中文对话大模型)
    score: 67, stars: 6,858

  56. jzhang38/TinyLlama
    The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
    score: 67, stars: 3,030

  57.  h2oai/h2o-llmstudio
    https://gpt-gm.h2o.ai
    H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs. Documentation: https://h2oai.github.io/h2o-llmstudio/
    score: 67, stars: 2,798

  58. tairov/llama2.mojo
    Inference Llama 2 in one file of pure 🔥
    score: 67, stars: 1,260

  59.  openlmlab/MOSS
    https://txsun1997.github.io/blogs/moss.html
    An open-source tool-augmented conversational language model from Fudan University
    score: 66, stars: 11,549

  60.  databrickslabs/dolly
    https://www.databricks.com/blog/2023/03/24/hello-dolly-democratizing-magic-chatgpt-open-models.html
    Databricks’ Dolly, a large language model trained on the Databricks Machine Learning Platform
    score: 66, stars: 10,621

  61.  lvwerra/trl
    http://hf.co/docs/trl
    Train transformer language models with reinforcement learning.
    score: 66, stars: 5,965

  62.  openbmb/ToolBench
    https://openbmb.github.io/ToolBench/
    An open platform for training, serving, and evaluating large language model for tool learning.
    score: 66, stars: 3,443

  63.  microsoft/JARVIS
    JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf
    score: 65, stars: 21,955

  64. mayooear/gpt4-pdf-chatbot-langchain
    https://www.youtube.com/watch?v=ih9PBGVVOO4
    GPT4 & LangChain Chatbot for large PDF docs
    score: 65, stars: 13,425

  65. blinkdl/ChatRWKV
    ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
    score: 65, stars: 8,823

  66.  mistralai/mistral-src
    https://mistral.ai/
    Reference implementation of Mistral AI 7B v0.1 model.
    score: 65, stars: 3,541

  67.  lightning-ai/lit-llama
    Implementation of the LLaMA language model based on nanoGPT. Supports flash attention, Int8 and GPTQ 4bit quantization, LoRA and LLaMA-Adapter fine-tuning, pre-training. Apache 2.0-licensed.
    score: 64, stars: 5,261

  68.  nvidia/NeMo-Guardrails
    NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
    score: 64, stars: 2,354

  69. next-gpt/NExT-GPT
    https://next-gpt.github.io/
    Code and models for NExT-GPT: Any-to-Any Multimodal Large Language Model
    score: 64, stars: 2,047

  70.  hegelai/prompttools
    http://prompttools.readthedocs.io
    Open-source tools for prompt testing and experimentation, with support for both LLMs (e.g. OpenAI, LLaMA) and vector databases (e.g. Chroma, Weaviate, LanceDB).
    score: 64, stars: 1,814

  71.  tatsu-lab/stanford_alpaca
    https://crfm.stanford.edu/2023/03/13/alpaca.html
    Code and documentation to train Stanford's Alpaca models, and generate the data.
    score: 63, stars: 27,000

  72.  skypilot-org/skypilot
    https://skypilot.readthedocs.io
    SkyPilot: Run LLMs, AI, and Batch jobs on any cloud. Get maximum savings, highest GPU availability, and managed execution—all with a simple interface.
    score: 63, stars: 4,002

  73.  stanfordnlp/dspy
    DSPy: The framework for programming with foundation models
    score: 63, stars: 3,649

  74. kyegomez/tree-of-thoughts
    https://discord.gg/qUtxnK2NMf
    Plug in and Play Implementation of Tree of Thoughts: Deliberate Problem Solving with Large Language Models that Elevates Model Reasoning by atleast 70%
    score: 63, stars: 3,573

  75.  guardrails-ai/guardrails
    https://docs.guardrailsai.com/
    Adding guardrails to large language models.
    score: 63, stars: 2,348

  76.  alpha-vllm/LLaMA2-Accessory
    https://llama2-accessory.readthedocs.io/
    An Open-source Toolkit for LLM Development
    score: 63, stars: 1,616

  77.  fauxpilot/fauxpilot
    FauxPilot - an open-source alternative to GitHub Copilot server
    score: 62, stars: 13,276

  78.  openlm-research/open_llama
    OpenLLaMA, a permissively licensed open source reproduction of Meta AI’s LLaMA 7B trained on the RedPajama dataset
    score: 62, stars: 6,731

  79.  bigcode-project/starcoder
    Home of StarCoder: fine-tuning & inference!
    score: 62, stars: 6,451

  80. bhaskatripathi/pdfGPT
    https://bhaskartripathi-pdfgpt-turbo.hf.space
    PDF GPT allows you to chat with the contents of your PDF file by using GPT capabilities. The most effective open source solution to turn your pdf files in a chatbot!
    score: 62, stars: 6,066

  81.  minedojo/Voyager
    https://voyager.minedojo.org/
    An Open-Ended Embodied Agent with Large Language Models
    score: 62, stars: 4,261

  82.  mmabrouk/llm-workflow-engine
    Power CLI and Workflow manager for LLMs (core package)
    score: 62, stars: 3,484

  83.  eth-sri/lmql
    https://lmql.ai
    A language for constraint-guided and efficient LLM programming.
    score: 62, stars: 2,463

  84. ravenscroftj/turbopilot
    Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU
    score: 61, stars: 3,839

  85.  baichuan-inc/Baichuan-13B
    https://huggingface.co/baichuan-inc/Baichuan-13B-Chat
    A 13B large language model developed by Baichuan Intelligent Technology
    score: 61, stars: 2,687

  86. luodian/Otter
    https://otter-ntu.github.io/
    🦦 Otter, a multi-modal model based on OpenFlamingo (open-sourced version of DeepMind's Flamingo), trained on MIMIC-IT and showcasing improved instruction-following and in-context learning ability.
    score: 61, stars: 2,523

  87.  thudm/CodeGeeX
    https://codegeex.cn
    CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023)
    score: 60, stars: 7,092

  88.  eleutherai/gpt-neox
    An implementation of model parallel autoregressive transformers on GPUs, based on the DeepSpeed library.
    score: 60, stars: 6,089

  89.  neulab/prompt2model
    prompt2model - Generate Deployable Models from Natural Language Instructions
    score: 60, stars: 1,566

  90. whitead/paper-qa
    LLM Chain for answering questions from documents with citations
    score: 59, stars: 3,106

  91. minimaxir/simpleaichat
    Python package for easily interfacing with chat apps, with robust features and minimal code complexity.
    score: 59, stars: 2,913

  92. iryna-kondr/scikit-llm
    https://beastbyte.ai/
    Seamlessly integrate LLMs into scikit-learn.
    score: 59, stars: 2,576

  93.  defog-ai/sqlcoder
    SoTA LLM for converting natural language questions to SQL queries
    score: 59, stars: 1,441

  94.  nvidia/Megatron-LM
    Ongoing research training transformer models at scale
    score: 58, stars: 6,546

  95. li-plus/chatglm.cpp
    C++ implementation of ChatGLM-6B & ChatGLM2-6B & more LLMs
    score: 58, stars: 1,176

  96.  huggingface/text-embeddings-inference
    https://huggingface.github.io/text-embeddings-inference/
    A blazing fast inference solution for text embeddings models
    score: 58, stars: 481

  97. nat/openplayground
    An LLM playground you can run on your laptop
    score: 57, stars: 5,558

  98. blinkdl/RWKV-LM
    RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.
    score: 56, stars: 10,005

  99.  spcl/graph-of-thoughts
    https://arxiv.org/pdf/2308.09687.pdf
    Official Implementation of "Graph of Thoughts: Solving Elaborate Problems with Large Language Models"
    score: 56, stars: 1,486

  100.  microsoft/LMOps
    https://aka.ms/nlpagi
    General technology for enabling AI capabilities w/ LLMs and MLLMs
    score: 55, stars: 2,426

  101. deep-diver/LLM-As-Chatbot
    LLM as a Chatbot Service
    score: 54, stars: 3,081

  102.  microsoft/torchscale
    https://aka.ms/GeneralAI
    Foundation Architecture for (M)LLMs
    score: 54, stars: 2,596

  103.  ray-project/llm-applications
    A comprehensive guide to building RAG-based LLM applications for production.
    score: 54, stars: 831

  104. karpathy/minGPT
    A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
    score: 53, stars: 16,422

  105.  thudm/GLM-130B
    GLM-130B: An Open Bilingual Pre-Trained Model (ICLR 2023)
    score: 53, stars: 7,193

  106.  microsoft/LoRA
    https://arxiv.org/abs/2106.09685
    Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
    score: 53, stars: 6,767

  107.  togethercomputer/RedPajama-Data
    The RedPajama-Data repository contains code for preparing large datasets for training large language models.
    score: 53, stars: 3,537

  108.  freedomintelligence/LLMZoo
    ⚡LLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.⚡
    score: 53, stars: 2,684

  109.  eleutherai/lm-evaluation-harness
    A framework for few-shot evaluation of autoregressive language models.
    score: 53, stars: 2,598

  110. mshumer/gpt-llm-trainer
    Input a description of your task, and the system will generate a dataset, parse it, and fine-tune a LLaMA 2 model for you
    score: 53, stars: 2,501

  111. young-geng/EasyLM
    Large language models (LLMs) made easy, EasyLM is a one stop solution for pre-training, finetuning, evaluating and serving LLMs in JAX/Flax.
    score: 53, stars: 1,985

  112.  explosion/spacy-llm
    https://spacy.io/usage/large-language-models
    🦙 Integrating LLMs into structured NLP pipelines
    score: 53, stars: 645

  113. 1rgs/jsonformer
    A Bulletproof Way to Generate Structured JSON from Language Models
    score: 52, stars: 3,061

  114. cstankonrad/long_llama
    LongLLaMA is a large language model capable of handling long contexts. It is based on OpenLLaMA and fine-tuned with the Focused Transformer (FoT) method.
    score: 52, stars: 1,288

  115. ajndkr/lanarky
    https://lanarky.readthedocs.io/en/latest/
    FastAPI framework to build production-grade LLM applications
    score: 52, stars: 826

  116. juncongmoo/pyllama
    LLaMA: Open and Efficient Foundation Language Models
    score: 51, stars: 2,644

  117.  microsoft/BioGPT
    microsoft/BioGPT
    score: 50, stars: 4,076

  118. lucidrains/toolformer-pytorch
    Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI
    score: 50, stars: 1,711

  119.  chatarena/chatarena
    https://www.chatarena.org/
    ChatArena (or Chat Arena) is a Multi-Agent Language Game Environments for LLMs. The goal is to develop communication and collaboration capabilities of AIs.
    score: 50, stars: 1,035

  120.  linksoul-ai/AutoAgents
    https://huggingface.co/spaces/LinkSoul/AutoAgents
    Generate different roles for GPTs to form a collaborative entity for complex tasks.
    score: 50, stars: 571

  121.  opengvlab/OmniQuant
    OmniQuant is a simple and powerful quantization technique for LLMs.
    score: 50, stars: 380

  122. instruction-tuning-with-gpt-4/GPT-4-LLM
    https://instruction-tuning-with-gpt-4.github.io/
    Instruction Tuning with GPT-4
    score: 49, stars: 3,465

  123. farizrahman4u/loopgpt
    Modular Auto-GPT Framework
    score: 49, stars: 1,290

  124.  microsoft/Megatron-DeepSpeed
    Ongoing research training transformer language models at scale, including: BERT & GPT-2
    score: 49, stars: 1,129

  125. zhudotexe/kani
    https://kani.readthedocs.io
    kani (カニ) is a highly hackable microframework for chat-based language models with tool usage/function calling.
    score: 49, stars: 478

  126.  pathwaycom/llm-app
    https://pathway.com/developers/showcases/llm-app-pathway/
    LLM App is a production framework for building and serving AI applications and LLM-enabled real-time data pipelines.
    score: 49, stars: 383

  127.  microsoft/Llama-2-Onnx
    A Microsoft optimized version of the Llama 2 model, available from Meta
    score: 48, stars: 842

  128.  openai/gpt-2
    https://openai.com/blog/better-language-models/
    Code for the paper "Language Models are Unsupervised Multitask Learners"
    score: 47, stars: 19,984

  129.  civitai/sd_civitai_extension
    All of the Civitai models inside Automatic 1111 Stable Diffusion Web UI
    score: 47, stars: 1,915

  130.  opengenerativeai/GenossGPT
    https://genoss.ai/
    One API for all LLMs either Private or Public (Anthropic, Llama V2, GPT 3.5/4, Vertex, GPT4ALL, HuggingFace ...) 🌈🐂 Replace OpenAI GPT with any LLMs in your app with one line.
    score: 47, stars: 634

  131.  weaviate/Verba
    Retrieval Augmented Generation (RAG) chatbot powered by Weaviate
    score: 47, stars: 616

  132.  ofa-sys/OFA
    Official repository of OFA (ICML 2022). Paper: OFA: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework
    score: 45, stars: 2,124

  133.  ibm/Dromedary
    Dromedary: towards helpful, ethical and reliable LLMs.
    score: 45, stars: 1,004

  134. srush/MiniChain
    https://srush-minichain.hf.space/
    A tiny library for coding with large language models.
    score: 45, stars: 919

  135.  langchain-ai/langsmith-cookbook
    https://langsmith-cookbook.vercel.app
    langchain-ai/langsmith-cookbook
    score: 45, stars: 323

  136. operand/agency
    https://createwith.agency
    A fast and minimal framework for building agent-integrated systems
    score: 45, stars: 320

  137.  tiger-ai-lab/MAmmoTH
    This repo contains the code and data for "MAmmoTH: Building Math Generalist Models through Hybrid Instruction Tuning"
    score: 45, stars: 183

  138.  eleutherai/gpt-neo
    https://www.eleuther.ai
    An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
    score: 42, stars: 8,010

  139.  explosion/spacy-transformers
    https://spacy.io/usage/embeddings-transformers
    🛸 Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy
    score: 42, stars: 1,286

  140.  nomic-ai/pygpt4all
    https://nomic-ai.github.io/pygpt4all/
    Official supported Python bindings for llama.cpp + gpt4all
    score: 42, stars: 1,020

  141. vahe1994/SpQR
    Quantization algorithm and the model evaluation code for SpQR method for LLM compression
    score: 42, stars: 453

  142.  langchain-ai/langsmith-sdk
    https://smith.langchain.com/
    LangSmith Client SDK Implementations
    score: 42, stars: 148

  143. yizhongw/self-instruct
    Aligning pretrained language models with instruction data generated by themselves.
    score: 41, stars: 3,158

  144.  jina-ai/thinkgpt
    Agent techniques to augment your LLM and push it beyong its limits
    score: 41, stars: 1,376

  145. minimaxir/gpt-2-simple
    Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts
    score: 40, stars: 3,328

  146.  ist-daslab/gptq
    https://arxiv.org/abs/2210.17323
    Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
    score: 39, stars: 1,344

  147.  run-llama/llama-lab
    Llama Lab is a repo dedicated to building cutting-edge projects using LlamaIndex
    score: 39, stars: 966

  148. oliveirabruno01/babyagi-asi
    BabyAGI: an Autonomous and Self-Improving agent, or BASI
    score: 39, stars: 721

  149. minimaxir/aitextgen
    https://docs.aitextgen.io
    A robust Python tool for text-based AI training and generation using GPT-2.
    score: 38, stars: 1,800

  150.  bigscience-workshop/Megatron-DeepSpeed
    Ongoing research training transformer language models at scale, including: BERT & GPT-2
    score: 37, stars: 1,050

  151. ctlllll/LLM-ToolMaker
    Large Language Models as Tool Makers
    score: 37, stars: 929

  152. lupantech/chameleon-llm
    https://chameleon-llm.github.io
    Codes for "Chameleon: Plug-and-Play Compositional Reasoning with Large Language Models".
    score: 37, stars: 897

  153.  openai/gpt-discord-bot
    Example Discord bot written in Python that uses the completions API to have conversations with the text-davinci-003 model, and the moderations API to filter the messages.
    score: 35, stars: 1,580

  154.  salesforce/xgen
    Salesforce open-source LLMs with 8k sequence length.
    score: 35, stars: 679

  155.  continuum-llms/chatgpt-memory
    Allows to scale the ChatGPT API to multiple simultaneous sessions with infinite contextual and adaptive memory powered by GPT and Redis datastore.
    score: 35, stars: 494

  156.  hazyresearch/H3
    Language Modeling with the H3 State Space Model
    score: 35, stars: 455

  157. muennighoff/sgpt
    https://arxiv.org/abs/2202.08904
    SGPT: GPT Sentence Embeddings for Semantic Search
    score: 34, stars: 718

  158.  cerebras/modelzoo
    cerebras/modelzoo
    score: 33, stars: 725

  159. lupantech/ScienceQA
    Data and code for NeurIPS 2022 Paper "Learn to Explain: Multimodal Reasoning via Thought Chains for Science Question Answering".
    score: 29, stars: 419

  160.  hazyresearch/ama_prompting
    Ask Me Anything language model prompting
    score: 27, stars: 510

  161. keirp/automatic_prompt_engineer
    Large Language Models Are Human-Level Prompt Engineers
    score: 26, stars: 753

  162.  openai/gpt-2-output-dataset
    Dataset of GPT-2 outputs for research in detection, biases, and more
    score: 23, stars: 1,795

  163.  openai/image-gpt
    Archived. Code and models from the paper "Generative Pretraining from Pixels"
    score: 22, stars: 1,956

  164.  openai/finetune-transformer-lm
    https://s3-us-west-2.amazonaws.com/openai-assets/research-covers/language-unsupervised/language_understanding_paper.pdf
    Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
    score: 21, stars: 1,917

  165.  bigscience-workshop/t-zero
    Reproduce results and replicate training fo T0 (Multitask Prompted Training Enables Zero-Shot Task Generalization)
    score: 21, stars: 427

Math and Science

Maths and science libraries.

  1.  numpy/numpy
    https://numpy.org
    The fundamental package for scientific computing with Python.
    score: 82, stars: 24,736

  2.  scipy/scipy
    https://scipy.org
    SciPy library main repository
    score: 67, stars: 11,793

  3.  sympy/sympy
    https://sympy.org/
    A computer algebra system written in pure Python
    score: 65, stars: 11,422

  4.  cupy/cupy
    https://cupy.dev
    NumPy & SciPy for GPU
    score: 64, stars: 7,238

  5.  facebookresearch/theseus
    A library for differentiable nonlinear optimization
    score: 50, stars: 1,443

  6.  lean-dojo/LeanDojo
    https://leandojo.org
    Tool for data extraction and interacting with Lean programmatically.
    score: 48, stars: 306

  7.  pyomo/pyomo
    https://www.pyomo.org
    An object-oriented algebraic modeling language in Python for structured optimization problems.
    score: 47, stars: 1,660

  8.  dynamicslab/pysindy
    https://pysindy.readthedocs.io/en/latest/
    A package for the sparse identification of nonlinear dynamical systems from data
    score: 42, stars: 1,104

  9.  google-research/torchsde
    Differentiable SDE solvers with GPU support and efficient sensitivity analysis.
    score: 41, stars: 1,368

  10.  mckinsey/causalnex
    http://causalnex.readthedocs.io/
    A Python library that helps data scientists to infer causation rather than observing correlation.
    score: 40, stars: 2,005

  11.  geomstats/geomstats
    http://geomstats.ai
    Computations and statistics on manifolds with geometric structures.
    score: 40, stars: 1,000

  12.  fredrik-johansson/mpmath
    http://mpmath.org
    Python library for arbitrary-precision floating-point arithmetic
    score: 36, stars: 831

  13.  dit/dit
    http://docs.dit.io
    Python package for information theory.
    score: 26, stars: 460

  14. willianfuks/tfcausalimpact
    Python Causal Impact Implementation Based on Google's R Package. Built using TensorFlow Probability.
    score: 21, stars: 446

  15. sj001/AI-Feynman
    Implementation of AI Feynman: a Physics-Inspired Method for Symbolic Regression
    score: 17, stars: 545

Machine Learning - General

General and classical machine learning libraries. See below for other sections covering specialised ML areas.

  1.  scikit-learn/scikit-learn
    https://scikit-learn.org
    scikit-learn: machine learning in Python
    score: 85, stars: 56,143

  2.  open-mmlab/mmdetection
    https://mmdetection.readthedocs.io
    OpenMMLab Detection Toolbox and Benchmark
    score: 77, stars: 25,742

  3.  openai/openai-cookbook
    https://cookbook.openai.com
    Examples and guides for using the OpenAI API
    score: 76, stars: 49,291

  4.  openai/evals
    Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
    score: 76, stars: 12,127

  5.  google/jax
    http://jax.readthedocs.io/
    Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
    score: 75, stars: 24,983

  6.  roboflow/supervision
    https://supervision.roboflow.com
    We write your reusable computer vision tools. 💜
    score: 75, stars: 6,380

  7.  google/mediapipe
    https://mediapipe.dev
    Cross-platform, customizable ML solutions for live and streaming media.
    score: 74, stars: 23,643

  8.  dmlc/xgboost
    https://xgboost.readthedocs.io/en/stable/
    Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
    score: 72, stars: 24,824

  9.  suno-ai/bark
    🔊 Text-Prompted Generative Audio Model
    score: 70, stars: 27,335

  10.  jina-ai/jina
    https://docs.jina.ai
    ☁️ Build multimodal AI applications with cloud-native stack
    score: 70, stars: 19,188

  11.  facebookresearch/faiss
    https://faiss.ai
    A library for efficient similarity search and clustering of dense vectors.
    score: 69, stars: 24,870

  12. ggerganov/ggml
    Tensor library for machine learning
    score: 69, stars: 7,343

  13.  google-research/google-research
    https://research.google
    Google Research
    score: 68, stars: 31,130

  14.  microsoft/LightGBM
    https://lightgbm.readthedocs.io/en/latest/
    A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
    score: 67, stars: 15,532

  15.  huggingface/accelerate
    https://huggingface.co/docs/accelerate
    🚀 A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision
    score: 67, stars: 5,844

  16.  optuna/optuna
    https://optuna.org
    A hyperparameter optimization framework
    score: 66, stars: 8,760

  17.  tencentarc/GFPGAN
    GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
    score: 65, stars: 32,550

  18.  onnx/onnx
    https://onnx.ai/
    Open standard for machine learning interoperability
    score: 65, stars: 15,700

  19.  facebookresearch/AnimatedDrawings
    Code to accompany "A Method for Animating Children's Drawings of the Human Figure"
    score: 65, stars: 9,575

  20.  facebookresearch/xformers
    https://facebookresearch.github.io/xformers/
    Hackable and optimized Transformers building blocks, supporting a composable construction.
    score: 65, stars: 5,858

  21.  open-mmlab/mmsegmentation
    https://mmsegmentation.readthedocs.io/en/latest/
    OpenMMLab Semantic Segmentation Toolbox and Benchmark.
    score: 64, stars: 6,543

  22.  pycaret/pycaret
    https://www.pycaret.org
    An open-source, low-code machine learning library in Python
    score: 63, stars: 7,799

  23.  catboost/catboost
    https://catboost.ai
    A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.
    score: 63, stars: 7,393

  24.  awslabs/autogluon
    https://auto.gluon.ai/
    AutoGluon: AutoML for Image, Text, Time Series, and Tabular Data
    score: 63, stars: 6,308

  25.  wandb/wandb
    https://wandb.ai
    🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.
    score: 62, stars: 7,330

  26.  open-mmlab/mmagic
    https://mmagic.readthedocs.io/en/latest/
    OpenMMLab Multimodal Advanced, Generative, and Intelligent Creation Toolbox. Unlock the magic 🪄: Generative-AI (AIGC), easy-to-use APIs, awsome model zoo, diffusion models, for text-to-image generation, image/video restoration/enhancement, etc.
    score: 61, stars: 5,843

  27.  pymc-devs/pymc
    https://docs.pymc.io/
    Bayesian Modeling in Python
    score: 60, stars: 7,821

  28.  microsoft/nni
    https://nni.readthedocs.io
    An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
    score: 59, stars: 13,310

  29.  deepmind/alphafold
    Open source code for AlphaFold.
    score: 59, stars: 10,871

  30.  open-mmlab/mmcv
    https://mmcv.readthedocs.io/en/latest/
    OpenMMLab Computer Vision Foundation
    score: 59, stars: 5,254

  31.  project-monai/MONAI
    https://monai.io/
    AI Toolkit for Healthcare Imaging
    score: 59, stars: 4,732

  32.  marqo-ai/marqo
    https://www.marqo.ai/
    Marqo is more than a vector database, it's an end-to-end vector search engine for both text and images. Also available on cloud - cloud.marqo.ai
    score: 59, stars: 3,649

  33.  megvii-basedetection/YOLOX
    YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
    score: 58, stars: 8,558

  34.  cleanlab/cleanlab
    https://cleanlab.ai
    The standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
    score: 58, stars: 6,806

  35.  online-ml/river
    https://riverml.xyz
    🌊 Online machine learning in Python
    score: 58, stars: 4,446

  36.  py-why/dowhy
    https://www.pywhy.org/dowhy
    DoWhy is a Python library for causal inference that supports explicit modeling and testing of causal assumptions. DoWhy is based on a unified language for causal inference, combining causal graphical models and potential outcomes frameworks.
    score: 57, stars: 6,226

  37.  microsoft/Swin-Transformer
    https://arxiv.org/abs/2103.14030
    This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
    score: 56, stars: 11,737

  38. lutzroeder/netron
    https://netron.app
    Visualizer for neural network, deep learning and machine learning models
    score: 55, stars: 24,186

  39. ourownstory/neural_prophet
    https://neuralprophet.com
    NeuralProphet: A simple forecasting package
    score: 55, stars: 3,284

  40.  microsoft/FLAML
    https://microsoft.github.io/FLAML/
    A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP.
    score: 55, stars: 3,126

  41.  aws/sagemaker-python-sdk
    https://sagemaker.readthedocs.io/
    A library for training and deploying machine learning models on Amazon SageMaker
    score: 55, stars: 1,940

  42. lmcinnes/umap
    Uniform Manifold Approximation and Projection
    score: 54, stars: 6,490

  43. ageron/handson-ml2
    A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
    score: 53, stars: 25,742

  44. jindongwang/transferlearning
    http://transferlearning.xyz/
    Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
    score: 53, stars: 12,064

  45.  twitter/the-algorithm-ml
    https://blog.twitter.com/engineering/en_us/topics/open-source/2023/twitter-recommendation-algorithm
    Source code for Twitter's Recommendation Algorithm
    score: 53, stars: 9,731

  46.  epistasislab/tpot
    http://epistasislab.github.io/tpot/
    A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
    score: 53, stars: 9,255

  47.  statsmodels/statsmodels
    http://www.statsmodels.org/devel/
    Statsmodels: statistical modeling and econometrics in Python
    score: 53, stars: 8,909

  48.  uber/causalml
    Uplift modeling and causal inference with machine learning algorithms
    score: 53, stars: 4,303

  49.  apple/coremltools
    https://coremltools.readme.io
    Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
    score: 53, stars: 3,673

  50. sanchit-gandhi/whisper-jax
    JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU.
    score: 53, stars: 3,465

  51.  rucaibox/RecBole
    https://recbole.io/
    A unified, comprehensive and efficient recommendation library
    score: 53, stars: 2,859

  52.  huggingface/optimum
    https://huggingface.co/docs/optimum/main/
    🚀 Accelerate training and inference of 🤗 Transformers and 🤗 Diffusers with easy to use hardware optimization tools
    score: 53, stars: 1,634

  53.  tensorflow/tensor2tensor
    Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
    score: 52, stars: 14,151

  54.  featurelabs/featuretools
    https://www.featuretools.com
    An open source python library for automated feature engineering
    score: 52, stars: 6,813

  55.  huggingface/huggingface_hub
    https://huggingface.co/docs/huggingface_hub
    All the open source things related to the Hugging Face Hub.
    score: 52, stars: 1,240

  56.  scikit-learn-contrib/imbalanced-learn
    https://imbalanced-learn.org
    A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
    score: 51, stars: 6,519

  57.  skvark/opencv-python
    https://pypi.org/project/opencv-python/
    Automated CI toolchain to produce precompiled opencv-python, opencv-python-headless, opencv-contrib-python and opencv-contrib-python-headless packages.
    score: 51, stars: 3,755

  58.  zjunlp/DeepKE
    http://deepke.zjukg.cn/
    An Open Toolkit for Knowledge Graph Extraction and Construction published at EMNLP2022 System Demonstrations.
    score: 51, stars: 2,378

  59. harisiqbal88/PlotNeuralNet
    Latex code for making neural networks diagrams
    score: 50, stars: 20,145

  60.  spotify/annoy
    Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
    score: 50, stars: 12,007

  61.  automl/auto-sklearn
    https://automl.github.io/auto-sklearn
    Automated Machine Learning with scikit-learn
    score: 50, stars: 7,165

  62.  google/automl
    Google Brain AutoML
    score: 50, stars: 6,014

  63.  mljar/mljar-supervised
    https://mljar.com
    Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation
    score: 50, stars: 2,778

  64.  lightly-ai/lightly
    https://docs.lightly.ai/self-supervised-learning/
    A python library for self-supervised learning on images.
    score: 50, stars: 2,550

  65.  huggingface/autotrain-advanced
    https://huggingface.co/autotrain
    🤗 AutoTrain Advanced
    score: 50, stars: 2,130

  66.  visual-layer/fastdup
    fastdup is a powerful free tool designed to rapidly extract valuable insights from your image & video datasets. Assisting you to increase your dataset images & labels quality and reduce your data operations costs at an unparalleled scale.
    score: 50, stars: 1,224

  67.  deepmind/deepmind-research
    This repository contains implementations and illustrative code to accompany DeepMind publications
    score: 49, stars: 12,172

  68.  google-research/t5x
    google-research/t5x
    score: 49, stars: 2,113

  69.  huggingface/evaluate
    https://huggingface.co/docs/evaluate
    🤗 Evaluate: A library for easily evaluating machine learning models and datasets.
    score: 49, stars: 1,557

  70.  googlecloudplatform/vertex-ai-samples
    https://cloud.google.com/vertex-ai
    Sample code and notebooks for Vertex AI, the end-to-end machine learning platform on Google Cloud
    score: 49, stars: 988

  71.  facebookresearch/balance
    https://import-balance.org
    The balance python package offers a simple workflow and methods for dealing with biased data samples when looking to infer from them to some target population of interest.
    score: 49, stars: 635

  72.  hips/autograd
    Efficiently computes derivatives of numpy code.
    score: 48, stars: 6,488

  73.  probml/pyprobml
    Python code for "Probabilistic Machine learning" book by Kevin Murphy
    score: 48, stars: 5,955

  74. rasbt/mlxtend
    https://rasbt.github.io/mlxtend/
    A library of extension and helper modules for Python's data analysis and machine learning libraries.
    score: 48, stars: 4,535

  75. lucidrains/musiclm-pytorch
    Implementation of MusicLM, Google's new SOTA model for music generation using attention networks, in Pytorch
    score: 48, stars: 2,738

  76.  scikit-learn-contrib/hdbscan
    http://hdbscan.readthedocs.io/en/latest/
    A high performance implementation of HDBSCAN clustering.
    score: 48, stars: 2,545

  77.  microsoft/i-Code
    The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning.
    score: 48, stars: 1,419

  78.  kubeflow/katib
    Repository for hyperparameter tuning
    score: 48, stars: 1,369

  79.  google/vizier
    https://oss-vizier.readthedocs.io
    Python-based research interface for blackbox and hyperparameter optimization, based on the internal Google Vizier Service.
    score: 48, stars: 1,110

  80. aleju/imgaug
    http://imgaug.readthedocs.io
    Image augmentation for machine learning experiments.
    score: 47, stars: 13,812

  81.  hyperopt/hyperopt
    http://hyperopt.github.io/hyperopt
    Distributed Asynchronous Hyperparameter Optimization in Python
    score: 47, stars: 6,881

  82. ddbourgin/numpy-ml
    https://numpy-ml.readthedocs.io/
    Machine learning, in numpy
    score: 46, stars: 14,090

  83.  huggingface/notebooks
    Notebooks using the Hugging Face libraries 🤗
    score: 46, stars: 2,770

  84.  microsoft/Semi-supervised-learning
    https://usb.readthedocs.io
    A Unified Semi-Supervised Learning Codebase (NeurIPS'22)
    score: 46, stars: 931

  85. nicolas-hbt/pygraft
    https://pygraft.readthedocs.io/en/latest/
    Configurable Generation of Synthetic Schemas and Knowledge Graphs at Your Fingertips
    score: 46, stars: 515

  86. uberi/speech_recognition
    https://pypi.python.org/pypi/SpeechRecognition/
    Speech recognition module for Python, supporting several engines and APIs, online and offline.
    score: 45, stars: 7,585

  87. lucidrains/deep-daze
    Simple command line tool for text to image generation using OpenAI's CLIP and Siren (Implicit neural representation network). Technique was originally created by https://twitter.com/advadnoun
    score: 45, stars: 4,390

  88.  py-why/EconML
    https://www.microsoft.com/en-us/research/project/alice/
    ALICE (Automated Learning and Intelligence for Causation and Economics) is a Microsoft Research project aimed at applying Artificial Intelligence concepts to economic decision making. One of its goals is to build a toolkit that combines state-of-the-art machine learning techniques with econometrics in order to brin...
    score: 45, stars: 3,229

  89.  pytorch/glow
    Compiler for Neural Network hardware accelerators
    score: 45, stars: 3,051

  90.  tensorflow/addons
    Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
    score: 45, stars: 1,664

  91.  castorini/pyserini
    http://pyserini.io/
    Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations.
    score: 45, stars: 1,138

  92.  nevronai/MetisFL
    https://nevron.ai
    MetisFL is a federated learning framework that allows developers to easily federate their machine learning workflows and train their models across distributed data without ever collecting the data in a centralized location.
    score: 45, stars: 516

  93.  facebookresearch/vissl
    https://vissl.ai
    VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
    score: 44, stars: 3,132

  94.  maif/shapash
    https://maif.github.io/shapash/
    🔅 Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
    score: 44, stars: 2,467

  95. csinva/imodels
    https://csinva.io/imodels
    Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
    score: 44, stars: 1,185

  96. laekov/fastmoe
    https://fastmoe.ai
    A fast MoE impl for PyTorch
    score: 44, stars: 1,128

  97.  nmslib/hnswlib
    https://github.com/nmslib/hnswlib
    Header-only C++/python library for fast approximate nearest neighbors
    score: 43, stars: 3,520

  98.  thudm/CogVideo
    Text-to-video generation. The repo for ICLR2023 paper "CogVideo: Large-scale Pretraining for Text-to-Video Generation via Transformers"
    score: 43, stars: 3,199

  99.  districtdatalabs/yellowbrick
    http://www.scikit-yb.org/
    Visual analysis and diagnostic tools to facilitate machine learning model selection.
    score: 42, stars: 4,098

  100.  scikit-learn-contrib/category_encoders
    http://contrib.scikit-learn.org/category_encoders/
    A library of sklearn compatible categorical variable encoders
    score: 42, stars: 2,287

  101.  jina-ai/finetuner
    https://finetuner.jina.ai
    🎯 Task-oriented embedding tuning for BERT, CLIP, etc.
    score: 42, stars: 1,205

  102. koaning/scikit-lego
    https://scikit-lego.netlify.app
    Extra blocks for scikit-learn pipelines.
    score: 42, stars: 1,065

  103.  automl/TabPFN
    http://priorlabs.ai
    Official implementation of the TabPFN paper (https://arxiv.org/abs/2207.01848) and the tabpfn package.
    score: 42, stars: 970

  104. nicolashug/Surprise
    http://surpriselib.com
    A Python scikit for building and analyzing recommender systems
    score: 41, stars: 5,988

  105.  cmusphinx/pocketsphinx
    A small speech recognizer
    score: 41, stars: 3,537

  106.  hazyresearch/safari
    Convolutions for Sequence Modeling
    score: 40, stars: 757

  107.  replicate/replicate-python
    https://replicate.com
    Python client for Replicate
    score: 40, stars: 428

  108.  cleverhans-lab/cleverhans
    An adversarial example library for constructing attacks, building defenses, and benchmarking both
    score: 39, stars: 5,931

  109.  opentensor/bittensor
    https://www.bittensor.com/
    Internet-scale Neural Networks
    score: 39, stars: 441

  110.  scikit-optimize/scikit-optimize
    https://scikit-optimize.github.io
    Sequential model-based optimization with a scipy.optimize interface
    score: 38, stars: 2,662

  111. shankarpandala/lazypredict
    Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning
    score: 38, stars: 2,190

  112.  linkedin/greykite
    A flexible, intuitive and fast forecasting library
    score: 38, stars: 1,746

  113.  scikit-learn-contrib/metric-learn
    http://contrib.scikit-learn.org/metric-learn/
    Metric learning algorithms in Python
    score: 38, stars: 1,347

  114. mdbloice/Augmentor
    https://augmentor.readthedocs.io/en/stable
    Image augmentation library in Python for machine learning.
    score: 35, stars: 4,954

  115.  teamhg-memex/eli5
    http://eli5.readthedocs.io
    A library for debugging/inspecting machine learning classifiers and explaining their predictions
    score: 35, stars: 2,687

  116.  hpcaitech/EnergonAI
    Large-scale model inference.
    score: 35, stars: 625

  117.  amzn/pecos
    https://libpecos.org/
    PECOS - Prediction for Enormous and Correlated Spaces
    score: 35, stars: 457

  118. rentruewang/koila
    https://rentruewang.github.io/koila
    Prevent PyTorch's CUDA error: out of memory in just 1 line of code.
    score: 34, stars: 1,792

  119.  awslabs/dgl-ke
    https://dglke.dgl.ai/doc/
    High performance, easy-to-use, and scalable package for learning large-scale knowledge graph embeddings.
    score: 34, stars: 1,176

  120.  huggingface/exporters
    Export Hugging Face models to Core ML and TensorFlow Lite
    score: 34, stars: 446

  121.  scikit-build/scikit-build
    https://scikit-build.readthedocs.io
    Improved build system generator for CPython C, C++, Cython and Fortran extensions
    score: 34, stars: 441

  122.  contextlab/hypertools
    http://hypertools.readthedocs.io/en/latest/
    A Python toolbox for gaining geometric insights into high-dimensional data
    score: 33, stars: 1,789

  123. bmabey/pyLDAvis
    Python library for interactive topic model visualization. Port of the R LDAvis package.
    score: 33, stars: 1,740

  124.  scikit-learn-contrib/lightning
    https://contrib.scikit-learn.org/lightning/
    Large-scale linear classification, regression and ranking in Python
    score: 33, stars: 1,682

  125. lmcinnes/pynndescent
    A Python nearest neighbor descent for approximate nearest neighbors
    score: 33, stars: 802

  126.  apple/ml-ane-transformers
    Reference implementation of the Transformer architecture optimized for Apple Neural Engine (ANE)
    score: 32, stars: 2,360

  127.  google-research/deeplab2
    DeepLab2 is a TensorFlow library for deep labeling, aiming to provide a unified and state-of-the-art TensorFlow codebase for dense pixel labeling tasks.
    score: 31, stars: 940

  128. patchy631/machine-learning
    Machine Learning Tutorials Repository
    score: 31, stars: 858

  129.  qdrant/quaterion
    https://quaterion.qdrant.tech/
    Blazing fast framework for fine-tuning similarity learning models
    score: 31, stars: 556

  130.  dask/dask-ml
    http://ml.dask.org
    Scalable Machine Learning with Dask
    score: 30, stars: 869

  131.  hrnet/HRNet-Semantic-Segmentation
    The OCR approach is rephrased as Segmentation Transformer: https://arxiv.org/abs/1909.11065. This is an official implementation of semantic segmentation for HRNet. https://arxiv.org/abs/1908.07919
    score: 29, stars: 2,957

  132.  borealisai/advertorch
    A Toolbox for Adversarial Robustness Research
    score: 29, stars: 1,214

  133.  nvidia/cuda-python
    https://nvidia.github.io/cuda-python/
    CUDA Python Low-level Bindings
    score: 29, stars: 651

  134.  jacopotagliabue/reclist
    https://reclist.io
    Behavioral "black-box" testing for recommender systems
    score: 29, stars: 426

  135.  cvxgrp/pymde
    https://pymde.org
    Minimum-distortion embedding with PyTorch
    score: 27, stars: 488

  136.  linkedin/FastTreeSHAP
    Fast SHAP value computation for interpreting tree-based models
    score: 27, stars: 464

  137.  ray-project/tune-sklearn
    https://docs.ray.io/en/master/tune/api_docs/sklearn.html
    A drop-in replacement for Scikit-Learn’s GridSearchCV / RandomizedSearchCV -- but with cutting edge hyperparameter tuning techniques.
    score: 26, stars: 459

  138.  microsoft/Focal-Transformer
    [NeurIPS 2021 Spotlight] Official code for "Focal Self-attention for Local-Global Interactions in Vision Transformers"
    score: 20, stars: 524

  139. mrdbourke/m1-machine-learning-test
    Code for testing various M1 Chip benchmarks with TensorFlow.
    score: 19, stars: 450

Machine Learning - Deep Learning

Machine learning libraries that cross over with deep learning in some way.

  1.  tensorflow/tensorflow
    https://tensorflow.org
    An Open Source Machine Learning Framework for Everyone
    score: 96, stars: 178,249

  2.  pytorch/pytorch
    https://pytorch.org
    Tensors and Dynamic neural networks in Python with strong GPU acceleration
    score: 91, stars: 71,655

  3.  keras-team/keras
    http://keras.io/
    Deep Learning for humans
    score: 84, stars: 59,519

  4.  pytorchlightning/lightning
    https://lightning.ai
    Deep learning framework to train, deploy, and ship AI products Lightning fast.
    score: 80, stars: 24,871

  5.  microsoft/DeepSpeed
    https://www.deepspeed.ai/
    DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
    score: 77, stars: 28,852

  6.  paddlepaddle/Paddle
    http://www.paddlepaddle.org/
    PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
    score: 77, stars: 20,915

  7.  openai/whisper
    Robust Speech Recognition via Large-Scale Weak Supervision
    score: 75, stars: 46,203

  8.  dmlc/dgl
    http://dgl.ai
    Python package built to ease deep learning on graph, on top of existing DL frameworks.
    score: 73, stars: 12,293

  9.  rwightman/pytorch-image-models
    https://huggingface.co/docs/timm
    PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
    score: 72, stars: 27,132

  10.  pyg-team/pytorch_geometric
    https://pyg.org
    Graph Neural Network Library for PyTorch
    score: 71, stars: 18,671

  11.  facebookresearch/detectron2
    https://detectron2.readthedocs.io/en/latest/
    Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
    score: 69, stars: 26,851

  12. sanster/lama-cleaner
    https://lama-cleaner-docs.vercel.app/
    Image inpainting tool powered by SOTA AI Model. Remove any unwanted object, defect, people from your pictures or erase and replace(powered by stable diffusion) any thing on your pictures.
    score: 69, stars: 13,561

  13. deepfakes/faceswap
    https://www.faceswap.dev
    Deepfakes Software For All
    score: 68, stars: 47,261

  14.  facebookresearch/segment-anything
    The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
    score: 68, stars: 39,089

  15. danielgatis/rembg
    Rembg is a tool to remove images background
    score: 67, stars: 11,737

  16. xinntao/Real-ESRGAN
    Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.
    score: 65, stars: 23,235

  17. lucidrains/vit-pytorch
    Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
    score: 65, stars: 15,520

  18.  facebookincubator/AITemplate
    AITemplate is a Python framework which renders neural network into high performance CUDA/HIP C++ code. Specialized for FP16 TensorCore (NVIDIA GPU) and MatrixCore (AMD GPU) inference.
    score: 65, stars: 4,275

  19.  apache/mxnet
    https://mxnet.apache.org
    Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
    score: 62, stars: 20,589

  20.  kornia/kornia
    https://kornia.github.io/kornia/
    Computer Vision and Robotics Library for AI
    score: 62, stars: 8,703

  21. lucidrains/imagen-pytorch
    Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch
    score: 62, stars: 7,330

  22.  facebookresearch/ImageBind
    ImageBind One Embedding Space to Bind Them All
    score: 62, stars: 7,207

  23.  mosaicml/composer
    http://docs.mosaicml.com
    Supercharge Your Model Training
    score: 61, stars: 4,642

  24.  deci-ai/super-gradients
    https://www.supergradients.com
    Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
    score: 61, stars: 3,390

  25.  facebookresearch/pytorch3d
    https://pytorch3d.org/
    PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
    score: 60, stars: 7,732

  26.  google/flax
    https://flax.readthedocs.io
    Flax is a neural network library for JAX that is designed for flexibility.
    score: 60, stars: 4,782

  27.  cvg/LightGlue
    LightGlue: Local Feature Matching at Light Speed (ICCV 2023)
    score: 59, stars: 2,295

  28.  pyro-ppl/pyro
    http://pyro.ai
    Deep universal probabilistic programming with Python and PyTorch
    score: 58, stars: 8,161

  29. arogozhnikov/einops
    https://einops.rocks
    Deep learning operations reinvented (for pytorch, tensorflow, jax and others)
    score: 58, stars: 7,295

  30.  pytorch/torchrec
    Pytorch domain library for recommendation systems
    score: 58, stars: 1,547

  31.  pytorch/botorch
    https://botorch.org/
    Bayesian optimization in PyTorch
    score: 56, stars: 2,801

  32. iperov/DeepFaceLab
    DeepFaceLab is the leading software for creating deepfakes.
    score: 55, stars: 42,856

  33.  facebookresearch/Detectron
    FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
    score: 55, stars: 25,961

  34.  albumentations-team/albumentations
    https://albumentations.ai
    Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
    score: 55, stars: 12,657

  35.  facebookresearch/detr
    End-to-End Object Detection with Transformers
    score: 55, stars: 11,838

  36.  matterport/Mask_RCNN
    Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
    score: 54, stars: 23,511

  37.  keras-team/autokeras
    http://autokeras.com/
    AutoML library for deep learning
    score: 54, stars: 8,951

  38.  nvidia/apex
    A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
    score: 54, stars: 7,617

  39.  pytorch/ignite
    https://pytorch-ignite.ai
    High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
    score: 54, stars: 4,351

  40.  nvidia/DeepLearningExamples
    State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
    score: 51, stars: 11,557

  41.  google/trax
    Trax — Deep Learning with Clear Code and Speed
    score: 50, stars: 7,745

  42.  skorch-dev/skorch
    A scikit-learn compatible neural network library that wraps PyTorch
    score: 50, stars: 5,358

  43.  alpa-projects/alpa
    https://alpa.ai
    Training and serving large-scale neural networks with auto parallelization.
    score: 49, stars: 2,797

  44.  neuralmagic/sparseml
    Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models
    score: 49, stars: 1,774

  45. rasbt/deeplearning-models
    A collection of various deep learning architectures, models, and tips
    score: 48, stars: 15,952

  46.  xpixelgroup/BasicSR
    https://basicsr.readthedocs.io/en/latest/
    Open Source Image and Video Restoration Toolbox for Super-resolution, Denoise, Deblurring, etc. Currently, it includes EDSR, RCAN, SRResNet, SRGAN, ESRGAN, EDVR, BasicVSR, SwinIR, ECBSR, etc. Also support StyleGAN2, DFDNet.
    score: 47, stars: 5,439

  47.  facebookresearch/mmf
    https://mmf.sh/
    A modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
    score: 47, stars: 5,322

  48.  deepmind/dm-haiku
    https://dm-haiku.readthedocs.io
    JAX-based neural network library
    score: 47, stars: 2,619

  49.  keras-team/keras-cv
    Industry-strength Computer Vision workflows with Keras
    score: 47, stars: 839

  50. williamyang1991/VToonify
    [SIGGRAPH Asia 2022] VToonify: Controllable High-Resolution Portrait Video Style Transfer
    score: 46, stars: 3,338

  51.  explosion/thinc
    https://thinc.ai
    🔮 A refreshing functional take on deep learning, compatible with your favorite libraries
    score: 44, stars: 2,760

  52. fepegar/torchio
    http://www.torchio.org
    Medical imaging toolkit for deep learning
    score: 43, stars: 1,841

  53.  tensorly/tensorly
    http://tensorly.org
    TensorLy: Tensor Learning in Python.
    score: 42, stars: 1,440

  54.  tensorflow/similarity
    TensorFlow Similarity is a python package focused on making similarity learning quick and easy.
    score: 40, stars: 972

  55.  facebookresearch/PyTorch-BigGraph
    https://torchbiggraph.readthedocs.io/
    Generate embeddings from large-scale graph-structured data.
    score: 39, stars: 3,294

  56. xl0/lovely-tensors
    https://xl0.github.io/lovely-tensors
    Tensors, ready for human consumption
    score: 38, stars: 1,010

  57. nerdyrodent/VQGAN-CLIP
    Just playing with getting VQGAN+CLIP running locally, rather than having to use colab.
    score: 37, stars: 2,496

  58.  deepmind/chex
    https://chex.readthedocs.io
    Chex is a library of utilities for helping to write reliable JAX code
    score: 37, stars: 622

  59.  tensorflow/mesh
    Mesh TensorFlow: Model Parallelism Made Easier
    score: 36, stars: 1,470

  60.  calculatedcontent/WeightWatcher
    The WeightWatcher tool for predicting the accuracy of Deep Neural Networks
    score: 35, stars: 1,335

  61. danielegrattarola/spektral
    https://graphneural.network
    Graph Neural Networks with Keras and Tensorflow 2.
    score: 34, stars: 2,294

  62.  deepmind/android_env
    https://www.deepmind.com/publications/androidenv-the-android-learning-environment
    RL research on Android devices.
    score: 33, stars: 892

  63.  google-research/electra
    ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
    score: 31, stars: 2,232

  64.  facebookresearch/ppuda
    Code for Parameter Prediction for Unseen Deep Architectures (NeurIPS 2021)
    score: 27, stars: 478

  65.  vt-vl-lab/FGVC
    [ECCV 2020] Flow-edge Guided Video Completion
    score: 26, stars: 1,520

  66. whitead/dmol-book
    https://dmol.pub
    Deep learning for molecules and materials book
    score: 24, stars: 537

  67. samuela/git-re-basin
    https://arxiv.org/abs/2209.04836
    Code release for "Git Re-Basin: Merging Models modulo Permutation Symmetries"
    score: 22, stars: 422

  68.  kakaobrain/rq-vae-transformer
    The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22)
    score: 21, stars: 611

  69. mcahny/Deep-Video-Inpainting
    Official pytorch implementation for "Deep Video Inpainting" (CVPR 2019)
    score: 19, stars: 486

  70. hysts/pytorch_image_classification
    PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
    score: 16, stars: 1,258

Machine Learning - Interpretability

Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training etc.

  1.  slundberg/shap
    https://shap.readthedocs.io
    A game theoretic approach to explain the output of any machine learning model.
    score: 67, stars: 20,254

  2.  interpretml/interpret
    https://interpret.ml/docs
    Fit interpretable models. Explain blackbox machine learning.
    score: 58, stars: 5,719

  3.  arize-ai/phoenix
    https://docs.arize.com/phoenix
    AI Observability & Evaluation - Evaluate, troubleshoot, and fine tune your LLM, CV, and NLP models in a notebook.
    score: 57, stars: 1,547

  4.  pytorch/captum
    https://captum.ai
    Model interpretability and understanding for PyTorch
    score: 50, stars: 4,208

  5.  pair-code/lit
    https://pair-code.github.io/lit
    The Learning Interpretability Tool: Interactively analyze ML models to understand their behavior in an extensible and framework agnostic interface.
    score: 48, stars: 3,222

  6.  seldonio/alibi
    https://docs.seldon.io/projects/alibi/en/stable/
    Algorithms for explaining machine learning models
    score: 47, stars: 2,175

  7. jalammar/ecco
    https://ecco.readthedocs.io
    Explain, analyze, and visualize NLP language models. Ecco creates interactive visualizations directly in Jupyter notebooks explaining the behavior of Transformer-based language models (like GPT2, BERT, RoBERTA, T5, and T0).
    score: 46, stars: 1,797

  8.  eleutherai/pythia
    Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers
    score: 46, stars: 1,593

  9. marcotcr/lime
    Lime: Explaining the predictions of any machine learning classifier
    score: 45, stars: 10,901

  10. oegedijk/explainerdashboard
    http://explainerdashboard.readthedocs.io
    Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models.
    score: 45, stars: 2,077

  11.  selfexplainml/PiML-Toolbox
    https://selfexplainml.github.io/PiML-Toolbox
    PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
    score: 39, stars: 709

  12. cdpierse/transformers-interpret
    Model explainability that works seamlessly with 🤗 transformers. Explain your transformers model in just 2 lines of code.
    score: 37, stars: 1,113

  13.  tensorflow/lucid
    A collection of infrastructure and tools for research in neural network interpretability.
    score: 36, stars: 4,575

Machine Learning - Ops

MLOPs tools, frameworks and libraries: intersection of machine learning, data engineering and DevOps; deployment, health, diagnostics and governance of ML models.

  1.  apache/airflow
    https://airflow.apache.org/
    Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
    score: 81, stars: 32,055

  2.  ray-project/ray
    https://ray.io
    Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
    score: 79, stars: 28,183

  3.  mlflow/mlflow
    https://mlflow.org
    Open source platform for the machine learning lifecycle
    score: 72, stars: 15,553

  4.  prefecthq/prefect
    https://prefect.io
    Prefect is a workflow orchestration tool empowering developers to build, observe, and react to data pipelines
    score: 69, stars: 13,019

  5.  dagster-io/dagster
    https://dagster.io
    An orchestration platform for the development, production, and observation of data assets.
    score: 68, stars: 8,639

  6.  iterative/dvc
    https://dvc.org
    🦉 Data Version Control | Git for Data & Models | ML Experiments Management
    score: 67, stars: 12,085

  7.  kedro-org/kedro
    https://kedro.org
    Kedro is a toolbox for production-ready data science. It uses software engineering best practices to help you create data engineering and data science pipelines that are reproducible, maintainable, and modular.
    score: 67, stars: 8,900

  8.  great-expectations/great_expectations
    https://docs.greatexpectations.io/
    Always know what to expect from your data.
    score: 67, stars: 8,895

  9.  mage-ai/mage-ai
    https://www.mage.ai/
    🧙 The modern replacement for Airflow. Build, run, and manage data pipelines for integrating and transforming data.
    score: 67, stars: 5,654

  10.  ludwig-ai/ludwig
    http://ludwig.ai
    Low-code framework for building custom LLMs, neural networks, and other AI models
    score: 64, stars: 9,939

  11.  activeloopai/deeplake
    https://activeloop.ai
    Database for AI. Store Vectors, Images, Texts, Videos, etc. Use with LLMs/LangChain. Store, query, version, & visualize any AI data. Stream data in real-time to PyTorch/TensorFlow. https://activeloop.ai
    score: 63, stars: 6,969

  12.  dbt-labs/dbt-core
    https://getdbt.com
    dbt enables data analysts and engineers to transform their data using the same practices that software engineers use to build applications.
    score: 62, stars: 7,640

  13.  flyteorg/flyte
    https://flyte.org
    Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
    score: 61, stars: 3,947

  14.  horovod/horovod
    http://horovod.ai
    Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
    score: 60, stars: 13,596

  15.  netflix/metaflow
    https://metaflow.org
    🚀 Build and manage real-life data science projects with ease!
    score: 60, stars: 7,051

  16.  bentoml/BentoML
    https://bentoml.com
    Build Production-Grade AI Applications
    score: 60, stars: 5,780

  17.  determined-ai/determined
    https://determined.ai
    Determined is a deep-learning platform that simplifies distributed training, hyperparameter tuning, experiment tracking, and resource management. Works with PyTorch and TensorFlow.
    score: 59, stars: 2,481

  18.  spotify/luigi
    Luigi is a Python module that helps you build complex pipelines of batch jobs. It handles dependency resolution, workflow management, visualization etc. It also comes with Hadoop support built in.
    score: 58, stars: 16,853

  19.  kestra-io/kestra
    https://kestra.io
    Infinitely scalable, event-driven, language-agnostic orchestration and scheduling platform to manage millions of workflows declaratively in code.
    score: 58, stars: 4,688

  20.  feast-dev/feast
    https://feast.dev
    Feature Store for Machine Learning
    score: 57, stars: 4,834

  21.  allegroai/clearml
    https://clear.ml/docs
    ClearML - Auto-Magical CI/CD to streamline your ML workflow. Experiment Manager, MLOps and Data-Management
    score: 57, stars: 4,790

  22.  zenml-io/zenml
    ZenML 🙏: Build portable, production-ready MLOps pipelines. https://zenml.io.
    score: 57, stars: 3,089

  23.  dagworks-inc/hamilton
    https://hamilton.dagworks.io/en/latest/
    Your single tool to express data, ML, and LLM pipelines with simple python functions. Runs anywhere that python runs, E.G. spark, airflow, jupyter, fastapi, etc. Incrementally adoptable. Use Hamilton to build testable, reusable, and self-documenting dataflows with lineage and metadata out of the box.
    score: 57, stars: 982

  24.  evidentlyai/evidently
    Evaluate and monitor ML models from validation to production. Join our Discord: https://discord.com/invite/xZjKRaNp8b
    score: 56, stars: 3,925

  25.  kubeflow/pipelines
    https://www.kubeflow.org/docs/components/pipelines/
    Machine Learning Pipelines for Kubeflow
    score: 56, stars: 3,303

  26.  adap/flower
    https://flower.dev
    Flower: A Friendly Federated Learning Framework
    score: 56, stars: 3,118

  27.  towhee-io/towhee
    https://towhee.io
    Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
    score: 53, stars: 2,743

  28.  aimhubio/aim
    https://aimstack.io
    Aim 💫 — An easy-to-use & supercharged open-source experiment tracker.
    score: 52, stars: 4,271

  29.  orchest/orchest
    https://orchest.readthedocs.io/en/stable/
    Build data pipelines, the easy way 🛠️
    score: 52, stars: 3,964

  30.  ploomber/ploomber
    https://ploomber.io
    The fastest ⚡️ way to build data pipelines. Develop iteratively, deploy anywhere. ☁️
    score: 49, stars: 3,214

  31.  polyaxon/polyaxon
    https://polyaxon.com
    MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle
    score: 43, stars: 3,393

  32.  skops-dev/skops
    https://skops.readthedocs.io/en/stable/
    skops is a Python library helping you share your scikit-learn based models and put them in production
    score: 43, stars: 369

  33.  kedro-org/kedro-viz
    https://demo.kedro.org
    Visualise your Kedro data and machine-learning pipelines and track your experiments.
    score: 41, stars: 588

  34.  nccr-itmo/FEDOT
    https://fedot.readthedocs.io
    Automated modeling and machine learning framework FEDOT
    score: 39, stars: 558

  35.  kubeflow/examples
    A repository to host extended examples and tutorials
    score: 38, stars: 1,328

  36.  astronomer/astronomer
    https://www.astronomer.io
    Helm Charts for the Astronomer Platform, Apache Airflow as a Service on Kubernetes
    score: 37, stars: 450

  37.  tensorflow/data-validation
    Library for exploring and validating machine learning data
    score: 36, stars: 733

  38.  hi-primus/optimus
    https://hi-optimus.com
    🚚 Agile Data Preparation Workflows made easy with Pandas, Dask, cuDF, Dask-cuDF, Vaex and PySpark
    score: 34, stars: 1,409

  39.  google/ml-metadata
    https://www.tensorflow.org/tfx/guide/mlmd
    For recording and retrieving metadata associated with ML developer and data scientist workflows.
    score: 33, stars: 561

  40.  bodywork-ml/bodywork-core
    https://bodywork.readthedocs.io/en/latest/
    ML pipeline orchestration and model deployments on Kubernetes.
    score: 27, stars: 429

  41.  kubeflow-kale/kale
    http://kubeflow-kale.github.io
    Kubeflow’s superfood for Data Scientists
    score: 23, stars: 610

Machine Learning - Reinforcement

Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF

  1.  farama-foundation/Gymnasium
    https://gymnasium.farama.org
    An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)
    score: 66, stars: 3,920

  2.  openai/gym
    https://www.gymlibrary.dev
    A toolkit for developing and comparing reinforcement learning algorithms.
    score: 62, stars: 32,874

  3.  unity-technologies/ml-agents
    https://unity.com/products/machine-learning-agents
    The Unity Machine Learning Agents Toolkit (ML-Agents) is an open-source project that enables games and simulations to serve as environments for training intelligent agents using deep reinforcement learning and imitation learning.
    score: 61, stars: 15,472

  4.  thu-ml/tianshou
    https://tianshou.readthedocs.io
    An elegant PyTorch deep reinforcement learning library.
    score: 57, stars: 6,765

  5.  pytorch/rl
    A modular, primitive-first, python-first PyTorch library for Reinforcement Learning.
    score: 57, stars: 1,446

  6. lucidrains/PaLM-rlhf-pytorch
    Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM
    score: 55, stars: 7,331

  7.  pettingzoo-team/PettingZoo
    https://pettingzoo.farama.org
    An API standard for multi-agent reinforcement learning environments, with popular reference environments and related utilities
    score: 51, stars: 2,048

  8.  deepmind/acme
    A library of reinforcement learning components and agents
    score: 48, stars: 3,201

  9.  google/dopamine
    https://github.com/google/dopamine
    Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
    score: 46, stars: 10,226

  10.  deepmind/pysc2
    StarCraft II Learning Environment
    score: 46, stars: 7,818

  11.  deepmind/dm_control
    Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
    score: 46, stars: 3,300

  12.  tensorlayer/TensorLayer
    http://tensorlayerx.com
    Deep Learning and Reinforcement Learning Library for Scientists and Engineers
    score: 45, stars: 7,241

  13.  facebookresearch/ReAgent
    https://reagent.ai
    A platform for Reasoning systems (Reinforcement Learning, Contextual Bandits, etc.)
    score: 45, stars: 3,453

  14.  openai/baselines
    OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
    score: 43, stars: 14,859

  15.  humancompatibleai/imitation
    https://imitation.readthedocs.io/
    Clean PyTorch implementations of imitation and reward learning algorithms
    score: 40, stars: 961

  16. kzl/decision-transformer
    Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling.
    score: 35, stars: 1,874

  17.  arise-initiative/robosuite
    https://robosuite.ai
    robosuite: A Modular Simulation Framework and Benchmark for Robot Learning
    score: 35, stars: 920

  18.  anthropics/hh-rlhf
    https://arxiv.org/abs/2204.05862
    Human preference data for "Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback"
    score: 33, stars: 1,175

  19.  keras-rl/keras-rl
    http://keras-rl.readthedocs.io/
    Deep Reinforcement Learning for Keras.
    score: 32, stars: 5,438

  20.  salesforce/warp-drive
    Extremely Fast End-to-End Deep Multi-Agent Reinforcement Learning Framework on a GPU (JMLR 2022)
    score: 31, stars: 405

Natural Language Processing

Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots etc. Also see the LLMs and ChatGPT category for crossover.

  1.  huggingface/transformers
    https://huggingface.co/transformers
    🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
    score: 93, stars: 113,429

  2.  huggingface/datasets
    https://huggingface.co/docs/datasets
    🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
    score: 74, stars: 17,322

  3.  facebookresearch/nougat
    https://facebookresearch.github.io/nougat/
    Implementation of Nougat Neural Optical Understanding for Academic Documents
    score: 71, stars: 6,413

  4.  facebookresearch/seamless_communication
    Foundational Models for State-of-the-Art Speech and Text Translation
    score: 70, stars: 5,518

  5.  explosion/spaCy
    https://spacy.io
    💫 Industrial-strength Natural Language Processing (NLP) in Python
    score: 69, stars: 27,328

  6.  aiwaves-cn/agents
    http://www.aiwaves-agents.com/
    An Open-source Framework for Autonomous Language Agents
    score: 69, stars: 3,617

  7.  prefecthq/marvin
    https://askmarvin.ai
    ✨ Build AI interfaces that spark joy
    score: 68, stars: 3,525

  8.  pytorch/fairseq
    Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
    score: 67, stars: 27,700

  9.  togethercomputer/OpenChatKit
    OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots
    score: 67, stars: 8,901

  10.  flairnlp/flair
    https://flairnlp.github.io/flair/
    A very simple framework for state-of-the-art Natural Language Processing (NLP)
    score: 66, stars: 13,143

  11.  speechbrain/speechbrain
    http://speechbrain.github.io
    A PyTorch-based Speech Toolkit
    score: 66, stars: 6,684

  12.  nvidia/NeMo
    https://nvidia.github.io/NeMo/
    NeMo: a toolkit for conversational AI
    score: 65, stars: 8,162

  13.  openai/tiktoken
    tiktoken is a fast BPE tokeniser for use with OpenAI's models.
    score: 65, stars: 6,976

  14.  microsoft/unilm
    https://aka.ms/GeneralAI
    Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
    score: 64, stars: 15,895

  15.  espnet/espnet
    https://espnet.github.io/espnet/
    End-to-End Speech Processing Toolkit
    score: 64, stars: 7,105

  16.  ukplab/sentence-transformers
    https://www.SBERT.net
    Multilingual Sentence & Image Embeddings with BERT
    score: 61, stars: 12,106

  17.  neuml/txtai
    https://neuml.github.io/txtai
    💡 All-in-one open-source embeddings database for semantic search, LLM orchestration and language model workflows
    score: 60, stars: 5,213

  18.  argilla-io/argilla
    https://docs.argilla.io
    ✨Argilla: the open-source data curation platform for LLMs
    score: 60, stars: 2,564

  19. maartengr/BERTopic
    https://maartengr.github.io/BERTopic/
    Leveraging BERT and c-TF-IDF to create easily interpretable topics.
    score: 59, stars: 4,788

  20.  rare-technologies/gensim
    https://radimrehurek.com/gensim
    Topic Modelling for Humans
    score: 57, stars: 14,688

  21.  facebookresearch/ParlAI
    https://parl.ai
    A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
    score: 56, stars: 10,307

  22.  doccano/doccano
    https://doccano.herokuapp.com
    Open source annotation tool for machine learning practitioners.
    score: 56, stars: 8,373

  23.  nltk/nltk
    https://www.nltk.org
    NLTK Source
    score: 55, stars: 12,416

  24.  jina-ai/clip-as-service
    https://clip-as-service.jina.ai
    🏄 Scalable embedding, reasoning, ranking for images and sentences with CLIP
    score: 55, stars: 11,882

  25.  promptslab/Promptify
    https://discord.gg/m88xfYMbK6
    Prompt Engineering | Prompt Versioning | Use GPT or other prompt based models to get structured output. Join our discord for Prompt-Engineering, LLMs and other latest research
    score: 54, stars: 2,621

  26.  google/sentencepiece
    Unsupervised text tokenizer for Neural Network-based text generation.
    score: 53, stars: 8,326

  27. thilinarajapakse/simpletransformers
    https://simpletransformers.ai/
    Transformers for Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
    score: 52, stars: 3,826

  28.  huggingface/setfit
    Efficient few-shot learning with Sentence Transformers
    score: 52, stars: 1,630

  29. marella/ctransformers
    Python bindings for the Transformer models implemented in C/C++ using GGML library.
    score: 52, stars: 1,175

  30.  alibaba/EasyNLP
    EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit
    score: 51, stars: 1,796

  31. gunthercox/ChatterBot
    https://chatterbot.readthedocs.io
    ChatterBot is a machine learning, conversational dialog engine for creating chat bots
    score: 50, stars: 13,616

  32.  salesforce/CodeGen
    CodeGen is a family of open-source model for program synthesis. Trained on TPU-v4. Competitive with OpenAI Codex.
    score: 50, stars: 4,407

  33.  neuralmagic/deepsparse
    https://neuralmagic.com/deepsparse/
    Inference runtime offering GPU-class performance on CPUs and APIs to integrate ML into your application
    score: 50, stars: 1,751

  34. abertsch72/unlimiformer
    Public repo for the preprint "Unlimiformer: Long-Range Transformers with Unlimited Length Input"
    score: 50, stars: 937

  35. jonasgeiping/cramming
    Cramming the training of a (BERT-type) language model into limited compute.
    score: 49, stars: 1,147

  36.  deeppavlov/DeepPavlov
    https://deeppavlov.ai
    An open source library for deep learning end-to-end dialog systems and chatbots.
    score: 48, stars: 6,370

  37.  allenai/allennlp
    http://www.allennlp.org
    An open-source NLP research library, built on PyTorch.
    score: 46, stars: 11,584

  38. maartengr/KeyBERT
    https://MaartenGr.github.io/KeyBERT/
    Minimal keyword extraction with BERT
    score: 46, stars: 2,777

  39.  featureform/featureform
    https://www.featureform.com
    The Virtual Feature Store. Turn your existing data infrastructure into a feature store.
    score: 46, stars: 1,548

  40.  bytedance/lightseq
    LightSeq: A High Performance Library for Sequence Processing and Generation
    score: 45, stars: 2,944

  41.  bigscience-workshop/promptsource
    Toolkit for creating, sharing and using natural language prompts.
    score: 45, stars: 2,159

  42.  keras-team/keras-nlp
    Modular Natural Language Processing workflows with Keras
    score: 45, stars: 581

  43. kingoflolz/mesh-transformer-jax
    Model parallel transformers in JAX and Haiku
    score: 44, stars: 6,099

  44.  layout-parser/layout-parser
    https://layout-parser.github.io/
    A Unified Toolkit for Deep Learning Based Document Image Analysis
    score: 44, stars: 4,003

  45.  errbotio/errbot
    http://errbot.io
    Errbot is a chatbot, a daemon that connects to your favorite chat service and bring your tools and some fun into the conversation.
    score: 44, stars: 2,969

  46.  nomic-ai/nomic
    https://atlas.nomic.ai
    Interact, analyze and structure massive text, image, embedding, audio and video datasets
    score: 44, stars: 762

  47. sloria/TextBlob
    https://textblob.readthedocs.io/
    Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.
    score: 43, stars: 8,709

  48. makcedward/nlpaug
    https://makcedward.github.io/
    Data augmentation for NLP
    score: 43, stars: 4,132

  49. jbesomi/texthero
    https://texthero.org
    Text preprocessing, representation and visualization from zero to hero.
    score: 43, stars: 2,799

  50.  life4/textdistance
    📐 Compute distance between sequences. 30+ algorithms, pure python implementation, common interface, optional external libs usage.
    score: 42, stars: 3,188

  51. jsvine/markovify
    A simple, extensible Markov chain generator.
    score: 41, stars: 3,220

  52.  explosion/spacy-models
    https://spacy.io
    💫 Models for the spaCy Natural Language Processing (NLP) library
    score: 40, stars: 1,409

  53.  intellabs/fastRAG
    Efficient Retrieval Augmentation and Generation Framework
    score: 40, stars: 403

  54.  salesforce/CodeT5
    https://arxiv.org/abs/2305.07922
    Home of CodeT5: Open Code LLMs for Code Understanding and Generation
    score: 39, stars: 2,288

  55. jamesturk/jellyfish
    https://jamesturk.github.io/jellyfish/
    🪼 a python library for doing approximate and phonetic matching of strings.
    score: 39, stars: 1,904

  56.  clips/pattern
    https://github.com/clips/pattern/wiki
    Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
    score: 38, stars: 8,568

  57.  huawei-noah/Pretrained-Language-Model
    Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab.
    score: 37, stars: 2,866

  58.  facebookresearch/DrQA
    Reading Wikipedia to Answer Open-Domain Questions
    score: 36, stars: 4,412

  59.  huggingface/neuralcoref
    https://huggingface.co/coref/
    ✨Fast Coreference Resolution in spaCy with Neural Networks
    score: 36, stars: 2,752

  60.  deepset-ai/FARM
    https://farm.deepset.ai
    🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.
    score: 36, stars: 1,691

  61. chrismattmann/tika-python
    Tika-Python is a Python binding to the Apache Tika™ REST services allowing Tika to be called natively in the Python community.
    score: 35, stars: 1,347

  62.  norskregnesentral/skweak
    skweak: A software toolkit for weak supervision applied to NLP tasks
    score: 35, stars: 893

  63.  explosion/spacy-streamlit
    https://share.streamlit.io/ines/spacy-streamlit-demo/master/app.py
    👑 spaCy building blocks and visualizers for Streamlit apps
    score: 35, stars: 705

  64. pemistahl/lingua-py
    The most accurate natural language detection library for Python, suitable for long and short text alike
    score: 35, stars: 634

  65. minimaxir/textgenrnn
    Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.
    score: 34, stars: 4,923

  66. ddangelov/Top2Vec
    Top2Vec learns jointly embedded topic, document and word vectors.
    score: 34, stars: 2,706

  67.  explosion/spacy-stanza
    💥 Use the latest Stanza (StanfordNLP) research models directly in spaCy
    score: 33, stars: 687

  68.  thudm/P-tuning-v2
    An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks
    score: 31, stars: 1,647

  69.  paddlepaddle/RocketQA
    🚀 RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models.
    score: 30, stars: 676

  70.  google-research/language
    https://ai.google/research/teams/language/
    Shared repository for open-sourced projects from the Google AI Language team.
    score: 29, stars: 1,505

  71.  arxiv-vanity/arxiv-vanity
    https://www.arxiv-vanity.com
    Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
    score: 27, stars: 1,507

  72. gunthercox/chatterbot-corpus
    http://chatterbot-corpus.readthedocs.io
    A multilingual dialog corpus
    score: 27, stars: 1,309

  73. koaning/whatlies
    https://koaning.github.io/whatlies/
    Toolkit to help understand "what lies" in word embeddings. Also benchmarking!
    score: 26, stars: 462

  74.  plasticityai/magnitude
    A fast, efficient universal vector embedding utility package.
    score: 25, stars: 1,608

  75.  shivam5992/textstat
    https://textstat.org
    📝 python package to calculate readability statistics of a text object - paragraphs, sentences, articles.
    score: 25, stars: 1,012

  76.  lexpredict/lexpredict-lexnlp
    LexNLP by LexPredict
    score: 22, stars: 651

  77. franck-dernoncourt/NeuroNER
    http://neuroner.com
    Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
    score: 21, stars: 1,674

  78. prithivirajdamodaran/Styleformer
    A Neural Language Style Transfer framework to transfer natural language text smoothly between fine-grained language styles like formal/casual, active/passive, and many more. Created by Prithiviraj Damodaran. Open to pull requests and other forms of collaboration.
    score: 21, stars: 455

  79. keredson/wordninja
    Probabilistically split concatenated words using NLP based on English Wikipedia unigram frequencies.
    score: 20, stars: 725

  80.  openai/grade-school-math
    openai/grade-school-math
    score: 20, stars: 597

  81. nipunsadvilkar/pySBD
    🐍💯pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence boundary detection that works out-of-the-box.
    score: 17, stars: 661

  82. iclrandd/Blackstone
    https://research.iclr.co.uk
    ⚫ A spaCy pipeline and model for NLP on unstructured legal text.
    score: 17, stars: 623

  83.  google-research/byt5
    google-research/byt5
    score: 15, stars: 443

Pandas

Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations etc.

  1.  pandas-dev/pandas
    https://pandas.pydata.org
    Flexible and powerful data analysis / manipulation library for Python, providing labeled data structures similar to R data.frame objects, statistical functions, and much more
    score: 82, stars: 40,020

  2. gventuri/pandas-ai
    https://docs.pandas-ai.com
    PandasAI is the Python library that integrates Gen AI into pandas, making data analysis conversational
    score: 81, stars: 8,740

  3.  kanaries/pygwalker
    https://docs.kanaries.net/pygwalker
    PyGWalker: Turn your pandas dataframe into an interactive UI for visual analysis
    score: 73, stars: 7,511

  4.  ydataai/ydata-profiling
    https://docs.profiling.ydata.ai
    1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
    score: 60, stars: 11,257

  5.  aws/aws-sdk-pandas
    https://aws-sdk-pandas.readthedocs.io
    pandas on AWS - Easy integration with Athena, Glue, Redshift, Timestream, Neptune, OpenSearch, QuickSight, Chime, CloudWatchLogs, DynamoDB, EMR, SecretManager, PostgreSQL, MySQL, SQLServer and S3 (Parquet, CSV, JSON and EXCEL).
    score: 60, stars: 3,600

  6.  pandera-dev/pandera
    https://www.union.ai/pandera
    A light-weight, flexible, and expressive statistical data testing library
    score: 51, stars: 2,620

  7.  eventual-inc/Daft
    https://getdaft.io
    The Python DataFrame for Complex Data
    score: 51, stars: 906

  8. nalepae/pandarallel
    https://nalepae.github.io/pandarallel
    A simple and efficient tool to parallelize Pandas operations on all available CPUs
    score: 44, stars: 3,266

  9. jmcarpenter2/swifter
    A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner
    score: 44, stars: 2,357

  10.  pyjanitor-devs/pyjanitor
    https://pyjanitor-devs.github.io/pyjanitor
    Clean APIs for data cleaning. Python implementation of R package Janitor
    score: 44, stars: 1,201

  11.  holoviz/hvplot
    https://hvplot.holoviz.org
    A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
    score: 39, stars: 810

  12. adamerose/PandasGUI
    A GUI for Pandas DataFrames
    score: 36, stars: 3,041

  13.  blaze/blaze
    blaze.pydata.org
    NumPy and Pandas interface to Big Data
    score: 34, stars: 3,167

  14.  pydata/pandas-datareader
    https://pydata.github.io/pandas-datareader/stable/index.html
    Extract data from a wide range of Internet sources into a pandas DataFrame.
    score: 34, stars: 2,728

  15. machow/siuba
    https://siuba.org
    Python library for using dplyr like syntax with pandas and SQL
    score: 34, stars: 1,055

  16.  polyaxon/traceml
    Engine for ML/Data tracking, visualization, explainability, drift detection, and dashboards for Polyaxon.
    score: 33, stars: 486

  17.  scikit-learn-contrib/sklearn-pandas
    Pandas integration with sklearn
    score: 29, stars: 2,754

  18. tkrabel/bamboolib
    https://bamboolib.com
    bamboolib - a GUI for pandas DataFrames
    score: 22, stars: 919

Performance

Performance, parallelisation and low level libraries.

  1.  pola-rs/polars
    https://pola.rs/
    Fast multi-threaded, hybrid-out-of-core query engine focussing on DataFrame front-ends
    score: 80, stars: 20,906

  2.  google/flatbuffers
    https://flatbuffers.dev/
    FlatBuffers: Memory Efficient Serialization Library
    score: 68, stars: 21,226

  3.  celery/celery
    https://docs.celeryq.dev
    Distributed Task Queue (development branch)
    score: 67, stars: 22,352

  4.  exaloop/codon
    https://docs.exaloop.io/codon
    A high-performance, zero-overhead, extensible Python compiler using LLVM
    score: 67, stars: 13,371

  5.  pybind/pybind11
    https://pybind11.readthedocs.io/
    Seamless operability between C++11 and Python
    score: 65, stars: 13,648

  6.  dask/dask
    https://dask.org
    Parallel computing with task scheduling
    score: 65, stars: 11,450

  7.  nebuly-ai/nebuly
    https://www.nebuly.com/
    Developer toolkit for making AI models better
    score: 65, stars: 8,307

  8.  modin-project/modin
    http://modin.readthedocs.io
    Modin: Scale your Pandas workflows by changing a single line of code
    score: 63, stars: 9,035

  9.  numba/numba
    http://numba.pydata.org/
    NumPy aware dynamic Python compiler using LLVM
    score: 61, stars: 8,962

  10.  python-trio/trio
    https://trio.readthedocs.io
    Trio – a friendly Python library for async concurrency and I/O
    score: 58, stars: 5,589

  11.  facebookincubator/cinder
    https://trycinder.com
    Cinder is Meta's internal performance-oriented production version of CPython.
    score: 56, stars: 3,164

  12.  vaexio/vaex
    https://vaex.io
    Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualization and exploration of big tabular data at a billion rows per second 🚀
    score: 50, stars: 8,031

  13. mher/flower
    https://flower.readthedocs.io
    Real-time monitor and web admin for Celery distributed task queue
    score: 49, stars: 5,895

  14.  dask/distributed
    https://distributed.dask.org
    A distributed task scheduler for Dask
    score: 49, stars: 1,495

  15.  intel/intel-extension-for-pytorch
    A Python package for extending the official PyTorch that can easily obtain performance on Intel platform
    score: 48, stars: 995

  16.  ipython/ipyparallel
    https://ipyparallel.readthedocs.io/
    IPython Parallel: Interactive Parallel Computing in Python
    score: 47, stars: 2,488

  17.  intel/intel-extension-for-transformers
    ⚡ Build your chatbot within minutes on your favorite device; offer SOTA compression techniques for LLMs; run LLMs efficiently on Intel Platforms⚡
    score: 47, stars: 374

  18.  h5py/h5py
    http://www.h5py.org
    HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
    score: 46, stars: 1,935

  19.  intel/scikit-learn-intelex
    https://intel.github.io/scikit-learn-intelex/
    Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
    score: 46, stars: 1,054

  20.  ultrajson/ultrajson
    https://pypi.org/project/ujson/
    Ultra fast JSON decoder and encoder written in C with Python bindings
    score: 45, stars: 4,143

  21.  faster-cpython/ideas
    Discussion and work tracker for Faster CPython project.
    score: 43, stars: 1,571

  22. agronholm/anyio
    High level asynchronous concurrency and networking framework that works on top of either trio or asyncio
    score: 43, stars: 1,403

  23. tiangolo/asyncer
    https://asyncer.tiangolo.com/
    Asyncer, async and await, focused on developer experience.
    score: 40, stars: 1,160

  24. tlkh/asitop
    https://tlkh.github.io/asitop/
    Perf monitoring CLI tool for Apple Silicon
    score: 36, stars: 1,815

  25. zerointensity/pointers.py
    https://pointers.zintensity.dev/
    Bringing the hell of pointers to Python.
    score: 36, stars: 829

  26. brandtbucher/specialist
    Visualize CPython 3.11's specializing, adaptive interpreter. 🔥
    score: 34, stars: 583

  27.  eventlet/eventlet
    https://eventlet.net
    Concurrent networking library for Python
    score: 32, stars: 1,203

  28.  joblib/loky
    http://loky.readthedocs.io/en/stable/
    Robust and reusable Executor for joblib
    score: 29, stars: 474

  29. nschloe/perfplot
    📈 Performance analysis for Python snippets
    score: 28, stars: 1,216

  30.  pympler/pympler
    Development tool to measure, monitor and analyze the memory behavior of Python objects in a running Python application.
    score: 28, stars: 1,089

  31. noxdafox/pebble
    Multi threading and processing eye-candy.
    score: 28, stars: 445

  32. markshannon/faster-cpython
    How to make CPython faster.
    score: 27, stars: 928

  33.  python-cachier/cachier
    Persistent, stale-free, local and cross-machine caching for Python functions.
    score: 25, stars: 466

  34. klen/py-frameworks-bench
    https://klen.github.io/py-frameworks-bench/
    Another benchmark for some python frameworks
    score: 21, stars: 691

Profiling

Memory and CPU/GPU profiling tools and libraries.

  1.  bloomberg/memray
    https://bloomberg.github.io/memray/
    The endgame Python memory profiler
    score: 72, stars: 11,266

  2.  plasma-umass/scalene
    Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals
    score: 67, stars: 10,165

  3. benfred/py-spy
    Sampling profiler for Python programs
    score: 54, stars: 10,955

  4. joerick/pyinstrument
    https://pyinstrument.readthedocs.io/
    🚴 Call stack profiler for Python. Shows you why your code is slow!
    score: 53, stars: 5,617

  5. gaogaotiantian/viztracer
    https://viztracer.readthedocs.io/
    VizTracer is a low-overhead logging/debugging/profiling tool that can trace and visualize your python code execution.
    score: 51, stars: 3,679

  6.  pyutils/line_profiler
    Line-by-line profiling for Python
    score: 50, stars: 2,108

  7.  reloadware/reloadium
    https://reloadium.io
    Hot Reloading, Profiling and AI debugging for Python
    score: 48, stars: 2,534

  8.  pythonprofilers/memory_profiler
    http://pypi.python.org/pypi/memory_profiler
    Monitor Memory usage of Python code
    score: 42, stars: 4,031

  9. p403n1x87/austin
    https://pypi.org/project/austin-dist/
    Python frame stack sampler for CPython
    score: 42, stars: 1,271

  10. pythonspeed/filprofiler
    https://pythonspeed.com/products/filmemoryprofiler/
    A Python memory profiler for data processing and scientific computing applications
    score: 34, stars: 792

  11. jiffyclub/snakeviz
    https://jiffyclub.github.io/snakeviz/
    An in-browser Python profile viewer
    score: 30, stars: 2,084

  12. sumerc/yappi
    Yet Another Python Profiler, but this time multithreading, asyncio and gevent aware.
    score: 29, stars: 1,240

  13. csurfer/pyheat
    pprofile + matplotlib = Python program profiled as an awesome heatmap!
    score: 17, stars: 777

Security

Security related libraries: vulnerability discovery, SQL injection, environment auditing etc.

  1.  aquasecurity/trivy
    https://aquasecurity.github.io/trivy
    Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
    score: 71, stars: 18,958

  2.  certbot/certbot
    Certbot is EFF's tool to obtain certs from Let's Encrypt and (optionally) auto-enable HTTPS on your server. It can also act as a client for any other CA that uses the ACME protocol.
    score: 70, stars: 30,287

  3. swisskyrepo/PayloadsAllTheThings
    https://swisskyrepo.github.io/PayloadsAllTheThings/
    A list of useful payloads and bypass for Web Application Security and Pentest/CTF
    score: 68, stars: 51,479

  4.  sqlmapproject/sqlmap
    http://sqlmap.org
    Automatic SQL injection and database takeover tool
    score: 61, stars: 28,396

  5. stamparm/maltrail
    Malicious traffic detection system
    score: 59, stars: 5,387

  6.  pycqa/bandit
    https://bandit.readthedocs.io
    Bandit is a tool designed to find common security issues in Python code.
    score: 52, stars: 5,517

  7.  nccgroup/ScoutSuite
    Multi-Cloud Security Auditing Tool
    score: 49, stars: 5,732

  8.  rhinosecuritylabs/pacu
    https://rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework/
    The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
    score: 47, stars: 3,709

  9.  trailofbits/pip-audit
    https://pypi.org/project/pip-audit/
    Audits Python environments and dependency trees for known vulnerabilities
    score: 47, stars: 845

  10.  pyupio/safety
    https://pyup.io/safety/
    Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
    score: 36, stars: 1,549

Simulation

Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation etc. Also see the Maths and Science category for crossover.

  1.  isl-org/Open3D
    http://www.open3d.org
    Open3D: A Modern Library for 3D Data Processing
    score: 61, stars: 9,563

  2.  qiskit/qiskit
    https://qiskit.org
    Qiskit is an open-source SDK for working with quantum computers at the level of extended quantum circuits, operators, and primitives.
    score: 61, stars: 3,904

  3.  astropy/astropy
    https://www.astropy.org
    Astronomy and astrophysics core library
    score: 60, stars: 3,973

  4. atsushisakai/PythonRobotics
    https://atsushisakai.github.io/PythonRobotics/
    Python sample codes for robotics algorithms.
    score: 59, stars: 19,953

  5.  quantumlib/Cirq
    A python framework for creating, editing, and invoking Noisy Intermediate Scale Quantum (NISQ) circuits.
    score: 52, stars: 3,935

  6.  google/brax
    Massively parallel rigidbody physics simulation on accelerator hardware.
    score: 50, stars: 1,805

  7.  bulletphysics/bullet3
    http://bulletphysics.org
    Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
    score: 48, stars: 11,179

  8.  projectmesa/mesa
    Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
    score: 47, stars: 2,019

  9.  rdkit/rdkit
    The official sources for the RDKit library
    score: 46, stars: 2,206

  10.  bowang-lab/scGPT
    https://scgpt.readthedocs.io/en/latest/
    scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
    score: 44, stars: 501

  11.  facebookresearch/habitat-lab
    https://aihabitat.org/
    A modular high-level library to train embodied AI agents across a variety of tasks and environments.
    score: 43, stars: 1,274

  12.  deepmodeling/deepmd-kit
    https://docs.deepmodeling.com/projects/deepmd/
    A deep learning package for many-body potential energy representation and molecular dynamics
    score: 43, stars: 1,226

  13.  pyscf/pyscf
    Python module for quantum chemistry
    score: 42, stars: 1,000

  14.  netket/netket
    https://www.netket.org
    Machine learning algorithms for many-body quantum systems
    score: 42, stars: 455

  15.  microsoft/PromptCraft-Robotics
    https://aka.ms/ChatGPT-Robotics
    Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
    score: 41, stars: 1,451

  16. a-r-j/graphein
    https://graphein.ai/
    Protein Graph Library
    score: 41, stars: 900

  17.  openai/mujoco-py
    MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.
    score: 37, stars: 2,605

  18.  quantecon/QuantEcon.py
    https://quantecon.org/quantecon-py/
    A community based Python library for quantitative economics
    score: 37, stars: 1,755

  19. viblo/pymunk
    http://www.pymunk.org
    Pymunk is a easy-to-use pythonic 2d physics library that can be used whenever you need 2d rigid body physics from Python
    score: 35, stars: 823

  20.  facebookresearch/fairo
    A modular embodied agent architecture and platform for building embodied agents
    score: 28, stars: 823

  21.  salesforce/ai-economist
    https://www.einstein.ai/the-ai-economist
    Foundation is a flexible, modular, and composable framework to model socio-economic behaviors and dynamics with both agents and governments. This framework can be used in conjunction with reinforcement learning to learn optimal economic policies, as done by the AI Economist (https://www.einstein.ai/the-ai-economist).
    score: 27, stars: 1,058

  22.  udst/urbansim
    https://udst.github.io/urbansim/
    Platform for building statistical models of cities and regions
    score: 18, stars: 445

  23. gboeing/pynamical
    https://geoffboeing.com/publications/nonlinear-chaos-fractals-prediction/
    Pynamical is a Python package for modeling and visualizing discrete nonlinear dynamical systems, chaos, and fractals.
    score: 14, stars: 594

Study

Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials etc.

  1.  thealgorithms/Python
    https://the-algorithms.com/
    All Algorithms implemented in Python
    score: 81, stars: 171,149

  2. donnemartin/system-design-primer
    Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.
    score: 70, stars: 231,533

  3.  d2l-ai/d2l-en
    https://D2L.ai
    Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.
    score: 69, stars: 19,401

  4. hannibal046/Awesome-LLM
    Awesome-LLM: a curated list of Large Language Model
    score: 69, stars: 8,553

  5. eugeneyan/open-llms
    📋 A list of open LLMs available for commercial use.
    score: 65, stars: 8,184

  6.  microsoft/recommenders
    https://microsoft-recommenders.readthedocs.io/en/latest/
    Best Practices on Recommendation Systems
    score: 63, stars: 16,507

  7. mooler0410/LLMsPracticalGuide
    https://arxiv.org/abs/2304.13712v2
    A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
    score: 62, stars: 6,719

  8. gkamradt/langchain-tutorials
    Overview and tutorial of the LangChain Library
    score: 60, stars: 5,192

  9.  roboflow/notebooks
    https://roboflow.com/models
    Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
    score: 60, stars: 3,199

  10. jakevdp/PythonDataScienceHandbook
    http://jakevdp.github.io/PythonDataScienceHandbook
    Python Data Science Handbook: full text in Jupyter Notebooks
    score: 58, stars: 39,818

  11. zhanymkanov/fastapi-best-practices
    FastAPI Best Practices and Conventions we used at our startup
    score: 56, stars: 5,043

  12.  huggingface/deep-rl-class
    This repo contains the syllabus of the Hugging Face Deep Reinforcement Learning Course.
    score: 56, stars: 3,227

  13. neetcode-gh/leetcode
    Leetcode solutions
    score: 55, stars: 4,056

  14.  realpython/python-guide
    https://docs.python-guide.org
    Python best practices guidebook, written for humans.
    score: 51, stars: 26,815

  15. christoschristofidis/awesome-deep-learning
    A curated list of awesome Deep Learning tutorials, projects and communities.
    score: 50, stars: 21,727

  16. nielsrogge/Transformers-Tutorials
    This repository contains demos I made with the Transformers library by HuggingFace.
    score: 50, stars: 5,779

  17.  promptslab/Awesome-Prompt-Engineering
    https://discord.gg/m88xfYMbK6
    This repository contains a hand-curated resources for Prompt Engineering with a focus on Generative Pre-trained Transformer (GPT), ChatGPT, PaLM etc
    score: 50, stars: 2,268

  18. donnemartin/interactive-coding-challenges
    120+ interactive Python coding interview challenges (algorithms and data structures). Includes Anki flashcards.
    score: 49, stars: 27,924

  19. wesm/pydata-book
    Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media
    score: 48, stars: 20,278

  20. rasbt/machine-learning-book
    https://sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn
    Code Repository for Machine Learning with PyTorch and Scikit-Learn
    score: 47, stars: 2,305

  21. fchollet/deep-learning-with-python-notebooks
    Jupyter notebooks for the code samples of the book "Deep Learning with Python"
    score: 45, stars: 17,248

  22.  huggingface/diffusion-models-class
    Materials for the Hugging Face Diffusion Models Course
    score: 45, stars: 2,677

  23. shangtongzhang/reinforcement-learning-an-introduction
    Python Implementation of Reinforcement Learning: An Introduction
    score: 44, stars: 12,713

  24.  openai/spinningup
    https://spinningup.openai.com/
    An educational resource to help anyone learn deep reinforcement learning.
    score: 44, stars: 8,913

  25. graykode/nlp-tutorial
    https://www.reddit.com/r/MachineLearning/comments/amfinl/project_nlptutoral_repository_who_is_studying/
    Natural Language Processing Tutorial for Deep Learning Researchers
    score: 43, stars: 13,080

  26. karpathy/nn-zero-to-hero
    Neural Networks: Zero to Hero
    score: 43, stars: 8,837

  27.  udacity/deep-learning-v2-pytorch
    Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
    score: 39, stars: 5,035

  28. timofurrer/awesome-asyncio
    A curated list of awesome Python asyncio frameworks, libraries, software and resources
    score: 39, stars: 4,195

  29.  cosmicpython/book
    https://www.cosmicpython.com
    A Book about Pythonic Application Architecture Patterns for Managing Complexity. Cosmos is the Opposite of Chaos you see. O'R. wouldn't actually let us call it "Cosmic Python" tho.
    score: 39, stars: 3,104

  30. alirezadir/Machine-Learning-Interviews
    This repo is meant to serve as a guide for Machine Learning/AI technical interviews.
    score: 39, stars: 2,275

  31. karpathy/micrograd
    A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
    score: 38, stars: 6,366

  32. krzjoa/awesome-python-data-science
    https://krzjoa.github.io/awesome-python-data-science
    Probably the best curated list of data science software in Python.
    score: 38, stars: 2,102

  33. atcold/NYU-DLSP21
    https://atcold.github.io/NYU-DLSP21/
    NYU Deep Learning Spring 2021
    score: 38, stars: 1,436

  34. firmai/industry-machine-learning
    https://www.linkedin.com/company/firmai
    A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
    score: 37, stars: 6,896

  35. amanchadha/coursera-deep-learning-specialization
    Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv...
    score: 35, stars: 2,279

  36. cgpotts/cs224u
    Code for Stanford CS224u
    score: 34, stars: 1,978

  37. chandlerbang/awesome-self-supervised-gnn
    Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).
    score: 33, stars: 1,279

  38.  bayesianmodelingandcomputationinpython/BookCode_Edition1
    https://www.bayesiancomputationbook.com
    bayesianmodelingandcomputationinpython/BookCode_Edition1
    score: 29, stars: 431

  39.  fluentpython/example-code-2e
    https://amzn.to/3J48u2J
    Example code for Fluent Python, 2nd edition (O'Reilly 2022)
    score: 26, stars: 2,292

  40. cerlymarco/MEDIUM_NoteBook
    Repository containing notebooks of my posts on Medium
    score: 25, stars: 1,947

  41. davidadsp/Generative_Deep_Learning_2nd_Edition
    https://www.oreilly.com/library/view/generative-deep-learning/9781098134174/
    The official code repository for the second edition of the O'Reilly book Generative Deep Learning: Teaching Machines to Paint, Write, Compose and Play.
    score: 25, stars: 503

  42. trananhkma/fucking-awesome-python
    awesome-python with :octocat: ⭐ and 🍴
    score: 24, stars: 1,932

  43. gerdm/prml
    Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop
    score: 22, stars: 1,453

  44. jackhidary/quantumcomputingbook
    Companion site for the textbook Quantum Computing: An Applied Approach
    score: 20, stars: 710

  45. rasbt/stat453-deep-learning-ss20
    http://pages.stat.wisc.edu/~sraschka/teaching/stat453-ss2020/
    STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2020)
    score: 14, stars: 536

Template

Template tools and libraries: cookiecutter repos, generators, quick-starts etc.

  1.  cookiecutter/cookiecutter
    https://pypi.org/project/cookiecutter/
    A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
    score: 61, stars: 20,412

  2. tiangolo/full-stack-fastapi-postgresql
    Full stack, modern web application generator. Using FastAPI, PostgreSQL as database, Docker, automatic HTTPS and more.
    score: 51, stars: 13,175

  3. asacristani/fastapi-rocket-boilerplate
    🐍💨 FastAPI Rocket Boilerplate to build an API based in Python with its most modern technologies!
    score: 49, stars: 265

  4. drivendata/cookiecutter-data-science
    http://drivendata.github.io/cookiecutter-data-science/
    A logical, reasonably standardized, but flexible project structure for doing and sharing data science work.
    score: 47, stars: 7,022

  5.  pyscaffold/pyscaffold
    https://pyscaffold.org
    🛠 Python project template generator with batteries included
    score: 38, stars: 1,881

  6. buuntu/fastapi-react
    🚀 Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker
    score: 36, stars: 1,837

  7. ionelmc/cookiecutter-pylibrary
    Enhanced cookiecutter template for Python libraries.
    score: 33, stars: 1,169

  8. tezromach/python-package-template
    🚀 Your next Python package needs a bleeding-edge project structure.
    score: 31, stars: 1,019

  9. martinheinz/python-project-blueprint
    Blueprint/Boilerplate For Python Projects
    score: 18, stars: 926

Terminal

Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars etc.

  1.  willmcgugan/textual
    https://textual.textualize.io/
    The lean application framework for Python. Build sophisticated user interfaces with a simple Python API. Run your apps in the terminal and a web browser.
    score: 80, stars: 21,698

  2.  willmcgugan/rich
    https://rich.readthedocs.io/en/latest/
    Rich is a Python library for rich text and beautiful formatting in the terminal.
    score: 79, stars: 45,056

  3.  tqdm/tqdm
    https://tqdm.github.io
    ⚡ A Fast, Extensible Progress Bar for Python and CLI
    score: 61, stars: 25,999

  4.  google/python-fire
    Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.
    score: 61, stars: 25,355

  5. tiangolo/typer
    https://typer.tiangolo.com/
    Typer, build great CLIs. Easy to code. Based on Python type hints.
    score: 59, stars: 12,227

  6.  pallets/click
    https://click.palletsprojects.com
    Python composable command line interface toolkit
    score: 58, stars: 14,364

  7. saulpw/visidata
    http://visidata.org
    A terminal spreadsheet multitool for discovering and arranging data
    score: 56, stars: 6,867

  8.  textualize/trogon
    Easily turn your Click CLI into a powerful terminal application
    score: 54, stars: 2,094

  9. 1j01/textual-paint
    https://pypi.org/project/textual-paint/
    🎨 MS Paint in your terminal.
    score: 45, stars: 809

  10.  urwid/urwid
    urwid.org
    Console user interface library for Python (official repo)
    score: 40, stars: 2,646

  11. tmbo/questionary
    Python library to build pretty command line user prompts ✨Easy to use multi-select lists, confirmations, free text prompts ...
    score: 40, stars: 1,248

  12.  jazzband/prettytable
    https://pypi.org/project/PrettyTable/
    Display tabular data in a visually appealing ASCII table format
    score: 37, stars: 1,129

  13.  python-poetry/cleo
    Cleo allows you to create beautiful and testable command-line interfaces.
    score: 34, stars: 1,129

  14. manrajgrover/halo
    💫 Beautiful spinners for terminal, IPython and Jupyter
    score: 31, stars: 2,785

  15. jquast/blessed
    http://pypi.python.org/pypi/blessed
    Blessed is an easy, practical library for making python terminal apps
    score: 29, stars: 962

Testing

Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins etc.

  1.  locustio/locust
    Write scalable load tests in plain Python 🚗💨
    score: 68, stars: 22,279

  2.  pytest-dev/pytest
    https://pytest.org
    The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
    score: 66, stars: 10,681

  3.  microsoft/playwright-python
    https://playwright.dev/python/
    Python version of the Playwright testing and automation library.
    score: 61, stars: 9,476

  4.  robotframework/robotframework
    http://robotframework.org
    Generic automation framework for acceptance testing and RPA
    score: 59, stars: 8,393

  5.  hypothesisworks/hypothesis
    https://hypothesis.works
    Hypothesis is a powerful, flexible, and easy to use library for property-based testing.
    score: 59, stars: 6,952

  6.  confident-ai/deepeval
    https://docs.confident-ai.com/
    Evaluation and Unit Testing for LLMs
    score: 55, stars: 532

  7. nedbat/coveragepy
    https://coverage.readthedocs.io
    The code coverage tool for Python
    score: 54, stars: 2,658

  8.  seleniumbase/SeleniumBase
    https://seleniumbase.io
    📊 Python's best framework for browser automation and testing.
    score: 53, stars: 3,612

  9.  tox-dev/tox
    https://tox.wiki
    Command line driven CI frontend and development task automation tool.
    score: 53, stars: 3,375

  10.  getsentry/responses
    A utility for mocking out the Python Requests library.
    score: 51, stars: 3,952

  11.  behave/behave
    https://behave.readthedocs.io/en/latest/
    BDD, Python style.
    score: 43, stars: 2,960

  12.  pytest-dev/pytest-xdist
    https://pytest-xdist.readthedocs.io
    pytest plugin for distributed testing and loop-on-failures testing modes.
    score: 43, stars: 1,247

  13. spulec/freezegun
    Let your Python tests travel through time
    score: 42, stars: 3,830

  14.  pytest-dev/pytest-testinfra
    https://testinfra.readthedocs.io
    Testinfra test your infrastructures
    score: 42, stars: 2,251

  15.  pytest-dev/pytest-asyncio
    https://pytest-asyncio.readthedocs.io
    Asyncio support for pytest
    score: 42, stars: 1,221

  16.  pytest-dev/pytest-mock
    https://pytest-mock.readthedocs.io/en/latest/
    Thin-wrapper around the mock package for easier use with pytest
    score: 40, stars: 1,659

  17.  cobrateam/splinter
    http://splinter.readthedocs.org/en/latest/index.html
    splinter - python test framework for web applications
    score: 39, stars: 2,657

  18.  pytest-dev/pytest-bdd
    https://pytest-bdd.readthedocs.io/en/latest/
    BDD library for the py.test runner
    score: 38, stars: 1,211

  19.  taverntesting/tavern
    https://taverntesting.github.io/
    A command-line tool and Python library and Pytest plugin for automated testing of RESTful APIs, with a simple, concise and flexible YAML-based syntax
    score: 38, stars: 950

  20.  pytest-dev/pytest-cov
    Coverage plugin for pytest.
    score: 36, stars: 1,541

  21. lundberg/respx
    https://lundberg.github.io/respx
    Mock HTTPX with awesome request patterns and response side effects 🦋
    score: 34, stars: 508

  22. teemu/pytest-sugar
    a plugin for py.test that changes the default look and feel of py.test (e.g. progressbar, show tests that fail instantly)
    score: 33, stars: 1,142

  23.  newsapps/beeswithmachineguns
    http://apps.chicagotribune.com/
    A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
    score: 32, stars: 6,352

  24.  nose-devs/nose2
    https://nose2.io
    The successor to nose, based on unittest2
    score: 32, stars: 759

  25. ionelmc/pytest-benchmark
    py.test fixture for benchmarking code
    score: 29, stars: 1,127

  26. wolever/parameterized
    Parameterized testing with any Python test framework
    score: 27, stars: 781

Machine Learning - Time Series

Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics etc.

  1.  sktime/sktime
    https://www.sktime.net
    A unified framework for machine learning with time series
    score: 67, stars: 6,961

  2.  facebook/prophet
    https://facebook.github.io/prophet
    Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
    score: 62, stars: 17,025

  3.  unit8co/darts
    https://unit8co.github.io/darts/
    A python library for user-friendly forecasting and anomaly detection on time series.
    score: 59, stars: 6,527

  4.  nixtla/statsforecast
    https://nixtla.github.io/statsforecast/
    Lightning ⚡️ fast forecasting with statistical and econometric models.
    score: 57, stars: 3,065

  5.  facebookresearch/Kats
    Kats, a kit to analyze time series data, a lightweight, easy-to-use, generalizable, and extendable framework to perform time series analysis, from understanding the key statistics and characteristics, detecting change points and anomalies, to forecasting future trends.
    score: 56, stars: 4,555

  6.  awslabs/gluonts
    https://ts.gluon.ai
    Probabilistic time series modeling in Python
    score: 55, stars: 3,834

  7.  blue-yonder/tsfresh
    http://tsfresh.readthedocs.io
    Automatic extraction of relevant features from time series:
    score: 52, stars: 7,776

  8.  tdameritrade/stumpy
    https://stumpy.readthedocs.io/en/latest/
    STUMPY is a powerful and scalable Python library for modern time series analysis
    score: 49, stars: 2,805

  9.  salesforce/Merlion
    Merlion: A Machine Learning Framework for Time Series Intelligence
    score: 44, stars: 3,115

  10.  aistream-peelout/flow-forecast
    https://flow-forecast.atlassian.net/wiki/spaces/FF/overview
    Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
    score: 44, stars: 1,641

  11.  uber/orbit
    https://orbit-ml.readthedocs.io/en/stable/
    A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
    score: 38, stars: 1,737

  12. bashtage/arch
    ARCH models in Python
    score: 38, stars: 1,161

  13. winedarksea/AutoTS
    Automated Time Series Forecasting
    score: 35, stars: 865

  14.  alkaline-ml/pmdarima
    https://www.alkaline-ml.com/pmdarima
    A statistical library designed to fill the void in Python's time series analysis capabilities, including the equivalent of R's auto.arima function.
    score: 34, stars: 1,440

  15. autoviml/Auto_TS
    Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost Models on Time Series data sets with a Single Line of Code. Now updated with Dask to handle millions of rows.
    score: 33, stars: 618

  16. rjt1990/pyflux
    Open source time series library for Python
    score: 28, stars: 2,051

  17. firmai/atspy
    https://papers.ssrn.com/sol3/papers.cfm?abstract_id=3580631
    AtsPy: Automated Time Series Models in Python (by @firmai)
    score: 17, stars: 496

Typing

Typing libraries: static and run-time type checking, annotations etc.

  1.  python/mypy
    https://www.mypy-lang.org/
    Optional static typing for Python
    score: 68, stars: 16,594

  2.  microsoft/pyright
    Static Type Checker for Python
    score: 66, stars: 10,983

  3.  facebook/pyre-check
    https://pyre-check.org/
    Performant type-checking for python.
    score: 58, stars: 6,501

  4.  python-attrs/attrs
    https://www.attrs.org/
    Python Classes Without Boilerplate
    score: 50, stars: 4,910

  5.  google/pytype
    https://google.github.io/pytype
    A static type analyzer for Python code
    score: 50, stars: 4,368

  6.  instagram/MonkeyType
    A Python library that generates static type annotations by collecting runtime types
    score: 49, stars: 4,373

  7. agronholm/typeguard
    Run-time type checker for Python
    score: 44, stars: 1,294

  8.  python-attrs/cattrs
    https://catt.rs
    Complex custom class converters for attrs.
    score: 41, stars: 692

  9. patrick-kidger/torchtyping
    Type annotations and dynamic checking for a tensor's shape, dtype, names, etc.
    score: 37, stars: 1,272

Utility

General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools, etc.

  1.  home-assistant/core
    https://www.home-assistant.io
    🏡 Open source home automation that puts local control and privacy first.
    score: 88, stars: 63,432

  2.  yt-dlp/yt-dlp
    https://discord.gg/H5MNcFW63r
    A youtube-dl fork with additional features and fixes
    score: 87, stars: 57,887

  3.  astral-sh/ruff
    https://docs.astral.sh/ruff
    An extremely fast Python linter, written in Rust.
    score: 87, stars: 18,188

  4.  python/cpython
    https://www.python.org/
    The Python programming language
    score: 84, stars: 56,197

  5. ggerganov/whisper.cpp
    Port of OpenAI's Whisper model in C/C++
    score: 82, stars: 23,686

  6.  localstack/localstack
    https://localstack.cloud
    💻 A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
    score: 78, stars: 49,539

  7.  facebookresearch/audiocraft
    Audiocraft is a library for audio processing and generation with deep learning. It features the state-of-the-art EnCodec audio compressor / tokenizer, along with MusicGen, a simple and controllable music generation LM with textual and melodic conditioning.
    score: 77, stars: 16,777

  8.  psf/black
    https://black.readthedocs.io/en/stable/
    The uncompromising Python code formatter
    score: 75, stars: 33,949

  9.  python-poetry/poetry
    https://python-poetry.org
    Python packaging and dependency management made easy
    score: 73, stars: 27,007

  10.  pydantic/pydantic
    https://docs.pydantic.dev
    Data validation using Python type hints
    score: 73, stars: 15,996

  11.  modularml/mojo
    https://docs.modular.com/mojo
    The Mojo Programming Language
    score: 73, stars: 15,018

  12.  pyenv/pyenv
    Simple Python version management
    score: 72, stars: 33,686

  13. blakeblackshear/frigate
    https://frigate.video
    NVR with realtime local object detection for IP cameras
    score: 72, stars: 10,011

  14. nvbn/thefuck
    Magnificent app which corrects your previous console command.
    score: 70, stars: 79,665

  15.  micropython/micropython
    https://micropython.org
    MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
    score: 68, stars: 17,321

  16. squidfunk/mkdocs-material
    https://squidfunk.github.io/mkdocs-material/
    Documentation that simply works
    score: 68, stars: 15,771

  17. mingrammer/diagrams
    https://diagrams.mingrammer.com
    🎨 Diagram as Code for prototyping cloud system architectures
    score: 67, stars: 31,649

  18.  pyodide/pyodide
    https://pyodide.org/en/stable/
    Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
    score: 67, stars: 10,566

  19.  openai/openai-python
    https://pypi.org/project/openai/
    The official Python library for the OpenAI API
    score: 66, stars: 12,957

  20.  python-pillow/Pillow
    https://python-pillow.org
    Python Imaging Library (Fork)
    score: 65, stars: 11,165

  21.  nuitka/Nuitka
    http://nuitka.net
    Nuitka is a Python compiler written in Python. It's fully compatible with Python 2.6, 2.7, 3.4, 3.5, 3.6, 3.7, 3.8, 3.9, 3.10, and 3.11. You feed it your Python app, it does a lot of clever things, and spits out an executable or extension module.
    score: 65, stars: 9,843

  22.  pyo3/pyo3
    https://pyo3.rs
    Rust bindings for the Python interpreter
    score: 65, stars: 9,603

  23.  mkdocs/mkdocs
    https://www.mkdocs.org
    Project documentation with Markdown.
    score: 64, stars: 17,197

  24.  ipython/ipython
    https://ipython.readthedocs.org
    Official repository for IPython itself. Other repos in the IPython organization contain things like the website, documentation builds, etc.
    score: 64, stars: 15,963

  25. alievk/avatarify-python
    Avatars for Zoom, Skype and other video-conferencing apps.
    score: 64, stars: 15,938

  26.  rustpython/RustPython
    https://rustpython.github.io
    A Python Interpreter written in Rust
    score: 64, stars: 15,708

  27.  sphinx-doc/sphinx
    https://www.sphinx-doc.org/
    The Sphinx documentation generator
    score: 63, stars: 5,682

  28.  pdm-project/pdm
    https://pdm.fming.dev
    A modern Python package and dependency manager supporting the latest PEP standards
    score: 63, stars: 5,343

  29.  kivy/kivy
    https://kivy.org
    Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
    score: 62, stars: 16,330

  30. delgan/loguru
    Python logging made (stupidly) simple
    score: 62, stars: 16,273

  31.  pyinstaller/pyinstaller
    http://www.pyinstaller.org
    Freeze (package) Python programs into stand-alone executables
    score: 62, stars: 10,671

  32.  aws/serverless-application-model
    https://aws.amazon.com/serverless/sam
    The AWS Serverless Application Model (AWS SAM) transform is a AWS CloudFormation macro that transforms SAM templates into CloudFormation templates.
    score: 62, stars: 9,119

  33.  adafruit/circuitpython
    https://circuitpython.org
    CircuitPython - a Python implementation for teaching coding with microcontrollers
    score: 62, stars: 3,684

  34.  pre-commit/pre-commit
    https://pre-commit.com
    A framework for managing and maintaining multi-language pre-commit hooks.
    score: 61, stars: 11,055

  35.  openai/triton
    Development repository for the Triton language and compiler
    score: 61, stars: 8,479

  36.  cython/cython
    https://cython.org
    The most widely used Python to C compiler
    score: 61, stars: 8,432

  37.  mamba-org/mamba
    https://mamba.readthedocs.io
    The Fast Cross-Platform Package Manager
    score: 61, stars: 5,258

  38.  boto/boto3
    https://aws.amazon.com/sdk-for-python/
    AWS SDK for Python
    score: 60, stars: 8,354

  39.  pycqa/pylint
    https://pylint.readthedocs.io/en/latest/
    It's not just a linter that annoys you!
    score: 60, stars: 4,871

  40.  spack/spack
    https://spack.io
    A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
    score: 60, stars: 3,654

  41.  spotify/pedalboard
    🎛 🔊 A Python library for working with audio.
    score: 59, stars: 4,496

  42. timdettmers/bitsandbytes
    8-bit CUDA functions for PyTorch
    score: 59, stars: 4,054

  43.  secdev/scapy
    https://scapy.net
    Scapy: the Python-based interactive packet manipulation program & library. Supports Python 2 & Python 3.
    score: 58, stars: 9,340

  44.  jazzband/pip-tools
    https://pip-tools.rtfd.io
    A set of tools to keep your pinned Python dependencies fresh.
    score: 58, stars: 7,136

  45.  googlecloudplatform/python-docs-samples
    Code samples used on cloud.google.com
    score: 58, stars: 6,593

  46.  google/latexify_py
    A library to generate LaTeX expression from Python code.
    score: 58, stars: 6,453

  47. dosisod/refurb
    A tool for refurbishing and modernizing Python codebases
    score: 58, stars: 2,389

  48. eternnoir/pyTelegramBotAPI
    Python Telegram bot api.
    score: 57, stars: 7,213

  49.  pyca/cryptography
    https://cryptography.io
    cryptography is a package designed to expose cryptographic primitives and recipes to Python developers.
    score: 57, stars: 5,835

  50.  scikit-image/scikit-image
    https://scikit-image.org
    Image processing in Python
    score: 57, stars: 5,621

  51.  conda-forge/miniforge
    https://conda-forge.org/miniforge
    A conda-forge distribution.
    score: 57, stars: 4,265

  52.  lcompilers/lpython
    https://lpython.org/
    Python compiler
    score: 57, stars: 1,118

  53.  paramiko/paramiko
    http://paramiko.org
    The leading native Python SSHv2 protocol library.
    score: 56, stars: 8,541

  54.  facebookresearch/hydra
    https://hydra.cc
    Hydra is a framework for elegantly configuring complex applications
    score: 56, stars: 7,578

  55.  pypa/pipx
    https://pypa.github.io/pipx/
    Install and Run Python Applications in Isolated Environments
    score: 56, stars: 7,022

  56.  py-pdf/pypdf
    https://pypdf.readthedocs.io/en/latest/
    A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
    score: 56, stars: 6,476

  57. kellyjonbrazil/jc
    CLI tool and python library that converts the output of popular command-line tools, file-types, and common strings to JSON, YAML, or Dictionaries. This allows piping of output to tools like jq and simplifying automation scripts.
    score: 56, stars: 6,451

  58.  conda/conda
    https://docs.conda.io/projects/conda/
    A system-level, binary package and environment manager running on all major operating systems and platforms.
    score: 56, stars: 5,749

  59.  pydata/xarray
    https://xarray.dev
    N-D labeled arrays and datasets in Python
    score: 56, stars: 3,193

  60.  pyston/pyston
    https://www.pyston.org/
    A faster and highly-compatible implementation of the Python programming language.
    score: 56, stars: 2,449

  61.  pygithub/PyGithub
    https://pygithub.readthedocs.io/
    Typed interactions with the GitHub API v3
    score: 55, stars: 6,311

  62.  buildbot/buildbot
    https://www.buildbot.net
    Python-based continuous integration testing framework; your pull requests are more than welcome!
    score: 55, stars: 5,087

  63.  pypa/hatch
    https://hatch.pypa.io/latest/
    Modern, extensible Python project management
    score: 55, stars: 4,557

  64. keon/algorithms
    Minimal examples of data structures and algorithms in Python
    score: 54, stars: 23,022

  65.  pytube/pytube
    https://pytube.io
    A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
    score: 54, stars: 9,362

  66.  googleapis/google-api-python-client
    https://googleapis.github.io/google-api-python-client/docs/
    🐍 The official Python client library for Google's discovery based APIs.
    score: 54, stars: 6,932

  67.  pycqa/isort
    https://pycqa.github.io/isort/
    A Python utility / library to sort imports.
    score: 54, stars: 6,055

  68.  pypa/setuptools
    https://pypi.org/project/setuptools/
    Official project repository for the Setuptools build system
    score: 54, stars: 2,156

  69.  magicstack/uvloop
    Ultra fast asyncio event loop.
    score: 53, stars: 9,611

  70. norvig/pytudes
    Python programs, usually short, of considerable difficulty, to perfect particular skills.
    score: 52, stars: 21,871

  71.  xonsh/xonsh
    http://xon.sh
    🐚 Python-powered, cross-platform, Unix-gazing shell.
    score: 52, stars: 7,331

  72.  icloud-photos-downloader/icloud_photos_downloader
    A command-line tool to download photos from iCloud
    score: 52, stars: 5,073

  73. ashleve/lightning-hydra-template
    PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation. ⚡🔥⚡
    score: 52, stars: 3,011

  74.  pyo3/maturin
    https://maturin.rs
    Build and publish crates with pyo3, rust-cpython and cffi bindings as well as rust binaries as python packages
    score: 52, stars: 2,662

  75. faif/python-patterns
    A collection of design patterns/idioms in Python
    score: 51, stars: 38,255

  76. dbader/schedule
    https://schedule.readthedocs.io/
    Python job scheduling for humans.
    score: 51, stars: 11,139

  77.  pallets/jinja
    https://jinja.palletsprojects.com
    A very fast and expressive template engine.
    score: 51, stars: 9,543

  78.  marshmallow-code/marshmallow
    https://marshmallow.readthedocs.io/
    A lightweight library for converting complex objects to and from simple Python datatypes.
    score: 51, stars: 6,692

  79.  wireservice/csvkit
    https://csvkit.readthedocs.io
    A suite of utilities for converting to and working with CSV, the king of tabular file formats.
    score: 51, stars: 5,592

  80.  pypi/warehouse
    https://pypi.org
    The Python Package Index
    score: 51, stars: 3,365

  81.  pygments/pygments
    http://pygments.org/
    Pygments is a generic syntax highlighter written in Python
    score: 51, stars: 1,414

  82.  open-telemetry/opentelemetry-python
    https://opentelemetry.io
    OpenTelemetry Python API and SDK
    score: 51, stars: 1,387

  83. sdispater/pendulum
    https://pendulum.eustace.io
    Python datetimes made easy
    score: 50, stars: 5,739

  84. agronholm/apscheduler
    Task scheduling library for Python
    score: 50, stars: 5,310

  85.  spotify/basic-pitch
    https://basicpitch.io
    A lightweight yet powerful audio-to-MIDI converter with pitch bend detection
    score: 50, stars: 2,400

  86.  whylabs/whylogs
    https://whylogs.readthedocs.io/
    An open-source data logging library for machine learning models and data pipelines. 📚 Provides visibility into data quality & model performance over time. 🛡️ Supports privacy-preserving data collection, ensuring safety & robustness. 📈
    score: 50, stars: 2,366

  87.  beeware/briefcase
    https://briefcase.readthedocs.io/
    Tools to support converting a Python project into a standalone native application.
    score: 50, stars: 2,100

  88.  arrow-py/arrow
    https://arrow.readthedocs.io
    🏹 Better dates & times for Python
    score: 49, stars: 8,392

  89. jd/tenacity
    http://tenacity.readthedocs.io
    Retrying library for Python
    score: 49, stars: 5,311

  90.  pytransitions/transitions
    A lightweight, object-oriented finite state machine implementation in Python with many extensions
    score: 49, stars: 5,061

  91. asottile/pyupgrade
    A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language.
    score: 49, stars: 2,865

  92.  osohq/oso
    https://docs.osohq.com
    Oso is a batteries-included framework for building authorization in your application.
    score: 48, stars: 3,241

  93.  more-itertools/more-itertools
    https://more-itertools.rtfd.io
    More routines for operating on iterables, beyond itertools
    score: 48, stars: 3,220

  94.  pycqa/flake8
    https://flake8.pycqa.org
    flake8 is a python tool that glues together pycodestyle, pyflakes, mccabe, and third-party plugins to check the style and quality of some python code.
    score: 48, stars: 3,044

  95.  camelot-dev/camelot
    https://camelot-py.readthedocs.io
    A Python library to extract tabular data from PDFs
    score: 48, stars: 2,334

  96.  home-assistant/supervisor
    https://home-assistant.io/hassio/
    🏡 Home Assistant Supervisor
    score: 48, stars: 1,477

  97.  anthropics/anthropic-sdk-python
    SDK providing access to Anthropic's safety-first language model APIs
    score: 48, stars: 474

  98.  hugapi/hug
    Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible, but no simpler.
    score: 47, stars: 6,736

  99. theskumar/python-dotenv
    https://saurabh-kumar.com/python-dotenv/
    Reads key-value pairs from a .env file and can set them as environment variables. It helps in developing applications following the 12-factor principles.
    score: 47, stars: 6,494

  100. bndr/pipreqs
    pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward.
    score: 47, stars: 5,424

  101. hhatto/autopep8
    https://pypi.org/project/autopep8/
    A tool that automatically formats Python code to conform to the PEP 8 style guide.
    score: 47, stars: 4,434

  102. miguelgrinberg/python-socketio
    Python Socket.IO server and client
    score: 47, stars: 3,539

  103.  zeromq/pyzmq
    http://zguide.zeromq.org/py:all
    PyZMQ: Python bindings for zeromq
    score: 47, stars: 3,440

  104. p0dalirius/Coercer
    https://podalirius.net/
    A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods.
    score: 47, stars: 1,377

  105. lidatong/dataclasses-json
    Easily serialize Data Classes to and from JSON
    score: 47, stars: 1,203

  106.  pycqa/pycodestyle
    https://pycodestyle.pycqa.org
    Simple Python style checker in one Python file
    score: 46, stars: 4,913

  107. indygreg/PyOxidizer
    A modern Python application packaging and distribution tool
    score: 46, stars: 4,909

  108.  joblib/joblib
    http://joblib.readthedocs.org
    Computing with Python functions.
    score: 46, stars: 3,453

  109.  python-markdown/markdown
    https://python-markdown.github.io/
    A Python implementation of John Gruber’s Markdown with Extension support.
    score: 46, stars: 3,389

  110. legrandin/pycryptodome
    https://www.pycryptodome.org
    A self-contained cryptographic library for Python
    score: 46, stars: 2,499

  111.  pyparsing/pyparsing
    Python library for creating PEG parsers
    score: 46, stars: 1,962

  112.  libaudioflux/audioFlux
    https://audioflux.top
    A library for audio and music analysis, feature extraction.
    score: 46, stars: 1,889

  113. rhettbull/osxphotos
    Python app to export pictures and associated metadata from Apple Photos on macOS. Also includes a package to provide programmatic access to the Photos library, pictures, and metadata.
    score: 46, stars: 1,358

  114.  oracle/graalpython
    A Python 3 implementation built on GraalVM
    score: 46, stars: 1,031

  115. barracuda-fsh/pyobd
    open source obd2 car diagnostics program - reuploaded
    score: 46, stars: 629

  116. evhub/coconut
    http://coconut-lang.org
    Simple, elegant, Pythonic functional programming.
    score: 45, stars: 3,807

  117. omry/omegaconf
    Flexible Python configuration system. The last one you will ever need.
    score: 45, stars: 1,621

  118.  instagram/LibCST
    https://libcst.readthedocs.io/
    A concrete syntax tree parser and serializer library for Python that preserves many aspects of Python's abstract syntax tree
    score: 45, stars: 1,261

  119.  pyfpdf/fpdf2
    https://py-pdf.github.io/fpdf2/
    Simple PDF generation for Python
    score: 45, stars: 786

  120.  pypa/gh-action-pypi-publish
    https://packaging.python.org/guides/publishing-package-distribution-releases-using-github-actions-ci-cd-workflows/
    The blessed :octocat: GitHub Action, for publishing your 📦 distribution files to PyPI: https://github.com/marketplace/actions/pypi-publish
    score: 45, stars: 742

  121.  fsspec/filesystem_spec
    A specification that python filesystems should adhere to.
    score: 45, stars: 658

  122.  openai/point-e
    Point cloud diffusion for 3D model synthesis
    score: 44, stars: 5,873

  123.  tebelorg/RPA-Python
    Python package for doing RPA
    score: 44, stars: 4,149

  124.  tox-dev/pipdeptree
    https://pypi.python.org/pypi/pipdeptree
    A command line utility to display dependency tree of the installed Python packages
    score: 44, stars: 2,512

  125. hgrecco/pint
    http://pint.readthedocs.org/
    Operate and manipulate physical quantities in Python
    score: 44, stars: 2,097

  126. grahamdumpleton/wrapt
    A Python module for decorators, wrappers and monkey patching.
    score: 44, stars: 1,899

  127. tartley/colorama
    Simple cross-platform colored terminal text in Python
    score: 43, stars: 3,262

  128.  lxml/lxml
    https://lxml.de/
    The lxml XML toolkit for Python
    score: 43, stars: 2,456

  129.  imageio/imageio
    https://imageio.readthedocs.io
    Python library for reading and writing image data
    score: 43, stars: 1,323

  130. fabiocaccamo/python-benedict
    📘 dict subclass with keylist/keypath support, built-in I/O operations (base64, csv, ini, json, pickle, plist, query-string, toml, xls, xml, yaml), s3 support and many utilities.
    score: 43, stars: 1,168

  131.  pypa/setuptools_scm
    the blessed package to manage your versions by scm tags
    score: 43, stars: 770

  132.  milvus-io/pymilvus
    Python SDK for Milvus.
    score: 43, stars: 718

  133.  open-telemetry/opentelemetry-python-contrib
    https://opentelemetry.io
    OpenTelemetry instrumentation for Python modules
    score: 43, stars: 511

  134.  ets-labs/python-dependency-injector
    https://python-dependency-injector.ets-labs.org/
    Dependency injection framework for Python
    score: 42, stars: 3,244

  135. jorisschellekens/borb
    https://borbpdf.com/
    borb is a library for reading, creating and manipulating PDF files in python.
    score: 42, stars: 3,148

  136.  pypa/flit
    https://flit.pypa.io/
    Simplified packaging of Python modules
    score: 42, stars: 2,021

  137.  numba/llvmlite
    http://llvmlite.pydata.org/
    A lightweight LLVM python binding for writing JIT compilers
    score: 42, stars: 1,715

  138.  mkdocstrings/mkdocstrings
    https://mkdocstrings.github.io/
    📘 Automatic documentation from sources, for MkDocs.
    score: 42, stars: 1,376

  139.  fsspec/s3fs
    http://s3fs.readthedocs.io/en/latest/
    S3 Filesystem
    score: 42, stars: 740

  140.  prompt-toolkit/ptpython
    A better Python REPL
    score: 41, stars: 4,868

  141.  pytoolz/toolz
    http://toolz.readthedocs.org/
    A functional standard library for Python.
    score: 41, stars: 4,352

  142.  pexpect/pexpect
    http://pexpect.readthedocs.io/
    A Python module for controlling interactive programs in a pseudo-terminal
    score: 41, stars: 2,442

  143.  yaml/pyyaml
    Canonical source repository for PyYAML
    score: 41, stars: 2,290

  144. grantjenks/python-diskcache
    http://www.grantjenks.com/docs/diskcache/
    Python disk-backed cache (Django-compatible). Faster than Redis and Memcached. Pure-Python.
    score: 41, stars: 1,869

  145. samuelcolvin/watchfiles
    https://watchfiles.helpmanual.io
    Simple, modern and fast file watching and code reload in python.
    score: 41, stars: 1,312

  146.  ossf/criticality_score
    Gives criticality score for an open source project
    score: 41, stars: 1,241

  147.  aio-libs/yarl
    https://yarl.aio-libs.org
    Yet another URL library
    score: 41, stars: 1,002

  148.  aio-libs/aiobotocore
    http://aiobotocore.readthedocs.io
    asyncio support for botocore library using aiohttp
    score: 41, stars: 996

  149. samuelcolvin/dirty-equals
    https://dirty-equals.helpmanual.io
    Doing dirty (but extremely useful) things with equals.
    score: 41, stars: 717

  150.  pypa/build
    https://pypa-build.readthedocs.io/en/stable/
    A simple, correct Python build frontend
    score: 41, stars: 561

  151.  gefyrahq/gefyra
    https://gefyra.dev
    Blazingly-fast 🚀, rock-solid, local application development ➡️ with Kubernetes.
    score: 41, stars: 560

  152. astanin/python-tabulate
    https://pypi.org/project/tabulate/
    Pretty-print tabular data in Python, a library and a command-line utility. Repository migrated from bitbucket.org/astanin/python-tabulate.
    score: 40, stars: 1,795

  153. jaraco/keyring
    jaraco/keyring
    score: 40, stars: 1,113

  154.  ipython/ipykernel
    https://ipykernel.readthedocs.io/en/stable/
    IPython Kernel for Jupyter
    score: 40, stars: 584

  155.  steamship-core/steamship-langchain
    steamship-langchain
    score: 40, stars: 481

  156.  platformdirs/platformdirs
    https://platformdirs.readthedocs.io
    A small Python module for determining appropriate platform-specific dirs, e.g. a "user data dir".
    score: 40, stars: 384

  157.  qdrant/qdrant-client
    https://qdrant.tech
    Python client for Qdrant vector search engine
    score: 40, stars: 367

  158.  mkdocstrings/griffe
    https://mkdocstrings.github.io/griffe
    Signatures for entire Python programs. Extract the structure, the frame, the skeleton of your project, to generate API documentation or find breaking changes in your API.
    score: 40, stars: 210

  159.  dateutil/dateutil
    Useful extensions to the standard Python datetime features
    score: 39, stars: 2,138

  160.  pyfilesystem/pyfilesystem2
    https://www.pyfilesystem.org
    Python's Filesystem abstraction layer
    score: 39, stars: 1,896

  161.  landscapeio/prospector
    Inspects Python source files and provides information about type and location of classes, methods etc
    score: 39, stars: 1,856

  162.  chaostoolkit/chaostoolkit
    https://chaostoolkit.org
    Chaos Engineering Toolkit & Orchestration for Developers
    score: 39, stars: 1,771

  163. carpedm20/emoji
    emoji terminal output for Python
    score: 39, stars: 1,730

  164. yukinarit/pyserde
    https://yukinarit.github.io/pyserde/guide/en
    Yet another serialization library on top of dataclasses, inspired by serde-rs.
    score: 39, stars: 569

  165.  methexis-inc/terminal-copilot
    A smart terminal assistant that helps you find the right command.
    score: 39, stars: 528

  166. jorgebastida/awslogs
    AWS CloudWatch logs for Humans™
    score: 37, stars: 4,673

  167. rspeer/python-ftfy
    http://ftfy.readthedocs.org
    Fixes mojibake and other glitches in Unicode text, after the fact.
    score: 37, stars: 3,613

  168.  linkedin/shiv
    shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441, but with all their dependencies included.
    score: 37, stars: 1,621

  169.  pycqa/pyflakes
    https://pypi.org/project/pyflakes
    A simple program which checks Python source files for errors
    score: 37, stars: 1,298

  170.  pyca/bcrypt
    Modern(-ish) password hashing for your software and your servers
    score: 37, stars: 1,056

  171.  requests/toolbelt
    https://toolbelt.readthedocs.org
    A toolbelt of useful classes and functions to be used with python-requests
    score: 37, stars: 954

  172. terrycain/aioboto3
    Wrapper to use boto3 resources with the aiobotocore async backend
    score: 37, stars: 574

  173. mtkennerly/poetry-dynamic-versioning
    Plugin for Poetry to enable dynamic versioning based on VCS tags
    score: 37, stars: 493

  174.  scrapinghub/dateparser
    python parser for human readable dates
    score: 36, stars: 2,354

  175.  google/gin-config
    Gin provides a lightweight configuration framework for Python
    score: 36, stars: 1,904

  176.  pydoit/doit
    http://pydoit.org
    task management & automation tool
    score: 36, stars: 1,695

  177.  python-injector/injector
    Python dependency injection framework, inspired by Guice
    score: 36, stars: 1,046

  178.  python-versioneer/python-versioneer
    version-string management for VCS-controlled trees
    score: 36, stars: 1,038

  179. c4urself/bump2version
    https://pypi.python.org/pypi/bump2version
    Version-bump your software with a single command
    score: 36, stars: 1,012

  180.  pyo3/rust-numpy
    PyO3-based Rust bindings of the NumPy C-API
    score: 36, stars: 914

  181.  pyo3/setuptools-rust
    https://setuptools-rust.readthedocs.io
    Setuptools plugin for Rust support
    score: 36, stars: 511

  182.  conda/constructor
    https://conda.github.io/constructor/
    tool for creating installers from conda packages
    score: 36, stars: 419

  183. rubik/radon
    http://radon.readthedocs.org/
    Various code metrics for Python code
    score: 35, stars: 1,533

  184. konradhalas/dacite
    Simple creation of data classes from dictionaries.
    score: 35, stars: 1,526

  185. wolph/python-progressbar
    http://progressbar-2.readthedocs.org/en/latest/
    Progressbar 2 - A progress bar for Python 2 and Python 3 - "pip install progressbar2"
    score: 35, stars: 828

  186.  pycqa/autoflake
    https://pypi.org/project/autoflake/
    Removes unused imports and unused variables as reported by pyflakes
    score: 35, stars: 808

  187. lukasschwab/arxiv.py
    Python wrapper for the arXiv API
    score: 35, stars: 806

  188. bastibe/python-soundfile
    SoundFile is an audio library based on libsndfile, CFFI, and NumPy
    score: 35, stars: 592

  189.  tox-dev/filelock
    https://py-filelock.readthedocs.io
    A platform-independent file lock for Python.
    score: 35, stars: 586

  190.  instagram/Fixit
    https://fixit.rtfd.io/en/latest/
    Advanced Python linting framework with auto-fixes and hierarchical configuration that makes it easy to write custom in-repo lint rules.
    score: 35, stars: 544

  191. suor/funcy
    A fancy and practical functional tools
    score: 34, stars: 3,151

  192.  pytoolz/cytoolz
    Cython implementation of Toolz: High performance functional utilities
    score: 34, stars: 942

  193.  fastai/fastcore
    http://fastcore.fast.ai
    Python supercharged for the fastai library
    score: 34, stars: 861

  194.  zenodo/zenodo
    https://zenodo.org
    Research. Shared.
    score: 34, stars: 835

  195.  pycqa/pylint-django
    Pylint plugin for improving code analysis for when using Django
    score: 34, stars: 564

  196.  snok/install-poetry
    Github action for installing and configuring Poetry
    score: 34, stars: 461

  197.  conda/conda-pack
    https://conda.github.io/conda-pack/
    Package conda environments for redistribution
    score: 34, stars: 442

  198. mozillazg/pypy
    https://foss.heptapod.net/pypy/pypy
    The unofficial GitHub mirror of PyPy (mirrored via https://github.com/mozillazg/job-mirror-hg-repos)
    score: 34, stars: 423

  199. nateshmbhat/pyttsx3
    Offline Text To Speech synthesis for python
    score: 33, stars: 1,717

  200. nficano/python-lambda
    A toolkit for developing and deploying serverless Python code in AWS Lambda.
    score: 33, stars: 1,454

  201.  pdoc3/pdoc
    https://pdoc3.github.io/pdoc/
    🐍 ➡️ 📜 Auto-generate API documentation for Python projects
    score: 33, stars: 1,012

  202. erdewit/nest_asyncio
    Patch asyncio to allow nested event loops
    score: 33, stars: 569

  203. cdgriffith/Box
    https://github.com/cdgriffith/Box/wiki
    Python dictionaries with advanced dot notation access
    score: 32, stars: 2,276

  204. nschloe/tikzplotlib
    📊 Save matplotlib figures as TikZ/PGFplots for smooth integration into LaTeX.
    score: 32, stars: 2,184

  205.  pyca/pynacl
    https://pynacl.readthedocs.io/
    Python binding to the Networking and Cryptography (NaCl) library
    score: 32, stars: 993

  206.  pycqa/docformatter
    https://pypi.python.org/pypi/docformatter
    Formats docstrings to follow PEP 257
    score: 32, stars: 460

  207. liiight/notifiers
    http://notifiers.readthedocs.io/
    The easy way to send notifications
    score: 31, stars: 2,530

  208.  kalliope-project/kalliope
    https://kalliope-project.github.io/
    Kalliope is a framework that will help you to create your own personal assistant.
    score: 31, stars: 1,674

  209. rasbt/watermark
    An IPython magic extension for printing date and time stamps, version numbers, and hardware information
    score: 31, stars: 834

  210.  fastai/ghapi
    https://ghapi.fast.ai/
    A delightful and complete interface to GitHub's amazing API
    score: 31, stars: 477

  211. heuer/segno
    https://pypi.org/project/segno/
    Python QR Code and Micro QR Code encoder
    score: 30, stars: 468

  212. ianmiell/shutit
    http://ianmiell.github.io/shutit/
    Automation framework for programmers
    score: 29, stars: 2,142

  213.  py4j/py4j
    https://www.py4j.org
    Py4J enables Python programs to dynamically access arbitrary Java objects
    score: 29, stars: 1,106

  214.  getsentry/milksnake
    A setuptools/wheel/cffi extension to embed a binary data in wheels
    score: 28, stars: 773

  215. erotemic/ubelt
    A Python utility library with a stdlib like feel and extra batteries. Paths, Progress, Dicts, Downloads, Caching, Hashing: ubelt makes it easy!
    score: 27, stars: 691

  216.  pycqa/mccabe
    pypi.python.org/pypi/mccabe
    McCabe complexity checker for Python
    score: 27, stars: 597

  217. joowani/binarytree
    http://binarytree.readthedocs.io
    Python Library for Studying Binary Trees
    score: 26, stars: 1,788

  218. julienpalard/Pipe
    A Python library to use infix notation in Python
    score: 26, stars: 1,742

  219. klen/pylama
    Code audit tool for python.
    score: 26, stars: 1,023

  220. ivankorobkov/python-inject
    Python dependency injection
    score: 26, stars: 582

  221.  pylons/colander
    https://docs.pylonsproject.org/projects/colander/en/latest/
    A serialization/deserialization/validation library for strings, mappings and lists.
    score: 26, stars: 440

  222. asweigart/pyperclip
    https://pypi.python.org/pypi/pyperclip
    Python module for cross-platform clipboard functions.
    score: 25, stars: 1,459

  223. sethmmorton/natsort
    https://pypi.org/project/natsort/
    Simple yet flexible natural sorting in Python.
    score: 25, stars: 797

  224. metachris/logzero
    https://logzero.readthedocs.io
    Robust and effective logging for Python 2 and 3.
    score: 24, stars: 1,028

  225. alex-sherman/unsync
    Unsynchronize asyncio
    score: 24, stars: 853

  226.  serpapi/google-search-results-python
    Google Search Results via SERP API pip Python Package
    score: 24, stars: 438

  227. carlospuenteg/File-Injector
    File Injector is a script that allows you to store any file in an image using steganography
    score: 24, stars: 417

  228. clarete/forbiddenfruit
    https://clarete.li/forbiddenfruit/
    Patch built-in python objects
    score: 22, stars: 787

  229. brandon-rhodes/python-patterns
    Source code behind the python-patterns.guide site by Brandon Rhodes
    score: 18, stars: 1,141

  230. kellyjonbrazil/jello
    CLI tool to filter JSON and JSON Lines data with Python syntax. (Similar to jq)
    score: 18, stars: 411

Vizualisation

Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL etc.

  1.  apache/superset
    https://superset.apache.org/
    Apache Superset is a Data Visualization and Data Exploration Platform
    score: 81, stars: 54,792

  2.  streamlit/streamlit
    https://streamlit.io
    Streamlit — A faster way to build and share data apps.
    score: 75, stars: 27,899

  3.  gradio-app/gradio
    http://www.gradio.app
    Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
    score: 74, stars: 22,648

  4.  matplotlib/matplotlib
    https://matplotlib.org/stable/
    matplotlib: plotting with Python
    score: 71, stars: 18,255

  5.  bokeh/bokeh
    https://bokeh.org
    Interactive Data Visualization in the browser, from Python
    score: 66, stars: 18,147

  6.  plotly/plotly.py
    https://plotly.com/python/
    The interactive graphing library for Python ✨ This project now includes Plotly Express!
    score: 63, stars: 14,275

  7.  visgl/deck.gl
    https://deck.gl
    WebGL2 powered visualization framework
    score: 62, stars: 11,236

  8.  altair-viz/altair
    https://altair-viz.github.io/
    Declarative statistical visualization library for Python
    score: 62, stars: 8,504

  9.  plotly/dash
    https://plotly.com/dash
    Data Apps & Dashboards for Python. No JavaScript Required.
    score: 61, stars: 19,474

  10. mwaskom/seaborn
    https://seaborn.pydata.org
    Statistical data visualization in Python
    score: 58, stars: 11,245

  11.  holoviz/panel
    https://panel.holoviz.org
    Panel: The powerful data exploration & web app framework for Python
    score: 57, stars: 3,172

  12. marceloprates/prettymaps
    A small set of Python functions to draw pretty maps from OpenStreetMap data. Based on osmnx, matplotlib and shapely libraries.
    score: 54, stars: 10,340

  13.  man-group/dtale
    http://alphatechadmin.pythonanywhere.com
    Visualizer for pandas data structures
    score: 54, stars: 4,282

  14.  pyvista/pyvista
    https://docs.pyvista.org
    3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK)
    score: 53, stars: 2,002

  15.  vispy/vispy
    http://vispy.org
    Main repository for Vispy
    score: 52, stars: 3,125

  16.  holoviz/holoviews
    https://holoviews.org
    With Holoviews, your data visualizes itself.
    score: 49, stars: 2,503

  17. marcomusy/vedo
    https://vedo.embl.es
    A python module for scientific analysis of 3D data based on VTK and Numpy
    score: 49, stars: 1,774

  18.  pyqtgraph/pyqtgraph
    https://www.pyqtgraph.org
    Fast data visualization and GUI tools for scientific / engineering applications
    score: 48, stars: 3,421

  19. has2k1/plotnine
    https://plotnine.readthedocs.io/en/stable/
    A Grammar of Graphics for Python
    score: 47, stars: 3,589

  20.  lux-org/lux
    Automatically visualize your pandas dataframe via a single print! 📊 💡
    score: 44, stars: 4,756

  21.  datapane/datapane
    https://datapane.com
    Build and share data reports in 100% Python
    score: 41, stars: 1,305

  22.  facebookresearch/hiplot
    https://facebookresearch.github.io/hiplot/
    HiPlot makes understanding high dimensional data easy
    score: 40, stars: 2,570

  23.  facultyai/dash-bootstrap-components
    https://dash-bootstrap-components.opensource.faculty.ai/
    Bootstrap components for Plotly Dash
    score: 38, stars: 1,017

  24.  netflix/flamescope
    FlameScope is a visualization tool for exploring different time ranges as Flame Graphs.
    score: 36, stars: 2,927

  25.  ml-tooling/opyrator
    https://opyrator-playground.mltooling.org
    🪄 Turns your machine learning code into microservices with web API, interactive GUI, and more.
    score: 35, stars: 2,889

  26.  nomic-ai/deepscatter
    Zoomable, animated scatterplots in the browser that scales over a billion points
    score: 35, stars: 880

  27.  enthought/mayavi
    http://docs.enthought.com/mayavi/mayavi/
    3D visualization of scientific data in Python
    score: 33, stars: 1,162

  28.  holoviz/holoviz
    https://holoviz.org/
    High-level tools to simplify visualization in Python.
    score: 28, stars: 735

  29. luispedro/mahotas
    https://mahotas.rtfd.io
    Computer Vision in Python
    score: 24, stars: 812

  30.  cuemacro/chartpy
    Easy to use Python API wrapper to plot charts with matplotlib, plotly, bokeh and more
    score: 19, stars: 530

  31. vhranger/nodevectors
    Fastest network node embeddings in the west
    score: 19, stars: 481

Web

Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management etc.

  1. tiangolo/fastapi
    https://fastapi.tiangolo.com/
    FastAPI framework, high performance, easy to learn, fast to code, ready for production
    score: 83, stars: 63,503

  2.  django/django
    https://www.djangoproject.com/
    The Web framework for perfectionists with deadlines.
    score: 82, stars: 73,511

  3.  reflex-dev/reflex
    https://reflex.dev
    🕸 Web apps in pure Python 🐍
    score: 77, stars: 13,243

  4.  pyscript/pyscript
    https://github.com/pyscript/pyscript/discussions
    Home Page: https://pyscript.net Examples: https://pyscript.net/examples
    score: 74, stars: 17,084

  5.  pallets/flask
    https://flask.palletsprojects.com
    The Python micro framework for building web applications.
    score: 72, stars: 64,613

  6.  psf/requests
    https://requests.readthedocs.io/en/latest/
    A simple, yet elegant, HTTP library.
    score: 70, stars: 50,413

  7.  sherlock-project/sherlock
    http://sherlock-project.github.io
    🔎 Hunt down social media accounts by username across social networks
    score: 70, stars: 43,922

  8.  encode/httpx
    https://www.python-httpx.org/
    A next generation HTTP client for Python. 🦋
    score: 66, stars: 11,233

  9.  flet-dev/flet
    https://flet.dev
    Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required.
    score: 66, stars: 6,889

  10.  aio-libs/aiohttp
    https://docs.aiohttp.org
    Asynchronous HTTP client/server framework for asyncio and Python
    score: 65, stars: 14,001

  11.  starlite-api/litestar
    https://litestar.dev/
    Production-ready, Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs
    score: 65, stars: 3,087

  12.  huge-success/sanic
    https://sanic.dev
    Accelerate your web app development | Build fast. Run fast.
    score: 63, stars: 17,405

  13.  encode/starlette
    https://www.starlette.io/
    The little ASGI framework that shines. 🌟
    score: 62, stars: 8,762

  14.  tornadoweb/tornado
    http://www.tornadoweb.org/
    Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
    score: 61, stars: 21,287

  15. vitalik/django-ninja
    https://django-ninja.rest-framework.com
    💨 Fast, Async-ready, Openapi, type hints based framework for building APIs
    score: 59, stars: 5,065

  16.  strawberry-graphql/strawberry
    https://strawberry.rocks
    A GraphQL library for Python that leverages type annotations 🍓
    score: 59, stars: 3,486

  17.  getpelican/pelican
    https://getpelican.com/
    Static site generator that supports Markdown and reST syntax. Powered by Python.
    score: 58, stars: 11,819

  18.  encode/uvicorn
    https://www.uvicorn.org/
    An ASGI web server, for Python. 🦄
    score: 57, stars: 7,103

  19.  graphql-python/graphene
    http://graphene-python.org/
    GraphQL framework for Python
    score: 55, stars: 7,811

  20. benoitc/gunicorn
    http://www.gunicorn.org
    gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications.
    score: 54, stars: 9,189

  21.  reactive-python/reactpy
    https://reactpy.dev
    It's React, but in Python
    score: 54, stars: 7,072

  22.  falconry/falcon
    https://falcon.readthedocs.io/en/stable/
    The no-magic web data plane API and microservices framework for Python developers, with a focus on reliability, correctness, and performance at scale.
    score: 53, stars: 9,278

  23.  pallets/werkzeug
    https://werkzeug.palletsprojects.com
    The comprehensive WSGI web application library.
    score: 52, stars: 6,435

  24.  fastapi-users/fastapi-users
    https://fastapi-users.github.io/fastapi-users/
    Ready-to-use and customizable users management for FastAPI
    score: 51, stars: 3,473

  25.  pywebio/PyWebIO
    https://pywebio.readthedocs.io
    Write interactive web app in script way.
    score: 50, stars: 4,095

  26.  websocket-client/websocket-client
    https://github.com/websocket-client/websocket-client
    WebSocket client for Python
    score: 49, stars: 3,314

  27.  python-restx/flask-restx
    https://flask-restx.readthedocs.io/en/latest/
    Fork of Flask-RESTPlus: Fully featured framework for fast, easy and documented API development with Flask
    score: 49, stars: 1,953

  28. unbit/uwsgi
    http://projects.unbit.it/uwsgi
    uWSGI application server container
    score: 48, stars: 3,344

  29.  pylons/pyramid
    https://trypyramid.com/
    Pyramid - A Python web framework
    score: 46, stars: 3,844

  30. s3rius/FastAPI-template
    Feature rich robust FastAPI template.
    score: 46, stars: 1,195

  31.  pallets/quart
    https://quart.palletsprojects.com
    An async Python micro framework for building web applications.
    score: 45, stars: 2,237

  32.  bottlepy/bottle
    http://bottlepy.org/
    bottle.py is a fast and simple micro-framework for python web-applications.
    score: 44, stars: 8,099

  33.  pyeve/eve
    https://python-eve.org
    REST API framework designed for human beings
    score: 44, stars: 6,645

  34.  rstudio/py-shiny
    https://shiny.posit.co/py/
    Shiny for Python
    score: 44, stars: 693

  35.  pylons/waitress
    https://docs.pylonsproject.org/projects/waitress/en/latest/
    Waitress - A WSGI server for Python 3
    score: 43, stars: 1,301

  36.  webpy/webpy
    http://webpy.org
    web.py is a web framework for python that is as simple as it is powerful.
    score: 42, stars: 5,835

  37.  cherrypy/cherrypy
    https://docs.cherrypy.dev
    CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev
    score: 42, stars: 1,719

  38.  fastapi-admin/fastapi-admin
    https://fastapi-admin-docs.long2ice.io
    A fast admin dashboard based on FastAPI and TortoiseORM with tabler ui, inspired by Django admin
    score: 40, stars: 2,174

  39.  neoteroi/BlackSheep
    https://www.neoteroi.dev/blacksheep/
    Fast ASGI web framework for Python
    score: 40, stars: 1,461

  40.  masoniteframework/masonite
    http://docs.masoniteproject.com
    The Modern And Developer Centric Python Web Framework. Be sure to read the documentation and join the Discord channel for questions: https://discord.gg/TwKeFahmPZ
    score: 39, stars: 2,066

  41.  wtforms/wtforms
    https://wtforms.readthedocs.io
    A flexible forms validation and rendering library for Python.
    score: 39, stars: 1,416

  42. long2ice/fastapi-cache
    https://github.com/long2ice/fastapi-cache
    fastapi-cache is a tool to cache fastapi response and function result, with backends support redis and memcached.
    score: 39, stars: 867

  43. koxudaxi/fastapi-code-generator
    This code generator creates FastAPI app from an openapi file.
    score: 39, stars: 795

  44. klen/muffin
    Muffin is a fast, simple and asyncronous web-framework for Python 3
    score: 36, stars: 654

  45. jordaneremieff/mangum
    https://mangum.io/
    AWS Lambda support for ASGI applications
    score: 35, stars: 1,465

  46. awtkns/fastapi-crudrouter
    https://fastapi-crudrouter.awtkns.com
    A dynamic FastAPI router that automatically creates CRUD routes for your models
    score: 35, stars: 1,207

  47. aeternalis-ingenium/FastAPI-Backend-Template
    A backend project template with FastAPI, PostgreSQL with asynchronous SQLAlchemy 2.0, Alembic for asynchronous database migration, and Docker.
    score: 32, stars: 446

  48.  flipkart-incubator/Astra
    Automated Security Testing For REST API's
    score: 31, stars: 2,341

  49.  magicstack/httptools
    Fast HTTP parser
    score: 31, stars: 1,135

  50.  emmett-framework/emmett
    The web framework for inventors
    score: 31, stars: 888

  51.  pylons/webob
    https://webob.org/
    WSGI request and response objects
    score: 29, stars: 425


Checkout the interactive version: www.awesomepython.org 🔥

Please raise a new issue to suggest a Python repo that you would like to see added.

The influence Score value is loosely based on the OpenSSF criticality score calculation which defines the influence and importance of a project.

Last updated on 17 Oct 2023