ip2location / dylanhogg-awesome-python

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

Home Page:https://www.awesomepython.org

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

awesome-python Awesome

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

Interactive version: www.awesomepython.org

Updated 31 Jan 2024

Categories

Crypto and Blockchain

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

  1. ccxt/ccxt
    A JavaScript / TypeScript / Python / C# / PHP cryptocurrency trading API with support for more than 100 bitcoin/altcoin exchanges
    🔗 docs.ccxt.com
    ⭐ 30,090

  2. freqtrade/freqtrade
    Free, open source crypto trading bot
    🔗 www.freqtrade.io
    ⭐ 24,007

  3. crytic/slither
    Static Analyzer for Solidity and Vyper
    🔗 blog.trailofbits.com/2018/10/19/slither-a-solidity-static-analysis-framework
    ⭐ 4,790

  4. ethereum/web3.py
    A python interface for interacting with the Ethereum blockchain and ecosystem.
    🔗 web3py.readthedocs.io
    ⭐ 4,591

  5. ethereum/consensus-specs
    Ethereum Proof-of-Stake Consensus Specifications
    ⭐ 3,329

  6. 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.
    ⭐ 3,288

  7. ethereum/py-evm
    A Python implementation of the Ethereum Virtual Machine
    🔗 py-evm.readthedocs.io/en/latest
    ⭐ 2,138

  8. bmoscon/cryptofeed
    Cryptocurrency Exchange Websocket Data Feed Handler
    ⭐ 1,973

  9. binance/binance-public-data
    Details on how to get Binance public data
    ⭐ 1,231

  10. ofek/bit
    Bitcoin made easy.
    🔗 ofek.dev/bit
    ⭐ 1,181

  11. man-c/pycoingecko
    Python wrapper for the CoinGecko API
    ⭐ 1,008

  12. palkeo/panoramix
    Ethereum decompiler
    ⭐ 714

Data

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

  1. scrapy/scrapy
    Scrapy, a fast high-level web crawling & scraping framework for Python.
    🔗 scrapy.org
    ⭐ 49,808

  2. apache/spark
    Apache Spark - A unified analytics engine for large-scale data processing
    🔗 spark.apache.org
    ⭐ 37,581

  3. jaidedai/EasyOCR
    Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
    🔗 www.jaided.ai
    ⭐ 20,722

  4. mindsdb/mindsdb
    Build AI 🤖 using SQL
    🔗 mindsdb.com
    ⭐ 19,573

  5. joke2k/faker
    Faker is a Python package that generates fake data for you.
    🔗 faker.readthedocs.io
    ⭐ 16,741

  6. binux/pyspider
    A Powerful Spider(Web Crawler) System in Python.
    🔗 docs.pyspider.org
    ⭐ 16,155

  7. qdrant/qdrant
    Qdrant - High-performance, massive-scale Vector Database for the next generation of AI. Also available in the cloud https://cloud.qdrant.io/
    🔗 qdrant.tech
    ⭐ 15,465

  8. 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.
    ⭐ 15,365

  9. apache/arrow
    Apache Arrow is a multi-language toolbox for accelerated data interchange and in-memory processing
    🔗 arrow.apache.org
    ⭐ 13,013

  10. airbytehq/airbyte
    The leading data integration platform for ETL / ELT data pipelines from APIs, databases & files to data warehouses, data lakes & data lakehouses. Both self-hosted and Cloud-hosted.
    🔗 airbyte.com
    ⭐ 12,809

  11. tiangolo/sqlmodel
    SQL databases in Python, designed for simplicity, compatibility, and robustness.
    🔗 sqlmodel.tiangolo.com
    ⭐ 11,999

  12. redis/redis-py
    Redis Python Client
    ⭐ 11,993

  13. coleifer/peewee
    a small, expressive orm -- supports postgresql, mysql, sqlite and cockroachdb
    🔗 docs.peewee-orm.com
    ⭐ 10,573

  14. chroma-core/chroma
    the AI-native open-source embedding database
    🔗 www.trychroma.com
    ⭐ 10,477

  15. s0md3v/Photon
    Incredibly fast crawler designed for OSINT.
    ⭐ 10,251

  16. simonw/datasette
    An open source multi-tool for exploring and publishing data
    🔗 datasette.io
    ⭐ 8,614

  17. sqlalchemy/sqlalchemy
    The Database Toolkit for Python
    🔗 www.sqlalchemy.org
    ⭐ 8,261

  18. bigscience-workshop/petals
    🌸 Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
    🔗 petals.dev
    ⭐ 8,241

  19. yzhao062/pyod
    A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly Detection)
    🔗 pyod.readthedocs.io
    ⭐ 7,738

  20. gristlabs/grist-core
    Grist is the evolution of spreadsheets.
    🔗 www.getgrist.com
    ⭐ 5,846

  21. alirezamika/autoscraper
    A Smart, Automatic, Fast and Lightweight Web Scraper for Python
    ⭐ 5,757

  22. kaggle/kaggle-api
    Official Kaggle API
    ⭐ 5,734

  23. vi3k6i5/flashtext
    Extract Keywords from sentence or Replace keywords in sentences.
    ⭐ 5,496

  24. airbnb/knowledge-repo
    A next-generation curated knowledge sharing platform for data scientists and other technical professions.
    ⭐ 5,406

  25. madmaze/pytesseract
    A Python wrapper for Google Tesseract
    ⭐ 5,291

  26. facebookresearch/AugLy
    A data augmentations library for audio, image, text, and video.
    🔗 ai.facebook.com/blog/augly-a-new-data-augmentation-library-to-help-build-more-robust-ai-models
    ⭐ 4,853

  27. tobymao/sqlglot
    Python SQL Parser and Transpiler
    🔗 sqlglot.com
    ⭐ 4,500

  28. jazzband/tablib
    Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.
    🔗 tablib.readthedocs.io
    ⭐ 4,426

  29. amundsen-io/amundsen
    Amundsen is a metadata driven application for improving the productivity of data analysts, data scientists and engineers when interacting with data.
    🔗 www.amundsen.io/amundsen
    ⭐ 4,179

  30. lk-geimfari/mimesis
    Mimesis is a powerful Python library that empowers developers to generate massive amounts of synthetic data efficiently.
    🔗 mimesis.name
    ⭐ 4,144

  31. mongodb/mongo-python-driver
    PyMongo - the Official MongoDB Python driver
    🔗 pymongo.readthedocs.io
    ⭐ 3,982

  32. superduperdb/superduperdb
    🔮 SuperDuperDB: Bring AI to your database! Build, deploy and manage any AI application directly with your existing data infrastructure, without moving your data. Including streaming inference, scalable model training and vector search.
    🔗 superduperdb.com
    ⭐ 3,863

  33. andialbrecht/sqlparse
    A non-validating SQL parser module for Python
    ⭐ 3,494

  34. jmcnamara/XlsxWriter
    A Python module for creating Excel XLSX files.
    🔗 xlsxwriter.readthedocs.io
    ⭐ 3,402

  35. ibis-project/ibis
    The flexibility of Python with the scale and performance of modern SQL.
    🔗 ibis-project.org
    ⭐ 3,364

  36. praw-dev/praw
    PRAW, an acronym for "Python Reddit API Wrapper", is a python package that allows for simple access to Reddit's API.
    🔗 praw.readthedocs.io
    ⭐ 3,248

  37. deepchecks/deepchecks
    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.
    🔗 docs.deepchecks.com/stable
    ⭐ 3,169

  38. pyeve/cerberus
    Lightweight, extensible data validation library for Python
    🔗 python-cerberus.org
    ⭐ 3,071

  39. run-llama/llama-hub
    A library of data loaders for LLMs made by the community -- to be used with LlamaIndex and/or LangChain
    🔗 llamahub.ai
    ⭐ 2,978

  40. rom1504/img2dataset
    Easily turn large sets of image urls to an image dataset. Can download, resize and package 100M urls in 20h on one machine.
    ⭐ 2,953

  41. avaiga/taipy
    Turns Data and AI algorithms into production-ready web applications in no time.
    🔗 www.taipy.io
    ⭐ 2,952

  42. pallets/itsdangerous
    Safely pass trusted data to untrusted environments and back.
    🔗 itsdangerous.palletsprojects.com
    ⭐ 2,781

  43. goldsmith/Wikipedia
    A Pythonic wrapper for the Wikipedia API
    🔗 wikipedia.readthedocs.org
    ⭐ 2,774

  44. zoomeranalytics/xlwings
    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.
    🔗 www.xlwings.org
    ⭐ 2,773

  45. datafold/data-diff
    Compare tables within or across databases
    🔗 docs.datafold.com
    ⭐ 2,686

  46. awslabs/amazon-redshift-utils
    Amazon Redshift Utils contains utilities, scripts and view which are useful in a Redshift environment
    ⭐ 2,685

  47. docarray/docarray
    Represent, send, store and search multimodal data
    🔗 docs.docarray.org
    ⭐ 2,620

  48. giskard-ai/giskard
    🐢 The testing framework for ML models, from tabular to LLMs
    🔗 docs.giskard.ai
    ⭐ 2,471

  49. pynamodb/PynamoDB
    A pythonic interface to Amazon's DynamoDB
    🔗 pynamodb.readthedocs.io
    ⭐ 2,338

  50. sqlalchemy/alembic
    A database migrations tool for SQLAlchemy.
    ⭐ 2,302

  51. kayak/pypika
    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.
    🔗 pypika.readthedocs.io/en/latest
    ⭐ 2,260

  52. uqfoundation/dill
    serialize all of Python
    🔗 dill.rtfd.io
    ⭐ 2,062

  53. accenture/AmpliGraph
    Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org
    ⭐ 2,045

  54. graphistry/pygraphistry
    PyGraphistry is a Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer
    ⭐ 1,983

  55. lancedb/lancedb
    Developer-friendly, serverless vector database for AI applications. Easily add long-term memory to your LLM apps!
    🔗 lancedb.github.io/lancedb
    ⭐ 1,903

  56. sdv-dev/SDV
    Synthetic data generation for tabular data
    🔗 docs.sdv.dev/sdv
    ⭐ 1,775

  57. samuelcolvin/arq
    Fast job queuing and RPC in python with asyncio and redis.
    🔗 arq-docs.helpmanual.io
    ⭐ 1,766

  58. 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.
    ⭐ 1,711

  59. aio-libs/aiomysql
    aiomysql is a library for accessing a MySQL database from the asyncio
    🔗 aiomysql.rtfd.io
    ⭐ 1,675

  60. sfu-db/connector-x
    Fastest library to load data from DB to DataFrames in Rust and Python
    🔗 sfu-db.github.io/connector-x/intro.html
    ⭐ 1,656

  61. rapidai/RapidOCR
    A cross platform OCR Library based on PaddleOCR & OnnxRuntime & OpenVINO.
    🔗 rapidai.github.io/rapidocrdocs/docs
    ⭐ 1,614

  62. agronholm/sqlacodegen
    Automatic model code generator for SQLAlchemy
    ⭐ 1,605

  63. simple-salesforce/simple-salesforce
    A very simple Salesforce.com REST API client for Python
    ⭐ 1,540

  64. milvus-io/bootcamp
    Dealing with all unstructured data, such as reverse image search, audio search, molecular search, video analysis, question and answer systems, NLP, etc.
    🔗 milvus.io
    ⭐ 1,510

  65. collerek/ormar
    python async orm with fastapi in mind and pydantic validation
    🔗 collerek.github.io/ormar
    ⭐ 1,506

  66. sdispater/orator
    The Orator ORM provides a simple yet beautiful ActiveRecord implementation.
    🔗 orator-orm.com
    ⭐ 1,420

  67. mchong6/JoJoGAN
    Official PyTorch repo for JoJoGAN: One Shot Face Stylization
    ⭐ 1,395

  68. aminalaee/sqladmin
    SQLAlchemy Admin for FastAPI and Starlette
    🔗 aminalaee.dev/sqladmin
    ⭐ 1,391

  69. simonw/sqlite-utils
    Python CLI utility and library for manipulating SQLite databases
    🔗 sqlite-utils.datasette.io
    ⭐ 1,386

  70. aio-libs/aiopg
    aiopg is a library for accessing a PostgreSQL database from the asyncio
    🔗 aiopg.readthedocs.io
    ⭐ 1,356

  71. eleutherai/the-pile
    The Pile is a large, diverse, open source language modelling data set that consists of many smaller datasets combined together.
    ⭐ 1,334

  72. zarr-developers/zarr-python
    An implementation of chunked, compressed, N-dimensional arrays for Python.
    🔗 zarr.readthedocs.io
    ⭐ 1,274

  73. google/tensorstore
    Library for reading and writing large multi-dimensional arrays.
    🔗 google.github.io/tensorstore
    ⭐ 1,248

  74. ydataai/ydata-synthetic
    Synthetic data generators for tabular and time-series data
    🔗 docs.synthetic.ydata.ai
    ⭐ 1,195

  75. pathwaycom/pathway
    Pathway is a high-throughput, low-latency data processing framework that handles live data & streaming for you. Made with ❤️ for Python & ML/AI developers.
    🔗 pathway.com
    ⭐ 1,079

  76. pytorch/data
    A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries.
    ⭐ 1,044

  77. uber/fiber
    Distributed Computing for AI Made Simple
    🔗 uber.github.io/fiber
    ⭐ 1,041

  78. dlt-hub/dlt
    data load tool (dlt) is an open source Python library that makes data loading easy 🛠️
    🔗 dlthub.com/docs
    ⭐ 1,028

  79. brettkromkamp/contextualise
    Contextualise is an effective tool particularly suited for organising information-heavy projects and activities consisting of unstructured and widely diverse data and information resources
    🔗 contextualise.dev
    ⭐ 1,023

  80. eliasdabbas/advertools
    advertools - online marketing productivity and analysis tools
    🔗 advertools.readthedocs.io
    ⭐ 979

  81. aio-libs/aiocache
    Asyncio cache manager for redis, memcached and memory
    🔗 aiocache.readthedocs.io
    ⭐ 971

  82. intake/intake
    Intake is a lightweight package for finding, investigating, loading and disseminating data.
    🔗 intake.readthedocs.io
    ⭐ 954

  83. scikit-hep/awkward
    Manipulate JSON-like data with NumPy-like idioms.
    🔗 awkward-array.org
    ⭐ 770

  84. koaning/human-learn
    Natural Intelligence is still a pretty good idea.
    🔗 koaning.github.io/human-learn
    ⭐ 763

  85. hyperqueryhq/whale
    🐳 The stupidly simple CLI workspace for your data warehouse.
    🔗 rsyi.gitbook.io/whale
    ⭐ 724

  86. googleapis/python-bigquery
    googleapis/python-bigquery
    ⭐ 686

  87. mcfunley/pugsql
    A HugSQL-inspired database library for Python
    🔗 pugsql.org
    ⭐ 652

  88. duckdb/dbt-duckdb
    dbt (http://getdbt.com) adapter for DuckDB (http://duckdb.org)
    ⭐ 636

  89. dgarnitz/vectorflow
    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.
    🔗 www.getvectorflow.com
    ⭐ 592

Debugging

Debugging and tracing tools.

  1. cool-rr/PySnooper
    Never use print for debugging again
    ⭐ 16,144

  2. gruns/icecream
    🍦 Never use print() to debug again.
    ⭐ 8,090

  3. shobrook/rebound
    Command-line tool that instantly fetches Stack Overflow results when an exception is thrown
    ⭐ 4,047

  4. inducer/pudb
    Full-screen console debugger for Python
    🔗 documen.tician.de/pudb
    ⭐ 2,811

  5. gotcha/ipdb
    Integration of IPython pdb
    ⭐ 1,788

  6. alexmojaki/heartrate
    Simple real time visualisation of the execution of a Python program.
    ⭐ 1,685

  7. alexmojaki/birdseye
    Graphical Python debugger which lets you easily view the values of all evaluated expressions
    🔗 birdseye.readthedocs.io
    ⭐ 1,593

  8. alexmojaki/snoop
    A powerful set of Python debugging tools, based on PySnooper
    ⭐ 1,042

  9. samuelcolvin/python-devtools
    Dev tools for python
    🔗 python-devtools.helpmanual.io
    ⭐ 907

Diffusion Text to Image

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

  1. automatic1111/stable-diffusion-webui
    Stable Diffusion web UI
    ⭐ 117,483

  2. compvis/stable-diffusion
    A latent text-to-image diffusion model
    🔗 ommer-lab.com/research/latent-diffusion-models
    ⭐ 62,816

  3. stability-ai/stablediffusion
    High-Resolution Image Synthesis with Latent Diffusion Models
    ⭐ 33,628

  4. lllyasviel/ControlNet
    Let us control diffusion models!
    ⭐ 26,084

  5. comfyanonymous/ComfyUI
    The most powerful and modular stable diffusion GUI, api and backend with a graph/nodes interface.
    ⭐ 22,243

  6. huggingface/diffusers
    🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch
    🔗 huggingface.co/docs/diffusers
    ⭐ 20,337

  7. invoke-ai/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...
    🔗 invoke-ai.github.io/invokeai
    ⭐ 20,234

  8. apple/ml-stable-diffusion
    Stable Diffusion with Core ML on Apple Silicon
    ⭐ 15,566

  9. borisdayma/dalle-mini
    DALL·E Mini - Generate images from a text prompt
    🔗 www.craiyon.com
    ⭐ 14,484

  10. divamgupta/diffusionbee-stable-diffusion-ui
    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.
    🔗 diffusionbee.com
    ⭐ 11,411

  11. lucidrains/DALLE2-pytorch
    Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
    ⭐ 10,534

  12. compvis/latent-diffusion
    High-Resolution Image Synthesis with Latent Diffusion Models
    ⭐ 9,627

  13. ashawkey/stable-dreamfusion
    Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion.
    ⭐ 7,424

  14. carson-katri/dream-textures
    Stable Diffusion built-in to Blender
    ⭐ 7,370

  15. xavierxiao/Dreambooth-Stable-Diffusion
    Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion
    ⭐ 7,295

  16. facebookresearch/dinov2
    PyTorch code and models for the DINOv2 self-supervised learning method.
    ⭐ 7,024

  17. openai/consistency_models
    Official repo for consistency models.
    ⭐ 5,787

  18. timothybrooks/instruct-pix2pix
    PyTorch implementation of InstructPix2Pix, an instruction-based image editing model, based on the original CompVis/stable_diffusion repo.
    ⭐ 5,565

  19. idea-research/GroundingDINO
    Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
    🔗 arxiv.org/abs/2303.05499
    ⭐ 4,067

  20. nateraw/stable-diffusion-videos
    Create 🔥 videos with Stable Diffusion by exploring the latent space and morphing between text prompts
    ⭐ 3,917

  21. salesforce/BLIP
    PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation
    ⭐ 3,885

  22. jina-ai/discoart
    🪩 Create Disco Diffusion artworks in one line
    ⭐ 3,834

  23. lkwq007/stablediffusion-infinity
    Outpainting with Stable Diffusion on an infinite canvas
    ⭐ 3,732

  24. openai/glide-text2im
    GLIDE: a diffusion-based text-conditional image synthesis model
    ⭐ 3,387

  25. mlc-ai/web-stable-diffusion
    Bringing stable diffusion models to web browsers. Everything runs inside the browser with no server support.
    🔗 mlc.ai/web-stable-diffusion
    ⭐ 3,273

  26. saharmor/dalle-playground
    A playground to generate images from any text prompt using Stable Diffusion (past: using DALL-E Mini)
    ⭐ 2,751

  27. openai/improved-diffusion
    Release for Improved Denoising Diffusion Probabilistic Models
    ⭐ 2,511

  28. stability-ai/stability-sdk
    SDK for interacting with stability.ai APIs (e.g. stable diffusion inference)
    🔗 platform.stability.ai
    ⭐ 2,381

  29. divamgupta/stable-diffusion-tensorflow
    Stable Diffusion in TensorFlow / Keras
    ⭐ 1,546

  30. coyote-a/ultimate-upscale-for-automatic1111
    coyote-a/ultimate-upscale-for-automatic1111
    ⭐ 1,331

  31. nvlabs/prismer
    The implementation of "Prismer: A Vision-Language Model with An Ensemble of Experts".
    🔗 shikun.io/projects/prismer
    ⭐ 1,242

  32. chenyangqiqi/FateZero
    [ICCV 2023 Oral] "FateZero: Fusing Attentions for Zero-shot Text-based Video Editing"
    🔗 fate-zero-edit.github.io
    ⭐ 976

  33. thereforegames/unprompted
    Templating language written for Stable Diffusion workflows. Available as an extension for the Automatic1111 WebUI.
    ⭐ 712

  34. sharonzhou/long_stable_diffusion
    Long-form text-to-images generation, using a pipeline of deep generative models (GPT-3 and Stable Diffusion)
    ⭐ 671

Finance

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

  1. openbb-finance/OpenBBTerminal
    Investment Research for Everyone, Everywhere.
    🔗 my.openbb.co/app/terminal
    ⭐ 25,332

  2. quantopian/zipline
    Zipline, a Pythonic Algorithmic Trading Library
    🔗 www.zipline.io
    ⭐ 16,792

  3. microsoft/qlib
    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, ...
    🔗 qlib.readthedocs.io/en/latest
    ⭐ 13,247

  4. mementum/backtrader
    Python Backtesting library for trading strategies
    🔗 www.backtrader.com
    ⭐ 12,322

  5. ranaroussi/yfinance
    Download market data from Yahoo! Finance's API
    🔗 aroussi.com/post/python-yahoo-finance
    ⭐ 11,035

  6. ai4finance-foundation/FinGPT
    Data-Centric FinGPT. Open-source for open finance! Revolutionize 🔥 We release the trained model on HuggingFace.
    🔗 discord.gg/trsr8sxpw5
    ⭐ 10,239

  7. ta-lib/ta-lib-python
    Python wrapper for TA-Lib (http://ta-lib.org/).
    🔗 ta-lib.github.io/ta-lib-python
    ⭐ 8,658

  8. ai4finance-foundation/FinRL
    FinRL: Financial Reinforcement Learning. 🔥
    🔗 discord.gg/trsr8sxpw5
    ⭐ 8,598

  9. quantconnect/Lean
    Lean Algorithmic Trading Engine by QuantConnect (Python, C#)
    🔗 lean.io
    ⭐ 8,317

  10. quantopian/pyfolio
    Portfolio and risk analytics in Python
    🔗 quantopian.github.io/pyfolio
    ⭐ 5,308

  11. kernc/backtesting.py
    🔎 📈 🐍 💰 Backtest trading strategies in Python.
    🔗 kernc.github.io/backtesting.py
    ⭐ 4,436

  12. twopirllc/pandas-ta
    Technical Analysis Indicators - Pandas TA is an easy to use Python 3 Pandas Extension with 130+ Indicators
    🔗 twopirllc.github.io/pandas-ta
    ⭐ 4,335

  13. gbeced/pyalgotrade
    Python Algorithmic Trading Library
    🔗 gbeced.github.io/pyalgotrade
    ⭐ 4,224

  14. google/tf-quant-finance
    High-performance TensorFlow library for quantitative finance.
    ⭐ 4,160

  15. ranaroussi/quantstats
    Portfolio analytics for quants, written in Python
    ⭐ 3,886

  16. 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...
    ⭐ 3,844

  17. polakowo/vectorbt
    Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
    🔗 vectorbt.dev
    ⭐ 3,466

  18. cuemacro/finmarketpy
    Python library for backtesting trading strategies & analyzing financial markets (formerly pythalesians)
    🔗 www.cuemacro.com
    ⭐ 3,274

  19. matplotlib/mplfinance
    Financial Markets Data Visualization using Matplotlib
    🔗 pypi.org/project/mplfinance
    ⭐ 3,155

  20. quantopian/alphalens
    Performance analysis of predictive (alpha) stock factors
    🔗 quantopian.github.io/alphalens
    ⭐ 2,946

  21. zvtvz/zvt
    modular quant framework.
    🔗 zvt.readthedocs.io/en/latest
    ⭐ 2,790

  22. quantopian/research_public
    Quantitative research and educational materials
    🔗 www.quantopian.com/lectures
    ⭐ 2,262

  23. robcarver17/pysystemtrade
    Systematic Trading in python
    ⭐ 2,255

  24. goldmansachs/gs-quant
    Python toolkit for quantitative finance
    🔗 developer.gs.com/discover/products/gs-quant
    ⭐ 2,255

  25. pmorissette/bt
    bt - flexible backtesting for Python
    🔗 pmorissette.github.io/bt
    ⭐ 1,892

  26. blankly-finance/blankly
    🚀 💸 Easily build, backtest and deploy your algo in just a few lines of code. Trade stocks, cryptos, and forex across exchanges w/ one package.
    🔗 package.blankly.finance
    ⭐ 1,864

  27. domokane/FinancePy
    A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives.
    🔗 financepy.com
    ⭐ 1,743

  28. pmorissette/ffn
    ffn - a financial function library for Python
    🔗 pmorissette.github.io/ffn
    ⭐ 1,697

  29. cuemacro/findatapy
    Python library to download market data via Bloomberg, Eikon, Quandl, Yahoo etc.
    ⭐ 1,501

  30. quantopian/empyrical
    Common financial risk and performance metrics. Used by zipline and pyfolio.
    🔗 quantopian.github.io/empyrical
    ⭐ 1,189

  31. idanya/algo-trader
    Trading bot with support for realtime trading, backtesting, custom strategies and much more.
    ⭐ 726

Game Development

Game development tools, engines and libraries.

  1. kitao/pyxel
    A retro game engine for Python
    ⭐ 12,839

  2. pygame/pygame
    🐍🎮 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.
    🔗 www.pygame.org
    ⭐ 6,667

  3. panda3d/panda3d
    Powerful, mature open-source cross-platform game engine for Python and C++, developed by Disney and CMU
    🔗 www.panda3d.org
    ⭐ 4,140

  4. pokepetter/ursina
    A game engine powered by python and panda3d.
    🔗 pokepetter.github.io/ursina
    ⭐ 2,006

  5. pyglet/pyglet
    pyglet is a cross-platform windowing and multimedia library for Python, for developing games and other visually rich applications.
    🔗 pyglet.org
    ⭐ 1,675

  6. pythonarcade/arcade
    Easy to use Python library for creating 2D arcade games.
    🔗 arcade.academy
    ⭐ 1,589

GIS

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

  1. domlysz/BlenderGIS
    Blender addons to make the bridge between Blender and geographic data
    ⭐ 6,989

  2. python-visualization/folium
    Python Data. Leaflet.js Maps.
    🔗 python-visualization.github.io/folium
    ⭐ 6,539

  3. gboeing/osmnx
    OSMnx is a Python package to easily download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap.
    🔗 osmnx.readthedocs.io
    ⭐ 4,514

  4. osgeo/gdal
    GDAL is an open source MIT licensed translator library for raster and vector geospatial data formats.
    🔗 gdal.org
    ⭐ 4,275

  5. geopandas/geopandas
    Python tools for geographic data
    🔗 geopandas.org
    ⭐ 4,017

  6. shapely/shapely
    Manipulation and analysis of geometric objects
    🔗 shapely.readthedocs.io/en/stable
    ⭐ 3,549

  7. holoviz/datashader
    Quickly and accurately render even the largest data.
    🔗 datashader.org
    ⭐ 3,127

  8. giswqs/geemap
    A Python package for interactive geospaital analysis and visualization with Google Earth Engine.
    🔗 geemap.org
    ⭐ 3,049

  9. opengeos/leafmap
    A Python package for interactive mapping and geospatial analysis with minimal coding in a Jupyter environment
    🔗 leafmap.org
    ⭐ 2,809

  10. opengeos/segment-geospatial
    A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
    🔗 samgeo.gishub.org
    ⭐ 2,478

  11. google/earthengine-api
    Python and JavaScript bindings for calling the Earth Engine API.
    ⭐ 2,445

  12. rasterio/rasterio
    Rasterio reads and writes geospatial raster datasets
    🔗 rasterio.readthedocs.io
    ⭐ 2,074

  13. mcordts/cityscapesScripts
    README and scripts for the Cityscapes Dataset
    ⭐ 2,053

  14. microsoft/torchgeo
    TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data
    🔗 torchgeo.rtfd.io
    ⭐ 2,046

  15. azavea/raster-vision
    An open source library and framework for deep learning on satellite and aerial imagery.
    🔗 docs.rastervision.io
    ⭐ 1,956

  16. plant99/felicette
    Satellite imagery for dummies.
    ⭐ 1,810

  17. apache/sedona
    A cluster computing framework for processing large-scale geospatial data
    🔗 sedona.apache.org
    ⭐ 1,654

  18. jupyter-widgets/ipyleaflet
    A Jupyter - Leaflet.js bridge
    🔗 ipyleaflet.readthedocs.io
    ⭐ 1,435

  19. gboeing/osmnx-examples
    Gallery of OSMnx tutorials, usage examples, and feature demonstations.
    🔗 osmnx.readthedocs.io
    ⭐ 1,386

  20. microsoft/GlobalMLBuildingFootprints
    Worldwide building footprints derived from satellite imagery
    ⭐ 1,186

  21. residentmario/geoplot
    High-level geospatial data visualization library for Python.
    🔗 residentmario.github.io/geoplot/index.html
    ⭐ 1,101

  22. anitagraser/movingpandas
    Movement trajectory classes and functions built on top of GeoPandas
    🔗 movingpandas.org
    ⭐ 1,084

  23. sentinel-hub/eo-learn
    Earth observation processing framework for machine learning in Python
    🔗 eo-learn.readthedocs.io/en/latest
    ⭐ 1,064

  24. makepath/xarray-spatial
    Raster-based Spatial Analytics for Python
    🔗 xarray-spatial.org
    ⭐ 752

  25. osgeo/grass
    GRASS GIS - free and open-source geospatial processing engine
    🔗 grass.osgeo.org
    ⭐ 720

  26. scikit-mobility/scikit-mobility
    scikit-mobility: mobility analysis in Python
    🔗 scikit-mobility.github.io/scikit-mobility
    ⭐ 672

  27. developmentseed/titiler
    Build your own Raster dynamic map tile services
    🔗 developmentseed.org/titiler
    ⭐ 640

Graph

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

  1. networkx/networkx
    Network Analysis in Python
    🔗 networkx.org
    ⭐ 13,757

  2. stellargraph/stellargraph
    StellarGraph - Machine Learning on Graphs
    🔗 stellargraph.readthedocs.io
    ⭐ 2,836

  3. westhealth/pyvis
    Python package for creating and visualizing interactive network graphs.
    🔗 pyvis.readthedocs.io/en/latest
    ⭐ 850

  4. rampasek/GraphGPS
    Recipe for a General, Powerful, Scalable Graph Transformer
    ⭐ 520

GUI

Graphical user interface libraries and toolkits.

  1. pysimplegui/PySimpleGUI
    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...
    🔗 www.pysimplegui.com
    ⭐ 12,925

  2. hoffstadt/DearPyGui
    Dear PyGui: A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies
    🔗 dearpygui.readthedocs.io/en/latest
    ⭐ 11,691

  3. parthjadhav/Tkinter-Designer
    An easy and fast way to create a Python GUI 🐍
    ⭐ 7,773

  4. beeware/toga
    A Python native, OS native GUI toolkit.
    🔗 toga.readthedocs.io/en/latest
    ⭐ 3,998

  5. r0x0r/pywebview
    Build GUI for your Python program with JavaScript, HTML, and CSS
    🔗 pywebview.flowrl.com
    ⭐ 3,981

  6. dddomodossola/remi
    Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet.
    ⭐ 3,419

  7. samuelcolvin/FastUI
    Build better UIs faster.
    🔗 fastui-demo.onrender.com
    ⭐ 3,211

  8. wxwidgets/Phoenix
    wxPython's Project Phoenix. A new implementation of wxPython, better, stronger, faster than he was before.
    🔗 wxpython.org
    ⭐ 2,120

Jupyter

Jupyter and JupyterLab and Notebook tools, libraries and plugins.

  1. jupyterlab/jupyterlab
    JupyterLab computational environment.
    🔗 jupyterlab.readthedocs.io
    ⭐ 13,540

  2. jupyter/notebook
    Jupyter Interactive Notebook
    🔗 jupyter-notebook.readthedocs.io
    ⭐ 10,849

  3. mwouts/jupytext
    Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts
    🔗 jupytext.readthedocs.io
    ⭐ 6,301

  4. nteract/papermill
    📚 Parameterize, execute, and analyze notebooks
    🔗 papermill.readthedocs.io/en/latest
    ⭐ 5,497

  5. connorferster/handcalcs
    Python library for converting Python calculations into rendered latex.
    ⭐ 5,300

  6. voila-dashboards/voila
    Voilà turns Jupyter notebooks into standalone web applications
    🔗 voila.readthedocs.io
    ⭐ 5,051

  7. executablebooks/jupyter-book
    Create beautiful, publication-quality books and documents from computational content.
    🔗 jupyterbook.org
    ⭐ 3,592

  8. jupyterlite/jupyterlite
    Wasm powered Jupyter running in the browser 💡
    🔗 jupyterlite.rtfd.io/en/stable/try/lab
    ⭐ 3,470

  9. jupyterlab/jupyterlab-desktop
    JupyterLab desktop application, based on Electron.
    ⭐ 3,199

  10. quantopian/qgrid
    An interactive grid for sorting, filtering, and editing DataFrames in Jupyter notebooks
    ⭐ 3,007

  11. jupyter-widgets/ipywidgets
    Interactive Widgets for the Jupyter Notebook
    🔗 ipywidgets.readthedocs.io
    ⭐ 2,976

  12. jupyter/nbdime
    Tools for diffing and merging of Jupyter notebooks.
    🔗 nbdime.readthedocs.io
    ⭐ 2,562

  13. jupyterlab/jupyter-ai
    A generative AI extension for JupyterLab
    🔗 jupyter-ai.readthedocs.io
    ⭐ 2,475

  14. jupyter/nbviewer
    nbconvert as a web service: Render Jupyter Notebooks as static web pages
    🔗 nbviewer.jupyter.org
    ⭐ 2,146

  15. mito-ds/mito
    The mitosheet package, trymito.io, and other public Mito code.
    🔗 trymito.io
    ⭐ 2,096

  16. maartenbreddels/ipyvolume
    3d plotting for Python in the Jupyter notebook based on IPython widgets using WebGL
    ⭐ 1,896

  17. jupyter-lsp/jupyterlab-lsp
    Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol
    ⭐ 1,663

  18. jupyter/nbconvert
    Jupyter Notebook Conversion
    🔗 nbconvert.readthedocs.io
    ⭐ 1,610

  19. jupyter/nbgrader
    A system for assigning and grading notebooks
    🔗 nbgrader.readthedocs.io
    ⭐ 1,241

  20. nbqa-dev/nbQA
    Run ruff, isort, pyupgrade, mypy, pylint, flake8, and more on Jupyter Notebooks
    🔗 nbqa.readthedocs.io/en/latest/index.html
    ⭐ 924

  21. vizzuhq/ipyvizzu
    Build animated charts in Jupyter Notebook and similar environments with a simple Python syntax.
    🔗 ipyvizzu.vizzuhq.com
    ⭐ 898

  22. aws/graph-notebook
    Library extending Jupyter notebooks to integrate with Apache TinkerPop, openCypher, and RDF SPARQL.
    🔗 github.com/aws/graph-notebook
    ⭐ 652

  23. linealabs/lineapy
    Move fast from data science prototype to pipeline. Capture, analyze, and transform messy notebooks into data pipelines with just two lines of code.
    🔗 lineapy.org
    ⭐ 641

  24. koaning/drawdata
    Draw datasets from within Jupyter.
    🔗 calmcode.io/labs/drawdata.html
    ⭐ 579

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. torantulino/AutoGPT
    AutoGPT is the vision of accessible AI for everyone, to use and to build on. Our mission is to provide the tools, so that you can focus on what matters.
    🔗 agpt.co
    ⭐ 156,295

  2. hwchase17/langchain
    ⚡ Building applications with LLMs through composability ⚡
    🔗 python.langchain.com
    ⭐ 73,828

  3. nomic-ai/gpt4all
    gpt4all: open-source LLM chatbots that you can run anywhere
    🔗 gpt4all.io
    ⭐ 59,720

  4. xtekky/gpt4free
    The official gpt4free repository | various collection of powerful language models
    🔗 discord.gg/xfybzpxph5
    ⭐ 51,340

  5. ggerganov/llama.cpp
    Port of Facebook's LLaMA model in C/C++
    ⭐ 48,751

  6. antonosika/gpt-engineer
    Specify what you want it to build, the AI asks for clarification, and then builds it.
    ⭐ 48,414

  7. facebookresearch/llama
    Inference code for LLaMA models
    ⭐ 48,284

  8. imartinez/privateGPT
    Interact with your documents using the power of GPT, 100% privately, no data leaks
    🔗 docs.privategpt.dev
    ⭐ 46,302

  9. killianlucas/open-interpreter
    A natural language interface for computers
    🔗 openinterpreter.com
    ⭐ 37,402

  10. thudm/ChatGLM-6B
    ChatGLM-6B: An Open Bilingual Dialogue Language Model | 开源双语对话语言模型
    ⭐ 37,146

  11. laion-ai/Open-Assistant
    OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information dynamically to do so.
    🔗 open-assistant.io
    ⭐ 36,115

  12. hpcaitech/ColossalAI
    Making large AI models cheaper, faster and more accessible
    🔗 www.colossalai.org
    ⭐ 36,093

  13. moymix/TaskMatrix
    Connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting.
    ⭐ 34,397

  14. geekan/MetaGPT
    🌟 The Multi-Agent Framework: Given one line Requirement, return PRD, Design, Tasks, Repo
    🔗 deepwisdom.ai
    ⭐ 33,271

  15. oobabooga/text-generation-webui
    A Gradio web UI for Large Language Models. Supports transformers, GPTQ, AWQ, EXL2, llama.cpp (GGUF), Llama models.
    ⭐ 31,018

  16. lm-sys/FastChat
    An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
    ⭐ 30,941

  17. karpathy/nanoGPT
    The simplest, fastest repository for training/finetuning medium-sized GPTs.
    ⭐ 28,200

  18. tatsu-lab/stanford_alpaca
    Code and documentation to train Stanford's Alpaca models, and generate the data.
    🔗 crfm.stanford.edu/2023/03/13/alpaca.html
    ⭐ 28,052

  19. jerryjliu/llama_index
    LlamaIndex (formerly GPT Index) is a data framework for your LLM applications
    🔗 docs.llamaindex.ai
    ⭐ 26,670

  20. vision-cair/MiniGPT-4
    Open-sourced codes for MiniGPT-4 and MiniGPT-v2 (https://minigpt-4.github.io, https://minigpt-v2.github.io/)
    🔗 minigpt-4.github.io
    ⭐ 24,222

  21. microsoft/JARVIS
    JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf
    ⭐ 22,433

  22. pythagora-io/gpt-pilot
    Dev tool that writes scalable apps from scratch while the developer oversees the implementation
    ⭐ 20,513

  23. openai/gpt-2
    Code for the paper "Language Models are Unsupervised Multitask Learners"
    🔗 openai.com/blog/better-language-models
    ⭐ 20,469

  24. openai/chatgpt-retrieval-plugin
    The ChatGPT Retrieval Plugin lets you easily find personal or work documents by asking questions in natural language.
    ⭐ 20,419

  25. microsoft/autogen
    Enable Next-Gen Large Language Model Applications. Join our Discord: https://discord.gg/pAbnFJrkgZ
    🔗 microsoft.github.io/autogen
    ⭐ 19,646

  26. yoheinakajima/babyagi
    GPT-4 powered task-driven autonomous agent
    ⭐ 18,298

  27. tloen/alpaca-lora
    Instruct-tune LLaMA on consumer hardware
    ⭐ 17,713

  28. karpathy/minGPT
    A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
    ⭐ 17,452

  29. rasahq/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
    🔗 rasa.com/docs/rasa
    ⭐ 17,448

  30. microsoft/semantic-kernel
    Integrate cutting-edge LLM technology quickly and easily into your apps
    🔗 aka.ms/semantic-kernel
    ⭐ 16,027

  31. guidance-ai/guidance
    A guidance language for controlling large language models.
    ⭐ 15,711

  32. mlc-ai/mlc-llm
    Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
    🔗 llm.mlc.ai/docs
    ⭐ 15,117

  33. thudm/ChatGLM2-6B
    ChatGLM2-6B: An Open Bilingual Chat LLM | 开源双语对话语言模型
    ⭐ 14,854

  34. logspace-ai/langflow
    ⛓️ Langflow is a UI for LangChain, designed with react-flow to provide an effortless way to experiment and prototype flows.
    🔗 www.langflow.org
    ⭐ 14,139

  35. mayooear/gpt4-pdf-chatbot-langchain
    GPT4 & LangChain Chatbot for large PDF docs
    🔗 www.youtube.com/watch?v=ih9pbgvvoo4
    ⭐ 14,031

  36. karpathy/llama2.c
    Inference Llama 2 in one file of pure C
    ⭐ 13,860

  37. fauxpilot/fauxpilot
    FauxPilot - an open-source alternative to GitHub Copilot server
    ⭐ 13,782

  38. transformeroptimus/SuperAGI
    <⚡️> SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
    🔗 superagi.com
    ⭐ 13,487

  39. vllm-project/vllm
    A high-throughput and memory-efficient inference and serving engine for LLMs
    🔗 docs.vllm.ai
    ⭐ 13,183

  40. openai/evals
    Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
    ⭐ 12,985

  41. haotian-liu/LLaVA
    [NeurIPS'23 Oral] Visual Instruction Tuning (LLaVA) built towards GPT-4V level capabilities and beyond.
    🔗 llava.hliu.cc
    ⭐ 12,398

  42. deepset-ai/haystack
    🔍 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...
    🔗 haystack.deepset.ai
    ⭐ 12,318

  43. idea-research/Grounded-Segment-Anything
    Grounded-SAM: Marrying Grounding-DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
    ⭐ 12,205

  44. huggingface/peft
    🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
    🔗 huggingface.co/docs/peft
    ⭐ 12,040

  45. facebookresearch/codellama
    Inference code for CodeLlama models
    ⭐ 11,969

  46. openlmlab/MOSS
    An open-source tool-augmented conversational language model from Fudan University
    🔗 txsun1997.github.io/blogs/moss.html
    ⭐ 11,710

  47. smol-ai/developer
    the first library to let you embed a developer agent in your own app!
    🔗 twitter.com/smolmodels
    ⭐ 11,435

  48. paddlepaddle/PaddleNLP
    👑 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.
    🔗 paddlenlp.readthedocs.io
    ⭐ 10,831

  49. databrickslabs/dolly
    Databricks’ Dolly, a large language model trained on the Databricks Machine Learning Platform
    🔗 www.databricks.com/blog/2023/03/24/hello-dolly-democratizing-magic-chatgpt-open-models.html
    ⭐ 10,687

  50. 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.
    ⭐ 10,652

  51. hiyouga/LLaMA-Factory
    Easy-to-use LLM fine-tuning framework (LLaMA, BLOOM, Mistral, Baichuan, Qwen, ChatGLM)
    ⭐ 9,674

  52. hiyouga/LLaMA-Factory
    Easy-to-use LLM fine-tuning framework (LLaMA, BLOOM, Mistral, Baichuan, Qwen, ChatGLM)
    ⭐ 9,674

  53. h2oai/h2ogpt
    Private Q&A and summarization of documents+images or chat with local GPT, 100% private, Apache 2.0. Supports Mixtral, llama.cpp, and more. Demo: https://gpt.h2o.ai/ https://codellama.h2o.ai/
    🔗 h2o.ai
    ⭐ 9,412

  54. blinkdl/ChatRWKV
    ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
    ⭐ 9,013

  55. shishirpatil/gorilla
    Gorilla: An API store for LLMs
    🔗 gorilla.cs.berkeley.edu
    ⭐ 8,848

  56. artidoro/qlora
    QLoRA: Efficient Finetuning of Quantized LLMs
    🔗 arxiv.org/abs/2305.14314
    ⭐ 8,702

  57. mlc-ai/web-llm
    Bringing large-language models and chat to web browsers. Everything runs inside the browser with no server support.
    🔗 mlc.ai/web-llm
    ⭐ 8,186

  58. eleutherai/gpt-neo
    An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
    🔗 www.eleuther.ai
    ⭐ 8,070

  59. microsoft/LoRA
    Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
    🔗 arxiv.org/abs/2106.09685
    ⭐ 7,851

  60. optimalscale/LMFlow
    An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
    🔗 optimalscale.github.io/lmflow
    ⭐ 7,551

  61. nvidia/Megatron-LM
    Ongoing research training transformer models at scale
    ⭐ 7,504

  62. thudm/CodeGeeX
    CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023)
    🔗 codegeex.cn
    ⭐ 7,468

  63. thudm/GLM-130B
    GLM-130B: An Open Bilingual Pre-Trained Model (ICLR 2023)
    ⭐ 7,447

  64. lianjiatech/BELLE
    BELLE: Be Everyone's Large Language model Engine(开源中文对话大模型)
    ⭐ 7,155

  65. microsoft/promptflow
    Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
    🔗 microsoft.github.io/promptflow
    ⭐ 7,088

  66. embedchain/embedchain
    The Open Source RAG framework
    🔗 docs.embedchain.ai
    ⭐ 7,058

  67. lvwerra/trl
    Train transformer language models with reinforcement learning.
    🔗 hf.co/docs/trl
    ⭐ 7,051

  68. openlm-research/open_llama
    OpenLLaMA, a permissively licensed open source reproduction of Meta AI’s LLaMA 7B trained on the RedPajama dataset
    ⭐ 7,006

  69. bigcode-project/starcoder
    Home of StarCoder: fine-tuning & inference!
    ⭐ 6,776

  70. mistralai/mistral-src
    Reference implementation of Mistral AI 7B v0.1 model.
    🔗 mistral.ai
    ⭐ 6,753

  71. 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
    ⭐ 6,692

  72. huggingface/text-generation-inference
    Large Language Model Text Generation Inference
    🔗 hf.co/docs/text-generation-inference
    ⭐ 6,605

  73. sweepai/sweep
    Sweep: AI-powered Junior Developer for small features and bug fixes.
    🔗 sweep.dev
    ⭐ 6,595

  74. facebookresearch/llama-recipes
    Examples and recipes for Llama 2 model
    ⭐ 6,547

  75. assafelovic/gpt-researcher
    GPT based autonomous agent that does online comprehensive research on any given topic
    🔗 tavily.com
    ⭐ 6,496

  76. apple/ml-ferret
    Ferret: Refer and Ground Anything Anywhere at Any Granularity
    ⭐ 6,445

  77. bhaskatripathi/pdfGPT
    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!
    🔗 bhaskartripathi-pdfgpt-turbo.hf.space
    ⭐ 6,422

  78. joaomdmoura/crewAI
    Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
    🔗 crewai.io
    ⭐ 6,350

  79. eleutherai/gpt-neox
    An implementation of model parallel autoregressive transformers on GPUs, based on the DeepSpeed library.
    ⭐ 6,319

  80. sjtu-ipads/PowerInfer
    High-speed Large Language Model Serving on PCs with Consumer-grade GPUs
    ⭐ 6,237

  81. nat/openplayground
    An LLM playground you can run on your laptop
    ⭐ 5,904

  82. zilliztech/GPTCache
    Semantic cache for LLMs. Fully integrated with LangChain and llama_index.
    🔗 gptcache.readthedocs.io
    ⭐ 5,883

  83. mit-han-lab/streaming-llm
    Efficient Streaming Language Models with Attention Sinks
    🔗 arxiv.org/abs/2309.17453
    ⭐ 5,807

  84. 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.
    ⭐ 5,520

  85. jzhang38/TinyLlama
    The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
    ⭐ 5,287

  86. run-llama/rags
    Build ChatGPT over your data, all with natural language
    ⭐ 5,280

  87. dsdanielpark/Bard-API
    The unofficial python package that returns response of Google Bard through cookie value.
    🔗 pypi.org/project/bardapi
    ⭐ 5,245

  88. langchain-ai/opengpts
    An open source effort to create a similar experience to OpenAI's GPTs and Assistants API.
    ⭐ 5,104

  89. abetlen/llama-cpp-python
    Python bindings for llama.cpp
    🔗 llama-cpp-python.readthedocs.io
    ⭐ 5,097

  90. vaibhavs10/insanely-fast-whisper
    An opinionated CLI to transcribe Audio files w/ Whisper on-device! Powered by 🤗 Transformers, Optimum & flash-attn
    ⭐ 5,030

  91. skypilot-org/skypilot
    SkyPilot: Run LLMs, AI, and Batch jobs on any cloud. Get maximum savings, highest GPU availability, and managed execution—all with a simple interface.
    🔗 skypilot.readthedocs.io
    ⭐ 4,870

  92. 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.
    ⭐ 4,759

  93. stanfordnlp/dspy
    Stanford DSPy: The framework for programming—not prompting—foundation models
    ⭐ 4,712

  94. minedojo/Voyager
    An Open-Ended Embodied Agent with Large Language Models
    🔗 voyager.minedojo.org
    ⭐ 4,708

  95. pytorch-labs/gpt-fast
    Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.
    ⭐ 4,442

  96. berriai/litellm
    Call all LLM APIs using the OpenAI format. Use Bedrock, Azure, OpenAI, Cohere, Anthropic, Ollama, Sagemaker, HuggingFace, Replicate (100+ LLMs)
    🔗 litellm-api.up.railway.app
    ⭐ 4,435

  97. microsoft/promptbase
    All things prompt engineering
    ⭐ 4,433

  98. chainlit/chainlit
    Build Python LLM apps in minutes ⚡️
    🔗 docs.chainlit.io
    ⭐ 4,315

  99. langchain-ai/chat-langchain
    Locally hosted chatbot specifically focused on question answering over the LangChain documentation
    🔗 chat.langchain.com
    ⭐ 4,229

  100. microsoft/BioGPT
    microsoft/BioGPT
    ⭐ 4,169

  101. togethercomputer/RedPajama-Data
    The RedPajama-Data repository contains code for preparing large datasets for training large language models.
    ⭐ 4,058

  102. openbmb/ToolBench
    An open platform for training, serving, and evaluating large language model for tool learning.
    🔗 openbmb.github.io/toolbench
    ⭐ 3,959

  103. ravenscroftj/turbopilot
    Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU
    ⭐ 3,842

  104. kyegomez/tree-of-thoughts
    Plug in and Play Implementation of Tree of Thoughts: Deliberate Problem Solving with Large Language Models that Elevates Model Reasoning by atleast 70%
    🔗 discord.gg/qutxnk2nmf
    ⭐ 3,761

  105. instruction-tuning-with-gpt-4/GPT-4-LLM
    Instruction Tuning with GPT-4
    🔗 instruction-tuning-with-gpt-4.github.io
    ⭐ 3,721

  106. eleutherai/lm-evaluation-harness
    A framework for few-shot evaluation of language models.
    🔗 www.eleuther.ai
    ⭐ 3,589

  107. mmabrouk/llm-workflow-engine
    Power CLI and Workflow manager for LLMs (core package)
    ⭐ 3,541

  108. yizhongw/self-instruct
    Aligning pretrained language models with instruction data generated by themselves.
    ⭐ 3,459

  109. 1rgs/jsonformer
    A Bulletproof Way to Generate Structured JSON from Language Models
    ⭐ 3,448

  110. whitead/paper-qa
    LLM Chain for answering questions from documents with citations
    ⭐ 3,383

  111. minimaxir/gpt-2-simple
    Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts
    ⭐ 3,358

  112. luodian/Otter
    🦦 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.
    🔗 otter-ntu.github.io
    ⭐ 3,311

  113. minimaxir/simpleaichat
    Python package for easily interfacing with chat apps, with robust features and minimal code complexity.
    ⭐ 3,227

  114. mnotgod96/AppAgent
    AppAgent: Multimodal Agents as Smartphone Users, an LLM-based multimodal agent framework designed to operate smartphone apps.
    🔗 appagent-official.github.io
    ⭐ 3,223

  115. h2oai/h2o-llmstudio
    H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs. Documentation: https://h2oai.github.io/h2o-llmstudio/
    🔗 gpt-gm.h2o.ai
    ⭐ 3,215

  116. deep-diver/LLM-As-Chatbot
    LLM as a Chatbot Service
    ⭐ 3,161

  117. eth-sri/lmql
    A language for constraint-guided and efficient LLM programming.
    🔗 lmql.ai
    ⭐ 2,903

  118. baichuan-inc/Baichuan-13B
    A 13B large language model developed by Baichuan Intelligent Technology
    🔗 huggingface.co/baichuan-inc/baichuan-13b-chat
    ⭐ 2,867

  119. microsoft/LMOps
    General technology for enabling AI capabilities w/ LLMs and MLLMs
    🔗 aka.ms/generalai
    ⭐ 2,828

  120. nvidia/NeMo-Guardrails
    NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
    ⭐ 2,823

  121. iryna-kondr/scikit-llm
    Seamlessly integrate LLMs into scikit-learn.
    🔗 beastbyte.ai
    ⭐ 2,820

  122. microsoft/torchscale
    Foundation Architecture for (M)LLMs
    🔗 aka.ms/generalai
    ⭐ 2,793

  123. freedomintelligence/LLMZoo
    ⚡LLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.⚡
    ⭐ 2,786

  124. 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
    ⭐ 2,739

  125. juncongmoo/pyllama
    LLaMA: Open and Efficient Foundation Language Models
    ⭐ 2,732

  126. guardrails-ai/guardrails
    Adding guardrails to large language models.
    🔗 docs.guardrailsai.com
    ⭐ 2,693

  127. paperswithcode/galai
    Model API for GALACTICA
    ⭐ 2,613

  128. next-gpt/NExT-GPT
    Code and models for NExT-GPT: Any-to-Any Multimodal Large Language Model
    🔗 next-gpt.github.io
    ⭐ 2,579

  129. ofa-sys/OFA
    Official repository of OFA (ICML 2022). Paper: OFA: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework
    ⭐ 2,235

  130. li-plus/chatglm.cpp
    C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & more LLMs
    ⭐ 2,154

  131. civitai/sd_civitai_extension
    All of the Civitai models inside Automatic 1111 Stable Diffusion Web UI
    ⭐ 2,139

  132. hegelai/prompttools
    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).
    🔗 prompttools.readthedocs.io
    ⭐ 2,100

  133. 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.
    ⭐ 2,093

  134. alpha-vllm/LLaMA2-Accessory
    An Open-source Toolkit for LLM Development
    🔗 llama2-accessory.readthedocs.io
    ⭐ 2,054

  135. openai/finetune-transformer-lm
    Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
    🔗 s3-us-west-2.amazonaws.com/openai-assets/research-covers/language-unsupervised/language_understanding_paper.pdf
    ⭐ 1,996

  136. openai/image-gpt
    Archived. Code and models from the paper "Generative Pretraining from Pixels"
    ⭐ 1,978

  137. defog-ai/sqlcoder
    SoTA LLM for converting natural language questions to SQL queries
    ⭐ 1,962

  138. microsoft/LLMLingua
    To speed up LLMs' inference and enhance LLM's perceive of key information, compress the prompt and KV-Cache, which achieves up to 20x compression with minimal performance loss.
    🔗 llmlingua.com
    ⭐ 1,887

  139. openai/gpt-2-output-dataset
    Dataset of GPT-2 outputs for research in detection, biases, and more
    ⭐ 1,844

  140. minimaxir/aitextgen
    A robust Python tool for text-based AI training and generation using GPT-2.
    🔗 docs.aitextgen.io
    ⭐ 1,824

  141. lucidrains/toolformer-pytorch
    Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI
    ⭐ 1,802

  142. tairov/llama2.mojo
    Inference Llama 2 in one file of pure 🔥
    🔗 www.modular.com/blog/community-spotlight-how-i-built-llama2-by-aydyn-tairov
    ⭐ 1,773

  143. neulab/prompt2model
    prompt2model - Generate Deployable Models from Natural Language Instructions
    ⭐ 1,768

  144. llmware-ai/llmware
    Providing enterprise-grade LLM-based development framework, tools, and fine-tuned models.
    🔗 pypi.org/project/llmware
    ⭐ 1,744

  145. noahshinn/reflexion
    [NeurIPS 2023] Reflexion: Language Agents with Verbal Reinforcement Learning
    ⭐ 1,697

  146. spcl/graph-of-thoughts
    Official Implementation of "Graph of Thoughts: Solving Elaborate Problems with Large Language Models"
    🔗 arxiv.org/pdf/2308.09687.pdf
    ⭐ 1,675

  147. 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.
    ⭐ 1,636

  148. weaviate/Verba
    Retrieval Augmented Generation (RAG) chatbot powered by Weaviate
    ⭐ 1,585

  149. pathwaycom/llm-app
    LLM App is a production framework for building and serving AI applications and LLM-enabled real-time data pipelines.
    🔗 pathway.com/developers/showcases/llm-app-pathway
    ⭐ 1,568

  150. ist-daslab/gptq
    Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
    🔗 arxiv.org/abs/2210.17323
    ⭐ 1,533

  151. huggingface/text-embeddings-inference
    A blazing fast inference solution for text embeddings models
    🔗 huggingface.co/docs/text-embeddings-inference/quick_tour
    ⭐ 1,520

  152. cheshire-cat-ai/core
    Production ready AI assistant framework
    🔗 cheshirecat.ai
    ⭐ 1,490

  153. cg123/mergekit
    Tools for merging pretrained large language models.
    ⭐ 1,458

  154. jina-ai/thinkgpt
    Agent techniques to augment your LLM and push it beyong its limits
    ⭐ 1,420

  155. 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.
    ⭐ 1,381

  156. microsoft/Megatron-DeepSpeed
    Ongoing research training transformer language models at scale, including: BERT & GPT-2
    ⭐ 1,353

  157. farizrahman4u/loopgpt
    Modular Auto-GPT Framework
    ⭐ 1,339

  158. explosion/spacy-transformers
    🛸 Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy
    🔗 spacy.io/usage/embeddings-transformers
    ⭐ 1,306

  159. epfllm/meditron
    Meditron is a suite of open-source medical Large Language Models (LLMs).
    🔗 huggingface.co/epfl-llm
    ⭐ 1,291

  160. ray-project/llm-applications
    A comprehensive guide to building RAG-based LLM applications for production.
    ⭐ 1,207

  161. run-llama/llama-lab
    Llama Lab is a repo dedicated to building cutting-edge projects using LlamaIndex
    ⭐ 1,149

  162. srush/MiniChain
    A tiny library for coding with large language models.
    🔗 srush-minichain.hf.space
    ⭐ 1,148

  163. bigscience-workshop/Megatron-DeepSpeed
    Ongoing research training transformer language models at scale, including: BERT & GPT-2
    ⭐ 1,144

  164. chatarena/chatarena
    ChatArena (or Chat Arena) is a Multi-Agent Language Game Environments for LLMs. The goal is to develop communication and collaboration capabilities of AIs.
    🔗 www.chatarena.org
    ⭐ 1,127

  165. truera/trulens
    Evaluation and Tracking for LLM Experiments
    🔗 www.trulens.org
    ⭐ 1,042

  166. ibm/Dromedary
    Dromedary: towards helpful, ethical and reliable LLMs.
    ⭐ 1,038

  167. nomic-ai/pygpt4all
    Official supported Python bindings for llama.cpp + gpt4all
    🔗 nomic-ai.github.io/pygpt4all
    ⭐ 1,019

  168. rlancemartin/auto-evaluator
    Evaluation tool for LLM QA chains
    🔗 autoevaluator.langchain.com
    ⭐ 982

  169. lupantech/chameleon-llm
    Codes for "Chameleon: Plug-and-Play Compositional Reasoning with Large Language Models".
    🔗 chameleon-llm.github.io
    ⭐ 968

  170. ctlllll/LLM-ToolMaker
    Large Language Models as Tool Makers
    ⭐ 961

  171. ray-project/ray-llm
    RayLLM - LLMs on Ray
    🔗 aviary.anyscale.com
    ⭐ 949

  172. akariasai/self-rag
    This includes the original implementation of SELF-RAG: Learning to Retrieve, Generate and Critique through self-reflection by Akari Asai, Zeqiu Wu, Yizhong Wang, Avirup Sil, and Hannaneh Hajishirzi.
    🔗 selfrag.github.io
    ⭐ 946

  173. microsoft/Llama-2-Onnx
    A Microsoft optimized version of the Llama 2 model, available from Meta
    ⭐ 924

  174. ajndkr/lanarky
    The web framework for building LLM microservices
    🔗 lanarky.ajndkr.com
    ⭐ 900

  175. linksoul-ai/AutoAgents
    Generate different roles for GPTs to form a collaborative entity for complex tasks.
    🔗 huggingface.co/spaces/linksoul/autoagents
    ⭐ 889

  176. keirp/automatic_prompt_engineer
    Large Language Models Are Human-Level Prompt Engineers
    ⭐ 860

  177. hao-ai-lab/LookaheadDecoding
    Break the Sequential Dependency of LLM Inference Using Lookahead Decoding
    ⭐ 802

  178. explosion/spacy-llm
    🦙 Integrating LLMs into structured NLP pipelines
    🔗 spacy.io/usage/large-language-models
    ⭐ 780

  179. cerebras/modelzoo
    cerebras/modelzoo
    ⭐ 776

  180. muennighoff/sgpt
    SGPT: GPT Sentence Embeddings for Semantic Search
    🔗 arxiv.org/abs/2202.08904
    ⭐ 761

  181. oliveirabruno01/babyagi-asi
    BabyAGI: an Autonomous and Self-Improving agent, or BASI
    ⭐ 733

  182. salesforce/xgen
    Salesforce open-source LLMs with 8k sequence length.
    ⭐ 695

  183. opengenerativeai/GenossGPT
    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.
    🔗 genoss.ai
    ⭐ 682

  184. predibase/lorax
    Multi-LoRA inference server that scales to 1000s of fine-tuned LLMs
    🔗 predibase.github.io/lorax
    ⭐ 671

  185. agenta-ai/agenta
    The all-in-one LLMOps platform: prompt management, evaluation, human feedback, and deployment all in one place.
    🔗 www.agenta.ai
    ⭐ 623

  186. hazyresearch/ama_prompting
    Ask Me Anything language model prompting
    ⭐ 522

  187. 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.
    ⭐ 508

Math and Science

Maths and science libraries.

  1. numpy/numpy
    The fundamental package for scientific computing with Python.
    🔗 numpy.org
    ⭐ 25,443

  2. scipy/scipy
    SciPy library main repository
    🔗 scipy.org
    ⭐ 12,076

  3. sympy/sympy
    A computer algebra system written in pure Python
    🔗 sympy.org
    ⭐ 11,751

  4. cupy/cupy
    NumPy & SciPy for GPU
    🔗 cupy.dev
    ⭐ 7,446

  5. mckinsey/causalnex
    A Python library that helps data scientists to infer causation rather than observing correlation.
    🔗 causalnex.readthedocs.io
    ⭐ 2,070

  6. pyomo/pyomo
    An object-oriented algebraic modeling language in Python for structured optimization problems.
    🔗 www.pyomo.org
    ⭐ 1,749

  7. facebookresearch/theseus
    A library for differentiable nonlinear optimization
    ⭐ 1,523

  8. google-research/torchsde
    Differentiable SDE solvers with GPU support and efficient sensitivity analysis.
    ⭐ 1,415

  9. dynamicslab/pysindy
    A package for the sparse identification of nonlinear dynamical systems from data
    🔗 pysindy.readthedocs.io/en/latest
    ⭐ 1,176

  10. google-deepmind/alphageometry
    Solving Olympiad Geometry without Human Demonstrations
    ⭐ 1,134

  11. geomstats/geomstats
    Computations and statistics on manifolds with geometric structures.
    🔗 geomstats.ai
    ⭐ 1,108

  12. cma-es/pycma
    Python implementation of CMA-ES
    ⭐ 979

  13. sj001/AI-Feynman
    Implementation of AI Feynman: a Physics-Inspired Method for Symbolic Regression
    ⭐ 567

Machine Learning - General

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

  1. scikit-learn/scikit-learn
    scikit-learn: machine learning in Python
    🔗 scikit-learn.org
    ⭐ 57,045

  2. openai/openai-cookbook
    Examples and guides for using the OpenAI API
    🔗 cookbook.openai.com
    ⭐ 53,007

  3. tencentarc/GFPGAN
    GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
    ⭐ 33,415

  4. google-research/google-research
    Google Research
    🔗 research.google
    ⭐ 31,889

  5. suno-ai/bark
    🔊 Text-Prompted Generative Audio Model
    ⭐ 29,862

  6. open-mmlab/mmdetection
    OpenMMLab Detection Toolbox and Benchmark
    🔗 mmdetection.readthedocs.io
    ⭐ 26,744

  7. google/jax
    Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
    🔗 jax.readthedocs.io
    ⭐ 26,282

  8. 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.
    ⭐ 26,281

  9. facebookresearch/faiss
    A library for efficient similarity search and clustering of dense vectors.
    🔗 faiss.ai
    ⭐ 26,250

  10. dmlc/xgboost
    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
    🔗 xgboost.readthedocs.io/en/stable
    ⭐ 25,204

  11. lutzroeder/netron
    Visualizer for neural network, deep learning and machine learning models
    🔗 netron.app
    ⭐ 25,153

  12. google/mediapipe
    Cross-platform, customizable ML solutions for live and streaming media.
    🔗 mediapipe.dev
    ⭐ 24,416

  13. harisiqbal88/PlotNeuralNet
    Latex code for making neural networks diagrams
    ⭐ 20,540

  14. jina-ai/jina
    ☁️ Build multimodal AI applications with cloud-native stack
    🔗 docs.jina.ai
    ⭐ 19,552

  15. onnx/onnx
    Open standard for machine learning interoperability
    🔗 onnx.ai
    ⭐ 16,209

  16. microsoft/LightGBM
    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.
    🔗 lightgbm.readthedocs.io/en/latest
    ⭐ 15,787

  17. tensorflow/tensor2tensor
    Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
    ⭐ 14,478

  18. ddbourgin/numpy-ml
    Machine learning, in numpy
    🔗 numpy-ml.readthedocs.io
    ⭐ 14,370

  19. aleju/imgaug
    Image augmentation for machine learning experiments.
    🔗 imgaug.readthedocs.io
    ⭐ 13,972

  20. microsoft/nni
    An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
    🔗 nni.readthedocs.io
    ⭐ 13,495

  21. jindongwang/transferlearning
    Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
    🔗 transferlearning.xyz
    ⭐ 12,474

  22. deepmind/deepmind-research
    This repository contains implementations and illustrative code to accompany DeepMind publications
    ⭐ 12,418

  23. spotify/annoy
    Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
    ⭐ 12,337

  24. microsoft/Swin-Transformer
    This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
    🔗 arxiv.org/abs/2103.14030
    ⭐ 12,319

  25. microsoft/onnxruntime
    ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
    🔗 onnxruntime.ai
    ⭐ 11,513

  26. ml-explore/mlx
    MLX: An array framework for Apple silicon
    ⭐ 11,499

  27. deepmind/alphafold
    Open source code for AlphaFold.
    ⭐ 11,231

  28. neonbjb/tortoise-tts
    A multi-voice TTS system trained with an emphasis on quality
    ⭐ 10,615

  29. facebookresearch/AnimatedDrawings
    Code to accompany "A Method for Animating Children's Drawings of the Human Figure"
    ⭐ 9,893

  30. twitter/the-algorithm-ml
    Source code for Twitter's Recommendation Algorithm
    🔗 blog.twitter.com/engineering/en_us/topics/open-source/2023/twitter-recommendation-algorithm
    ⭐ 9,797

  31. epistasislab/tpot
    A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
    🔗 epistasislab.github.io/tpot
    ⭐ 9,381

  32. statsmodels/statsmodels
    Statsmodels: statistical modeling and econometrics in Python
    🔗 www.statsmodels.org/devel
    ⭐ 9,210

  33. optuna/optuna
    A hyperparameter optimization framework
    🔗 optuna.org
    ⭐ 9,124

  34. 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/
    ⭐ 8,778

  35. roboflow/supervision
    We write your reusable computer vision tools. 💜
    🔗 supervision.roboflow.com
    ⭐ 8,600

  36. ggerganov/ggml
    Tensor library for machine learning
    ⭐ 8,536

  37. pycaret/pycaret
    An open-source, low-code machine learning library in Python
    🔗 www.pycaret.org
    ⭐ 8,084

  38. pymc-devs/pymc
    Bayesian Modeling and Probabilistic Programming in Python
    🔗 docs.pymc.io
    ⭐ 7,970

  39. uberi/speech_recognition
    Speech recognition module for Python, supporting several engines and APIs, online and offline.
    🔗 pypi.python.org/pypi/speechrecognition
    ⭐ 7,796

  40. wandb/wandb
    🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.
    🔗 wandb.ai
    ⭐ 7,706

  41. cleanlab/cleanlab
    The standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
    🔗 cleanlab.ai
    ⭐ 7,697

  42. catboost/catboost
    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.
    🔗 catboost.ai
    ⭐ 7,539

  43. automl/auto-sklearn
    Automated Machine Learning with scikit-learn
    🔗 automl.github.io/auto-sklearn
    ⭐ 7,287

  44. hyperopt/hyperopt
    Distributed Asynchronous Hyperparameter Optimization in Python
    🔗 hyperopt.github.io/hyperopt
    ⭐ 6,976

  45. open-mmlab/mmsegmentation
    OpenMMLab Semantic Segmentation Toolbox and Benchmark.
    🔗 mmsegmentation.readthedocs.io/en/latest
    ⭐ 6,943

  46. featurelabs/featuretools
    An open source python library for automated feature engineering
    🔗 www.featuretools.com
    ⭐ 6,933

  47. facebookresearch/xformers
    Hackable and optimized Transformers building blocks, supporting a composable construction.
    🔗 facebookresearch.github.io/xformers
    ⭐ 6,815

  48. awslabs/autogluon
    AutoGluon: AutoML for Image, Text, Time Series, and Tabular Data
    🔗 auto.gluon.ai
    ⭐ 6,696

  49. lmcinnes/umap
    Uniform Manifold Approximation and Projection
    ⭐ 6,678

  50. hips/autograd
    Efficiently computes derivatives of numpy code.
    ⭐ 6,644

  51. scikit-learn-contrib/imbalanced-learn
    A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
    🔗 imbalanced-learn.org
    ⭐ 6,603

  52. py-why/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.
    🔗 www.pywhy.org/dowhy
    ⭐ 6,454

  53. huggingface/accelerate
    🚀 A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision
    🔗 huggingface.co/docs/accelerate
    ⭐ 6,340

  54. open-mmlab/mmagic
    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.
    🔗 mmagic.readthedocs.io/en/latest
    ⭐ 6,233

  55. nicolashug/Surprise
    A Python scikit for building and analyzing recommender systems
    🔗 surpriselib.com
    ⭐ 6,098

  56. probml/pyprobml
    Python code for "Probabilistic Machine learning" book by Kevin Murphy
    ⭐ 6,092

  57. google/automl
    Google Brain AutoML
    ⭐ 6,083

  58. cleverhans-lab/cleverhans
    An adversarial example library for constructing attacks, building defenses, and benchmarking both
    ⭐ 6,000

  59. kevinmusgrave/pytorch-metric-learning
    The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
    🔗 kevinmusgrave.github.io/pytorch-metric-learning
    ⭐ 5,618

  60. open-mmlab/mmcv
    OpenMMLab Computer Vision Foundation
    🔗 mmcv.readthedocs.io/en/latest
    ⭐ 5,409

  61. mdbloice/Augmentor
    Image augmentation library in Python for machine learning.
    🔗 augmentor.readthedocs.io/en/stable
    ⭐ 4,997

  62. project-monai/MONAI
    AI Toolkit for Healthcare Imaging
    🔗 monai.io
    ⭐ 4,983

  63. rasbt/mlxtend
    A library of extension and helper modules for Python's data analysis and machine learning libraries.
    🔗 rasbt.github.io/mlxtend
    ⭐ 4,676

  64. online-ml/river
    🌊 Online machine learning in Python
    🔗 riverml.xyz
    ⭐ 4,605

  65. uber/causalml
    Uplift modeling and causal inference with machine learning algorithms
    ⭐ 4,514

  66. 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
    ⭐ 4,378

  67. districtdatalabs/yellowbrick
    Visual analysis and diagnostic tools to facilitate machine learning model selection.
    🔗 www.scikit-yb.org
    ⭐ 4,142

  68. nv-tlabs/GET3D
    Generative Model of High Quality 3D Textured Shapes Learned from Images
    ⭐ 4,002

  69. skvark/opencv-python
    Automated CI toolchain to produce precompiled opencv-python, opencv-python-headless, opencv-contrib-python and opencv-contrib-python-headless packages.
    🔗 pypi.org/project/opencv-python
    ⭐ 3,923

  70. apple/coremltools
    Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
    🔗 coremltools.readme.io
    ⭐ 3,860

  71. marqo-ai/marqo
    Vector search for humans. Also available on cloud - cloud.marqo.ai
    🔗 www.marqo.ai
    ⭐ 3,856

  72. sanchit-gandhi/whisper-jax
    JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU.
    ⭐ 3,813

  73. nmslib/hnswlib
    Header-only C++/python library for fast approximate nearest neighbors
    🔗 github.com/nmslib/hnswlib
    ⭐ 3,773

  74. cmusphinx/pocketsphinx
    A small speech recognizer
    ⭐ 3,636

  75. ourownstory/neural_prophet
    NeuralProphet: A simple forecasting package
    🔗 neuralprophet.com
    ⭐ 3,494

  76. microsoft/FLAML
    A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP.
    🔗 microsoft.github.io/flaml
    ⭐ 3,493

  77. py-why/EconML
    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...
    🔗 www.microsoft.com/en-us/research/project/alice
    ⭐ 3,385

  78. thudm/CogVideo
    Text-to-video generation. The repo for ICLR2023 paper "CogVideo: Large-scale Pretraining for Text-to-Video Generation via Transformers"
    ⭐ 3,339

  79. google-deepmind/graphcast
    GraphCast: Learning skillful medium-range global weather forecasting
    ⭐ 3,312

  80. facebookresearch/vissl
    VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
    🔗 vissl.ai
    ⭐ 3,180

  81. pytorch/glow
    Compiler for Neural Network hardware accelerators
    ⭐ 3,085

  82. rucaibox/RecBole
    A unified, comprehensive and efficient recommendation library
    🔗 recbole.io
    ⭐ 3,022

  83. huggingface/notebooks
    Notebooks using the Hugging Face libraries 🤗
    ⭐ 3,012

  84. 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
    ⭐ 3,006

  85. lucidrains/musiclm-pytorch
    Implementation of MusicLM, Google's new SOTA model for music generation using attention networks, in Pytorch
    ⭐ 2,873

  86. mljar/mljar-supervised
    Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation
    🔗 mljar.com
    ⭐ 2,858

  87. teamhg-memex/eli5
    A library for debugging/inspecting machine learning classifiers and explaining their predictions
    🔗 eli5.readthedocs.io
    ⭐ 2,705

  88. scikit-optimize/scikit-optimize
    Sequential model-based optimization with a scipy.optimize interface
    🔗 scikit-optimize.github.io
    ⭐ 2,700

  89. lightly-ai/lightly
    A python library for self-supervised learning on images.
    🔗 docs.lightly.ai/self-supervised-learning
    ⭐ 2,654

  90. zjunlp/DeepKE
    An Open Toolkit for Knowledge Graph Extraction and Construction published at EMNLP2022 System Demonstrations.
    🔗 deepke.zjukg.cn
    ⭐ 2,653

  91. huggingface/autotrain-advanced
    🤗 AutoTrain Advanced
    🔗 huggingface.co/autotrain
    ⭐ 2,629

  92. scikit-learn-contrib/hdbscan
    A high performance implementation of HDBSCAN clustering.
    🔗 hdbscan.readthedocs.io/en/latest
    ⭐ 2,600

  93. maif/shapash
    🔅 Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
    🔗 maif.github.io/shapash
    ⭐ 2,555

  94. apple/ml-ane-transformers
    Reference implementation of the Transformer architecture optimized for Apple Neural Engine (ANE)
    ⭐ 2,416

  95. 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
    ⭐ 2,347

  96. scikit-learn-contrib/category_encoders
    A library of sklearn compatible categorical variable encoders
    🔗 contrib.scikit-learn.org/category_encoders
    ⭐ 2,322

  97. google-research/t5x
    google-research/t5x
    ⭐ 2,278

  98. freedmand/semantra
    Multi-tool for semantic search
    ⭐ 2,152

  99. aws/sagemaker-python-sdk
    A library for training and deploying machine learning models on Amazon SageMaker
    🔗 sagemaker.readthedocs.io
    ⭐ 1,995

  100. rom1504/clip-retrieval
    Easily compute clip embeddings and build a clip retrieval system with them
    🔗 rom1504.github.io/clip-retrieval
    ⭐ 1,917

  101. huggingface/optimum
    🚀 Accelerate training and inference of 🤗 Transformers and 🤗 Diffusers with easy to use hardware optimization tools
    🔗 huggingface.co/docs/optimum/main
    ⭐ 1,879

  102. rentruewang/koila
    Prevent PyTorch's CUDA error: out of memory in just 1 line of code.
    🔗 rentruewang.github.io/koila
    ⭐ 1,804

  103. contextlab/hypertools
    A Python toolbox for gaining geometric insights into high-dimensional data
    🔗 hypertools.readthedocs.io/en/latest
    ⭐ 1,796

  104. linkedin/greykite
    A flexible, intuitive and fast forecasting library
    ⭐ 1,765

  105. bmabey/pyLDAvis
    Python library for interactive topic model visualization. Port of the R LDAvis package.
    ⭐ 1,756

  106. scikit-learn-contrib/lightning
    Large-scale linear classification, regression and ranking in Python
    🔗 contrib.scikit-learn.org/lightning
    ⭐ 1,695

  107. tensorflow/addons
    Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
    ⭐ 1,680

  108. huggingface/evaluate
    🤗 Evaluate: A library for easily evaluating machine learning models and datasets.
    🔗 huggingface.co/docs/evaluate
    ⭐ 1,673

  109. 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.
    ⭐ 1,551

  110. huggingface/huggingface_hub
    The official Python client for the Huggingface Hub.
    🔗 huggingface.co/docs/huggingface_hub
    ⭐ 1,449

  111. kubeflow/katib
    Repository for hyperparameter tuning
    ⭐ 1,391

  112. jina-ai/finetuner
    🎯 Task-oriented embedding tuning for BERT, CLIP, etc.
    🔗 finetuner.jina.ai
    ⭐ 1,373

  113. scikit-learn-contrib/metric-learn
    Metric learning algorithms in Python
    🔗 contrib.scikit-learn.org/metric-learn
    ⭐ 1,358

  114. 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.
    ⭐ 1,302

  115. castorini/pyserini
    Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations.
    🔗 pyserini.io
    ⭐ 1,269

  116. borealisai/advertorch
    A Toolbox for Adversarial Robustness Research
    ⭐ 1,243

  117. laekov/fastmoe
    A fast MoE impl for PyTorch
    🔗 fastmoe.ai
    ⭐ 1,240

  118. csinva/imodels
    Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
    🔗 csinva.io/imodels
    ⭐ 1,237

  119. awslabs/dgl-ke
    High performance, easy-to-use, and scalable package for learning large-scale knowledge graph embeddings.
    🔗 dglke.dgl.ai/doc
    ⭐ 1,202

  120. googlecloudplatform/vertex-ai-samples
    Sample code and notebooks for Vertex AI, the end-to-end machine learning platform on Google Cloud
    🔗 cloud.google.com/vertex-ai
    ⭐ 1,150

  121. eric-mitchell/direct-preference-optimization
    Reference implementation for DPO (Direct Preference Optimization)
    ⭐ 1,147

  122. google/vizier
    Python-based research interface for blackbox and hyperparameter optimization, based on the internal Google Vizier Service.
    🔗 oss-vizier.readthedocs.io
    ⭐ 1,138

  123. koaning/scikit-lego
    Extra blocks for scikit-learn pipelines.
    🔗 koaning.github.io/scikit-lego
    ⭐ 1,097

  124. microsoft/Olive
    Olive is an easy-to-use hardware-aware model optimization tool that composes industry-leading techniques across model compression, optimization, and compilation.
    ⭐ 1,064

  125. microsoft/Semi-supervised-learning
    A Unified Semi-Supervised Learning Codebase (NeurIPS'22)
    🔗 usb.readthedocs.io
    ⭐ 1,056

  126. automl/TabPFN
    Official implementation of the TabPFN paper (https://arxiv.org/abs/2207.01848) and the tabpfn package.
    🔗 priorlabs.ai
    ⭐ 1,028

  127. spotify/voyager
    🛰️ Voyager is an approximate nearest-neighbor search library for Python and Java with a focus on ease of use, simplicity, and deployability.
    🔗 spotify.github.io/voyager
    ⭐ 1,024

  128. 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.
    ⭐ 965

  129. patchy631/machine-learning
    Machine Learning Tutorials Repository
    ⭐ 918

  130. dask/dask-ml
    Scalable Machine Learning with Dask
    🔗 ml.dask.org
    ⭐ 872

  131. lmcinnes/pynndescent
    A Python nearest neighbor descent for approximate nearest neighbors
    ⭐ 822

  132. hazyresearch/safari
    Convolutions for Sequence Modeling
    ⭐ 802

  133. oml-team/open-metric-learning
    Library for metric learning pipelines and models.
    🔗 open-metric-learning.readthedocs.io/en/latest/index.html
    ⭐ 716

  134. davidmrau/mixture-of-experts
    PyTorch Re-Implementation of "The Sparsely-Gated Mixture-of-Experts Layer" by Noam Shazeer et al. https://arxiv.org/abs/1701.06538
    ⭐ 716

  135. nvidia/cuda-python
    CUDA Python Low-level Bindings
    🔗 nvidia.github.io/cuda-python
    ⭐ 689

  136. criteo/autofaiss
    Automatically create Faiss knn indices with the most optimal similarity search parameters.
    🔗 criteo.github.io/autofaiss
    ⭐ 684

  137. facebookresearch/balance
    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.
    🔗 import-balance.org
    ⭐ 656

  138. hpcaitech/EnergonAI
    Large-scale model inference.
    ⭐ 629

  139. awslabs/python-deequ
    Python API for Deequ
    ⭐ 618

  140. qdrant/quaterion
    Blazing fast framework for fine-tuning similarity learning models
    🔗 quaterion.qdrant.tech
    ⭐ 586

  141. opentensor/bittensor
    Internet-scale Neural Networks
    🔗 www.bittensor.com
    ⭐ 575

  142. nicolas-hbt/pygraft
    Configurable Generation of Synthetic Schemas and Knowledge Graphs at Your Fingertips
    🔗 pygraft.readthedocs.io/en/latest
    ⭐ 551

  143. microsoft/Focal-Transformer
    [NeurIPS 2021 Spotlight] Official code for "Focal Self-attention for Local-Global Interactions in Vision Transformers"
    ⭐ 534

  144. nevronai/MetisFL
    The first open Federated Learning framework implemented in C++ and Python.
    🔗 metisfl.org
    ⭐ 528

  145. replicate/replicate-python
    Python client for Replicate
    🔗 replicate.com
    ⭐ 512

  146. qdrant/fastembed
    Fast, Accurate, Lightweight Python library to make State of the Art Embedding
    🔗 qdrant.github.io/fastembed
    ⭐ 503

  147. cvxgrp/pymde
    Minimum-distortion embedding with PyTorch
    🔗 pymde.org
    ⭐ 501

Machine Learning - Deep Learning

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

  1. tensorflow/tensorflow
    An Open Source Machine Learning Framework for Everyone
    🔗 tensorflow.org
    ⭐ 179,925

  2. pytorch/pytorch
    Tensors and Dynamic neural networks in Python with strong GPU acceleration
    🔗 pytorch.org
    ⭐ 74,404

  3. keras-team/keras
    Deep Learning for humans
    🔗 keras.io
    ⭐ 60,166

  4. openai/whisper
    Robust Speech Recognition via Large-Scale Weak Supervision
    ⭐ 54,165

  5. deepfakes/faceswap
    Deepfakes Software For All
    🔗 www.faceswap.dev
    ⭐ 48,131

  6. iperov/DeepFaceLab
    DeepFaceLab is the leading software for creating deepfakes.
    ⭐ 44,089

  7. 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.
    ⭐ 41,500

  8. microsoft/DeepSpeed
    DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
    🔗 www.deepspeed.ai
    ⭐ 30,742

  9. rwightman/pytorch-image-models
    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
    🔗 huggingface.co/docs/timm
    ⭐ 28,366

  10. facebookresearch/detectron2
    Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
    🔗 detectron2.readthedocs.io/en/latest
    ⭐ 27,792

  11. facebookresearch/Detectron
    FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
    ⭐ 26,066

  12. pytorchlightning/pytorch-lightning
    Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes.
    🔗 lightning.ai
    ⭐ 25,642

  13. xinntao/Real-ESRGAN
    Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.
    ⭐ 24,620

  14. matterport/Mask_RCNN
    Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
    ⭐ 23,803

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

  16. apache/mxnet
    Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
    🔗 mxnet.apache.org
    ⭐ 20,667

  17. openai/CLIP
    CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
    ⭐ 20,129

  18. pyg-team/pytorch_geometric
    Graph Neural Network Library for PyTorch
    🔗 pyg.org
    ⭐ 19,351

  19. lucidrains/vit-pytorch
    Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
    ⭐ 16,580

  20. rasbt/deeplearning-models
    A collection of various deep learning architectures, models, and tips
    ⭐ 16,133

  21. sanster/lama-cleaner
    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.
    🔗 lama-cleaner-docs.vercel.app
    ⭐ 14,764

  22. albumentations-team/albumentations
    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
    🔗 albumentations.ai
    ⭐ 13,001

  23. danielgatis/rembg
    Rembg is a tool to remove images background
    ⭐ 12,793

  24. dmlc/dgl
    Python package built to ease deep learning on graph, on top of existing DL frameworks.
    🔗 dgl.ai
    ⭐ 12,638

  25. facebookresearch/detr
    End-to-End Object Detection with Transformers
    ⭐ 12,338

  26. 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.
    ⭐ 12,049

  27. keras-team/autokeras
    AutoML library for deep learning
    🔗 autokeras.com
    ⭐ 9,016

  28. kornia/kornia
    Geometric Computer Vision Library for SpatialAI
    🔗 kornia.readthedocs.io
    ⭐ 9,004

  29. pyro-ppl/pyro
    Deep universal probabilistic programming with Python and PyTorch
    🔗 pyro.ai
    ⭐ 8,243

  30. facebookresearch/pytorch3d
    PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
    🔗 pytorch3d.org
    ⭐ 7,977

  31. google/trax
    Trax — Deep Learning with Clear Code and Speed
    ⭐ 7,858

  32. nvidia/apex
    A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
    ⭐ 7,797

  33. lucidrains/imagen-pytorch
    Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch
    ⭐ 7,563

  34. arogozhnikov/einops
    Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
    🔗 einops.rocks
    ⭐ 7,548

  35. facebookresearch/ImageBind
    ImageBind One Embedding Space to Bind Them All
    ⭐ 7,541

  36. xpixelgroup/BasicSR
    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.
    🔗 basicsr.readthedocs.io/en/latest
    ⭐ 5,775

  37. skorch-dev/skorch
    A scikit-learn compatible neural network library that wraps PyTorch
    ⭐ 5,518

  38. facebookresearch/mmf
    A modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
    🔗 mmf.sh
    ⭐ 5,352

  39. google/flax
    Flax is a neural network library for JAX that is designed for flexibility.
    🔗 flax.readthedocs.io
    ⭐ 5,105

  40. mosaicml/composer
    Supercharge Your Model Training
    🔗 docs.mosaicml.com
    ⭐ 4,781

  41. pytorch/ignite
    High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
    🔗 pytorch-ignite.ai
    ⭐ 4,411

  42. 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.
    ⭐ 4,354

  43. deci-ai/super-gradients
    Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
    🔗 www.supergradients.com
    ⭐ 4,073

  44. williamyang1991/VToonify
    [SIGGRAPH Asia 2022] VToonify: Controllable High-Resolution Portrait Video Style Transfer
    ⭐ 3,408

  45. facebookresearch/PyTorch-BigGraph
    Generate embeddings from large-scale graph-structured data.
    🔗 torchbiggraph.readthedocs.io
    ⭐ 3,329

  46. alpa-projects/alpa
    Training and serving large-scale neural networks with auto parallelization.
    🔗 alpa.ai
    ⭐ 2,921

  47. pytorch/botorch
    Bayesian optimization in PyTorch
    🔗 botorch.org
    ⭐ 2,871

  48. explosion/thinc
    🔮 A refreshing functional take on deep learning, compatible with your favorite libraries
    🔗 thinc.ai
    ⭐ 2,773

  49. deepmind/dm-haiku
    JAX-based neural network library
    🔗 dm-haiku.readthedocs.io
    ⭐ 2,675

  50. cvg/LightGlue
    LightGlue: Local Feature Matching at Light Speed (ICCV 2023)
    ⭐ 2,664

  51. nerdyrodent/VQGAN-CLIP
    Just playing with getting VQGAN+CLIP running locally, rather than having to use colab.
    ⭐ 2,537

  52. danielegrattarola/spektral
    Graph Neural Networks with Keras and Tensorflow 2.
    🔗 graphneural.network
    ⭐ 2,314

  53. google-research/electra
    ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
    ⭐ 2,269

  54. fepegar/torchio
    Medical imaging toolkit for deep learning
    🔗 www.torchio.org
    ⭐ 1,902

  55. neuralmagic/sparseml
    Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models
    ⭐ 1,893

  56. pytorch/torchrec
    Pytorch domain library for recommendation systems
    ⭐ 1,625

  57. vt-vl-lab/FGVC
    [ECCV 2020] Flow-edge Guided Video Completion
    ⭐ 1,523

  58. tensorflow/mesh
    Mesh TensorFlow: Model Parallelism Made Easier
    ⭐ 1,495

  59. tensorly/tensorly
    TensorLy: Tensor Learning in Python.
    🔗 tensorly.org
    ⭐ 1,466

  60. calculatedcontent/WeightWatcher
    The WeightWatcher tool for predicting the accuracy of Deep Neural Networks
    ⭐ 1,354

  61. hysts/pytorch_image_classification
    PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
    ⭐ 1,288

  62. xl0/lovely-tensors
    Tensors, ready for human consumption
    🔗 xl0.github.io/lovely-tensors
    ⭐ 1,017

  63. tensorflow/similarity
    TensorFlow Similarity is a python package focused on making similarity learning quick and easy.
    ⭐ 990

  64. jeshraghian/snntorch
    Deep and online learning with spiking neural networks in Python
    🔗 snntorch.readthedocs.io/en/latest
    ⭐ 924

  65. deepmind/android_env
    RL research on Android devices.
    ⭐ 923

  66. keras-team/keras-cv
    Industry-strength Computer Vision workflows with Keras
    ⭐ 888

  67. deepmind/chex
    Chex is a library of utilities for helping to write reliable JAX code
    🔗 chex.readthedocs.io
    ⭐ 667

  68. kakaobrain/rq-vae-transformer
    The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22)
    ⭐ 647

  69. whitead/dmol-book
    Deep learning for molecules and materials book
    🔗 dmol.pub
    ⭐ 553

Machine Learning - Interpretability

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

  1. slundberg/shap
    A game theoretic approach to explain the output of any machine learning model.
    🔗 shap.readthedocs.io
    ⭐ 20,940

  2. marcotcr/lime
    Lime: Explaining the predictions of any machine learning classifier
    ⭐ 11,075

  3. interpretml/interpret
    Fit interpretable models. Explain blackbox machine learning.
    🔗 interpret.ml/docs
    ⭐ 5,868

  4. tensorflow/lucid
    A collection of infrastructure and tools for research in neural network interpretability.
    ⭐ 4,592

  5. pytorch/captum
    Model interpretability and understanding for PyTorch
    🔗 captum.ai
    ⭐ 4,372

  6. pair-code/lit
    The Learning Interpretability Tool: Interactively analyze ML models to understand their behavior in an extensible and framework agnostic interface.
    🔗 pair-code.github.io/lit
    ⭐ 3,273

  7. seldonio/alibi
    Algorithms for explaining machine learning models
    🔗 docs.seldon.io/projects/alibi/en/stable
    ⭐ 2,246

  8. oegedijk/explainerdashboard
    Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models.
    🔗 explainerdashboard.readthedocs.io
    ⭐ 2,123

  9. arize-ai/phoenix
    AI Observability & Evaluation - Evaluate, troubleshoot, and fine tune your LLM, CV, and NLP models in a notebook.
    🔗 docs.arize.com/phoenix
    ⭐ 1,906

  10. jalammar/ecco
    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).
    🔗 ecco.readthedocs.io
    ⭐ 1,849

  11. eleutherai/pythia
    The hub for EleutherAI's work on interpretability and learning dynamics
    ⭐ 1,801

  12. cdpierse/transformers-interpret
    Model explainability that works seamlessly with 🤗 transformers. Explain your transformers model in just 2 lines of code.
    ⭐ 1,163

  13. selfexplainml/PiML-Toolbox
    PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
    🔗 selfexplainml.github.io/piml-toolbox
    ⭐ 791

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
    Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
    🔗 airflow.apache.org
    ⭐ 33,075

  2. ray-project/ray
    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.
    🔗 ray.io
    ⭐ 29,440

  3. 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.
    ⭐ 17,022

  4. mlflow/mlflow
    Open source platform for the machine learning lifecycle
    🔗 mlflow.org
    ⭐ 16,234

  5. prefecthq/prefect
    Prefect is a workflow orchestration tool empowering developers to build, observe, and react to data pipelines
    🔗 prefect.io
    ⭐ 13,774

  6. horovod/horovod
    Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
    🔗 horovod.ai
    ⭐ 13,750

  7. iterative/dvc
    🦉 ML Experiments Management with Git
    🔗 dvc.org
    ⭐ 12,755

  8. ludwig-ai/ludwig
    Low-code framework for building custom LLMs, neural networks, and other AI models
    🔗 ludwig.ai
    ⭐ 10,390

  9. dagster-io/dagster
    An orchestration platform for the development, production, and observation of data assets.
    🔗 dagster.io
    ⭐ 9,380

  10. great-expectations/great_expectations
    Always know what to expect from your data.
    🔗 docs.greatexpectations.io
    ⭐ 9,157

  11. kedro-org/kedro
    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.
    🔗 kedro.org
    ⭐ 9,091

  12. dbt-labs/dbt-core
    dbt enables data analysts and engineers to transform their data using the same practices that software engineers use to build applications.
    🔗 getdbt.com
    ⭐ 8,100

  13. bentoml/OpenLLM
    Operating LLMs in production
    🔗 bentoml.com
    ⭐ 7,553

  14. activeloopai/deeplake
    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
    🔗 activeloop.ai
    ⭐ 7,381

  15. netflix/metaflow
    🚀 Build and manage real-life data science projects with ease!
    🔗 metaflow.org
    ⭐ 7,269

  16. mage-ai/mage-ai
    🧙 The modern replacement for Airflow. Build, run, and manage data pipelines for integrating and transforming data.
    🔗 www.mage.ai
    ⭐ 6,239

  17. bentoml/BentoML
    Build Production-Grade AI Applications
    🔗 bentoml.com
    ⭐ 6,093

  18. kestra-io/kestra
    Infinitely scalable, event-driven, language-agnostic orchestration and scheduling platform to manage millions of workflows declaratively in code.
    🔗 kestra.io
    ⭐ 5,200

  19. feast-dev/feast
    Feature Store for Machine Learning
    🔗 feast.dev
    ⭐ 5,029

  20. allegroai/clearml
    ClearML - Auto-Magical CI/CD to streamline your ML workflow. Experiment Manager, MLOps and Data-Management
    🔗 clear.ml/docs
    ⭐ 4,979

  21. aimhubio/aim
    Aim 💫 — An easy-to-use & supercharged open-source experiment tracker.
    🔗 aimstack.io
    ⭐ 4,468

  22. flyteorg/flyte
    Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
    🔗 flyte.org
    ⭐ 4,341

  23. evidentlyai/evidently
    Evaluate and monitor ML models from validation to production. Join our Discord: https://discord.com/invite/xZjKRaNp8b
    ⭐ 4,312

  24. orchest/orchest
    Build data pipelines, the easy way 🛠️
    🔗 orchest.readthedocs.io/en/stable
    ⭐ 4,005

  25. adap/flower
    Flower: A Friendly Federated Learning Framework
    🔗 flower.dev
    ⭐ 3,479

  26. polyaxon/polyaxon
    MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle
    🔗 polyaxon.com
    ⭐ 3,432

  27. zenml-io/zenml
    ZenML 🙏: Build portable, production-ready MLOps pipelines. https://zenml.io.
    🔗 zenml.io
    ⭐ 3,428

  28. kubeflow/pipelines
    Machine Learning Pipelines for Kubeflow
    🔗 www.kubeflow.org/docs/components/pipelines
    ⭐ 3,364

  29. ploomber/ploomber
    The fastest ⚡️ way to build data pipelines. Develop iteratively, deploy anywhere. ☁️
    🔗 ploomber.io
    ⭐ 3,306

  30. towhee-io/towhee
    Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
    🔗 towhee.io
    ⭐ 2,902

  31. determined-ai/determined
    Determined is an open-source machine learning platform that simplifies distributed training, hyperparameter tuning, experiment tracking, and resource management. Works with PyTorch and TensorFlow.
    🔗 determined.ai
    ⭐ 2,696

  32. meltano/meltano
    Meltano: the declarative code-first data integration engine that powers your wildest data and ML-powered product ideas. Say goodbye to writing, maintaining, and scaling your own API integrations.
    🔗 meltano.com
    ⭐ 1,447

  33. hi-primus/optimus
    🚚 Agile Data Preparation Workflows made easy with Pandas, Dask, cuDF, Dask-cuDF, Vaex and PySpark
    🔗 hi-optimus.com
    ⭐ 1,415

  34. kubeflow/examples
    A repository to host extended examples and tutorials
    ⭐ 1,356

  35. dagworks-inc/hamilton
    Hamilton helps data scientists and engineers define testable, modular, self-documenting dataflows, that encode lineage and metadata. Runs and scales everywhere python does.
    🔗 hamilton.dagworks.io/en/latest
    ⭐ 1,120

  36. tensorflow/data-validation
    Library for exploring and validating machine learning data
    ⭐ 739

  37. nccr-itmo/FEDOT
    Automated modeling and machine learning framework FEDOT
    🔗 fedot.readthedocs.io
    ⭐ 579

Machine Learning - Reinforcement

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

  1. openai/gym
    A toolkit for developing and comparing reinforcement learning algorithms.
    🔗 www.gymlibrary.dev
    ⭐ 33,375

  2. unity-technologies/ml-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.
    🔗 unity.com/products/machine-learning-agents
    ⭐ 15,866

  3. openai/baselines
    OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
    ⭐ 15,098

  4. google/dopamine
    Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
    🔗 github.com/google/dopamine
    ⭐ 10,288

  5. deepmind/pysc2
    StarCraft II Learning Environment
    ⭐ 7,863

  6. lucidrains/PaLM-rlhf-pytorch
    Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM
    ⭐ 7,494

  7. tensorlayer/TensorLayer
    Deep Learning and Reinforcement Learning Library for Scientists and Engineers
    🔗 tensorlayerx.com
    ⭐ 7,264

  8. thu-ml/tianshou
    An elegant PyTorch deep reinforcement learning library.
    🔗 tianshou.readthedocs.io
    ⭐ 7,086

  9. keras-rl/keras-rl
    Deep Reinforcement Learning for Keras.
    🔗 keras-rl.readthedocs.io
    ⭐ 5,463

  10. farama-foundation/Gymnasium
    An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)
    🔗 gymnasium.farama.org
    ⭐ 4,727

  11. facebookresearch/ReAgent
    A platform for Reasoning systems (Reinforcement Learning, Contextual Bandits, etc.)
    🔗 reagent.ai
    ⭐ 3,495

  12. deepmind/dm_control
    Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
    ⭐ 3,414

  13. deepmind/acme
    A library of reinforcement learning components and agents
    ⭐ 3,302

  14. eureka-research/Eureka
    Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models"
    🔗 eureka-research.github.io
    ⭐ 2,376

  15. pettingzoo-team/PettingZoo
    An API standard for multi-agent reinforcement learning environments, with popular reference environments and related utilities
    🔗 pettingzoo.farama.org
    ⭐ 2,196

  16. kzl/decision-transformer
    Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling.
    ⭐ 2,001

  17. pytorch/rl
    A modular, primitive-first, python-first PyTorch library for Reinforcement Learning.
    🔗 pytorch.org/rl
    ⭐ 1,621

  18. anthropics/hh-rlhf
    Human preference data for "Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback"
    🔗 arxiv.org/abs/2204.05862
    ⭐ 1,304

  19. humancompatibleai/imitation
    Clean PyTorch implementations of imitation and reward learning algorithms
    🔗 imitation.readthedocs.io
    ⭐ 1,050

  20. arise-initiative/robosuite
    robosuite: A Modular Simulation Framework and Benchmark for Robot Learning
    🔗 robosuite.ai
    ⭐ 993

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
    🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
    🔗 huggingface.co/transformers
    ⭐ 118,552

  2. pytorch/fairseq
    Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
    ⭐ 28,464

  3. explosion/spaCy
    💫 Industrial-strength Natural Language Processing (NLP) in Python
    🔗 spacy.io
    ⭐ 27,972

  4. huggingface/datasets
    🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
    🔗 huggingface.co/docs/datasets
    ⭐ 17,866

  5. microsoft/unilm
    Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
    🔗 aka.ms/generalai
    ⭐ 16,868

  6. rare-technologies/gensim
    Topic Modelling for Humans
    🔗 radimrehurek.com/gensim
    ⭐ 14,914

  7. gunthercox/ChatterBot
    ChatterBot is a machine learning, conversational dialog engine for creating chat bots
    🔗 chatterbot.readthedocs.io
    ⭐ 13,767

  8. flairnlp/flair
    A very simple framework for state-of-the-art Natural Language Processing (NLP)
    🔗 flairnlp.github.io/flair
    ⭐ 13,342

  9. ukplab/sentence-transformers
    Multilingual Sentence & Image Embeddings with BERT
    🔗 www.sbert.net
    ⭐ 12,848

  10. nltk/nltk
    NLTK Source
    🔗 www.nltk.org
    ⭐ 12,688

  11. myshell-ai/OpenVoice
    Instant voice cloning by MyShell.
    🔗 research.myshell.ai/open-voice
    ⭐ 12,210

  12. jina-ai/clip-as-service
    🏄 Scalable embedding, reasoning, ranking for images and sentences with CLIP
    🔗 clip-as-service.jina.ai
    ⭐ 12,043

  13. allenai/allennlp
    An open-source NLP research library, built on PyTorch.
    🔗 www.allennlp.org
    ⭐ 11,631

  14. facebookresearch/ParlAI
    A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
    🔗 parl.ai
    ⭐ 10,381

  15. facebookresearch/seamless_communication
    Foundational Models for State-of-the-Art Speech and Text Translation
    ⭐ 9,358

  16. togethercomputer/OpenChatKit
    OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots
    ⭐ 8,958

  17. nvidia/NeMo
    NeMo: a toolkit for conversational AI
    🔗 nvidia.github.io/nemo
    ⭐ 8,946

  18. sloria/TextBlob
    Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.
    🔗 textblob.readthedocs.io
    ⭐ 8,820

  19. google/sentencepiece
    Unsupervised text tokenizer for Neural Network-based text generation.
    ⭐ 8,799

  20. doccano/doccano
    Open source annotation tool for machine learning practitioners.
    🔗 doccano.herokuapp.com
    ⭐ 8,649

  21. clips/pattern
    Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
    🔗 github.com/clips/pattern/wiki
    ⭐ 8,609

  22. openai/tiktoken
    tiktoken is a fast BPE tokeniser for use with OpenAI's models.
    ⭐ 8,112

  23. espnet/espnet
    End-to-End Speech Processing Toolkit
    🔗 espnet.github.io/espnet
    ⭐ 7,522

  24. m-bain/whisperX
    WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization)
    ⭐ 7,397

  25. facebookresearch/nougat
    Implementation of Nougat Neural Optical Understanding for Academic Documents
    🔗 facebookresearch.github.io/nougat
    ⭐ 7,391

  26. speechbrain/speechbrain
    A PyTorch-based Speech Toolkit
    🔗 speechbrain.github.io
    ⭐ 7,089

  27. deeppavlov/DeepPavlov
    An open source library for deep learning end-to-end dialog systems and chatbots.
    🔗 deeppavlov.ai
    ⭐ 6,439

  28. facebookresearch/metaseq
    Repo for external large-scale work
    ⭐ 6,297

  29. kingoflolz/mesh-transformer-jax
    Model parallel transformers in JAX and Haiku
    ⭐ 6,165

  30. neuml/txtai
    💡 All-in-one open-source embeddings database for semantic search, LLM orchestration and language model workflows
    🔗 neuml.github.io/txtai
    ⭐ 5,982

  31. maartengr/BERTopic
    Leveraging BERT and c-TF-IDF to create easily interpretable topics.
    🔗 maartengr.github.io/bertopic
    ⭐ 5,143

  32. 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.
    ⭐ 4,935

  33. salesforce/CodeGen
    CodeGen is a family of open-source model for program synthesis. Trained on TPU-v4. Competitive with OpenAI Codex.
    ⭐ 4,596

  34. facebookresearch/DrQA
    Reading Wikipedia to Answer Open-Domain Questions
    ⭐ 4,431

  35. makcedward/nlpaug
    Data augmentation for NLP
    🔗 makcedward.github.io
    ⭐ 4,222

  36. aiwaves-cn/agents
    An Open-source Framework for Autonomous Language Agents
    🔗 www.aiwaves-agents.com
    ⭐ 4,205

  37. layout-parser/layout-parser
    A Unified Toolkit for Deep Learning Based Document Image Analysis
    🔗 layout-parser.github.io
    ⭐ 4,198

  38. prefecthq/marvin
    ✨ Build AI interfaces that spark joy
    🔗 askmarvin.ai
    ⭐ 4,193

  39. thilinarajapakse/simpletransformers
    Transformers for Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
    🔗 simpletransformers.ai
    ⭐ 3,901

  40. life4/textdistance
    📐 Compute distance between sequences. 30+ algorithms, pure python implementation, common interface, optional external libs usage.
    ⭐ 3,248

  41. jsvine/markovify
    A simple, extensible Markov chain generator.
    ⭐ 3,244

  42. maartengr/KeyBERT
    Minimal keyword extraction with BERT
    🔗 maartengr.github.io/keybert
    ⭐ 3,034

  43. bytedance/lightseq
    LightSeq: A High Performance Library for Sequence Processing and Generation
    ⭐ 3,021

  44. errbotio/errbot
    Errbot is a chatbot, a daemon that connects to your favorite chat service and bring your tools and some fun into the conversation.
    🔗 errbot.io
    ⭐ 3,012

  45. huawei-noah/Pretrained-Language-Model
    Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab.
    ⭐ 2,910

  46. jbesomi/texthero
    Text preprocessing, representation and visualization from zero to hero.
    🔗 texthero.org
    ⭐ 2,841

  47. promptslab/Promptify
    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
    🔗 discord.gg/m88xfymbk6
    ⭐ 2,835

  48. argilla-io/argilla
    ✨Argilla: the open-source feedback platform for LLMs
    🔗 docs.argilla.io
    ⭐ 2,823

  49. huggingface/neuralcoref
    ✨Fast Coreference Resolution in spaCy with Neural Networks
    🔗 huggingface.co/coref
    ⭐ 2,775

  50. ddangelov/Top2Vec
    Top2Vec learns jointly embedded topic, document and word vectors.
    ⭐ 2,768

  51. neuralmagic/deepsparse
    Sparsity-aware deep learning inference runtime for CPUs
    🔗 neuralmagic.com/deepsparse
    ⭐ 2,707

  52. salesforce/CodeT5
    Home of CodeT5: Open Code LLMs for Code Understanding and Generation
    🔗 arxiv.org/abs/2305.07922
    ⭐ 2,438

  53. bigscience-workshop/promptsource
    Toolkit for creating, sharing and using natural language prompts.
    ⭐ 2,325

  54. jamesturk/jellyfish
    🪼 a python library for doing approximate and phonetic matching of strings.
    🔗 jamesturk.github.io/jellyfish
    ⭐ 1,944

  55. alibaba/EasyNLP
    EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit
    ⭐ 1,872

  56. huggingface/setfit
    Efficient few-shot learning with Sentence Transformers
    🔗 hf.co/docs/setfit
    ⭐ 1,804

  57. thudm/P-tuning-v2
    An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks
    ⭐ 1,790

  58. deepset-ai/FARM
    🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.
    🔗 farm.deepset.ai
    ⭐ 1,710

  59. franck-dernoncourt/NeuroNER
    Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
    🔗 neuroner.com
    ⭐ 1,674

  60. featureform/featureform
    The Virtual Feature Store. Turn your existing data infrastructure into a feature store.
    🔗 www.featureform.com
    ⭐ 1,627

  61. plasticityai/magnitude
    A fast, efficient universal vector embedding utility package.
    ⭐ 1,608

  62. arxiv-vanity/arxiv-vanity
    Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
    🔗 www.arxiv-vanity.com
    ⭐ 1,575

  63. google-research/language
    Shared repository for open-sourced projects from the Google AI Language team.
    🔗 ai.google/research/teams/language
    ⭐ 1,536

  64. marella/ctransformers
    Python bindings for the Transformer models implemented in C/C++ using GGML library.
    ⭐ 1,510

  65. explosion/spacy-models
    💫 Models for the spaCy Natural Language Processing (NLP) library
    🔗 spacy.io
    ⭐ 1,465

  66. 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.
    ⭐ 1,373

  67. gunthercox/chatterbot-corpus
    A multilingual dialog corpus
    🔗 chatterbot-corpus.readthedocs.io
    ⭐ 1,333

  68. jonasgeiping/cramming
    Cramming the training of a (BERT-type) language model into limited compute.
    ⭐ 1,191

  69. abertsch72/unlimiformer
    Public repo for the NeurIPS 2023 paper "Unlimiformer: Long-Range Transformers with Unlimited Length Input"
    ⭐ 1,004

  70. norskregnesentral/skweak
    skweak: A software toolkit for weak supervision applied to NLP tasks
    ⭐ 902

  71. nomic-ai/nomic
    Interact, analyze and structure massive text, image, embedding, audio and video datasets
    🔗 atlas.nomic.ai
    ⭐ 833

  72. pemistahl/lingua-py
    The most accurate natural language detection library for Python, suitable for short text and mixed-language text
    ⭐ 747

  73. openai/grade-school-math
    GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems
    ⭐ 744

  74. explosion/spacy-streamlit
    👑 spaCy building blocks and visualizers for Streamlit apps
    🔗 share.streamlit.io/ines/spacy-streamlit-demo/master/app.py
    ⭐ 734

  75. paddlepaddle/RocketQA
    🚀 RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models.
    ⭐ 713

  76. explosion/spacy-stanza
    💥 Use the latest Stanza (StanfordNLP) research models directly in spaCy
    ⭐ 705

  77. keras-team/keras-nlp
    Modular Natural Language Processing workflows with Keras
    ⭐ 622

  78. intellabs/fastRAG
    Efficient Retrieval Augmentation and Generation Framework
    ⭐ 583

Pandas

Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations etc.

  1. pandas-dev/pandas
    Flexible and powerful data analysis / manipulation library for Python, providing labeled data structures similar to R data.frame objects, statistical functions, and much more
    🔗 pandas.pydata.org
    ⭐ 40,904

  2. pola-rs/polars
    Dataframes powered by a multithreaded, vectorized query engine, written in Rust
    🔗 docs.pola.rs
    ⭐ 23,493

  3. duckdb/duckdb
    DuckDB is an in-process SQL OLAP Database Management System
    🔗 www.duckdb.org
    ⭐ 13,828

  4. ydataai/ydata-profiling
    1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
    🔗 docs.profiling.ydata.ai
    ⭐ 11,667

  5. gventuri/pandas-ai
    Chat with your data (CSV, pandas, polars, etc). PandasAI makes data analysis conversational
    🔗 docs.pandas-ai.com
    ⭐ 9,456

  6. kanaries/pygwalker
    PyGWalker: Turn your pandas dataframe into an interactive UI for visual analysis
    🔗 kanaries.net/home/pygwalker
    ⭐ 8,574

  7. rapidsai/cudf
    cuDF - GPU DataFrame Library
    🔗 docs.rapids.ai/api/cudf/stable
    ⭐ 6,898

  8. aws/aws-sdk-pandas
    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).
    🔗 aws-sdk-pandas.readthedocs.io
    ⭐ 3,713

  9. nalepae/pandarallel
    A simple and efficient tool to parallelize Pandas operations on all available CPUs
    🔗 nalepae.github.io/pandarallel
    ⭐ 3,358

  10. blaze/blaze
    NumPy and Pandas interface to Big Data
    🔗 blaze.pydata.org
    ⭐ 3,178

  11. adamerose/PandasGUI
    A GUI for Pandas DataFrames
    ⭐ 3,079

  12. unionai-oss/pandera
    A light-weight, flexible, and expressive statistical data testing library
    🔗 www.union.ai/pandera
    ⭐ 2,779

  13. scikit-learn-contrib/sklearn-pandas
    Pandas integration with sklearn
    ⭐ 2,768

  14. pydata/pandas-datareader
    Extract data from a wide range of Internet sources into a pandas DataFrame.
    🔗 pydata.github.io/pandas-datareader/stable/index.html
    ⭐ 2,761

  15. jmcarpenter2/swifter
    A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner
    ⭐ 2,402

  16. fugue-project/fugue
    A unified interface for distributed computing. Fugue executes SQL, Python, Pandas, and Polars code on Spark, Dask and Ray without any rewrites.
    🔗 fugue-tutorials.readthedocs.io
    ⭐ 1,810

  17. delta-io/delta-rs
    A native Rust library for Delta Lake, with bindings into Python
    🔗 delta-io.github.io/delta-rs
    ⭐ 1,620

  18. pyjanitor-devs/pyjanitor
    Clean APIs for data cleaning. Python implementation of R package Janitor
    🔗 pyjanitor-devs.github.io/pyjanitor
    ⭐ 1,224

  19. machow/siuba
    Python library for using dplyr like syntax with pandas and SQL
    🔗 siuba.org
    ⭐ 1,074

  20. eventual-inc/Daft
    Distributed DataFrames for Python designed for the cloud, powered by Rust
    🔗 getdaft.io
    ⭐ 987

  21. tkrabel/bamboolib
    bamboolib - a GUI for pandas DataFrames
    🔗 bamboolib.com
    ⭐ 921

  22. holoviz/hvplot
    A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
    🔗 hvplot.holoviz.org
    ⭐ 874

Performance

Performance, parallelisation and low level libraries.

  1. celery/celery
    Distributed Task Queue (development branch)
    🔗 docs.celeryq.dev
    ⭐ 22,871

  2. google/flatbuffers
    FlatBuffers: Memory Efficient Serialization Library
    🔗 flatbuffers.dev
    ⭐ 21,620

  3. pybind/pybind11
    Seamless operability between C++11 and Python
    🔗 pybind11.readthedocs.io
    ⭐ 14,217

  4. exaloop/codon
    A high-performance, zero-overhead, extensible Python compiler using LLVM
    🔗 docs.exaloop.io/codon
    ⭐ 13,597

  5. dask/dask
    Parallel computing with task scheduling
    🔗 dask.org
    ⭐ 11,689

  6. modin-project/modin
    Modin: Scale your Pandas workflows by changing a single line of code
    🔗 modin.readthedocs.io
    ⭐ 9,219

  7. numba/numba
    NumPy aware dynamic Python compiler using LLVM
    🔗 numba.pydata.org
    ⭐ 9,159

  8. nebuly-ai/nebuly
    The user analytics platform for LLMs
    🔗 www.nebuly.com
    ⭐ 8,331

  9. vaexio/vaex
    Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualization and exploration of big tabular data at a billion rows per second 🚀
    🔗 vaex.io
    ⭐ 8,106

  10. mher/flower
    Real-time monitor and web admin for Celery distributed task queue
    🔗 flower.readthedocs.io
    ⭐ 6,007

  11. python-trio/trio
    Trio – a friendly Python library for async concurrency and I/O
    🔗 trio.readthedocs.io
    ⭐ 5,713

  12. ultrajson/ultrajson
    Ultra fast JSON decoder and encoder written in C with Python bindings
    🔗 pypi.org/project/ujson
    ⭐ 4,180

  13. facebookincubator/cinder
    Cinder is Meta's internal performance-oriented production version of CPython.
    🔗 trycinder.com
    ⭐ 3,301

  14. ipython/ipyparallel
    IPython Parallel: Interactive Parallel Computing in Python
    🔗 ipyparallel.readthedocs.io
    ⭐ 2,518

  15. tlkh/asitop
    Perf monitoring CLI tool for Apple Silicon
    🔗 tlkh.github.io/asitop
    ⭐ 2,346

  16. h5py/h5py
    HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
    🔗 www.h5py.org
    ⭐ 1,965

  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⚡
    ⭐ 1,672

  18. faster-cpython/ideas
    Discussion and work tracker for Faster CPython project.
    ⭐ 1,618

  19. dask/distributed
    A distributed task scheduler for Dask
    🔗 distributed.dask.org
    ⭐ 1,513

  20. agronholm/anyio
    High level asynchronous concurrency and networking framework that works on top of either trio or asyncio
    ⭐ 1,482

  21. airtai/faststream
    FastStream is a powerful and easy-to-use Python framework for building asynchronous services interacting with event streams such as Apache Kafka, RabbitMQ, NATS and Redis.
    🔗 faststream.airt.ai/latest
    ⭐ 1,435

  22. nschloe/perfplot
    📈 Performance analysis for Python snippets
    ⭐ 1,261

  23. tiangolo/asyncer
    Asyncer, async and await, focused on developer experience.
    🔗 asyncer.tiangolo.com
    ⭐ 1,235

  24. intel/intel-extension-for-pytorch
    A Python package for extending the official PyTorch that can easily obtain performance on Intel platform
    ⭐ 1,150

  25. intel/scikit-learn-intelex
    Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
    🔗 intel.github.io/scikit-learn-intelex
    ⭐ 1,105

  26. markshannon/faster-cpython
    How to make CPython faster.
    ⭐ 933

  27. zerointensity/pointers.py
    Bringing the hell of pointers to Python.
    🔗 pointers.zintensity.dev
    ⭐ 851

  28. brandtbucher/specialist
    Visualize CPython 3.11's specializing, adaptive interpreter. 🔥
    ⭐ 596

Profiling

Memory and CPU/GPU profiling tools and libraries.

  1. bloomberg/memray
    Memray is a memory profiler for Python
    🔗 bloomberg.github.io/memray
    ⭐ 11,750

  2. benfred/py-spy
    Sampling profiler for Python programs
    ⭐ 11,366

  3. plasma-umass/scalene
    Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals
    ⭐ 10,488

  4. joerick/pyinstrument
    🚴 Call stack profiler for Python. Shows you why your code is slow!
    🔗 pyinstrument.readthedocs.io
    ⭐ 5,802

  5. pythonprofilers/memory_profiler
    Monitor Memory usage of Python code
    🔗 pypi.python.org/pypi/memory_profiler
    ⭐ 4,110

  6. gaogaotiantian/viztracer
    VizTracer is a low-overhead logging/debugging/profiling tool that can trace and visualize your python code execution.
    🔗 viztracer.readthedocs.io
    ⭐ 3,909

  7. reloadware/reloadium
    Hot Reloading, Profiling and AI debugging for Python
    🔗 reloadium.io
    ⭐ 2,621

  8. pyutils/line_profiler
    Line-by-line profiling for Python
    ⭐ 2,304

  9. jiffyclub/snakeviz
    An in-browser Python profile viewer
    🔗 jiffyclub.github.io/snakeviz
    ⭐ 2,156

  10. p403n1x87/austin
    Python frame stack sampler for CPython
    🔗 pypi.org/project/austin-dist
    ⭐ 1,311

  11. pythonspeed/filprofiler
    A Python memory profiler for data processing and scientific computing applications
    🔗 pythonspeed.com/products/filmemoryprofiler
    ⭐ 802

Security

Security related libraries: vulnerability discovery, SQL injection, environment auditing etc.

  1. swisskyrepo/PayloadsAllTheThings
    A list of useful payloads and bypass for Web Application Security and Pentest/CTF
    🔗 swisskyrepo.github.io/payloadsallthethings
    ⭐ 54,665

  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.
    ⭐ 30,525

  3. sqlmapproject/sqlmap
    Automatic SQL injection and database takeover tool
    🔗 sqlmap.org
    ⭐ 29,583

  4. aquasecurity/trivy
    Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
    🔗 aquasecurity.github.io/trivy
    ⭐ 19,961

  5. nccgroup/ScoutSuite
    Multi-Cloud Security Auditing Tool
    ⭐ 5,923

  6. pycqa/bandit
    Bandit is a tool designed to find common security issues in Python code.
    🔗 bandit.readthedocs.io
    ⭐ 5,722

  7. stamparm/maltrail
    Malicious traffic detection system
    ⭐ 5,548

  8. rhinosecuritylabs/pacu
    The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
    🔗 rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework
    ⭐ 3,872

  9. pyupio/safety
    Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
    🔗 pyup.io/safety
    ⭐ 1,571

  10. trailofbits/pip-audit
    Audits Python environments and dependency trees for known vulnerabilities
    🔗 pypi.org/project/pip-audit
    ⭐ 877

Simulation

Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation etc. Also see the Maths and Science category for crossover.

  1. atsushisakai/PythonRobotics
    Python sample codes for robotics algorithms.
    🔗 atsushisakai.github.io/pythonrobotics
    ⭐ 20,781

  2. bulletphysics/bullet3
    Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
    🔗 bulletphysics.org
    ⭐ 11,488

  3. isl-org/Open3D
    Open3D: A Modern Library for 3D Data Processing
    🔗 www.open3d.org
    ⭐ 9,977

  4. qiskit/qiskit
    Qiskit is an open-source SDK for working with quantum computers at the level of extended quantum circuits, operators, and primitives.
    🔗 www.ibm.com/quantum/qiskit
    ⭐ 4,208

  5. astropy/astropy
    Astronomy and astrophysics core library
    🔗 www.astropy.org
    ⭐ 4,079

  6. quantumlib/Cirq
    A python framework for creating, editing, and invoking Noisy Intermediate Scale Quantum (NISQ) circuits.
    ⭐ 4,027

  7. openai/mujoco-py
    MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.
    ⭐ 2,666

  8. rdkit/rdkit
    The official sources for the RDKit library
    ⭐ 2,305

  9. projectmesa/mesa
    Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
    ⭐ 2,089

  10. google/brax
    Massively parallel rigidbody physics simulation on accelerator hardware.
    ⭐ 1,940

  11. quantecon/QuantEcon.py
    A community based Python library for quantitative economics
    🔗 quantecon.org/quantecon-py
    ⭐ 1,802

  12. microsoft/PromptCraft-Robotics
    Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
    🔗 aka.ms/chatgpt-robotics
    ⭐ 1,587

  13. facebookresearch/habitat-lab
    A modular high-level library to train embodied AI agents across a variety of tasks and environments.
    🔗 aihabitat.org
    ⭐ 1,538

  14. nvidia/warp
    A Python framework for high performance GPU simulation and graphics
    🔗 nvidia.github.io/warp
    ⭐ 1,472

  15. nvidia-omniverse/IsaacGymEnvs
    Isaac Gym Reinforcement Learning Environments
    ⭐ 1,357

  16. deepmodeling/deepmd-kit
    A deep learning package for many-body potential energy representation and molecular dynamics
    🔗 docs.deepmodeling.com/projects/deepmd
    ⭐ 1,296

  17. sail-sg/envpool
    C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments.
    🔗 envpool.readthedocs.io
    ⭐ 965

  18. a-r-j/graphein
    Protein Graph Library
    🔗 graphein.ai
    ⭐ 937

  19. hardmaru/estool
    Evolution Strategies Tool
    ⭐ 913

  20. facebookresearch/fairo
    A modular embodied agent architecture and platform for building embodied agents
    ⭐ 828

  21. google/evojax
    EvoJAX is a scalable, general purpose, hardware-accelerated neuroevolution toolkit built on the JAX library
    ⭐ 728

  22. google-deepmind/materials_discovery
    Graph Networks for Materials Science (GNoME) is a project centered around scaling machine learning methods to tackle materials science.
    ⭐ 689

  23. bowang-lab/scGPT
    scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
    🔗 scgpt.readthedocs.io/en/latest
    ⭐ 584

  24. nvidia-omniverse/OmniIsaacGymEnvs
    Reinforcement Learning Environments for Omniverse Isaac Gym
    ⭐ 518

Study

Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials etc.

  1. thealgorithms/Python
    All Algorithms implemented in Python
    🔗 the-algorithms.com
    ⭐ 174,693

  2. jakevdp/PythonDataScienceHandbook
    Python Data Science Handbook: full text in Jupyter Notebooks
    🔗 jakevdp.github.io/pythondatasciencehandbook
    ⭐ 40,567

  3. realpython/python-guide
    Python best practices guidebook, written for humans.
    🔗 docs.python-guide.org
    ⭐ 27,160

  4. microsoft/generative-ai-for-beginners
    12 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
    ⭐ 22,443

  5. christoschristofidis/awesome-deep-learning
    A curated list of awesome Deep Learning tutorials, projects and communities.
    ⭐ 22,183

  6. wesm/pydata-book
    Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media
    ⭐ 20,766

  7. d2l-ai/d2l-en
    Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.
    🔗 d2l.ai
    ⭐ 20,540

  8. fchollet/deep-learning-with-python-notebooks
    Jupyter notebooks for the code samples of the book "Deep Learning with Python"
    ⭐ 17,496

  9. microsoft/recommenders
    Best Practices on Recommendation Systems
    🔗 microsoft-recommenders.readthedocs.io/en/latest
    ⭐ 17,261

  10. graykode/nlp-tutorial
    Natural Language Processing Tutorial for Deep Learning Researchers
    🔗 www.reddit.com/r/machinelearning/comments/amfinl/project_nlptutoral_repository_who_is_studying
    ⭐ 13,361

  11. shangtongzhang/reinforcement-learning-an-introduction
    Python Implementation of Reinforcement Learning: An Introduction
    ⭐ 12,960

  12. hannibal046/Awesome-LLM
    Awesome-LLM: a curated list of Large Language Model
    ⭐ 11,253

  13. openai/spinningup
    An educational resource to help anyone learn deep reinforcement learning.
    🔗 spinningup.openai.com
    ⭐ 9,334

  14. karpathy/nn-zero-to-hero
    Neural Networks: Zero to Hero
    ⭐ 9,163

  15. eugeneyan/open-llms
    📋 A list of open LLMs available for commercial use.
    ⭐ 9,154

  16. mooler0410/LLMsPracticalGuide
    A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
    🔗 arxiv.org/abs/2304.13712v2
    ⭐ 7,737

  17. karpathy/micrograd
    A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
    ⭐ 7,103

  18. firmai/industry-machine-learning
    A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
    🔗 www.linkedin.com/company/firmai
    ⭐ 6,946

  19. nielsrogge/Transformers-Tutorials
    This repository contains demos I made with the Transformers library by HuggingFace.
    ⭐ 6,629

  20. mrdbourke/pytorch-deep-learning
    Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
    🔗 learnpytorch.io
    ⭐ 6,384

  21. zhanymkanov/fastapi-best-practices
    FastAPI Best Practices and Conventions we used at our startup
    ⭐ 5,917

  22. gkamradt/langchain-tutorials
    Overview and tutorial of the LangChain Library
    ⭐ 5,691

  23. udacity/deep-learning-v2-pytorch
    Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
    ⭐ 5,106

  24. mrdbourke/tensorflow-deep-learning
    All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
    🔗 dbourke.link/ztmtfcourse
    ⭐ 4,631

  25. neetcode-gh/leetcode
    Leetcode solutions
    ⭐ 4,459

  26. timofurrer/awesome-asyncio
    A curated list of awesome Python asyncio frameworks, libraries, software and resources
    ⭐ 4,297

  27. udlbook/udlbook
    Understanding Deep Learning - Simon J.D. Prince
    ⭐ 4,087

  28. roboflow/notebooks
    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.
    🔗 roboflow.com/models
    ⭐ 3,584

  29. huggingface/deep-rl-class
    This repo contains the syllabus of the Hugging Face Deep Reinforcement Learning Course.
    ⭐ 3,426

  30. cosmicpython/book
    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.
    🔗 www.cosmicpython.com
    ⭐ 3,162

  31. huggingface/diffusion-models-class
    Materials for the Hugging Face Diffusion Models Course
    ⭐ 2,931

  32. promptslab/Awesome-Prompt-Engineering
    This repository contains a hand-curated resources for Prompt Engineering with a focus on Generative Pre-trained Transformer (GPT), ChatGPT, PaLM etc
    🔗 discord.gg/m88xfymbk6
    ⭐ 2,728

  33. fluentpython/example-code-2e
    Example code for Fluent Python, 2nd edition (O'Reilly 2022)
    🔗 amzn.to/3j48u2j
    ⭐ 2,683

  34. alirezadir/Machine-Learning-Interviews
    This repo is meant to serve as a guide for Machine Learning/AI technical interviews.
    ⭐ 2,645

  35. rasbt/machine-learning-book
    Code Repository for Machine Learning with PyTorch and Scikit-Learn
    🔗 sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn
    ⭐ 2,524

  36. 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...
    ⭐ 2,459

  37. mrdbourke/zero-to-mastery-ml
    All course materials for the Zero to Mastery Machine Learning and Data Science course.
    🔗 dbourke.link/ztmmlcourse
    ⭐ 2,378

  38. krzjoa/awesome-python-data-science
    Probably the best curated list of data science software in Python.
    🔗 krzjoa.github.io/awesome-python-data-science
    ⭐ 2,179

  39. cgpotts/cs224u
    Code for Stanford CS224u
    ⭐ 2,020

  40. cerlymarco/MEDIUM_NoteBook
    Repository containing notebooks of my posts on Medium
    ⭐ 1,972

  41. trananhkma/fucking-awesome-python
    awesome-python with :octocat: ⭐ and 🍴
    ⭐ 1,941

  42. gerdm/prml
    Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop
    ⭐ 1,635

  43. atcold/NYU-DLSP21
    NYU Deep Learning Spring 2021
    🔗 atcold.github.io/nyu-dlsp21
    ⭐ 1,477

  44. chandlerbang/awesome-self-supervised-gnn
    Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).
    ⭐ 1,366

  45. jackhidary/quantumcomputingbook
    Companion site for the textbook Quantum Computing: An Applied Approach
    ⭐ 729

  46. davidadsp/Generative_Deep_Learning_2nd_Edition
    The official code repository for the second edition of the O'Reilly book Generative Deep Learning: Teaching Machines to Paint, Write, Compose and Play.
    🔗 www.oreilly.com/library/view/generative-deep-learning/9781098134174
    ⭐ 663

  47. rasbt/stat453-deep-learning-ss20
    STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2020)
    🔗 pages.stat.wisc.edu/~sraschka/teaching/stat453-ss2020
    ⭐ 540

Template

Template tools and libraries: cookiecutter repos, generators, quick-starts etc.

  1. cookiecutter/cookiecutter
    A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
    🔗 pypi.org/project/cookiecutter
    ⭐ 20,987

  2. tiangolo/full-stack-fastapi-postgresql
    Full stack, modern web application generator. Using FastAPI, PostgreSQL as database, Docker, automatic HTTPS and more.
    ⭐ 14,174

  3. drivendata/cookiecutter-data-science
    A logical, reasonably standardized, but flexible project structure for doing and sharing data science work.
    🔗 drivendata.github.io/cookiecutter-data-science
    ⭐ 7,324

  4. buuntu/fastapi-react
    🚀 Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker
    ⭐ 1,945

  5. pyscaffold/pyscaffold
    🛠 Python project template generator with batteries included
    🔗 pyscaffold.org
    ⭐ 1,941

  6. cjolowicz/cookiecutter-hypermodern-python
    Hypermodern Python Cookiecutter
    🔗 cookiecutter-hypermodern-python.readthedocs.io
    ⭐ 1,665

  7. tezromach/python-package-template
    🚀 Your next Python package needs a bleeding-edge project structure.
    ⭐ 1,056

  8. martinheinz/python-project-blueprint
    Blueprint/Boilerplate For Python Projects
    ⭐ 932

Terminal

Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars etc.

  1. willmcgugan/rich
    Rich is a Python library for rich text and beautiful formatting in the terminal.
    🔗 rich.readthedocs.io/en/latest
    ⭐ 46,047

  2. tqdm/tqdm
    ⚡ A Fast, Extensible Progress Bar for Python and CLI
    🔗 tqdm.github.io
    ⭐ 26,830

  3. google/python-fire
    Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.
    ⭐ 25,802

  4. willmcgugan/textual
    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.
    🔗 textual.textualize.io
    ⭐ 22,568

  5. pallets/click
    Python composable command line interface toolkit
    🔗 click.palletsprojects.com
    ⭐ 14,685

  6. tiangolo/typer
    Typer, build great CLIs. Easy to code. Based on Python type hints.
    🔗 typer.tiangolo.com
    ⭐ 12,834

  7. saulpw/visidata
    A terminal spreadsheet multitool for discovering and arranging data
    🔗 visidata.org
    ⭐ 7,159

  8. manrajgrover/halo
    💫 Beautiful spinners for terminal, IPython and Jupyter
    ⭐ 2,816

  9. urwid/urwid
    Console user interface library for Python (official repo)
    🔗 urwid.org
    ⭐ 2,681

  10. textualize/trogon
    Easily turn your Click CLI into a powerful terminal application
    ⭐ 2,229

  11. tconbeer/harlequin
    The SQL IDE for Your Terminal.
    🔗 harlequin.sh
    ⭐ 1,637

  12. tmbo/questionary
    Python library to build pretty command line user prompts ✨Easy to use multi-select lists, confirmations, free text prompts ...
    ⭐ 1,314

  13. jazzband/prettytable
    Display tabular data in a visually appealing ASCII table format
    🔗 pypi.org/project/prettytable
    ⭐ 1,186

  14. 1j01/textual-paint
    🎨 MS Paint in your terminal.
    🔗 pypi.org/project/textual-paint
    ⭐ 861

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 🚗💨
    ⭐ 22,905

  2. pytest-dev/pytest
    The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
    🔗 pytest.org
    ⭐ 10,981

  3. microsoft/playwright-python
    Python version of the Playwright testing and automation library.
    🔗 playwright.dev/python
    ⭐ 9,951

  4. robotframework/robotframework
    Generic automation framework for acceptance testing and RPA
    🔗 robotframework.org
    ⭐ 8,634

  5. hypothesisworks/hypothesis
    Hypothesis is a powerful, flexible, and easy to use library for property-based testing.
    🔗 hypothesis.works
    ⭐ 7,097

  6. newsapps/beeswithmachineguns
    A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
    🔗 apps.chicagotribune.com
    ⭐ 6,372

  7. getsentry/responses
    A utility for mocking out the Python Requests library.
    ⭐ 3,994

  8. spulec/freezegun
    Let your Python tests travel through time
    ⭐ 3,890

  9. seleniumbase/SeleniumBase
    Browser automation framework for testing with Selenium, Python, and pytest. Includes a Dashboard, a Recorder for generating tests, Undetected Mode, and more.
    🔗 seleniumbase.io
    ⭐ 3,859

  10. tox-dev/tox
    Command line driven CI frontend and development task automation tool.
    🔗 tox.wiki
    ⭐ 3,426

  11. behave/behave
    BDD, Python style.
    🔗 behave.readthedocs.io/en/latest
    ⭐ 3,009

  12. nedbat/coveragepy
    The code coverage tool for Python
    🔗 coverage.readthedocs.io
    ⭐ 2,742

  13. cobrateam/splinter
    splinter - python test framework for web applications
    🔗 splinter.readthedocs.org/en/stable/index.html
    ⭐ 2,672

  14. kevin1024/vcrpy
    Automatically mock your HTTP interactions to simplify and speed up testing
    ⭐ 2,547

  15. pytest-dev/pytest-testinfra
    Testinfra test your infrastructures
    🔗 testinfra.readthedocs.io
    ⭐ 2,282

  16. pytest-dev/pytest-mock
    Thin-wrapper around the mock package for easier use with pytest
    🔗 pytest-mock.readthedocs.io/en/latest
    ⭐ 1,705

  17. pytest-dev/pytest-cov
    Coverage plugin for pytest.
    ⭐ 1,601

  18. pytest-dev/pytest-xdist
    pytest plugin for distributed testing and loop-on-failures testing modes.
    🔗 pytest-xdist.readthedocs.io
    ⭐ 1,287

  19. pytest-dev/pytest-asyncio
    Asyncio support for pytest
    🔗 pytest-asyncio.readthedocs.io
    ⭐ 1,264

  20. confident-ai/deepeval
    The Evaluation Framework for LLMs
    🔗 docs.confident-ai.com
    ⭐ 1,014

  21. taverntesting/tavern
    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
    🔗 taverntesting.github.io
    ⭐ 969

Machine Learning - Time Series

Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics etc.

  1. facebook/prophet
    Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
    🔗 facebook.github.io/prophet
    ⭐ 17,356

  2. blue-yonder/tsfresh
    Automatic extraction of relevant features from time series:
    🔗 tsfresh.readthedocs.io
    ⭐ 7,953

  3. sktime/sktime
    A unified framework for machine learning with time series
    🔗 www.sktime.net
    ⭐ 7,149

  4. unit8co/darts
    A python library for user-friendly forecasting and anomaly detection on time series.
    🔗 unit8co.github.io/darts
    ⭐ 6,872

  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.
    ⭐ 4,647

  6. awslabs/gluonts
    Probabilistic time series modeling in Python
    🔗 ts.gluon.ai
    ⭐ 4,008

  7. nixtla/statsforecast
    Lightning ⚡️ fast forecasting with statistical and econometric models.
    🔗 nixtlaverse.nixtla.io/statsforecast
    ⭐ 3,316

  8. salesforce/Merlion
    Merlion: A Machine Learning Framework for Time Series Intelligence
    ⭐ 3,181

  9. tdameritrade/stumpy
    STUMPY is a powerful and scalable Python library for modern time series analysis
    🔗 stumpy.readthedocs.io/en/latest
    ⭐ 2,896

  10. rjt1990/pyflux
    Open source time series library for Python
    ⭐ 2,074

  11. uber/orbit
    A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
    🔗 orbit-ml.readthedocs.io/en/stable
    ⭐ 1,770

  12. aistream-peelout/flow-forecast
    Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
    🔗 flow-forecast.atlassian.net/wiki/spaces/ff/overview
    ⭐ 1,748

  13. alkaline-ml/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.
    🔗 www.alkaline-ml.com/pmdarima
    ⭐ 1,470

  14. winedarksea/AutoTS
    Automated Time Series Forecasting
    ⭐ 925

  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.
    ⭐ 655

Typing

Typing libraries: static and run-time type checking, annotations etc.

  1. python/mypy
    Optional static typing for Python
    🔗 www.mypy-lang.org
    ⭐ 17,020

  2. microsoft/pyright
    Static Type Checker for Python
    ⭐ 11,459

  3. facebook/pyre-check
    Performant type-checking for python.
    🔗 pyre-check.org
    ⭐ 6,597

  4. python-attrs/attrs
    Python Classes Without Boilerplate
    🔗 www.attrs.org
    ⭐ 4,977

  5. google/pytype
    A static type analyzer for Python code
    🔗 google.github.io/pytype
    ⭐ 4,452

  6. instagram/MonkeyType
    A Python library that generates static type annotations by collecting runtime types
    ⭐ 4,445

  7. python/typeshed
    Collection of library stubs for Python, with static types
    ⭐ 3,908

  8. agronholm/typeguard
    Run-time type checker for Python
    ⭐ 1,372

  9. patrick-kidger/torchtyping
    Type annotations and dynamic checking for a tensor's shape, dtype, names, etc.
    ⭐ 1,300

Utility

General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools, etc.

  1. home-assistant/core
    🏡 Open source home automation that puts local control and privacy first.
    🔗 www.home-assistant.io
    ⭐ 65,602

  2. yt-dlp/yt-dlp
    A youtube-dl fork with additional features and fixes
    🔗 discord.gg/h5mncfw63r
    ⭐ 64,022

  3. python/cpython
    The Python programming language
    🔗 www.python.org
    ⭐ 57,793

  4. localstack/localstack
    💻 A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
    🔗 localstack.cloud
    ⭐ 50,845

  5. faif/python-patterns
    A collection of design patterns/idioms in Python
    ⭐ 38,820

  6. psf/black
    The uncompromising Python code formatter
    🔗 black.readthedocs.io/en/stable
    ⭐ 35,818

  7. pyenv/pyenv
    Simple Python version management
    ⭐ 34,980

  8. mingrammer/diagrams
    🎨 Diagram as Code for prototyping cloud system architectures
    🔗 diagrams.mingrammer.com
    ⭐ 32,318

  9. python-poetry/poetry
    Python packaging and dependency management made easy
    🔗 python-poetry.org
    ⭐ 28,020

  10. ggerganov/whisper.cpp
    Port of OpenAI's Whisper model in C/C++
    ⭐ 27,061

  11. pypa/pipenv
    Python Development Workflow for Humans.
    🔗 pipenv.pypa.io
    ⭐ 24,385

  12. keon/algorithms
    Minimal examples of data structures and algorithms in Python
    ⭐ 23,270

  13. norvig/pytudes
    Python programs, usually short, of considerable difficulty, to perfect particular skills.
    ⭐ 22,095

  14. astral-sh/ruff
    An extremely fast Python linter and code formatter, written in Rust.
    🔗 docs.astral.sh/ruff
    ⭐ 22,091

  15. 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.
    ⭐ 18,023

  16. micropython/micropython
    MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
    🔗 micropython.org
    ⭐ 17,769

  17. mkdocs/mkdocs
    Project documentation with Markdown.
    🔗 www.mkdocs.org
    ⭐ 17,718

  18. openai/openai-python
    The official Python library for the OpenAI API
    🔗 pypi.org/project/openai
    ⭐ 17,664

  19. pydantic/pydantic
    Data validation using Python type hints
    🔗 docs.pydantic.dev
    ⭐ 17,235

  20. delgan/loguru
    Python logging made (stupidly) simple
    ⭐ 17,102

  21. squidfunk/mkdocs-material
    Documentation that simply works
    🔗 squidfunk.github.io/mkdocs-material
    ⭐ 16,958

  22. kivy/kivy
    Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
    🔗 kivy.org
    ⭐ 16,614

  23. modularml/mojo
    The Mojo Programming Language
    🔗 docs.modular.com/mojo
    ⭐ 16,469

  24. rustpython/RustPython
    A Python Interpreter written in Rust
    🔗 rustpython.github.io
    ⭐ 16,107

  25. ipython/ipython
    Official repository for IPython itself. Other repos in the IPython organization contain things like the website, documentation builds, etc.
    🔗 ipython.readthedocs.org
    ⭐ 16,051

  26. alievk/avatarify-python
    Avatars for Zoom, Skype and other video-conferencing apps.
    ⭐ 15,989

  27. google/yapf
    A formatter for Python files
    ⭐ 13,543

  28. blakeblackshear/frigate
    NVR with realtime local object detection for IP cameras
    🔗 frigate.video
    ⭐ 12,880

  29. pre-commit/pre-commit
    A framework for managing and maintaining multi-language pre-commit hooks.
    🔗 pre-commit.com
    ⭐ 11,446

  30. python-pillow/Pillow
    Python Imaging Library (Fork)
    🔗 python-pillow.org
    ⭐ 11,402

  31. zulko/moviepy
    Video editing with Python
    🔗 zulko.github.io/moviepy
    ⭐ 11,300

  32. dbader/schedule
    Python job scheduling for humans.
    🔗 schedule.readthedocs.io
    ⭐ 11,297

  33. pyinstaller/pyinstaller
    Freeze (package) Python programs into stand-alone executables
    🔗 www.pyinstaller.org
    ⭐ 10,966

  34. pyodide/pyodide
    Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
    🔗 pyodide.org/en/stable
    ⭐ 10,896

  35. nuitka/Nuitka
    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.
    🔗 nuitka.net
    ⭐ 10,305

  36. ninja-build/ninja
    a small build system with a focus on speed
    🔗 ninja-build.org
    ⭐ 10,184

  37. pyo3/pyo3
    Rust bindings for the Python interpreter
    🔗 pyo3.rs
    ⭐ 10,178

  38. pytube/pytube
    A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
    🔗 pytube.io
    ⭐ 9,837

  39. magicstack/uvloop
    Ultra fast asyncio event loop.
    ⭐ 9,768

  40. pallets/jinja
    A very fast and expressive template engine.
    🔗 jinja.palletsprojects.com
    ⭐ 9,717

  41. secdev/scapy
    Scapy: the Python-based interactive packet manipulation program & library. Supports Python 2 & Python 3.
    🔗 scapy.net
    ⭐ 9,682

  42. openai/triton
    Development repository for the Triton language and compiler
    🔗 triton-lang.org
    ⭐ 9,513

  43. caronc/apprise
    Apprise - Push Notifications that work with just about every platform!
    🔗 hub.docker.com/r/caronc/apprise
    ⭐ 9,247

  44. aws/serverless-application-model
    The AWS Serverless Application Model (AWS SAM) transform is a AWS CloudFormation macro that transforms SAM templates into CloudFormation templates.
    🔗 aws.amazon.com/serverless/sam
    ⭐ 9,181

  45. paramiko/paramiko
    The leading native Python SSHv2 protocol library.
    🔗 paramiko.org
    ⭐ 8,659

  46. cython/cython
    The most widely used Python to C compiler
    🔗 cython.org
    ⭐ 8,636

  47. boto/boto3
    AWS SDK for Python
    🔗 aws.amazon.com/sdk-for-python
    ⭐ 8,518

  48. arrow-py/arrow
    🏹 Better dates & times for Python
    🔗 arrow.readthedocs.io
    ⭐ 8,455

  49. facebookresearch/hydra
    Hydra is a framework for elegantly configuring complex applications
    🔗 hydra.cc
    ⭐ 7,864

  50. pypa/pipx
    Install and Run Python Applications in Isolated Environments
    🔗 pipx.pypa.io
    ⭐ 7,789

  51. mitsuhiko/rye
    An Experimental Package Management Solution for Python
    🔗 rye-up.com
    ⭐ 7,781

  52. xonsh/xonsh
    🐚 Python-powered, cross-platform, Unix-gazing shell.
    🔗 xon.sh
    ⭐ 7,471

  53. eternnoir/pyTelegramBotAPI
    Python Telegram bot api.
    ⭐ 7,429

  54. 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.
    ⭐ 7,298

  55. jazzband/pip-tools
    A set of tools to keep your pinned Python dependencies fresh.
    🔗 pip-tools.rtfd.io
    ⭐ 7,269

  56. googleapis/google-api-python-client
    🐍 The official Python client library for Google's discovery based APIs.
    🔗 googleapis.github.io/google-api-python-client/docs
    ⭐ 7,135

  57. py-pdf/pypdf
    A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
    🔗 pypdf.readthedocs.io/en/latest
    ⭐ 6,900

  58. theskumar/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.
    🔗 saurabh-kumar.com/python-dotenv
    ⭐ 6,790

  59. marshmallow-code/marshmallow
    A lightweight library for converting complex objects to and from simple Python datatypes.
    🔗 marshmallow.readthedocs.io
    ⭐ 6,778

  60. googlecloudplatform/python-docs-samples
    Code samples used on cloud.google.com
    ⭐ 6,777

  61. hugapi/hug
    Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible, but no simpler.
    ⭐ 6,756

  62. google/latexify_py
    A library to generate LaTeX expression from Python code.
    ⭐ 6,714

  63. pygithub/PyGithub
    Typed interactions with the GitHub API v3
    🔗 pygithub.readthedocs.io
    ⭐ 6,469

  64. pycqa/isort
    A Python utility / library to sort imports.
    🔗 pycqa.github.io/isort
    ⭐ 6,190

  65. openai/point-e
    Point cloud diffusion for 3D model synthesis
    ⭐ 6,106

  66. pyca/cryptography
    cryptography is a package designed to expose cryptographic primitives and recipes to Python developers.
    🔗 cryptography.io
    ⭐ 6,009

  67. pdm-project/pdm
    A modern Python package and dependency manager supporting the latest PEP standards
    🔗 pdm-project.org
    ⭐ 5,927

  68. conda/conda
    A system-level, binary package and environment manager running on all major operating systems and platforms.
    🔗 docs.conda.io/projects/conda
    ⭐ 5,923

  69. sdispater/pendulum
    Python datetimes made easy
    🔗 pendulum.eustace.io
    ⭐ 5,900

  70. sphinx-doc/sphinx
    The Sphinx documentation generator
    🔗 www.sphinx-doc.org
    ⭐ 5,855

  71. scikit-image/scikit-image
    Image processing in Python
    🔗 scikit-image.org
    ⭐ 5,735

  72. wireservice/csvkit
    A suite of utilities for converting to and working with CSV, the king of tabular file formats.
    🔗 csvkit.readthedocs.io
    ⭐ 5,701

  73. mamba-org/mamba
    The Fast Cross-Platform Package Manager
    🔗 mamba.readthedocs.io
    ⭐ 5,690

  74. jd/tenacity
    Retrying library for Python
    🔗 tenacity.readthedocs.io
    ⭐ 5,616

  75. bndr/pipreqs
    pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward.
    ⭐ 5,580

  76. icloud-photos-downloader/icloud_photos_downloader
    A command-line tool to download photos from iCloud
    ⭐ 5,476

  77. agronholm/apscheduler
    Task scheduling library for Python
    ⭐ 5,463

  78. pytransitions/transitions
    A lightweight, object-oriented finite state machine implementation in Python with many extensions
    ⭐ 5,203

  79. buildbot/buildbot
    Python-based continuous integration testing framework; your pull requests are more than welcome!
    🔗 www.buildbot.net
    ⭐ 5,127

  80. pdfminer/pdfminer.six
    Community maintained fork of pdfminer - we fathom PDF
    🔗 pdfminersix.readthedocs.io
    ⭐ 5,083

  81. indygreg/PyOxidizer
    A modern Python application packaging and distribution tool
    ⭐ 5,016

  82. pycqa/pylint
    It's not just a linter that annoys you!
    🔗 pylint.readthedocs.io/en/latest
    ⭐ 4,989

  83. prompt-toolkit/ptpython
    A better Python REPL
    ⭐ 4,969

  84. pycqa/pycodestyle
    Simple Python style checker in one Python file
    🔗 pycodestyle.pycqa.org
    ⭐ 4,941

  85. pypa/hatch
    Modern, extensible Python project management
    🔗 hatch.pypa.io/latest
    ⭐ 4,939

  86. rsalmei/alive-progress
    A new kind of Progress Bar, with real-time throughput, ETA, and very cool animations!
    ⭐ 4,854

  87. jorgebastida/awslogs
    AWS CloudWatch logs for Humans™
    ⭐ 4,714

  88. timdettmers/bitsandbytes
    Accessible large language models via k-bit quantization for PyTorch.
    ⭐ 4,678

  89. spotify/pedalboard
    🎛 🔊 A Python library for working with audio.
    🔗 spotify.github.io/pedalboard
    ⭐ 4,677

  90. conda-forge/miniforge
    A conda-forge distribution.
    🔗 conda-forge.org/miniforge
    ⭐ 4,654

  91. pypa/virtualenv
    Virtual Python Environment builder
    🔗 virtualenv.pypa.io
    ⭐ 4,621

  92. hhatto/autopep8
    A tool that automatically formats Python code to conform to the PEP 8 style guide.
    🔗 pypi.org/project/autopep8
    ⭐ 4,468

  93. pytoolz/toolz
    A functional standard library for Python.
    🔗 toolz.readthedocs.org
    ⭐ 4,431

  94. tebelorg/RPA-Python
    Python package for doing RPA
    ⭐ 4,316

  95. pyinvoke/invoke
    Pythonic task management & command execution.
    🔗 pyinvoke.org
    ⭐ 4,163

  96. bogdanp/dramatiq
    A fast and reliable background task processing library for Python 3.
    🔗 dramatiq.io
    ⭐ 3,884

  97. evhub/coconut
    Simple, elegant, Pythonic functional programming.
    🔗 coconut-lang.org
    ⭐ 3,868

  98. adafruit/circuitpython
    CircuitPython - a Python implementation for teaching coding with microcontrollers
    🔗 circuitpython.org
    ⭐ 3,787

  99. spack/spack
    A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
    🔗 spack.io
    ⭐ 3,783

  100. rspeer/python-ftfy
    Fixes mojibake and other glitches in Unicode text, after the fact.
    🔗 ftfy.readthedocs.org
    ⭐ 3,647

  101. miguelgrinberg/python-socketio
    Python Socket.IO server and client
    ⭐ 3,638

  102. joblib/joblib
    Computing with Python functions.
    🔗 joblib.readthedocs.org
    ⭐ 3,544

  103. zeromq/pyzmq
    PyZMQ: Python bindings for zeromq
    🔗 zguide.zeromq.org/py:all
    ⭐ 3,498

  104. python-markdown/markdown
    A Python implementation of John Gruber’s Markdown with Extension support.
    🔗 python-markdown.github.io
    ⭐ 3,472

  105. pypi/warehouse
    The Python Package Index
    🔗 pypi.org
    ⭐ 3,422

  106. ets-labs/python-dependency-injector
    Dependency injection framework for Python
    🔗 python-dependency-injector.ets-labs.org
    ⭐ 3,414

  107. osohq/oso
    Oso is a batteries-included framework for building authorization in your application.
    🔗 docs.osohq.com
    ⭐ 3,335

  108. tartley/colorama
    Simple cross-platform colored terminal text in Python
    ⭐ 3,328

  109. pydata/xarray
    N-D labeled arrays and datasets in Python
    🔗 xarray.dev
    ⭐ 3,318

  110. more-itertools/more-itertools
    More routines for operating on iterables, beyond itertools
    🔗 more-itertools.rtfd.io
    ⭐ 3,314

  111. ashleve/lightning-hydra-template
    PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation. ⚡🔥⚡
    ⭐ 3,296

  112. jorisschellekens/borb
    borb is a library for reading, creating and manipulating PDF files in python.
    🔗 borbpdf.com
    ⭐ 3,219

  113. suor/funcy
    A fancy and practical functional tools
    ⭐ 3,206

  114. pycqa/flake8
    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.
    🔗 flake8.pycqa.org
    ⭐ 3,144

  115. asottile/pyupgrade
    A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language.
    ⭐ 3,044

  116. pyo3/maturin
    Build and publish crates with pyo3, rust-cpython and cffi bindings as well as rust binaries as python packages
    🔗 maturin.rs
    ⭐ 2,916

  117. jendrikseipp/vulture
    Find dead Python code
    ⭐ 2,874

  118. spotify/basic-pitch
    A lightweight yet powerful audio-to-MIDI converter with pitch bend detection
    🔗 basicpitch.io
    ⭐ 2,654

  119. tox-dev/pipdeptree
    A command line utility to display dependency tree of the installed Python packages
    🔗 pypi.python.org/pypi/pipdeptree
    ⭐ 2,606

  120. legrandin/pycryptodome
    A self-contained cryptographic library for Python
    🔗 www.pycryptodome.org
    ⭐ 2,582

  121. liiight/notifiers
    The easy way to send notifications
    🔗 notifiers.readthedocs.io
    ⭐ 2,564

  122. lxml/lxml
    The lxml XML toolkit for Python
    🔗 lxml.de
    ⭐ 2,512

  123. camelot-dev/camelot
    A Python library to extract tabular data from PDFs
    🔗 camelot-py.readthedocs.io
    ⭐ 2,490

  124. pyston/pyston
    A faster and highly-compatible implementation of the Python programming language.
    🔗 www.pyston.org
    ⭐ 2,476

  125. pexpect/pexpect
    A Python module for controlling interactive programs in a pseudo-terminal
    🔗 pexpect.readthedocs.io
    ⭐ 2,476

  126. pyinfra-dev/pyinfra
    pyinfra automates infrastructure using Python. It’s fast and scales from one server to thousands. Great for ad-hoc command execution, service deployment, configuration management and more.
    🔗 pyinfra.com
    ⭐ 2,467

  127. whylabs/whylogs
    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. 📈
    🔗 whylogs.readthedocs.io
    ⭐ 2,444

  128. dosisod/refurb
    A tool for refurbishing and modernizing Python codebases
    ⭐ 2,425

  129. pantsbuild/pex
    A tool for generating .pex (Python EXecutable) files, lock files and venvs.
    🔗 pex.readthedocs.io
    ⭐ 2,411

  130. scrapinghub/dateparser
    python parser for human readable dates
    ⭐ 2,408

  131. yaml/pyyaml
    Canonical source repository for PyYAML
    ⭐ 2,358

  132. cdgriffith/Box
    Python dictionaries with advanced dot notation access
    🔗 github.com/cdgriffith/box/wiki
    ⭐ 2,308

  133. nschloe/tikzplotlib
    📊 Save matplotlib figures as TikZ/PGFplots for smooth integration into LaTeX.
    ⭐ 2,245

  134. pypa/setuptools
    Official project repository for the Setuptools build system
    🔗 pypi.org/project/setuptools
    ⭐ 2,224

  135. beeware/briefcase
    Tools to support converting a Python project into a standalone native application.
    🔗 briefcase.readthedocs.io
    ⭐ 2,206

  136. dateutil/dateutil
    Useful extensions to the standard Python datetime features
    ⭐ 2,193

  137. hgrecco/pint
    Operate and manipulate physical quantities in Python
    🔗 pint.readthedocs.org
    ⭐ 2,171

  138. ianmiell/shutit
    Automation framework for programmers
    🔗 ianmiell.github.io/shutit
    ⭐ 2,143

  139. pndurette/gTTS
    Python library and CLI tool to interface with Google Translate's text-to-speech API
    🔗 gtts.readthedocs.org
    ⭐ 2,078

  140. pypa/flit
    Simplified packaging of Python modules
    🔗 flit.pypa.io
    ⭐ 2,058

  141. pyparsing/pyparsing
    Python library for creating PEG parsers
    ⭐ 2,028

  142. libaudioflux/audioFlux
    A library for audio and music analysis, feature extraction.
    🔗 audioflux.top
    ⭐ 1,957

  143. grantjenks/python-diskcache
    Python disk-backed cache (Django-compatible). Faster than Redis and Memcached. Pure-Python.
    🔗 www.grantjenks.com/docs/diskcache
    ⭐ 1,953

  144. google/gin-config
    Gin provides a lightweight configuration framework for Python
    ⭐ 1,946

  145. pyfilesystem/pyfilesystem2
    Python's Filesystem abstraction layer
    🔗 www.pyfilesystem.org
    ⭐ 1,921

  146. grahamdumpleton/wrapt
    A Python module for decorators, wrappers and monkey patching.
    ⭐ 1,917

  147. landscapeio/prospector
    Inspects Python source files and provides information about type and location of classes, methods etc
    ⭐ 1,882

  148. astanin/python-tabulate
    Pretty-print tabular data in Python, a library and a command-line utility. Repository migrated from bitbucket.org/astanin/python-tabulate.
    🔗 pypi.org/project/tabulate
    ⭐ 1,881

  149. nateshmbhat/pyttsx3
    Offline Text To Speech synthesis for python
    ⭐ 1,816

  150. chaostoolkit/chaostoolkit
    Chaos Engineering Toolkit & Orchestration for Developers
    🔗 chaostoolkit.org
    ⭐ 1,805

  151. joowani/binarytree
    Python Library for Studying Binary Trees
    🔗 binarytree.readthedocs.io
    ⭐ 1,796

  152. python-rope/rope
    a python refactoring library
    ⭐ 1,782

  153. carpedm20/emoji
    emoji terminal output for Python
    ⭐ 1,776

  154. numba/llvmlite
    A lightweight LLVM python binding for writing JIT compilers
    🔗 llvmlite.pydata.org
    ⭐ 1,760

  155. pydoit/doit
    task management & automation tool
    🔗 pydoit.org
    ⭐ 1,741

  156. mitmproxy/pdoc
    API Documentation for Python Projects
    🔗 pdoc.dev
    ⭐ 1,715

  157. omry/omegaconf
    Flexible Python configuration system. The last one you will ever need.
    ⭐ 1,700

  158. kalliope-project/kalliope
    Kalliope is a framework that will help you to create your own personal assistant.
    🔗 kalliope-project.github.io
    ⭐ 1,683

  159. 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.
    ⭐ 1,662

  160. konradhalas/dacite
    Simple creation of data classes from dictionaries.
    ⭐ 1,577

  161. rubik/radon
    Various code metrics for Python code
    🔗 radon.readthedocs.org
    ⭐ 1,566

  162. home-assistant/supervisor
    🏡 Home Assistant Supervisor
    🔗 home-assistant.io/hassio
    ⭐ 1,559

  163. 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.
    ⭐ 1,521

  164. facebookincubator/Bowler
    Safe code refactoring for modern Python.
    🔗 pybowler.io
    ⭐ 1,497

  165. pygments/pygments
    Pygments is a generic syntax highlighter written in Python
    🔗 pygments.org
    ⭐ 1,487

  166. open-telemetry/opentelemetry-python
    OpenTelemetry Python API and SDK
    🔗 opentelemetry.io
    ⭐ 1,474

  167. mkdocstrings/mkdocstrings
    📘 Automatic documentation from sources, for MkDocs.
    🔗 mkdocstrings.github.io
    ⭐ 1,467

  168. p0dalirius/Coercer
    A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods.
    🔗 podalirius.net
    ⭐ 1,465

  169. nficano/python-lambda
    A toolkit for developing and deploying serverless Python code in AWS Lambda.
    ⭐ 1,463

  170. sourcery-ai/sourcery
    Automatically review and improve your Python code. ⭐ this repo and Sourcery Starbot will send you a PR. Or install our CLI to improve your code locally
    🔗 sourcery.ai
    ⭐ 1,446

  171. samuelcolvin/watchfiles
    Simple, modern and fast file watching and code reload in python.
    🔗 watchfiles.helpmanual.io
    ⭐ 1,435

  172. quodlibet/mutagen
    Python module for handling audio metadata
    🔗 mutagen.readthedocs.io
    ⭐ 1,390

  173. aws-samples/aws-glue-samples
    AWS Glue code samples
    ⭐ 1,349

  174. instagram/LibCST
    A concrete syntax tree parser and serializer library for Python that preserves many aspects of Python's abstract syntax tree
    🔗 libcst.readthedocs.io
    ⭐ 1,341

  175. fabiocaccamo/python-benedict
    📘 dict subclass with keylist/keypath support, built-in I/O operations (base64, csv, html, ini, json, pickle, plist, query-string, toml, xls, xml, yaml), s3 support and many utilities.
    ⭐ 1,341

  176. pycqa/pyflakes
    A simple program which checks Python source files for errors
    🔗 pypi.org/project/pyflakes
    ⭐ 1,317

  177. ossf/criticality_score
    Gives criticality score for an open source project
    ⭐ 1,255

  178. lidatong/dataclasses-json
    Easily serialize Data Classes to and from JSON
    ⭐ 1,248

  179. brandon-rhodes/python-patterns
    Source code behind the python-patterns.guide site by Brandon Rhodes
    ⭐ 1,203

  180. lcompilers/lpython
    Python compiler
    🔗 lpython.org
    ⭐ 1,175

  181. aio-libs/yarl
    Yet another URL library
    🔗 yarl.aio-libs.org
    ⭐ 1,081

  182. oracle/graalpython
    A Python 3 implementation built on GraalVM
    ⭐ 1,059

  183. pdoc3/pdoc
    🐍 ➡️ 📜 Auto-generate API documentation for Python projects
    🔗 pdoc3.github.io/pdoc
    ⭐ 1,051

  184. metachris/logzero
    Robust and effective logging for Python 2 and 3.
    🔗 logzero.readthedocs.io
    ⭐ 1,031

  185. c4urself/bump2version
    Version-bump your software with a single command
    🔗 pypi.python.org/pypi/bump2version
    ⭐ 1,026

  186. pyo3/rust-numpy
    PyO3-based Rust bindings of the NumPy C-API
    ⭐ 941

  187. ofek/pyapp
    Runtime installer for Python applications
    🔗 ofek.dev/pyapp
    ⭐ 883

  188. fastai/fastcore
    Python supercharged for the fastai library
    🔗 fastcore.fast.ai
    ⭐ 880

  189. alex-sherman/unsync
    Unsynchronize asyncio
    ⭐ 860

  190. milvus-io/pymilvus
    Python SDK for Milvus.
    ⭐ 785

  191. pypa/gh-action-pypi-publish
    The blessed :octocat: GitHub Action, for publishing your 📦 distribution files to PyPI: https://github.com/marketplace/actions/pypi-publish
    🔗 packaging.python.org/guides/publishing-package-distribution-releases-using-github-actions-ci-cd-workflows
    ⭐ 780

  192. samuelcolvin/dirty-equals
    Doing dirty (but extremely useful) things with equals.
    🔗 dirty-equals.helpmanual.io
    ⭐ 744

  193. barracuda-fsh/pyobd
    open source obd2 car diagnostics program - reuploaded
    ⭐ 678

  194. instagram/Fixit
    Advanced Python linting framework with auto-fixes and hierarchical configuration that makes it easy to write custom in-repo lint rules.
    🔗 fixit.rtfd.io/en/latest
    ⭐ 633

  195. pypa/build
    A simple, correct Python build frontend
    🔗 build.pypa.io
    ⭐ 605

  196. lastmile-ai/aiconfig
    aiconfig -- config-driven, source control friendly AI application development
    🔗 aiconfig.lastmileai.dev
    ⭐ 600

  197. akaihola/darker
    Apply black reformatting to Python files only in regions changed since a given commit. For a practical usage example, see the blog post at https://dev.to/akaihola/improving-python-code-incrementally-3f7a
    🔗 pypi.org/project/darker
    ⭐ 600

  198. gefyrahq/gefyra
    Blazingly-fast 🚀, rock-solid, local application development ➡️ with Kubernetes.
    🔗 gefyra.dev
    ⭐ 597

  199. anthropics/anthropic-sdk-python
    SDK providing access to Anthropic's safety-first language model APIs
    ⭐ 584

  200. open-telemetry/opentelemetry-python-contrib
    OpenTelemetry instrumentation for Python modules
    🔗 opentelemetry.io
    ⭐ 554

  201. methexis-inc/terminal-copilot
    A smart terminal assistant that helps you find the right command.
    ⭐ 539

  202. pypy/pypy
    PyPy is a very fast and compliant implementation of the Python language.
    🔗 pypy.org
    ⭐ 508

  203. IP2Location.io/IP2Location.io
    IP2Location.io Python SDK is a Python module that can help user to query geolocation information of an IP address from IP2Location.io API.
    🔗 ip2ocation.io
    ⭐ 3

Vizualisation

Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL etc.

  1. apache/superset
    Apache Superset is a Data Visualization and Data Exploration Platform
    🔗 superset.apache.org
    ⭐ 56,148

  2. streamlit/streamlit
    Streamlit — A faster way to build and share data apps.
    🔗 streamlit.io
    ⭐ 29,557

  3. gradio-app/gradio
    Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
    🔗 www.gradio.app
    ⭐ 25,521

  4. plotly/dash
    Data Apps & Dashboards for Python. No JavaScript Required.
    🔗 plotly.com/dash
    ⭐ 19,929

  5. matplotlib/matplotlib
    matplotlib: plotting with Python
    🔗 matplotlib.org/stable
    ⭐ 18,717

  6. bokeh/bokeh
    Interactive Data Visualization in the browser, from Python
    🔗 bokeh.org
    ⭐ 18,477

  7. plotly/plotly.py
    The interactive graphing library for Python ✨ This project now includes Plotly Express!
    🔗 plotly.com/python
    ⭐ 14,686

  8. mwaskom/seaborn
    Statistical data visualization in Python
    🔗 seaborn.pydata.org
    ⭐ 11,575

  9. visgl/deck.gl
    WebGL2 powered visualization framework
    🔗 deck.gl
    ⭐ 11,453

  10. marceloprates/prettymaps
    A small set of Python functions to draw pretty maps from OpenStreetMap data. Based on osmnx, matplotlib and shapely libraries.
    ⭐ 10,652

  11. altair-viz/altair
    Declarative statistical visualization library for Python
    🔗 altair-viz.github.io
    ⭐ 8,655

  12. lux-org/lux
    Automatically visualize your pandas dataframe via a single print! 📊 💡
    ⭐ 4,829

  13. man-group/dtale
    Visualizer for pandas data structures
    🔗 alphatechadmin.pythonanywhere.com
    ⭐ 4,398

  14. renpy/renpy
    The Ren'Py Visual Novel Engine
    🔗 www.renpy.org
    ⭐ 4,311

  15. nvidia/TensorRT-LLM
    TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT...
    🔗 nvidia.github.io/tensorrt-llm
    ⭐ 4,276

  16. has2k1/plotnine
    A Grammar of Graphics for Python
    🔗 plotnine.org
    ⭐ 3,682

  17. holoviz/panel
    Panel: The powerful data exploration & web app framework for Python
    🔗 panel.holoviz.org
    ⭐ 3,647

  18. pyqtgraph/pyqtgraph
    Fast data visualization and GUI tools for scientific / engineering applications
    🔗 www.pyqtgraph.org
    ⭐ 3,554

  19. vispy/vispy
    Main repository for Vispy
    🔗 vispy.org
    ⭐ 3,170

  20. ml-tooling/opyrator
    🪄 Turns your machine learning code into microservices with web API, interactive GUI, and more.
    🔗 opyrator-playground.mltooling.org
    ⭐ 2,974

  21. netflix/flamescope
    FlameScope is a visualization tool for exploring different time ranges as Flame Graphs.
    ⭐ 2,951

  22. facebookresearch/hiplot
    HiPlot makes understanding high dimensional data easy
    🔗 facebookresearch.github.io/hiplot
    ⭐ 2,641

  23. holoviz/holoviews
    With Holoviews, your data visualizes itself.
    🔗 holoviews.org
    ⭐ 2,550

  24. pyvista/pyvista
    3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK)
    🔗 docs.pyvista.org
    ⭐ 2,144

  25. mckinsey/vizro
    Vizro is a toolkit for creating modular data visualization applications.
    🔗 vizro.readthedocs.io/en/stable
    ⭐ 2,136

  26. marcomusy/vedo
    A python module for scientific analysis of 3D data based on VTK and Numpy
    🔗 vedo.embl.es
    ⭐ 1,847

  27. datapane/datapane
    Build and share data reports in 100% Python
    🔗 datapane.com
    ⭐ 1,330

  28. facultyai/dash-bootstrap-components
    Bootstrap components for Plotly Dash
    🔗 dash-bootstrap-components.opensource.faculty.ai
    ⭐ 1,036

  29. nomic-ai/deepscatter
    Zoomable, animated scatterplots in the browser that scales over a billion points
    ⭐ 928

  30. hazyresearch/meerkat
    Creative interactive views of any dataset.
    ⭐ 793

Web

Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management etc.

  1. django/django
    The Web framework for perfectionists with deadlines.
    🔗 www.djangoproject.com
    ⭐ 75,018

  2. tiangolo/fastapi
    FastAPI framework, high performance, easy to learn, fast to code, ready for production
    🔗 fastapi.tiangolo.com
    ⭐ 66,943

  3. pallets/flask
    The Python micro framework for building web applications.
    🔗 flask.palletsprojects.com
    ⭐ 65,459

  4. psf/requests
    A simple, yet elegant, HTTP library.
    🔗 requests.readthedocs.io/en/latest
    ⭐ 50,848

  5. sherlock-project/sherlock
    🔎 Hunt down social media accounts by username across social networks
    🔗 sherlock-project.github.io
    ⭐ 46,128

  6. tornadoweb/tornado
    Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
    🔗 www.tornadoweb.org
    ⭐ 21,397

  7. huge-success/sanic
    Accelerate your web app development | Build fast. Run fast.
    🔗 sanic.dev
    ⭐ 17,531

  8. pyscript/pyscript
    Try PyScript: https://pyscript.com Examples: https://tinyurl.com/pyscript-examples Community: https://discord.gg/HxvBtukrg2
    🔗 pyscript.net
    ⭐ 17,260

  9. wagtail/wagtail
    A Django content management system focused on flexibility and user experience
    🔗 wagtail.org
    ⭐ 16,554

  10. reflex-dev/reflex
    🕸 Web apps in pure Python 🐍
    🔗 reflex.dev
    ⭐ 14,660

  11. aio-libs/aiohttp
    Asynchronous HTTP client/server framework for asyncio and Python
    🔗 docs.aiohttp.org
    ⭐ 14,277

  12. getpelican/pelican
    Static site generator that supports Markdown and reST syntax. Powered by Python.
    🔗 getpelican.com
    ⭐ 11,956

  13. encode/httpx
    A next generation HTTP client for Python. 🦋
    🔗 www.python-httpx.org
    ⭐ 11,723

  14. aws/chalice
    Python Serverless Microframework for AWS
    ⭐ 10,151

  15. benoitc/gunicorn
    gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications.
    🔗 www.gunicorn.org
    ⭐ 9,324

  16. falconry/falcon
    The no-magic web data plane API and microservices framework for Python developers, with a focus on reliability, correctness, and performance at scale.
    🔗 falcon.readthedocs.io/en/stable
    ⭐ 9,306

  17. encode/starlette
    The little ASGI framework that shines. 🌟
    🔗 www.starlette.io
    ⭐ 9,054

  18. bottlepy/bottle
    bottle.py is a fast and simple micro-framework for python web-applications.
    🔗 bottlepy.org
    ⭐ 8,217

  19. flet-dev/flet
    Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required.
    🔗 flet.dev
    ⭐ 7,928

  20. graphql-python/graphene
    GraphQL framework for Python
    🔗 graphene-python.org
    ⭐ 7,884

  21. reactive-python/reactpy
    It's React, but in Python
    🔗 reactpy.dev
    ⭐ 7,438

  22. encode/uvicorn
    An ASGI web server, for Python. 🦄
    🔗 www.uvicorn.org
    ⭐ 7,420

  23. pyeve/eve
    REST API framework designed for human beings
    🔗 python-eve.org
    ⭐ 6,650

  24. pallets/werkzeug
    The comprehensive WSGI web application library.
    🔗 werkzeug.palletsprojects.com
    ⭐ 6,480

  25. webpy/webpy
    web.py is a web framework for python that is as simple as it is powerful.
    🔗 webpy.org
    ⭐ 5,856

  26. vitalik/django-ninja
    💨 Fast, Async-ready, Openapi, type hints based framework for building APIs
    🔗 django-ninja.dev
    ⭐ 5,676

  27. stephenmcd/mezzanine
    CMS framework for Django
    🔗 mezzanine.jupo.org
    ⭐ 4,693

  28. pywebio/PyWebIO
    Write interactive web app in script way.
    🔗 pywebio.readthedocs.io
    ⭐ 4,234

  29. pylons/pyramid
    Pyramid - A Python web framework
    🔗 trypyramid.com
    ⭐ 3,875

  30. starlite-api/litestar
    Production-ready, Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs
    🔗 litestar.dev
    ⭐ 3,806

  31. fastapi-users/fastapi-users
    Ready-to-use and customizable users management for FastAPI
    🔗 fastapi-users.github.io/fastapi-users
    ⭐ 3,772

  32. strawberry-graphql/strawberry
    A GraphQL library for Python that leverages type annotations 🍓
    🔗 strawberry.rocks
    ⭐ 3,613

  33. websocket-client/websocket-client
    WebSocket client for Python
    🔗 github.com/websocket-client/websocket-client
    ⭐ 3,381

  34. unbit/uwsgi
    uWSGI application server container
    🔗 projects.unbit.it/uwsgi
    ⭐ 3,374

  35. pallets/quart
    An async Python micro framework for building web applications.
    🔗 quart.palletsprojects.com
    ⭐ 2,431

  36. flipkart-incubator/Astra
    Automated Security Testing For REST API's
    ⭐ 2,385

  37. fastapi-admin/fastapi-admin
    A fast admin dashboard based on FastAPI and TortoiseORM with tabler ui, inspired by Django admin
    🔗 fastapi-admin-docs.long2ice.io
    ⭐ 2,335

  38. masoniteframework/masonite
    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
    🔗 docs.masoniteproject.com
    ⭐ 2,109

  39. python-restx/flask-restx
    Fork of Flask-RESTPlus: Fully featured framework for fast, easy and documented API development with Flask
    🔗 flask-restx.readthedocs.io/en/latest
    ⭐ 2,020

  40. cherrypy/cherrypy
    CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev
    🔗 docs.cherrypy.dev
    ⭐ 1,748

  41. neoteroi/BlackSheep
    Fast ASGI web framework for Python
    🔗 www.neoteroi.dev/blacksheep
    ⭐ 1,584

  42. jordaneremieff/mangum
    AWS Lambda support for ASGI applications
    🔗 mangum.io
    ⭐ 1,518

  43. wtforms/wtforms
    A flexible forms validation and rendering library for Python.
    🔗 wtforms.readthedocs.io
    ⭐ 1,443

  44. s3rius/FastAPI-template
    Feature rich robust FastAPI template.
    ⭐ 1,421

  45. awtkns/fastapi-crudrouter
    A dynamic FastAPI router that automatically creates CRUD routes for your models
    🔗 fastapi-crudrouter.awtkns.com
    ⭐ 1,258

  46. magicstack/httptools
    Fast HTTP parser
    ⭐ 1,148

  47. long2ice/fastapi-cache
    fastapi-cache is a tool to cache fastapi response and function result, with backends support redis and memcached.
    🔗 github.com/long2ice/fastapi-cache
    ⭐ 974

  48. koxudaxi/fastapi-code-generator
    This code generator creates FastAPI app from an openapi file.
    ⭐ 862

  49. rstudio/py-shiny
    Shiny for Python
    🔗 shiny.posit.co/py
    ⭐ 817


Interactive version: www.awesomepython.org, Hugging Face Dataset: awesome-python

Please raise a new issue to suggest a Python repo that you would like to see added.

1,298 hand-picked awesome Python libraries and frameworks, updated 31 Jan 2024

About

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

https://www.awesomepython.org

License:MIT License


Languages

Language:HTML 52.9%Language:JavaScript 36.7%Language:HCL 3.9%Language:CSS 3.1%Language:Makefile 2.7%Language:Python 0.7%