Skip to content

Latest commit

 

History

History
6431 lines (4634 loc) · 499 KB

README.md

File metadata and controls

6431 lines (4634 loc) · 499 KB

Awesome Python

Awesome Last commit License: MIT

Hand-picked awesome Python libraries and frameworks, organised by category 🐍

Interactive version: www.awesomepython.org

Updated 06 Feb 2025

Categories

  • Newly Created Repositories - Awesome Python is regularly updated, and this category lists the most recently created GitHub repositories from all the other repositories here (10 repos)
  • Agentic AI - Agentic AI libraries, frameworks and tools: AI agents, workflows, autonomous decision-making, goal-oriented tasks, and API integrations (51 repos)
  • Code Quality - Code quality tooling: linters, formatters, pre-commit hooks, unused code removal (16 repos)
  • Crypto and Blockchain - Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum virtual machine, solidity (14 repos)
  • Data - General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks (115 repos)
  • Debugging - Debugging and tracing tools (10 repos)
  • Diffusion Text to Image - Text-to-image diffusion model libraries, tools and apps for generating images from natural language (42 repos)
  • Finance - Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives (34 repos)
  • Game Development - Game development tools, engines and libraries (8 repos)
  • GIS - Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections (28 repos)
  • Graph - Graphs and network libraries: network analysis, graph machine learning, visualisation (6 repos)
  • GUI - Graphical user interface libraries and toolkits (8 repos)
  • Jupyter - Jupyter and JupyterLab and Notebook tools, libraries and plugins (27 repos)
  • LLMs and ChatGPT - Large language model and GPT libraries and frameworks: auto-gpt, agents, QnA, chain-of-thought workflows, API integations. Also see the Natural Language Processing category for crossover (310 repos)
  • Math and Science - Mathematical, numerical and scientific libraries (30 repos)
  • Machine Learning - General - General and classical machine learning libraries. See below for other sections covering specialised ML areas (160 repos)
  • Machine Learning - Deep Learning - Machine learning libraries that cross over with deep learning in some way (79 repos)
  • Machine Learning - Interpretability - Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training (22 repos)
  • Machine Learning - Ops - MLOps tools, frameworks and libraries: intersection of machine learning, data engineering and DevOps; deployment, health, diagnostics and governance of ML models (43 repos)
  • Machine Learning - Reinforcement - Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF (23 repos)
  • Machine Learning - Time Series - Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics (19 repos)
  • Natural Language Processing - Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots. Also see the LLMs and ChatGPT category for crossover (87 repos)
  • Packaging - Python packaging, dependency management and bundling (28 repos)
  • Pandas - Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations (24 repos)
  • Performance - Performance, parallelisation and low level libraries (28 repos)
  • Profiling - Memory and CPU/GPU profiling tools and libraries (11 repos)
  • Security - Security related libraries: vulnerability discovery, SQL injection, environment auditing (14 repos)
  • Simulation - Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation. Also see the Maths and Science category for crossover (37 repos)
  • Study - Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials (60 repos)
  • Template - Template tools and libraries: cookiecutter repos, generators, quick-starts (10 repos)
  • Terminal - Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars (15 repos)
  • Testing - Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins (24 repos)
  • Typing - Typing libraries: static and run-time type checking, annotations (12 repos)
  • Utility - General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools (210 repos)
  • Vizualisation - Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL (36 repos)
  • Web - Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management (58 repos)

Newly Created Repositories

Awesome Python is regularly updated, and this category lists the most recently created GitHub repositories from all the other repositories here.

  1. deepseek-ai/DeepSeek-V3 ⭐ 72,238
    A strong Mixture-of-Experts (MoE) language model with 671B total parameters with 37B activated for each token.

  2. huggingface/open-r1 ⭐ 15,441
    The goal of this repo is to build the missing pieces of the R1 pipeline such that everybody can reproduce and build on top of it

  3. jiayi-pan/TinyZero ⭐ 7,718
    TinyZero is a reproduction of DeepSeek R1 Zero in countdown and multiplication tasks.

  4. nvidia/Cosmos ⭐ 7,364
    NVIDIA Cosmos is a developer-first world foundation model platform designed to help Physical AI developers build their Physical AI systems better and faster.

  5. novasky-ai/SkyThought ⭐ 2,353
    Sky-T1: Train your own O1 preview model within $450
    🔗 novasky-ai.github.io

  6. langchain-ai/executive-ai-assistant ⭐ 1,487
    Executive AI Assistant (EAIA) is an AI agent that attempts to do the job of an Executive Assistant (EA).

  7. deep-agent/R1-V ⭐ 1,481
    We are building a general framework for Reinforcement Learning with Verifiable Rewards (RLVR) in VLM. RLVR outperforms chain-of-thought supervised fine-tuning (CoT-SFT) in both effectiveness and out-of-distribution (OOD) robustness for vision language models.

  8. thytu/Agentarium ⭐ 853
    Framework for managing and orchestrating AI agents with ease. Agentarium provides a flexible and intuitive way to create, manage, and coordinate interactions between multiple AI agents in various environments.

  9. developersdigest/llm-api-engine ⭐ 622
    Build and deploy AI-powered APIs in seconds. This project allows you to create custom APIs that extract structured data from websites using natural language descriptions, powered by LLMs and web scraping technology.
    🔗 www.youtube.com/watch?v=8kuek1bo4mm

  10. whitead/paper-qa ⭐ 3
    High accuracy RAG for answering questions from scientific documents with citations

Agentic AI

Agentic AI libraries, frameworks and tools: AI agents, workflows, autonomous decision-making, goal-oriented tasks, and API integrations.

  1. langchain-ai/langchain ⭐ 99,521
    🦜🔗 Build context-aware reasoning applications
    🔗 python.langchain.com

  2. langgenius/dify ⭐ 61,597
    Dify is an open-source LLM app development platform. Dify's intuitive interface combines AI workflow, RAG pipeline, agent capabilities, model management, observability features and more, letting you quickly go from prototype to production.
    🔗 dify.ai

  3. logspace-ai/langflow ⭐ 46,385
    Langflow is a low-code app builder for RAG and multi-agent AI applications. It’s Python-based and agnostic to any model, API, or database.
    🔗 www.langflow.org

  4. microsoft/autogen ⭐ 38,740
    A programming framework for agentic AI 🤖 PyPi: autogen-agentchat Discord: https://aka.ms/autogen-discord Office Hour: https://aka.ms/autogen-officehour
    🔗 microsoft.github.io/autogen

  5. run-llama/llama_index ⭐ 38,553
    LlamaIndex is the leading framework for building LLM-powered agents over your data.
    🔗 docs.llamaindex.ai

  6. openbmb/ChatDev ⭐ 26,053
    ChatDev stands as a virtual software company that operates through various intelligent agents holding different roles, including Chief Executive Officer, Chief Product Officer etc
    🔗 arxiv.org/abs/2307.07924

  7. joaomdmoura/crewAI ⭐ 25,897
    Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
    🔗 crewai.com

  8. browser-use/browser-use ⭐ 23,992
    Browser use is the easiest way to connect your AI agents with the browser.
    🔗 browser-use.com

  9. stanford-oval/storm ⭐ 21,553
    An LLM-powered knowledge curation system that researches a topic and generates a full-length report with citations.
    🔗 storm.genie.stanford.edu

  10. yoheinakajima/babyagi ⭐ 20,920
    GPT-4 powered task-driven autonomous agent
    🔗 babyagi.org

  11. phidatahq/agno ⭐ 18,534
    Phidata is a toolkit for building AI Assistants using function calling.
    🔗 docs.agno.com

  12. openai/swarm ⭐ 18,450
    A framework exploring ergonomic, lightweight multi-agent orchestration.

  13. unity-technologies/ml-agents ⭐ 17,548
    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

  14. assafelovic/gpt-researcher ⭐ 16,326
    LLM based autonomous agent that conducts local and web research on any topic and generates a comprehensive report with citations.
    🔗 gptr.dev

  15. letta-ai/letta ⭐ 14,316
    Letta (formerly MemGPT) is a framework for creating LLM services with memory.
    🔗 docs.letta.com

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

  17. sakanaai/AI-Scientist ⭐ 8,832
    The AI Scientist, the first comprehensive system for fully automatic scientific discovery, enabling Foundation Models such as Large Language Models (LLMs) to perform research independently.

  18. langchain-ai/langgraph ⭐ 8,646
    LangGraph is a library for building stateful, multi-actor applications with LLMs, built on top of (and intended to be used with) LangChain.
    🔗 langchain-ai.github.io/langgraph

  19. meta-llama/llama-stack ⭐ 7,140
    Llama Stack standardizes the building blocks needed to bring genai applications to market. These blocks cover model training and fine-tuning, evaluation, and running AI agents in production

  20. huggingface/smolagents ⭐ 6,649
    🤗 smolagents: a barebones library for agents. Agents write python code to call tools and orchestrate other agents.
    🔗 huggingface.co/docs/smolagents

  21. pydantic/pydantic-ai ⭐ 6,023
    PydanticAI is a Python Agent Framework designed to make it less painful to build production grade applications with Generative AI.
    🔗 ai.pydantic.dev

  22. nirdiamant/GenAI_Agents ⭐ 5,830
    Tutorials and implementations for various Generative AI Agent techniques, from basic to advanced. It serves as a comprehensive guide for building intelligent, interactive AI systems.

  23. prefecthq/marvin ⭐ 5,452
    ✨ AI agents that spark joy
    🔗 askmarvin.ai

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

  25. kyegomez/swarms ⭐ 4,428
    The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework. Website: https://swarms.ai
    🔗 docs.swarms.world

  26. meta-llama/llama-stack-apps ⭐ 4,107
    Agentic components of the Llama Stack APIs

  27. crewaiinc/crewAI-examples ⭐ 3,569
    A collection of examples that show how to use CrewAI framework to automate workflows.

  28. langroid/langroid ⭐ 3,005
    Harness LLMs with Multi-Agent Programming
    🔗 langroid.github.io/langroid

  29. facebookresearch/Pearl ⭐ 2,758
    A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta.

  30. brainblend-ai/atomic-agents ⭐ 2,433
    Atomic Agents provides a set of tools and agents that can be combined to create powerful applications. It is built on top of Instructor and leverages the power of Pydantic for data and schema validation and serialization.

  31. griptape-ai/griptape ⭐ 2,156
    Modular Python framework for AI agents and workflows with chain-of-thought reasoning, tools, and memory.
    🔗 www.griptape.ai

  32. joshuac215/agent-service-toolkit ⭐ 2,033
    A full toolkit for running an AI agent service built with LangGraph, FastAPI and Streamlit.
    🔗 agent-service-toolkit.streamlit.app

  33. run-llama/llama_deploy ⭐ 1,931
    Async-first framework for deploying, scaling, and productionizing agentic multi-service systems based on workflows from llama_index.
    🔗 docs.llamaindex.ai/en/stable/module_guides/llama_deploy

  34. landing-ai/vision-agent ⭐ 1,789
    VisionAgent is a library that helps you utilize agent frameworks to generate code to solve your vision task

  35. om-ai-lab/OmAgent ⭐ 1,537
    OmAgent is python library for building multimodal language agents with ease. We try to keep the library simple without too much overhead like other agent framework.
    🔗 om-agent.com

  36. langchain-ai/executive-ai-assistant ⭐ 1,487
    Executive AI Assistant (EAIA) is an AI agent that attempts to do the job of an Executive Assistant (EA).

  37. openautocoder/Agentless ⭐ 1,386
    Agentless🐱: an agentless approach to automatically solve software development problems

  38. pyspur-dev/pyspur ⭐ 1,369
    Minimalist Graph Editor for AI Agents
    🔗 pyspur.dev

  39. link-agi/AutoAgents ⭐ 1,270
    [IJCAI 2024] Generate different roles for GPTs to form a collaborative entity for complex tasks.
    🔗 huggingface.co/spaces/linksoul/autoagents

  40. emcie-co/parlant ⭐ 1,181
    The heavy-duty guidance framework for customer-facing LLM agents
    🔗 www.parlant.io

  41. shengranhu/ADAS ⭐ 1,157
    Automated Design of Agentic Systems using Meta Agent Search to show agents can invent novel and powerful agent designs
    🔗 www.shengranhu.com/adas

  42. prefecthq/ControlFlow ⭐ 1,118
    ControlFlow provides a structured, developer-focused framework for defining workflows and delegating work to LLMs, without sacrificing control or transparency
    🔗 controlflow.ai

  43. thytu/Agentarium ⭐ 853
    Framework for managing and orchestrating AI agents with ease. Agentarium provides a flexible and intuitive way to create, manage, and coordinate interactions between multiple AI agents in various environments.

  44. victordibia/autogen-ui ⭐ 838
    Web UI for AutoGen (A Framework Multi-Agent LLM Applications)

  45. szczyglis-dev/py-gpt ⭐ 828
    Desktop AI Assistant powered by o1, o3-mini, GPT-4, GPT-4 Vision, Gemini, Claude, Llama 3, DeepSeek, Bielik, DALL-E, chat, vision, voice control, image generation and analysis, agents, command execution, file upload/download, speech synthesis and recognition, access to Web, memory, presets, assistants, plugins, and...
    🔗 pygpt.net

  46. google-deepmind/concordia ⭐ 759
    Concordia is a library to facilitate construction and use of generative agent-based models to simulate interactions of agents in grounded physical, social, or digital space.

  47. deedy/mac_computer_use ⭐ 734
    A fork of Anthropic Computer Use that you can run on Mac computers to give Claude and other AI models autonomous access to your computer.
    🔗 x.com/deedydas/status/1849481225041559910

  48. thudm/CogAgent ⭐ 658
    An open-sourced end-to-end VLM-based GUI Agent

  49. strnad/CrewAI-Studio ⭐ 572
    A user-friendly, multi-platform GUI for managing and running CrewAI agents and tasks. Supports Conda and virtual environments, no coding needed.

  50. salesforceairesearch/AgentLite ⭐ 568
    AgentLite is a research-oriented library designed for building and advancing LLM-based task-oriented agent systems. It simplifies the implementation of new agent/multi-agent architectures, enabling easy orchestration of multiple agents through a manager agent.

  51. plurai-ai/intellagent ⭐ 507
    Simulate interactions, analyze performance, and gain actionable insights for conversational agents. Test, evaluate, and optimize your agent to ensure reliable real-world deployment.
    🔗 intellagent-doc.plurai.ai

Code Quality

Code quality tooling: linters, formatters, pre-commit hooks, unused code removal.

  1. psf/black ⭐ 39,517
    The uncompromising Python code formatter
    🔗 black.readthedocs.io/en/stable

  2. astral-sh/ruff ⭐ 35,419
    An extremely fast Python linter and code formatter, written in Rust.
    🔗 docs.astral.sh/ruff

  3. google/yapf ⭐ 13,840
    A formatter for Python files

  4. pre-commit/pre-commit ⭐ 13,310
    A framework for managing and maintaining multi-language pre-commit hooks.
    🔗 pre-commit.com

  5. sqlfluff/sqlfluff ⭐ 8,534
    A modular SQL linter and auto-formatter with support for multiple dialects and templated code.
    🔗 www.sqlfluff.com

  6. pycqa/isort ⭐ 6,593
    A Python utility / library to sort imports.
    🔗 pycqa.github.io/isort

  7. davidhalter/jedi ⭐ 5,864
    Awesome autocompletion, static analysis and refactoring library for python
    🔗 jedi.readthedocs.io

  8. pycqa/pylint ⭐ 5,385
    It's not just a linter that annoys you!
    🔗 pylint.readthedocs.io/en/latest

  9. asottile/pyupgrade ⭐ 3,677
    A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language.

  10. jendrikseipp/vulture ⭐ 3,653
    Find dead Python code

  11. pycqa/flake8 ⭐ 3,525
    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

  12. wemake-services/wemake-python-styleguide ⭐ 2,650
    The strictest and most opinionated python linter ever!
    🔗 wemake-python-styleguide.rtfd.io

  13. python-lsp/python-lsp-server ⭐ 2,050
    Fork of the python-language-server project, maintained by the Spyder IDE team and the community

  14. codespell-project/codespell ⭐ 2,002
    check code for common misspellings

  15. sourcery-ai/sourcery ⭐ 1,592
    Instant AI code reviews
    🔗 sourcery.ai

  16. tconbeer/sqlfmt ⭐ 428
    sqlfmt formats your dbt SQL files so you don't have to
    🔗 sqlfmt.com

Crypto and Blockchain

Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum virtual machine, solidity.

  1. freqtrade/freqtrade ⭐ 35,834
    Free, open source crypto trading bot
    🔗 www.freqtrade.io

  2. ccxt/ccxt ⭐ 34,373
    A JavaScript / TypeScript / Python / C# / PHP / Go cryptocurrency trading API with support for more than 100 bitcoin/altcoin exchanges
    🔗 docs.ccxt.com

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

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

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

  6. cyberpunkmetalhead/Binance-volatility-trading-bot ⭐ 3,438
    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.

  7. bmoscon/cryptofeed ⭐ 2,333
    Cryptocurrency Exchange Websocket Data Feed Handler

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

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

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

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

  12. palkeo/panoramix ⭐ 828
    Ethereum decompiler

  13. coinbase/agentkit ⭐ 451
    AgentKit is Coinbase Developer Platform's framework for easily enabling AI agents to take actions onchain. It is designed to be framework-agnostic, so you can use it with any AI framework, and wallet-agnostic

  14. dylanhogg/awesome-crypto ⭐ 73
    A list of awesome crypto and blockchain projects
    🔗 www.awesomecrypto.xyz

Data

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

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

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

  3. microsoft/markitdown ⭐ 36,143
    A utility for converting files to Markdown, supports: PDF, PPT, Word, Excel, Images etc

  4. mindsdb/mindsdb ⭐ 27,140
    AGI's query engine - Platform for building AI that can learn and answer questions over federated data.
    🔗 mindsdb.com

  5. getredash/redash ⭐ 26,834
    Make Your Company Data Driven. Connect to any data source, easily visualize, dashboard and share your data.
    🔗 redash.io

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

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

  8. humansignal/label-studio ⭐ 20,567
    Label Studio is an open source data labeling tool. It lets you label data types like audio, text, images, videos, and time series with a simple and straightforward UI and export to various model formats.
    🔗 labelstud.io

  9. ds4sd/docling ⭐ 19,796
    Docling parses documents and exports them to the desired format with ease and speed.
    🔗 ds4sd.github.io/docling

  10. joke2k/faker ⭐ 17,993
    Faker is a Python package that generates fake data for you.
    🔗 faker.readthedocs.io

  11. avaiga/taipy ⭐ 17,758
    Turns Data and AI algorithms into production-ready web applications in no time.
    🔗 www.taipy.io

  12. chroma-core/chroma ⭐ 17,386
    the AI-native open-source embedding database
    🔗 www.trychroma.com

  13. airbytehq/airbyte ⭐ 17,118
    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

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

  15. twintproject/twint ⭐ 15,930
    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.

  16. tiangolo/sqlmodel ⭐ 15,125
    SQL databases in Python, designed for simplicity, compatibility, and robustness.
    🔗 sqlmodel.tiangolo.com

  17. apache/arrow ⭐ 14,949
    Apache Arrow is the universal columnar format and multi-language toolbox for fast data interchange and in-memory analytics
    🔗 arrow.apache.org

  18. pathwaycom/pathway ⭐ 13,493
    Python ETL framework for stream processing, real-time analytics, LLM pipelines, and RAG.
    🔗 pathway.com

  19. redis/redis-py ⭐ 12,828
    Redis Python client

  20. weaviate/weaviate ⭐ 12,208
    Weaviate is an open-source vector database that stores both objects and vectors, allowing for the combination of vector search with structured filtering with the fault tolerance and scalability of a cloud-native database​.
    🔗 weaviate.io/developers/weaviate

  21. coleifer/peewee ⭐ 11,344
    a small, expressive orm -- supports postgresql, mysql, sqlite and cockroachdb
    🔗 docs.peewee-orm.com

  22. s0md3v/Photon ⭐ 11,291
    Incredibly fast crawler designed for OSINT.

  23. sqlalchemy/sqlalchemy ⭐ 9,977
    The Database Toolkit for Python
    🔗 www.sqlalchemy.org

  24. simonw/datasette ⭐ 9,776
    An open source multi-tool for exploring and publishing data
    🔗 datasette.io

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

  26. voxel51/fiftyone ⭐ 9,132
    Refine high-quality datasets and visual AI models
    🔗 fiftyone.ai

  27. yzhao062/pyod ⭐ 8,781
    A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques
    🔗 pyod.readthedocs.io

  28. gristlabs/grist-core ⭐ 7,762
    Grist is the evolution of spreadsheets.
    🔗 www.getgrist.com

  29. tobymao/sqlglot ⭐ 7,070
    Python SQL Parser and Transpiler
    🔗 sqlglot.com

  30. alirezamika/autoscraper ⭐ 6,612
    A Smart, Automatic, Fast and Lightweight Web Scraper for Python

  31. kaggle/kaggle-api ⭐ 6,411
    Official Kaggle API

  32. madmaze/pytesseract ⭐ 5,996
    A Python wrapper for Google Tesseract

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

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

  35. ibis-project/ibis ⭐ 5,490
    Ibis is a Python library that provides a lightweight, universal interface for data wrangling. It helps Python users explore and transform data of any size, stored anywhere.
    🔗 ibis-project.org

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

  37. cyclotruc/gitingest ⭐ 5,408
    Turn any Git repository into a prompt-friendly text ingest for LLMs.
    🔗 gitingest.com

  38. facebookresearch/AugLy ⭐ 4,988
    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

  39. superduperdb/superduper ⭐ 4,941
    Superduper: Build end-to-end AI applications and agent workflows on your existing data infrastructure and preferred tools - without migrating your data.
    🔗 superduper.io

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

  41. amundsen-io/amundsen ⭐ 4,487
    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

  42. lk-geimfari/mimesis ⭐ 4,484
    Mimesis is a robust data generator for Python that can produce a wide range of fake data in multiple languages.
    🔗 mimesis.name

  43. giskard-ai/giskard ⭐ 4,266
    🐢 Open-Source Evaluation & Testing for AI & LLM systems
    🔗 docs.giskard.ai

  44. mongodb/mongo-python-driver ⭐ 4,178
    PyMongo - the Official MongoDB Python driver
    🔗 www.mongodb.com/docs/languages/python/pymongo-driver/current

  45. adbar/trafilatura ⭐ 3,893
    Python & Command-line tool to gather text and metadata on the Web: Crawling, scraping, extraction, output as CSV, JSON, HTML, MD, TXT, XML
    🔗 trafilatura.readthedocs.io

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

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

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

  49. deepchecks/deepchecks ⭐ 3,698
    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

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

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

  52. rapidai/RapidOCR ⭐ 3,435
    📄 Awesome OCR multiple programing languages toolkits based on ONNXRuntime, OpenVINO and PaddlePaddle.
    🔗 rapidai.github.io/rapidocrdocs

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

  54. zoomeranalytics/xlwings ⭐ 3,063
    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

  55. sqlalchemy/alembic ⭐ 3,056
    A database migrations tool for SQLAlchemy.

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

  57. docarray/docarray ⭐ 3,007
    Represent, send, store and search multimodal data
    🔗 docs.docarray.org

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

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

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

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

  62. mlabonne/llm-datasets ⭐ 2,615
    Curated list of datasets and tools for post-training.
    🔗 mlabonne.github.io/blog

  63. kayak/pypika ⭐ 2,613
    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

  64. sdv-dev/SDV ⭐ 2,479
    Synthetic data generation for tabular data
    🔗 docs.sdv.dev/sdv

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

  66. uqfoundation/dill ⭐ 2,310
    serialize all of Python
    🔗 dill.rtfd.io

  67. emirozer/fake2db ⭐ 2,288
    Generate fake but valid data filled databases for test purposes using most popular patterns(AFAIK). Current support is sqlite, mysql, postgresql, mongodb, redis, couchdb.

  68. samuelcolvin/arq ⭐ 2,281
    Fast job queuing and RPC in python with asyncio and redis.
    🔗 arq-docs.helpmanual.io

  69. pikepdf/pikepdf ⭐ 2,252
    A Python library for reading and writing PDF, powered by QPDF
    🔗 pikepdf.readthedocs.io

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

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

  72. huggingface/datatrove ⭐ 2,173
    DataTrove is a library to process, filter and deduplicate text data at a very large scale. It provides a set of prebuilt commonly used processing blocks with a framework to easily add custom functionality

  73. sfu-db/connector-x ⭐ 2,095
    Fastest library to load data from DB to DataFrames in Rust and Python
    🔗 sfu-db.github.io/connector-x

  74. aminalaee/sqladmin ⭐ 2,025
    SQLAlchemy Admin for FastAPI and Starlette
    🔗 aminalaee.dev/sqladmin

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

  76. agronholm/sqlacodegen ⭐ 1,977
    Automatic model code generator for SQLAlchemy

  77. uber/petastorm ⭐ 1,812
    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.

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

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

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

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

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

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

  84. scholarly-python-package/scholarly ⭐ 1,498
    Retrieve author and publication information from Google Scholar in a friendly, Pythonic way without having to worry about CAPTCHAs!
    🔗 scholarly.readthedocs.io

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

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

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

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

  89. quixio/quix-streams ⭐ 1,289
    Python stream processing for Kafka
    🔗 docs.quix.io

  90. aio-libs/aiocache ⭐ 1,208
    Asyncio cache manager for redis, memcached and memory
    🔗 aiocache.readthedocs.io

  91. eliasdabbas/advertools ⭐ 1,181
    advertools - online marketing productivity and analysis tools
    🔗 advertools.readthedocs.io

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

  93. d-star-ai/dsRAG ⭐ 1,139
    A retrieval engine for unstructured data. It is especially good at handling challenging queries over dense text, like financial reports, legal documents, and academic papers.

  94. brettkromkamp/contextualise ⭐ 1,068
    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

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

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

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

  98. igorbenav/fastcrud ⭐ 931
    FastCRUD is a Python package for FastAPI, offering robust async CRUD operations and flexible endpoint creation utilities.

  99. goccy/bigquery-emulator ⭐ 890
    BigQuery emulator provides a way to launch a BigQuery server on your local machine for testing and development.

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

  101. macbre/sql-metadata ⭐ 834
    Uses tokenized query returned by python-sqlparse and generates query metadata
    🔗 pypi.python.org/pypi/sql-metadata

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

  103. googleapis/python-bigquery ⭐ 749
    Python Client for Google BigQuery

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

  105. dgarnitz/vectorflow ⭐ 682
    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

  106. kagisearch/vectordb ⭐ 673
    A minimal Python package for storing and retrieving text using chunking, embeddings, and vector search.
    🔗 vectordb.com

  107. weaviate/recipes ⭐ 660
    This repository shares end-to-end notebooks on how to use various Weaviate features and integrations!

  108. unstructured-io/unstructured-api ⭐ 627
    API for Open-Source Pre-Processing Tools for Unstructured Data

  109. apache/iceberg-python ⭐ 586
    PyIceberg is a Python library for programmatic access to Iceberg table metadata as well as to table data in Iceberg format.
    🔗 py.iceberg.apache.org

  110. jina-ai/vectordb ⭐ 586
    A Python vector database you just need - no more, no less.

  111. koaning/bulk ⭐ 563
    Bulk is a quick UI developer tool to apply some bulk labels.

  112. koaning/doubtlab ⭐ 508
    Doubt your data, find bad labels.
    🔗 koaning.github.io/doubtlab

  113. ibm/data-prep-kit ⭐ 462
    Data Prep Kit is a community project to democratize and accelerate unstructured data preparation for LLM app developers
    🔗 ibm.github.io/data-prep-kit

  114. titan-systems/titan ⭐ 450
    Snowflake infrastructure-as-code. Provision environments, automate deploys, CI/CD. Manage RBAC, users, roles, and data access. Declarative Python Resource API.

  115. stackloklabs/promptwright ⭐ 371
    Promptwright is a Python library designed for generating large synthetic datasets using LLMs

Debugging

Debugging and tracing tools.

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

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

  3. shobrook/rebound ⭐ 4,123
    Get Stack Overflow results in your terminal whenever an error is thrown

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

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

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

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

  8. pdbpp/pdbpp ⭐ 1,328
    pdb++, a drop-in replacement for pdb (the Python debugger)

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

  10. samuelcolvin/python-devtools ⭐ 1,004
    Dev tools for python
    🔗 python-devtools.helpmanual.io

Diffusion Text to Image

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

  1. automatic1111/stable-diffusion-webui ⭐ 146,849
    Stable Diffusion web UI

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

  3. comfyanonymous/ComfyUI ⭐ 65,770
    The most powerful and modular diffusion model GUI, api and backend with a graph/nodes interface.
    🔗 www.comfy.org

  4. stability-ai/stablediffusion ⭐ 39,940
    High-Resolution Image Synthesis with Latent Diffusion Models

  5. lllyasviel/ControlNet ⭐ 31,345
    Let us control diffusion models!

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

  7. invoke-ai/InvokeAI ⭐ 24,328
    Invoke 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, and serves as the foundation for multiple commercial products.
    🔗 invoke-ai.github.io/invokeai

  8. openbmb/MiniCPM-o ⭐ 18,085
    MiniCPM-o 2.6: A GPT-4o Level MLLM for Vision, Speech and Multimodal Live Streaming on Your Phone

  9. apple/ml-stable-diffusion ⭐ 17,113
    Stable Diffusion with Core ML on Apple Silicon

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

  11. divamgupta/diffusionbee-stable-diffusion-ui ⭐ 12,959
    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

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

  13. instantid/InstantID ⭐ 11,360
    InstantID: Zero-shot Identity-Preserving Generation in Seconds 🔥
    🔗 instantid.github.io

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

  15. facebookresearch/dinov2 ⭐ 9,734
    PyTorch code and models for the DINOv2 self-supervised learning method.

  16. ashawkey/stable-dreamfusion ⭐ 8,446
    Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion.

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

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

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

  20. opengvlab/InternVL ⭐ 6,925
    [CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4o. 接近GPT-4o表现的开源多模态对话模型
    🔗 internvl.readthedocs.io/en/latest

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

  22. openai/consistency_models ⭐ 6,236
    Official repo for consistency models.

  23. salesforce/BLIP ⭐ 4,989
    PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation

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

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

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

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

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

  29. openai/improved-diffusion ⭐ 3,409
    Release for Improved Denoising Diffusion Probabilistic Models

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

  31. google-research/big_vision ⭐ 2,547
    Official codebase used to develop Vision Transformer, SigLIP, MLP-Mixer, LiT and more.

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

  33. thudm/CogVLM2 ⭐ 2,234
    GPT4V-level open-source multi-modal model based on Llama3-8B

  34. open-compass/VLMEvalKit ⭐ 1,767
    Open-source evaluation toolkit of large multi-modality models (LMMs), support 220+ LMMs, 80+ benchmarks
    🔗 huggingface.co/spaces/opencompass/open_vlm_leaderboard

  35. coyote-a/ultimate-upscale-for-automatic1111 ⭐ 1,691
    Ultimate SD Upscale extension for AUTOMATIC1111 Stable Diffusion web UI

  36. divamgupta/stable-diffusion-tensorflow ⭐ 1,593
    Stable Diffusion in TensorFlow / Keras

  37. nvlabs/prismer ⭐ 1,307
    The implementation of "Prismer: A Vision-Language Model with Multi-Task Experts".
    🔗 shikun.io/projects/prismer

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

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

  40. tanelp/tiny-diffusion ⭐ 702
    A minimal PyTorch implementation of probabilistic diffusion models for 2D datasets.

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

  42. laion-ai/dalle2-laion ⭐ 501
    Pretrained Dalle2 from laion

Finance

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

  1. openbb-finance/OpenBB ⭐ 35,969
    Investment Research for Everyone, Everywhere.
    🔗 openbb.co

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

  3. microsoft/qlib ⭐ 16,303
    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

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

  5. ranaroussi/yfinance ⭐ 15,596
    Download market data from Yahoo! Finance's API
    🔗 ranaroussi.github.io/yfinance

  6. ai4finance-foundation/FinGPT ⭐ 14,815
    FinGPT: Open-Source Financial Large Language Models! Revolutionize 🔥 We release the trained model on HuggingFace.
    🔗 ai4finance.org

  7. ai4finance-foundation/FinRL ⭐ 10,561
    FinRL: Financial Reinforcement Learning. 🔥
    🔗 ai4finance.org

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

  9. ta-lib/ta-lib-python ⭐ 10,124
    Python wrapper for TA-Lib (http://ta-lib.org/).
    🔗 ta-lib.github.io/ta-lib-python

  10. goldmansachs/gs-quant ⭐ 8,304
    Python toolkit for quantitative finance
    🔗 developer.gs.com/discover/products/gs-quant

  11. virattt/ai-hedge-fund ⭐ 7,455
    AI-powered hedge fund. The goal of this project is to explore the use of AI to make trading decisions.

  12. kernc/backtesting.py ⭐ 5,877
    🔎 📈 🐍 💰 Backtest trading strategies in Python.
    🔗 kernc.github.io/backtesting.py

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

  14. twopirllc/pandas-ta ⭐ 5,728
    Technical Analysis Indicators - Pandas TA is an easy to use Python 3 Pandas Extension with 150+ Indicators
    🔗 twopirllc.github.io/pandas-ta

  15. ranaroussi/quantstats ⭐ 5,254
    Portfolio analytics for quants, written in Python

  16. polakowo/vectorbt ⭐ 4,713
    Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
    🔗 vectorbt.dev

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

  18. gbeced/pyalgotrade ⭐ 4,471
    Python Algorithmic Trading Library
    🔗 gbeced.github.io/pyalgotrade

  19. borisbanushev/stockpredictionai ⭐ 4,415
    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...

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

  21. quantopian/alphalens ⭐ 3,516
    Performance analysis of predictive (alpha) stock factors
    🔗 quantopian.github.io/alphalens

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

  23. zvtvz/zvt ⭐ 3,369
    modular quant framework.
    🔗 zvt.readthedocs.io/en/latest

  24. robcarver17/pysystemtrade ⭐ 2,754
    Systematic Trading in python

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

  26. pmorissette/bt ⭐ 2,378
    bt - flexible backtesting for Python
    🔗 pmorissette.github.io/bt

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

  28. blankly-finance/blankly ⭐ 2,220
    🚀 💸 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

  29. pmorissette/ffn ⭐ 2,109
    ffn - a financial function library for Python
    🔗 pmorissette.github.io/ffn

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

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

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

  33. gbeced/basana ⭐ 647
    A Python async and event driven framework for algorithmic trading, with a focus on crypto currencies.

  34. chancefocus/PIXIU ⭐ 614
    This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).

Game Development

Game development tools, engines and libraries.

  1. kitao/pyxel ⭐ 15,751
    A retro game engine for Python

  2. pygame/pygame ⭐ 7,722
    🐍🎮 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

  3. microsoft/TRELLIS ⭐ 7,413
    A large 3D asset generation model. It takes in text or image prompts and generates high-quality 3D assets in various formats, such as Radiance Fields, 3D Gaussians, and meshes.
    🔗 trellis3d.github.io

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

  5. niklasf/python-chess ⭐ 2,504
    python-chess is a chess library for Python, with move generation, move validation, and support for common formats
    🔗 python-chess.readthedocs.io/en/latest

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

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

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

GIS

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

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

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

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

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

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

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

  7. giswqs/geemap ⭐ 3,553
    A Python package for interactive geospatial analysis and visualization with Google Earth Engine.
    🔗 geemap.org

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

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

  10. microsoft/torchgeo ⭐ 3,189
    TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data
    🔗 www.osgeo.org/projects/torchgeo

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

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

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

  14. mcordts/cityscapesScripts ⭐ 2,203
    README and scripts for the Cityscapes Dataset

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

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

  17. plant99/felicette ⭐ 1,820
    Satellite imagery for dummies.

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

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

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

  21. pysal/pysal ⭐ 1,358
    PySAL: Python Spatial Analysis Library Meta-Package
    🔗 pysal.org/pysal

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

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

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

  25. opengeos/streamlit-geospatial ⭐ 904
    A multi-page streamlit app for geospatial
    🔗 huggingface.co/spaces/giswqs/streamlit

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

  27. makepath/xarray-spatial ⭐ 860
    Raster-based Spatial Analytics for Python
    🔗 xarray-spatial.readthedocs.io

  28. developmentseed/titiler ⭐ 823
    Build your own Raster dynamic map tile services
    🔗 developmentseed.org/titiler

Graph

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

  1. networkx/networkx ⭐ 15,349
    Network Analysis in Python
    🔗 networkx.org

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

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

  4. microsoft/graspologic ⭐ 853
    graspologic is a package for graph statistical algorithms
    🔗 graspologic-org.github.io/graspologic

  5. rampasek/GraphGPS ⭐ 699
    Recipe for a General, Powerful, Scalable Graph Transformer

  6. dylanhogg/llmgraph ⭐ 370
    Create knowledge graphs with LLMs

GUI

Graphical user interface libraries and toolkits.

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

  2. pysimplegui/PySimpleGUI ⭐ 13,542
    Python GUIs for Humans! PySimpleGUI is the top-rated Python application development environment. Launched in 2018 and actively developed, maintained, and supported in 2024. Transforms tkinter, Qt, WxPython, and Remi into a simple, intuitive, and fun experience for both hobbyists and expert users.
    🔗 www.pysimplegui.com

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

  4. samuelcolvin/FastUI ⭐ 8,650
    FastUI is a new way to build web application user interfaces defined by declarative Python code.
    🔗 fastui-demo.onrender.com

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

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

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

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

Jupyter

Jupyter and JupyterLab and Notebook tools, libraries and plugins.

  1. jupyterlab/jupyterlab ⭐ 14,356
    JupyterLab computational environment.
    🔗 jupyterlab.readthedocs.io

  2. jupyter/notebook ⭐ 11,991
    Jupyter Interactive Notebook
    🔗 jupyter-notebook.readthedocs.io

  3. marimo-team/marimo ⭐ 10,162
    A reactive Python notebook: run a cell or interact with a UI element, and marimo automatically runs dependent cells, keeping code and outputs consistent. marimo notebooks are stored as pure Python, executable as scripts, and deployable as apps.
    🔗 marimo.io

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

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

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

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

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

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

  10. jupyterlab/jupyterlab-desktop ⭐ 3,855
    JupyterLab desktop application, based on Electron.

  11. jupyterlab/jupyter-ai ⭐ 3,382
    A generative AI extension for JupyterLab
    🔗 jupyter-ai.readthedocs.io

  12. jupyter-widgets/ipywidgets ⭐ 3,190
    Interactive Widgets for the Jupyter Notebook
    🔗 ipywidgets.readthedocs.io

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

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

  15. mito-ds/mito ⭐ 2,342
    Jupyter extensions that help you write code faster: Context aware AI Chat, Autocomplete, and Spreadsheet
    🔗 trymito.io

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

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

  18. jupyter-lsp/jupyterlab-lsp ⭐ 1,842
    Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol
    🔗 jupyterlab-lsp.readthedocs.io

  19. jupyter/nbconvert ⭐ 1,783
    Jupyter Notebook Conversion
    🔗 nbconvert.readthedocs.io

  20. koaning/drawdata ⭐ 1,222
    Draw datasets from within Jupyter.

  21. 8080labs/pyforest ⭐ 1,109
    With pyforest you can use all your favorite Python libraries without importing them before. If you use a package that is not imported yet, pyforest imports the package for you and adds the code to the first Jupyter cell.
    🔗 8080labs.com

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

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

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

  25. linealabs/lineapy ⭐ 665
    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

  26. xiaohk/stickyland ⭐ 540
    Break the linear presentation of Jupyter Notebooks with sticky cells!
    🔗 xiaohk.github.io/stickyland

  27. infuseai/colab-xterm ⭐ 423
    Open a terminal in colab, including the free tier.

LLMs and ChatGPT

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

  1. significant-gravitas/AutoGPT ⭐ 171,082
    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

  2. ggerganov/llama.cpp ⭐ 72,991
    LLM inference in C/C++

  3. deepseek-ai/DeepSeek-V3 ⭐ 72,238
    A strong Mixture-of-Experts (MoE) language model with 671B total parameters with 37B activated for each token.

  4. nomic-ai/gpt4all ⭐ 72,183
    GPT4All: Run Local LLMs on Any Device. Open-source and available for commercial use.
    🔗 nomic.ai/gpt4all

  5. open-webui/open-webui ⭐ 67,137
    Open WebUI is an extensible, feature-rich, and user-friendly self-hosted AI platform designed to operate entirely offline. It supports various LLM runners like Ollama and OpenAI-compatible APIs, with built-in inference engine for RAG
    🔗 openwebui.com

  6. xtekky/gpt4free ⭐ 63,309
    The official gpt4free repository | various collection of powerful language models | gpt-4o and deepseek v3 & r1
    🔗 t.me/g4f_channel

  7. killianlucas/open-interpreter ⭐ 58,149
    A natural language interface for computers
    🔗 openinterpreter.com

  8. facebookresearch/llama ⭐ 57,463
    Inference code for Llama models

  9. imartinez/private-gpt ⭐ 55,091
    Interact with your documents using the power of GPT, 100% privately, no data leaks
    🔗 privategpt.dev

  10. gpt-engineer-org/gpt-engineer ⭐ 53,005
    Platform to experiment with the AI Software Engineer. Terminal based. NOTE: Very different from https://gptengineer.app

  11. xai-org/grok-1 ⭐ 49,890
    This repository contains JAX example code for loading and running the Grok-1 open-weights model.

  12. geekan/MetaGPT ⭐ 45,927
    🌟 The Multi-Agent Framework: First AI Software Company, Towards Natural Language Programming
    🔗 deepwisdom.ai

  13. oobabooga/text-generation-webui ⭐ 42,187
    A Gradio web UI for Large Language Models with support for multiple inference backends.

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

  15. hiyouga/LLaMA-Factory ⭐ 39,299
    Unified Efficient Fine-Tuning of 100+ LLMs & VLMs (ACL 2024)
    🔗 huggingface.co/papers/2403.13372

  16. hpcaitech/ColossalAI ⭐ 39,042
    Making large AI models cheaper, faster and more accessible
    🔗 www.colossalai.org

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

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

  19. quivrhq/quivr ⭐ 37,201
    Opiniated RAG for integrating GenAI in your apps 🧠 Focus on your product rather than the RAG. Easy integration in existing products with customisation! Any LLM: GPT4, Groq, Llama. Any Vectorstore: PGVector, Faiss. Any Files. Anyway you want.
    🔗 core.quivr.com

  20. laion-ai/Open-Assistant ⭐ 37,193
    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

  21. vllm-project/vllm ⭐ 36,204
    A high-throughput and memory-efficient inference and serving engine for LLMs
    🔗 docs.vllm.ai

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

  23. pythagora-io/gpt-pilot ⭐ 32,286
    The first real AI developer

  24. infiniflow/ragflow ⭐ 31,032
    RAGFlow is an open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.
    🔗 ragflow.io

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

  26. unclecode/crawl4ai ⭐ 28,696
    AI-ready web crawling tailored for LLMs, AI agents, and data pipelines. Open source, flexible, and built for real-time performance, Crawl4AI empowers developers with unmatched speed, precision, and deployment ease.
    🔗 crawl4ai.com

  27. danielmiessler/fabric ⭐ 28,305
    fabric is an open-source framework for augmenting humans using AI. It provides a modular framework for solving specific problems using a crowdsourced set of AI prompts that can be used anywhere.
    🔗 danielmiessler.com/p/fabric-origin-story

  28. meta-llama/llama3 ⭐ 28,175
    The official Meta Llama 3 GitHub site

  29. khoj-ai/khoj ⭐ 25,860
    Your AI second brain. Self-hostable. Get answers from the web or your docs. Build custom agents, schedule automations, do deep research. Turn any online or local LLM into your personal, autonomous AI
    🔗 khoj.dev

  30. vision-cair/MiniGPT-4 ⭐ 25,543
    Open-sourced codes for MiniGPT-4 and MiniGPT-v2 (https://minigpt-4.github.io, https://minigpt-v2.github.io/)
    🔗 minigpt-4.github.io

  31. karpathy/llm.c ⭐ 25,221
    LLM training in simple, pure C/CUDA. There is no need for 245MB of PyTorch or 107MB of cPython

  32. embedchain/mem0 ⭐ 24,373
    The Memory layer for AI Agents
    🔗 mem0.ai

  33. microsoft/JARVIS ⭐ 23,904
    JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf

  34. unslothai/unsloth ⭐ 23,135
    Finetune Llama 3.3, DeepSeek-R1, Mistral, Phi-4 & Gemma 2 LLMs 2-5x faster with 70% less memory
    🔗 unsloth.ai

  35. microsoft/semantic-kernel ⭐ 22,913
    Integrate cutting-edge LLM technology quickly and easily into your apps
    🔗 aka.ms/semantic-kernel

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

  37. microsoft/graphrag ⭐ 22,084
    A modular graph-based Retrieval-Augmented Generation (RAG) system
    🔗 microsoft.github.io/graphrag

  38. stanfordnlp/dspy ⭐ 21,643
    DSPy: The framework for programming—not prompting—language models
    🔗 dspy.ai

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

  40. karpathy/minGPT ⭐ 21,242
    A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training

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

  42. cinnamon/kotaemon ⭐ 20,768
    An open-source RAG UI for chatting with your documents. Built with both end users and developers in mind
    🔗 cinnamon.github.io/kotaemon

  43. mlc-ai/mlc-llm ⭐ 19,850
    Universal LLM Deployment Engine with ML Compilation
    🔗 llm.mlc.ai

  44. guidance-ai/guidance ⭐ 19,576
    A guidance language for controlling large language models.

  45. rasahq/rasa ⭐ 19,335
    💬 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

  46. deepset-ai/haystack ⭐ 18,969
    AI 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 conversatio...
    🔗 haystack.deepset.ai

  47. stitionai/devika ⭐ 18,851
    Devika is an advanced AI software engineer that can understand high-level human instructions, break them down into steps, research relevant information, and write code to achieve the given objective.

  48. tloen/alpaca-lora ⭐ 18,792
    Instruct-tune LLaMA on consumer hardware

  49. karpathy/llama2.c ⭐ 17,970
    Inference Llama 2 in one file of pure C

  50. huggingface/peft ⭐ 17,146
    🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
    🔗 huggingface.co/docs/peft

  51. berriai/litellm ⭐ 16,967
    Python SDK, Proxy Server (LLM Gateway) to call 100+ LLM APIs in OpenAI format - [Bedrock, Azure, OpenAI, VertexAI, Cohere, Anthropic, Sagemaker, HuggingFace, Replicate, Groq]
    🔗 docs.litellm.ai/docs

  52. qwenlm/Qwen ⭐ 16,475
    The official repo of Qwen (通义千问) chat & pretrained large language model proposed by Alibaba Cloud.

  53. facebookresearch/codellama ⭐ 16,175
    Inference code for CodeLlama models

  54. facebookresearch/llama-cookbook ⭐ 16,111
    Welcome to the Llama Cookbook! This is your go to guide for Building with Llama: Getting started with Inference, Fine-Tuning, RAG. We also show you how to solve end to end problems using Llama model family and using them on various provider services
    🔗 www.llama.com

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

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

  57. idea-research/Grounded-Segment-Anything ⭐ 15,658
    Grounded SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
    🔗 arxiv.org/abs/2401.14159

  58. huggingface/open-r1 ⭐ 15,441
    The goal of this repo is to build the missing pieces of the R1 pipeline such that everybody can reproduce and build on top of it

  59. openai/evals ⭐ 15,436
    Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.

  60. dao-ailab/flash-attention ⭐ 15,290
    Fast and memory-efficient exact attention

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

  62. fauxpilot/fauxpilot ⭐ 14,660
    FauxPilot - an open-source alternative to GitHub Copilot server

  63. mlc-ai/web-llm ⭐ 14,544
    High-performance In-browser LLM Inference Engine
    🔗 webllm.mlc.ai

  64. blinkdl/RWKV-LM ⭐ 13,081
    RWKV (pronounced RwaKuv) is an RNN with great LLM performance, which can also be directly trained like a GPT transformer (parallelizable). We are at RWKV-7 "Goose". So it's combining the best of RNN and transformer - great performance, linear time, constant space (no kv-cache), fast training, infinite ctx_len, and f...

  65. vanna-ai/vanna ⭐ 12,942
    🤖 Chat with your SQL database 📊. Accurate Text-to-SQL Generation via LLMs using RAG 🔄.
    🔗 vanna.ai/docs

  66. microsoft/BitNet ⭐ 12,691
    Official inference framework for 1-bit LLMs (e.g., BitNet b1.58). It offers a suite of optimized kernels, that support fast and lossless inference of 1.58-bit models

  67. pathwaycom/llm-app ⭐ 12,582
    Ready-to-run cloud templates for RAG, AI pipelines, and enterprise search with live data. 🐳Docker-friendly.⚡Always in sync with Sharepoint, Google Drive, S3, Kafka, PostgreSQL, real-time data APIs, and more.
    🔗 pathway.com/developers/templates

  68. paddlepaddle/PaddleNLP ⭐ 12,312
    👑 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

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

  70. skyvern-ai/skyvern ⭐ 11,908
    Skyvern automates browser-based workflows using LLMs and computer vision. It provides a simple API endpoint to fully automate manual workflows, replacing brittle or unreliable automation solutions.
    🔗 www.skyvern.com

  71. shishirpatil/gorilla ⭐ 11,743
    Enables LLMs to use tools by invoking APIs. Given a query, Gorilla comes up with the semantically and syntactically correct API.
    🔗 gorilla.cs.berkeley.edu

  72. nirdiamant/RAG_Techniques ⭐ 11,713
    The most comprehensive and dynamic collections of Retrieval-Augmented Generation (RAG) tutorials available today. This repository serves as a hub for cutting-edge techniques aimed at enhancing the accuracy, efficiency, and contextual richness of RAG systems.

  73. h2oai/h2ogpt ⭐ 11,626
    Private chat with local GPT with document, images, video, etc. 100% private, Apache 2.0. Supports oLLaMa, Mixtral, llama.cpp, and more. Demo: https://gpt.h2o.ai/ https://gpt-docs.h2o.ai/
    🔗 h2o.ai

  74. lightning-ai/litgpt ⭐ 11,435
    20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
    🔗 lightning.ai

  75. lightning-ai/litgpt ⭐ 11,435
    20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
    🔗 lightning.ai

  76. nvidia/Megatron-LM ⭐ 11,243
    Ongoing research training transformer models at scale
    🔗 docs.nvidia.com/megatron-core/developer-guide/latest/user-guide/index.html#quick-start

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

  78. lvwerra/trl ⭐ 11,053
    Train transformer language models with reinforcement learning.
    🔗 hf.co/docs/trl

  79. google-research/vision_transformer ⭐ 10,845
    Vision Transformer and MLP-Mixer Architectures

  80. databrickslabs/dolly ⭐ 10,805
    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

  81. outlines-dev/outlines ⭐ 10,572
    Structured Text Generation from LLMs
    🔗 dottxt-ai.github.io/outlines

  82. artidoro/qlora ⭐ 10,210
    QLoRA: Efficient Finetuning of Quantized LLMs
    🔗 arxiv.org/abs/2305.14314

  83. anthropics/anthropic-cookbook ⭐ 10,161
    Provides code and guides designed to help developers build with Claude, offering copy-able code snippets that you can easily integrate into your own projects.

  84. andrewyng/aisuite ⭐ 9,911
    Simple, unified interface to multiple Generative AI providers. aisuite makes it easy for developers to use multiple LLM through a standardized interface.

  85. mistralai/mistral-inference ⭐ 9,908
    Official inference library for Mistral models
    🔗 mistral.ai

  86. microsoft/promptflow ⭐ 9,870
    Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
    🔗 microsoft.github.io/promptflow

  87. prompt-toolkit/python-prompt-toolkit ⭐ 9,511
    Library for building powerful interactive command line applications in Python
    🔗 python-prompt-toolkit.readthedocs.io

  88. mshumer/gpt-prompt-engineer ⭐ 9,463
    Simply input a description of your task and some test cases, and the system will generate, test, and rank a multitude of prompts to find the ones that perform the best.

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

  90. karpathy/minbpe ⭐ 9,362
    Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.

  91. swivid/F5-TTS ⭐ 9,339
    Official code for "F5-TTS: A Fairytaler that Fakes Fluent and Faithful Speech with Flow Matching"
    🔗 arxiv.org/abs/2410.06885

  92. jxnl/instructor ⭐ 9,231
    Instructor is a Python library that makes it a breeze to work with structured outputs from large language models (LLMs). Built on top of Pydantic, it provides a simple, transparent, and user-friendly API to manage validation, retries, and streaming responses.
    🔗 python.useinstructor.com

  93. llmware-ai/llmware ⭐ 8,578
    Unified framework for building enterprise RAG pipelines with small, specialized models
    🔗 llmware-ai.github.io/llmware

  94. apple/ml-ferret ⭐ 8,556
    Ferret: Refer and Ground Anything Anywhere at Any Granularity

  95. abetlen/llama-cpp-python ⭐ 8,536
    Simple Python bindings for @ggerganov's llama.cpp library.
    🔗 llama-cpp-python.readthedocs.io

  96. axolotl-ai-cloud/axolotl ⭐ 8,472
    Go ahead and axolotl questions
    🔗 axolotl-ai-cloud.github.io/axolotl

  97. sgl-project/sglang ⭐ 8,442
    SGLang is a fast serving framework for large language models and vision language models.
    🔗 docs.sglang.ai

  98. chainlit/chainlit ⭐ 8,434
    Build Conversational AI in minutes ⚡️
    🔗 docs.chainlit.io

  99. thudm/CodeGeeX ⭐ 8,353
    CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023)
    🔗 codegeex.cn

  100. optimalscale/LMFlow ⭐ 8,339
    An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
    🔗 optimalscale.github.io/lmflow

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

  102. jzhang38/TinyLlama ⭐ 8,162
    The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.

  103. sjtu-ipads/PowerInfer ⭐ 8,072
    High-speed Large Language Model Serving for Local Deployment

  104. explodinggradients/ragas ⭐ 8,053
    Supercharge Your LLM Application Evaluations 🚀
    🔗 docs.ragas.io

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

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

  107. 01-ai/Yi ⭐ 7,802
    The Yi series models are the next generation of open-source large language models trained from scratch by 01.AI.
    🔗 01.ai

  108. plachtaa/VALL-E-X ⭐ 7,767
    An open source implementation of Microsoft's VALL-E X zero-shot TTS model. Demo is available in https://plachtaa.github.io/vallex/

  109. jiayi-pan/TinyZero ⭐ 7,718
    TinyZero is a reproduction of DeepSeek R1 Zero in countdown and multiplication tasks.

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

  111. eleutherai/lm-evaluation-harness ⭐ 7,637
    A framework for few-shot evaluation of language models.
    🔗 www.eleuther.ai

  112. anthropics/anthropic-quickstarts ⭐ 7,578
    A collection of projects designed to help developers quickly get started with building applications using the Anthropic API. Each quickstart provides a foundation that you can easily build upon and customize for your specific needs.

  113. sweepai/sweep ⭐ 7,496
    Sweep: open-source AI-powered Software Developer for small features and bug fixes.
    🔗 sweep.dev

  114. openlm-research/open_llama ⭐ 7,434
    OpenLLaMA: An Open Reproduction of LLaMA

  115. e2b-dev/E2B ⭐ 7,413
    E2B is an open-source infrastructure that allows you to run AI-generated code in secure isolated sandboxes in the cloud
    🔗 e2b.dev/docs

  116. zilliztech/GPTCache ⭐ 7,362
    Semantic cache for LLMs. Fully integrated with LangChain and llama_index.
    🔗 gptcache.readthedocs.io

  117. bigcode-project/starcoder ⭐ 7,355
    Home of StarCoder: fine-tuning & inference!

  118. vikhyat/moondream ⭐ 7,225
    A tiny open-source computer-vision language model designed to run efficiently on edge devices
    🔗 moondream.ai

  119. skypilot-org/skypilot ⭐ 7,110
    SkyPilot: Run AI and batch jobs on any infra (Kubernetes or 12+ clouds). Get unified execution, cost savings, and high GPU availability via a simple interface.
    🔗 docs.skypilot.co

  120. eleutherai/gpt-neox ⭐ 7,075
    An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries
    🔗 www.eleuther.ai

  121. bhaskatripathi/pdfGPT ⭐ 7,041
    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!
    🔗 huggingface.co/spaces/bhaskartripathi/pdfchatter

  122. apple/corenet ⭐ 7,000
    CoreNet is a deep neural network toolkit that allows researchers and engineers to train standard and novel small and large-scale models for variety of tasks, including foundation models (e.g., CLIP and LLM), object classification, object detection, and semantic segmentation.

  123. future-house/paper-qa ⭐ 6,870
    High-accuracy retrieval augmented generation (RAG) on PDFs or text files, with a focus on the scientific literature

  124. mit-han-lab/streaming-llm ⭐ 6,780
    [ICLR 2024] Efficient Streaming Language Models with Attention Sinks
    🔗 arxiv.org/abs/2309.17453

  125. weaviate/Verba ⭐ 6,746
    Retrieval Augmented Generation (RAG) chatbot powered by Weaviate

  126. internlm/InternLM ⭐ 6,734
    Official release of InternLM series (InternLM, InternLM2, InternLM2.5, InternLM3).
    🔗 internlm.intern-ai.org.cn

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

  128. run-llama/rags ⭐ 6,376
    RAGs is a Streamlit app that lets you create a RAG pipeline from a data source using natural language.

  129. nat/openplayground ⭐ 6,318
    An LLM playground you can run on your laptop

  130. lightning-ai/lit-llama ⭐ 6,027
    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.

  131. simonw/llm ⭐ 5,909
    Access large language models from the command-line
    🔗 llm.datasette.io

  132. minedojo/Voyager ⭐ 5,865
    An Open-Ended Embodied Agent with Large Language Models
    🔗 voyager.minedojo.org

  133. pytorch-labs/gpt-fast ⭐ 5,774
    Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.

  134. langchain-ai/chat-langchain ⭐ 5,663
    Locally hosted chatbot specifically focused on question answering over the LangChain documentation
    🔗 chat.langchain.com

  135. lyogavin/airllm ⭐ 5,640
    AirLLM optimizes inference memory usage, allowing 70B large language models to run inference on a single 4GB GPU card without quantization, distillation and pruning. And you can run 405B Llama3.1 on 8GB vram now.

  136. canner/WrenAI ⭐ 5,612
    Open-source GenBI AI Agent that empowers data-driven teams to chat with their data to generate Text-to-SQL, charts, spreadsheets, reports, and BI.
    🔗 getwren.ai/oss

  137. microsoft/promptbase ⭐ 5,520
    promptbase is an evolving collection of resources, best practices, and example scripts for eliciting the best performance from foundation models.

  138. promptfoo/promptfoo ⭐ 5,410
    Test your prompts, agents, and RAGs. Red teaming, pentesting, and vulnerability scanning for LLMs. Compare performance of GPT, Claude, Gemini, Llama, and more. Simple declarative configs with command line and CI/CD integration.
    🔗 promptfoo.dev

  139. qwenlm/Qwen-VL ⭐ 5,379
    The official repo of Qwen-VL (通义千问-VL) chat & pretrained large vision language model proposed by Alibaba Cloud.

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

  141. modelscope/ms-swift ⭐ 5,209
    Use PEFT or Full-parameter to finetune 450+ LLMs (Qwen2.5, InternLM3, GLM4, Llama3.3, Mistral, Yi1.5, Baichuan2, DeepSeek-R1, ...) and 150+ MLLMs (Qwen2.5-VL, Qwen2-Audio, Llama3.2-Vision, Llava, InternVL2.5, MiniCPM-V-2.6, GLM4v, Xcomposer2.5, Yi-VL, DeepSeek-VL2, Phi3.5-Vision, GOT-OCR2, ...).
    🔗 swift.readthedocs.io/zh-cn/latest

  142. cg123/mergekit ⭐ 5,197
    Tools for merging pretrained large language models.

  143. arcee-ai/mergekit ⭐ 5,197
    Tools for merging pretrained large language models.

  144. allenai/OLMo ⭐ 5,115
    OLMo is a repository for training and using AI2's state-of-the-art open language models. It is designed by scientists, for scientists.
    🔗 allenai.org/olmo

  145. openbmb/ToolBench ⭐ 4,867
    [ICLR'24 spotlight] An open platform for training, serving, and evaluating large language model for tool learning.
    🔗 openbmb.github.io/toolbench

  146. microsoft/LLMLingua ⭐ 4,843
    [EMNLP'23, ACL'24] 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

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

  148. open-compass/opencompass ⭐ 4,579
    OpenCompass is an LLM evaluation platform, supporting a wide range of models (Llama3, Mistral, InternLM2,GPT-4,LLaMa2, Qwen,GLM, Claude, etc) over 100+ datasets.
    🔗 opencompass.org.cn

  149. 1rgs/jsonformer ⭐ 4,562
    A Bulletproof Way to Generate Structured JSON from Language Models

  150. pipecat-ai/pipecat ⭐ 4,526
    Open Source framework for voice and multimodal conversational AI

  151. guardrails-ai/guardrails ⭐ 4,439
    Open-source Python package for specifying structure and type, validating and correcting the outputs of large language models (LLMs)
    🔗 www.guardrailsai.com/docs

  152. kyegomez/tree-of-thoughts ⭐ 4,435
    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

  153. nvidia/NeMo-Guardrails ⭐ 4,383
    NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.

  154. microsoft/BioGPT ⭐ 4,354
    Implementation of BioGPT: Generative Pre-trained Transformer for Biomedical Text Generation and Mining

  155. linkedin/Liger-Kernel ⭐ 4,288
    Efficient Triton Kernels for LLM Training
    🔗 arxiv.org/pdf/2410.10989

  156. instruction-tuning-with-gpt-4/GPT-4-LLM ⭐ 4,259
    Instruction Tuning with GPT-4
    🔗 instruction-tuning-with-gpt-4.github.io

  157. yizhongw/self-instruct ⭐ 4,254
    Aligning pretrained language models with instruction data generated by themselves.

  158. katanaml/sparrow ⭐ 4,198
    Sparrow is a solution for efficient data extraction and processing from various documents and images like invoices and receipts
    🔗 sparrow.katanaml.io

  159. h2oai/h2o-llmstudio ⭐ 4,150
    H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs. Documentation: https://docs.h2o.ai/h2o-llmstudio/
    🔗 h2o.ai

  160. mshumer/gpt-llm-trainer ⭐ 4,071
    Input a description of your task, and the system will generate a dataset, parse it, and fine-tune a LLaMA 2 model for you

  161. ragapp/ragapp ⭐ 4,011
    The easiest way to use Agentic RAG in any enterprise

  162. turboderp/exllamav2 ⭐ 3,915
    A fast inference library for running LLMs locally on modern consumer-class GPUs

  163. microsoft/LMOps ⭐ 3,824
    General technology for enabling AI capabilities w/ LLMs and MLLMs
    🔗 aka.ms/generalai

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

  165. eth-sri/lmql ⭐ 3,793
    A language for constraint-guided and efficient LLM programming.
    🔗 lmql.ai

  166. agiresearch/AIOS ⭐ 3,773
    AIOS, a Large Language Model (LLM) Agent operating system, embeds large language model into Operating Systems (OS) as the brain of the OS, enabling an operating system "with soul" -- an important step towards AGI.
    🔗 aios.foundation

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

  168. truefoundry/cognita ⭐ 3,558
    RAG (Retrieval Augmented Generation) Framework for building modular, open source applications for production by TrueFoundry
    🔗 cognita.truefoundry.com

  169. defog-ai/sqlcoder ⭐ 3,528
    SoTA LLM for converting natural language questions to SQL queries

  170. lm-sys/RouteLLM ⭐ 3,519
    A framework for serving and evaluating LLM routers - save LLM costs without compromising quality

  171. marker-inc-korea/AutoRAG ⭐ 3,515
    AutoRAG: An Open-Source Framework for Retrieval-Augmented Generation (RAG) Evaluation & Optimization with AutoML-Style Automation
    🔗 auto-rag.com

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

  173. iryna-kondr/scikit-llm ⭐ 3,411
    Seamlessly integrate LLMs into scikit-learn.
    🔗 beastbyte.ai

  174. next-gpt/NExT-GPT ⭐ 3,405
    Code and models for NExT-GPT: Any-to-Any Multimodal Large Language Model
    🔗 next-gpt.github.io

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

  176. jaymody/picoGPT ⭐ 3,303
    An unnecessarily tiny implementation of GPT-2 in NumPy.

  177. deep-diver/LLM-As-Chatbot ⭐ 3,299
    LLM as a Chatbot Service

  178. luodian/Otter ⭐ 3,228
    🦦 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

  179. bclavie/RAGatouille ⭐ 3,214
    Bridging the gap between state-of-the-art research and alchemical RAG pipeline practices.

  180. huggingface/text-embeddings-inference ⭐ 3,105
    A blazing fast inference solution for text embeddings models
    🔗 huggingface.co/docs/text-embeddings-inference/quick_tour

  181. microsoft/torchscale ⭐ 3,044
    Foundation Architecture for (M)LLMs
    🔗 aka.ms/generalai

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

  183. li-plus/chatglm.cpp ⭐ 2,964
    C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & GLM4(V)

  184. cohere-ai/cohere-toolkit ⭐ 2,934
    Cohere Toolkit is a collection of prebuilt components enabling users to quickly build and deploy RAG applications.

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

  186. verazuo/jailbreak_llms ⭐ 2,917
    Official repo for the ACM CCS 2024 paper "Do Anything Now'': Characterizing and Evaluating In-The-Wild Jailbreak Prompts
    🔗 jailbreak-llms.xinyueshen.me

  187. meta-llama/PurpleLlama ⭐ 2,870
    Set of tools to assess and improve LLM security.

  188. mistralai/mistral-finetune ⭐ 2,825
    A light-weight codebase that enables memory-efficient and performant finetuning of Mistral's models. It is based on LoRA.

  189. lightning-ai/LitServe ⭐ 2,812
    Lightning-fast serving engine for any AI model of any size. Flexible. Easy. Enterprise-scale.
    🔗 lightning.ai/docs/litserve

  190. juncongmoo/pyllama ⭐ 2,806
    LLaMA: Open and Efficient Foundation Language Models

  191. hegelai/prompttools ⭐ 2,779
    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

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

  193. mit-han-lab/llm-awq ⭐ 2,703
    AWQ: Activation-aware Weight Quantization for LLM Compression and Acceleration

  194. paperswithcode/galai ⭐ 2,702
    Model API for GALACTICA

  195. nirdiamant/Prompt_Engineering ⭐ 2,695
    A comprehensive collection of tutorials and implementations for Prompt Engineering techniques, ranging from fundamental concepts to advanced strategies.

  196. sylphai-inc/AdalFlow ⭐ 2,650
    Unified auto-differentiative framework for both zero-shot prompt optimization and few-shot optimization. It advances existing auto-optimization research, including Text-Grad and DsPy
    🔗 adalflow.sylph.ai

  197. cheshire-cat-ai/core ⭐ 2,607
    AI agent microservice
    🔗 cheshirecat.ai

  198. noahshinn/reflexion ⭐ 2,567
    [NeurIPS 2023] Reflexion: Language Agents with Verbal Reinforcement Learning

  199. databricks/dbrx ⭐ 2,531
    Code examples and resources for DBRX, a large language model developed by Databricks
    🔗 www.databricks.com

  200. pytorch/executorch ⭐ 2,461
    An end-to-end solution for enabling on-device inference capabilities across mobile and edge devices including wearables, embedded devices and microcontrollers. It is part of the PyTorch Edge ecosystem and enables efficient deployment of PyTorch models to edge devices.
    🔗 pytorch.org/executorch

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

  202. young-geng/EasyLM ⭐ 2,448
    Large language models (LLMs) made easy, EasyLM is a one stop solution for pre-training, finetuning, evaluating and serving LLMs in JAX/Flax.

  203. janhq/cortex.cpp ⭐ 2,429
    Cortex is a Local AI API Platform that is used to run and customize LLMs.
    🔗 cortex.so

  204. novasky-ai/SkyThought ⭐ 2,353
    Sky-T1: Train your own O1 preview model within $450
    🔗 novasky-ai.github.io

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

  206. predibase/lorax ⭐ 2,333
    Multi-LoRA inference server that scales to 1000s of fine-tuned LLMs
    🔗 loraexchange.ai

  207. intel/neural-compressor ⭐ 2,312
    SOTA low-bit LLM quantization (INT8/FP8/INT4/FP4/NF4) & sparsity; leading model compression techniques on TensorFlow, PyTorch, and ONNX Runtime
    🔗 intel.github.io/neural-compressor

  208. truera/trulens ⭐ 2,307
    Evaluation and Tracking for LLM Experiments
    🔗 www.trulens.org

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

  210. openai/simple-evals ⭐ 2,260
    Lightweight library for evaluating language models

  211. argilla-io/distilabel ⭐ 2,227
    Distilabel is the framework for synthetic data and AI feedback for engineers who need fast, reliable and scalable pipelines based on verified research papers.
    🔗 distilabel.argilla.io

  212. openai/finetune-transformer-lm ⭐ 2,185
    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

  213. volcengine/verl ⭐ 2,116
    veRL is a flexible, efficient and production-ready RL training library for large language models (LLMs).
    🔗 verl.readthedocs.io/en/latest/index.html

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

  215. azure-samples/graphrag-accelerator ⭐ 2,101
    One-click deploy of a Knowledge Graph powered RAG (GraphRAG) in Azure
    🔗 github.com/microsoft/graphrag

  216. evolvinglmms-lab/lmms-eval ⭐ 2,051
    Accelerating the development of large multimodal models (LMMs) with one-click evaluation module - lmms-eval.
    🔗 lmms-lab.framer.ai

  217. openai/image-gpt ⭐ 2,049
    Archived. Code and models from the paper "Generative Pretraining from Pixels"

  218. agenta-ai/agenta ⭐ 2,036
    The open-source LLMOps platform: prompt playground, prompt management, LLM evaluation, and LLM Observability all in one place.
    🔗 www.agenta.ai

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

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

  221. neulab/prompt2model ⭐ 1,981
    prompt2model - Generate Deployable Models from Natural Language Instructions

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

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

  224. akariasai/self-rag ⭐ 1,952
    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

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

  226. flashinfer-ai/flashinfer ⭐ 1,926
    FlashInfer is a library and kernel generator for Large Language Models that provides high-performance implementation of LLM GPU kernels such as FlashAttention, SparseAttention, PageAttention, Sampling
    🔗 flashinfer.ai

  227. casper-hansen/AutoAWQ ⭐ 1,924
    AutoAWQ implements the AWQ algorithm for 4-bit quantization with a 2x speedup during inference. Documentation:
    🔗 casper-hansen.github.io/autoawq

  228. facebookresearch/chameleon ⭐ 1,916
    Repository for Meta Chameleon, a mixed-modal early-fusion foundation model from FAIR.
    🔗 arxiv.org/abs/2405.09818

  229. facebookresearch/large_concept_model ⭐ 1,860
    Large Concept Models: Language modeling in a sentence representation space

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

  231. openai/gpt-discord-bot ⭐ 1,801
    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.

  232. huggingface/smollm ⭐ 1,785
    Everything about the SmolLM2 and SmolVLM family of models
    🔗 huggingface.co/huggingfacetb

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

  234. ruc-nlpir/FlashRAG ⭐ 1,715
    FlashRAG is a Python toolkit for the reproduction and development of RAG research. Our toolkit includes 36 pre-processed benchmark RAG datasets and 15 state-of-the-art RAG algorithms.
    🔗 arxiv.org/abs/2405.13576

  235. noamgat/lm-format-enforcer ⭐ 1,687
    Enforce the output format (JSON Schema, Regex etc) of a language model

  236. modelcontextprotocol/python-sdk ⭐ 1,636
    The Model Context Protocol allows applications to provide context for LLMs in a standardized way, separating the concerns of providing context from the actual LLM interaction.
    🔗 modelcontextprotocol.io

  237. qwenlm/Qwen-Audio ⭐ 1,575
    The official repo of Qwen-Audio (通义千问-Audio) chat & pretrained large audio language model proposed by Alibaba Cloud.

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

  239. agentops-ai/tokencost ⭐ 1,546
    Easy token price estimates for 400+ LLMs. TokenOps.
    🔗 agentops.ai

  240. meetkai/functionary ⭐ 1,508
    Chat language model that can use tools and interpret the results

  241. deep-agent/R1-V ⭐ 1,481
    We are building a general framework for Reinforcement Learning with Verifiable Rewards (RLVR) in VLM. RLVR outperforms chain-of-thought supervised fine-tuning (CoT-SFT) in both effectiveness and out-of-distribution (OOD) robustness for vision language models.

  242. roboflow/maestro ⭐ 1,460
    streamline the fine-tuning process for multimodal models: PaliGemma, Florence-2, and Qwen2-VL
    🔗 maestro.roboflow.com

  243. cstankonrad/long_llama ⭐ 1,448
    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.

  244. farizrahman4u/loopgpt ⭐ 1,443
    Re-implementation of Auto-GPT as a python package, written with modularity and extensibility in mind.

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

  246. huggingface/nanotron ⭐ 1,414
    Minimalistic large language model 3D-parallelism training

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

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

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

  250. karpathy/nano-llama31 ⭐ 1,303
    This repo is to Llama 3.1 what nanoGPT is to GPT-2. i.e. it is a minimal, dependency-free implementation of the Llama 3.1 architecture

  251. answerdotai/rerankers ⭐ 1,266
    Welcome to rerankers! Our goal is to provide users with a simple API to use any reranking models.

  252. ray-project/ray-llm ⭐ 1,252
    RayLLM - LLMs on Ray
    🔗 aviary.anyscale.com

  253. facebookresearch/MobileLLM ⭐ 1,233
    Training code of MobileLLM introduced in our work: "MobileLLM: Optimizing Sub-billion Parameter Language Models for On-Device Use Cases"

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

  255. mlfoundations/dclm ⭐ 1,213
    DataComp for Language Models

  256. keirp/automatic_prompt_engineer ⭐ 1,205
    Large Language Models Are Human-Level Prompt Engineers

  257. hao-ai-lab/LookaheadDecoding ⭐ 1,184
    Break the Sequential Dependency of LLM Inference Using Lookahead Decoding
    🔗 arxiv.org/abs/2402.02057

  258. explosion/spacy-llm ⭐ 1,180
    🦙 Integrating LLMs into structured NLP pipelines
    🔗 spacy.io/usage/large-language-models

  259. ibm/Dromedary ⭐ 1,133
    Dromedary: towards helpful, ethical and reliable LLMs.

  260. topoteretes/cognee ⭐ 1,108
    Reliable LLM Memory for AI Applications and AI Agents
    🔗 www.cognee.ai

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

  262. rlancemartin/auto-evaluator ⭐ 1,067
    Evaluation tool for LLM QA chains
    🔗 autoevaluator.langchain.com

  263. huggingface/lighteval ⭐ 1,061
    LightEval is a lightweight LLM evaluation suite that Hugging Face has been using internally with the recently released LLM data processing library datatrove and LLM training library nanotron.

  264. ctlllll/LLM-ToolMaker ⭐ 1,025
    Large Language Models as Tool Makers

  265. microsoft/Llama-2-Onnx ⭐ 1,024
    A Microsoft optimized version of the Llama 2 model, available from Meta

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

  267. cerebras/modelzoo ⭐ 1,011
    Examples of common deep learning models that can be trained on Cerebras hardware

  268. nirdiamant/Controllable-RAG-Agent ⭐ 1,010
    An advanced Retrieval-Augmented Generation (RAG) solution designed to tackle complex questions that simple semantic similarity-based retrieval cannot solve

  269. minishlab/model2vec ⭐ 1,006
    Model2Vec is a technique to turn any sentence transformer into a really small static model, reducing model size by 15x and making the models up to 500x faster, with a small drop in performance
    🔗 minishlab.github.io

  270. pinecone-io/canopy ⭐ 998
    Retrieval Augmented Generation (RAG) framework and context engine powered by Pinecone
    🔗 www.pinecone.io

  271. ajndkr/lanarky ⭐ 986
    The web framework for building LLM microservices
    🔗 lanarky.ajndkr.com

  272. huggingface/evaluation-guidebook ⭐ 981
    Sharing both practical insights and theoretical knowledge about LLM evaluation that we gathered while managing the Open LLM Leaderboard and designing lighteval!

  273. likejazz/llama3.np ⭐ 972
    llama3.np is a pure NumPy implementation for Llama 3 model.

  274. datadreamer-dev/DataDreamer ⭐ 949
    DataDreamer is a powerful open-source Python library for prompting, synthetic data generation, and training workflows. It is designed to be simple, extremely efficient, and research-grade.
    🔗 datadreamer.dev

  275. huggingface/optimum-nvidia ⭐ 927
    Optimum-NVIDIA delivers the best inference performance on the NVIDIA platform through Hugging Face. Run LLaMA 2 at 1,200 tokens/second (up to 28x faster than the framework)

  276. soulter/hugging-chat-api ⭐ 898
    HuggingChat Python API🤗

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

  278. prometheus-eval/prometheus-eval ⭐ 855
    Evaluate your LLM's response with Prometheus and GPT4 💯

  279. langchain-ai/langsmith-cookbook ⭐ 833
    LangSmith is a platform for building production-grade LLM applications.
    🔗 langsmith-cookbook.vercel.app

  280. wandb/weave ⭐ 797
    Weave is a toolkit for developing AI-powered applications, built by Weights & Biases.
    🔗 wandb.me/weave

  281. junruxiong/IncarnaMind ⭐ 789
    Connect and chat with your multiple documents (pdf and txt) through GPT 3.5, GPT-4 Turbo, Claude and Local Open-Source LLMs
    🔗 www.incarnamind.com

  282. nousresearch/Hermes-Function-Calling ⭐ 788
    Code for the Hermes Pro Large Language Model to perform function calling based on the provided schema. It allows users to query the model and retrieve information related to stock prices, company fundamentals, financial statements

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

  284. opengvlab/OmniQuant ⭐ 759
    [ICLR2024 spotlight] OmniQuant is a simple and powerful quantization technique for LLMs.

  285. opengenerativeai/GenossGPT ⭐ 751
    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

  286. utkusen/promptmap ⭐ 726
    Vulnerability scanning tool that automatically tests prompt injection attacks on your LLM applications. It analyzes your LLM system prompts, runs them, and sends attack prompts to them.

  287. salesforce/xgen ⭐ 717
    Salesforce open-source LLMs with 8k sequence length.

  288. squeezeailab/SqueezeLLM ⭐ 671
    [ICML 2024] SqueezeLLM: Dense-and-Sparse Quantization
    🔗 arxiv.org/abs/2306.07629

  289. tag-research/TAG-Bench ⭐ 661
    Table-Augmented Generation (TAG) is a unified and general-purpose paradigm for answering natural language questions over databases
    🔗 arxiv.org/pdf/2408.14717

  290. mlc-ai/xgrammar ⭐ 639
    XGrammar is an open-source library for efficient, flexible, and portable structured generation. It supports general context-free grammar to enable a broad range of structures while bringing careful system optimizations to enable fast executions.
    🔗 xgrammar.mlc.ai

  291. lupantech/ScienceQA ⭐ 627
    Data and code for NeurIPS 2022 Paper "Learn to Explain: Multimodal Reasoning via Thought Chains for Science Question Answering".

  292. developersdigest/llm-api-engine ⭐ 622
    Build and deploy AI-powered APIs in seconds. This project allows you to create custom APIs that extract structured data from websites using natural language descriptions, powered by LLMs and web scraping technology.
    🔗 www.youtube.com/watch?v=8kuek1bo4mm

  293. tsinghuadatabasegroup/DB-GPT ⭐ 597
    LLM As Database Administrator
    🔗 dbgpt.dbmind.cn

  294. microsoft/VPTQ ⭐ 575
    Extreme Low-bit Vector Post-Training Quantization for Large Language Models

  295. zhudotexe/kani ⭐ 570
    kani (カニ) is a highly hackable microframework for chat-based language models with tool use/function calling. (NLP-OSS @ EMNLP 2023)
    🔗 kani.readthedocs.io

  296. modal-labs/llm-finetuning ⭐ 564
    Guide for fine-tuning Llama/Mistral/CodeLlama models and more

  297. magnivorg/prompt-layer-library ⭐ 544
    🍰 PromptLayer - Maintain a log of your prompts and OpenAI API requests. Track, debug, and replay old completions.
    🔗 www.promptlayer.com

  298. hazyresearch/ama_prompting ⭐ 544
    Ask Me Anything language model prompting

  299. declare-lab/instruct-eval ⭐ 540
    This repository contains code to quantitatively evaluate instruction-tuned models such as Alpaca and Flan-T5 on held-out tasks.
    🔗 declare-lab.github.io/instruct-eval

  300. vahe1994/SpQR ⭐ 538
    Quantization algorithm and the model evaluation code for SpQR method for LLM compression

  301. eugeneyan/obsidian-copilot ⭐ 523
    🤖 A prototype assistant for writing and thinking
    🔗 eugeneyan.com/writing/obsidian-copilot

  302. continuum-llms/chatgpt-memory ⭐ 523
    Allows to scale the ChatGPT API to multiple simultaneous sessions with infinite contextual and adaptive memory powered by GPT and Redis datastore.

  303. judahpaul16/gpt-home ⭐ 519
    ChatGPT at home! Basically a better Google Nest Hub or Amazon Alexa home assistant. Built on the Raspberry Pi using the OpenAI API.
    🔗 hub.docker.com/r/judahpaul/gpt-home

  304. hazyresearch/H3 ⭐ 516
    Language Modeling with the H3 State Space Model

  305. kbressem/medAlpaca ⭐ 504
    LLM finetuned for medical question answering

  306. huggingface/text-clustering ⭐ 495
    Easily embed, cluster and semantically label text datasets

  307. stanford-oval/suql ⭐ 241
    SUQL: Conversational Search over Structured and Unstructured Data with LLMs
    🔗 arxiv.org/abs/2311.09818

  308. dottxt-ai/outlines-core ⭐ 173
    Core functionality for structured generation, formerly implemented in Outlines, with a focus on performance and portability.

  309. prithivirajdamodaran/Route0x ⭐ 92
    A production-grade query routing solution, leveraging LLMs while optimizing for cost per query

  310. whitead/paper-qa ⭐ 3
    High accuracy RAG for answering questions from scientific documents with citations

Math and Science

Mathematical, numerical and scientific libraries.

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

  2. camdavidsonpilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers ⭐ 27,158
    aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)
    🔗 camdavidsonpilon.github.io/probabilistic-programming-and-bayesian-methods-for-hackers

  3. taichi-dev/taichi ⭐ 26,664
    Productive, portable, and performant GPU programming in Python: Taichi Lang is an open-source, imperative, parallel programming language for high-performance numerical computation.
    🔗 taichi-lang.org

  4. experience-monks/math-as-code ⭐ 15,277
    This is a reference to ease developers into mathematical notation by showing comparisons with Python code

  5. scipy/scipy ⭐ 13,347
    SciPy library main repository
    🔗 scipy.org

  6. sympy/sympy ⭐ 13,272
    A computer algebra system written in pure Python
    🔗 sympy.org

  7. google/or-tools ⭐ 11,581
    Google Optimization Tools (a.k.a., OR-Tools) is an open-source, fast and portable software suite for solving combinatorial optimization problems.
    🔗 developers.google.com/optimization

  8. z3prover/z3 ⭐ 10,612
    Z3 is a theorem prover from Microsoft Research with a Python language binding.

  9. cupy/cupy ⭐ 9,737
    NumPy & SciPy for GPU
    🔗 cupy.dev

  10. google-deepmind/alphageometry ⭐ 4,259
    Solving Olympiad Geometry without Human Demonstrations

  11. pim-book/programmers-introduction-to-mathematics ⭐ 3,555
    Code for A Programmer's Introduction to Mathematics
    🔗 pimbook.org

  12. mikedh/trimesh ⭐ 3,119
    Python library for loading and using triangular meshes.
    🔗 trimesh.org

  13. talalalrawajfeh/mathematics-roadmap ⭐ 2,787
    A Comprehensive Roadmap to Mathematics

  14. pyro-ppl/numpyro ⭐ 2,381
    Probabilistic programming with NumPy powered by JAX for autograd and JIT compilation to GPU/TPU/CPU.
    🔗 num.pyro.ai

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

  16. pyomo/pyomo ⭐ 2,100
    An object-oriented algebraic modeling language in Python for structured optimization problems.
    🔗 www.pyomo.org

  17. facebookresearch/theseus ⭐ 1,826
    A library for differentiable nonlinear optimization

  18. arviz-devs/arviz ⭐ 1,644
    Exploratory analysis of Bayesian models with Python
    🔗 python.arviz.org

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

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

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

  22. cma-es/pycma ⭐ 1,139
    pycma is a Python implementation of CMA-ES and a few related numerical optimization tools.

  23. pymc-labs/CausalPy ⭐ 945
    A Python package for causal inference in quasi-experimental settings
    🔗 causalpy.readthedocs.io

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

  25. willianfuks/tfcausalimpact ⭐ 627
    Python Causal Impact Implementation Based on Google's R Package. Built using TensorFlow Probability.

  26. lean-dojo/LeanDojo ⭐ 606
    Tool for data extraction and interacting with Lean programmatically.
    🔗 leandojo.org

  27. brandondube/prysm ⭐ 280
    Prysm is an open-source library for physical and first-order modeling of optical systems and analysis of related data: numerical and physical optics, integrated modeling, phase retrieval, segmented systems, polynomials and fitting, sequential raytracing.
    🔗 prysm.readthedocs.io/en/stable

  28. lean-dojo/ReProver ⭐ 246
    Retrieval-Augmented Theorem Provers for Lean
    🔗 leandojo.org

  29. albahnsen/pycircular ⭐ 104
    pycircular is a Python module for circular data analysis

  30. gbillotey/Fractalshades ⭐ 28
    Arbitrary-precision fractal explorer - Python package

Machine Learning - General

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

  1. openai/openai-cookbook ⭐ 61,497
    Examples and guides for using the OpenAI API
    🔗 cookbook.openai.com

  2. scikit-learn/scikit-learn ⭐ 60,964
    scikit-learn: machine learning in Python
    🔗 scikit-learn.org

  3. suno-ai/bark ⭐ 36,830
    🔊 Text-Prompted Generative Audio Model

  4. tencentarc/GFPGAN ⭐ 36,245
    GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.

  5. google-research/google-research ⭐ 34,815
    This repository contains code released by Google Research
    🔗 research.google

  6. facebookresearch/faiss ⭐ 32,737
    A library for efficient similarity search and clustering of dense vectors.
    🔗 faiss.ai

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

  8. open-mmlab/mmdetection ⭐ 30,143
    OpenMMLab Detection Toolbox and Benchmark
    🔗 mmdetection.readthedocs.io

  9. lutzroeder/netron ⭐ 29,254
    Visualizer for neural network, deep learning and machine learning models
    🔗 netron.app

  10. google/mediapipe ⭐ 28,457
    Cross-platform, customizable ML solutions for live and streaming media.
    🔗 ai.google.dev/edge/mediapipe

  11. ageron/handson-ml2 ⭐ 28,334
    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.

  12. dmlc/xgboost ⭐ 26,551
    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

  13. roboflow/supervision ⭐ 24,769
    We write your reusable computer vision tools. 💜
    🔗 supervision.roboflow.com

  14. harisiqbal88/PlotNeuralNet ⭐ 22,657
    Latex code for making neural networks diagrams

  15. jina-ai/serve ⭐ 21,274
    ☁️ Build multimodal AI applications with cloud-native stack
    🔗 jina.ai/serve

  16. ml-explore/mlx ⭐ 18,811
    MLX is an array framework for machine learning on Apple silicon, brought to you by Apple machine learning research.
    🔗 ml-explore.github.io/mlx

  17. onnx/onnx ⭐ 18,347
    Open standard for machine learning interoperability
    🔗 onnx.ai

  18. microsoft/LightGBM ⭐ 16,932
    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

  19. ddbourgin/numpy-ml ⭐ 15,889
    Machine learning, in numpy
    🔗 numpy-ml.readthedocs.io

  20. tensorflow/tensor2tensor ⭐ 15,781
    Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.

  21. microsoft/onnxruntime ⭐ 15,466
    ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
    🔗 onnxruntime.ai

  22. aleju/imgaug ⭐ 14,500
    Image augmentation for machine learning experiments.
    🔗 imgaug.readthedocs.io

  23. microsoft/nni ⭐ 14,109
    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

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

  25. neonbjb/tortoise-tts ⭐ 13,624
    A multi-voice TTS system trained with an emphasis on quality

  26. spotify/annoy ⭐ 13,463
    Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk

  27. deepmind/deepmind-research ⭐ 13,459
    This repository contains implementations and illustrative code to accompany DeepMind publications

  28. deepmind/alphafold ⭐ 13,131
    Implementation of the inference pipeline of AlphaFold v2

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

  30. ggerganov/ggml ⭐ 11,724
    Tensor library for machine learning

  31. optuna/optuna ⭐ 11,303
    A hyperparameter optimization framework
    🔗 optuna.org

  32. google-gemini/cookbook ⭐ 10,568
    A collection of guides and examples for the Gemini API, including quickstart tutorials for writing prompts.
    🔗 ai.google.dev/gemini-api/docs

  33. thudm/CogVideo ⭐ 10,499
    text and image to video generation: CogVideoX (2024) and CogVideo (ICLR 2023)

  34. statsmodels/statsmodels ⭐ 10,408
    Statsmodels: statistical modeling and econometrics in Python
    🔗 www.statsmodels.org/devel

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

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

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

  38. megvii-basedetection/YOLOX ⭐ 9,614
    YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/

  39. wandb/wandb ⭐ 9,429
    The AI developer platform. Use Weights & Biases to train and fine-tune models, and manage models from experimentation to production.
    🔗 wandb.ai

  40. pycaret/pycaret ⭐ 9,105
    An open-source, low-code machine learning library in Python
    🔗 www.pycaret.org

  41. facebookresearch/xformers ⭐ 8,964
    Hackable and optimized Transformers building blocks, supporting a composable construction.
    🔗 facebookresearch.github.io/xformers

  42. pymc-devs/pymc ⭐ 8,855
    Bayesian Modeling and Probabilistic Programming in Python
    🔗 docs.pymc.io

  43. uberi/speech_recognition ⭐ 8,573
    Speech recognition module for Python, supporting several engines and APIs, online and offline.
    🔗 pypi.python.org/pypi/speechrecognition

  44. open-mmlab/mmsegmentation ⭐ 8,513
    OpenMMLab Semantic Segmentation Toolbox and Benchmark.
    🔗 mmsegmentation.readthedocs.io/en/main

  45. awslabs/autogluon ⭐ 8,324
    Fast and Accurate ML in 3 Lines of Code
    🔗 auto.gluon.ai

  46. huggingface/accelerate ⭐ 8,263
    🚀 A simple way to launch, train, and use PyTorch models on almost any device and distributed configuration, automatic mixed precision (including fp8), and easy-to-configure FSDP and DeepSpeed support
    🔗 huggingface.co/docs/accelerate

  47. catboost/catboost ⭐ 8,225
    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

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

  49. lmcinnes/umap ⭐ 7,611
    Uniform Manifold Approximation and Projection

  50. featurelabs/featuretools ⭐ 7,354
    An open source python library for automated feature engineering
    🔗 www.featuretools.com

  51. hyperopt/hyperopt ⭐ 7,332
    Distributed Asynchronous Hyperparameter Optimization in Python
    🔗 hyperopt.github.io/hyperopt

  52. py-why/dowhy ⭐ 7,255
    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

  53. hips/autograd ⭐ 7,117
    Efficiently computes derivatives of NumPy code.

  54. open-mmlab/mmagic ⭐ 7,047
    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

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

  56. ml-explore/mlx-examples ⭐ 6,815
    Examples in the MLX framework

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

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

  59. yangchris11/samurai ⭐ 6,435
    Official repository of "SAMURAI: Adapting Segment Anything Model for Zero-Shot Visual Tracking with Motion-Aware Memory"
    🔗 yangchris11.github.io/samurai

  60. google/automl ⭐ 6,304
    Google Brain AutoML

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

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

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

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

  65. google-deepmind/graphcast ⭐ 5,793
    GraphCast: Learning skillful medium-range global weather forecasting

  66. uber/causalml ⭐ 5,199
    Uplift modeling and causal inference with machine learning algorithms

  67. online-ml/river ⭐ 5,182
    🌊 Online machine learning in Python
    🔗 riverml.xyz

  68. mdbloice/Augmentor ⭐ 5,092
    Image augmentation library in Python for machine learning.
    🔗 augmentor.readthedocs.io/en/stable

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

  70. marqo-ai/marqo ⭐ 4,748
    Unified embedding generation and search engine. Also available on cloud - cloud.marqo.ai
    🔗 www.marqo.ai

  71. skvark/opencv-python ⭐ 4,677
    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

  72. apple/coremltools ⭐ 4,549
    Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
    🔗 coremltools.readme.io

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

  74. nmslib/hnswlib ⭐ 4,517
    Header-only C++/python library for fast approximate nearest neighbors
    🔗 github.com/nmslib/hnswlib

  75. lucidrains/deep-daze ⭐ 4,368
    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

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

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

  78. huggingface/autotrain-advanced ⭐ 4,228
    AutoTrain Advanced: faster and easier training and deployments of state-of-the-art machine learning models
    🔗 huggingface.co/autotrain

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

  80. cmusphinx/pocketsphinx ⭐ 4,014
    A small speech recognizer

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

  82. py-why/EconML ⭐ 3,948
    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

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

  84. zjunlp/DeepKE ⭐ 3,711
    [EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction
    🔗 deepke.zjukg.cn

  85. huggingface/speech-to-speech ⭐ 3,703
    Speech To Speech: an effort for an open-sourced and modular GPT4-o

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

  87. yoheinakajima/instagraph ⭐ 3,498
    Converts text input or URL into knowledge graph and displays

  88. pytorch/glow ⭐ 3,267
    Compiler for Neural Network hardware accelerators

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

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

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

  92. hrnet/HRNet-Semantic-Segmentation ⭐ 3,193
    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

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

  94. shankarpandala/lazypredict ⭐ 3,083
    Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning

  95. huggingface/safetensors ⭐ 3,060
    Implements a new simple format for storing tensors safely (as opposed to pickle) and that is still fast (zero-copy).
    🔗 huggingface.co/docs/safetensors

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

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

  98. google-research/t5x ⭐ 2,733
    T5X is a modular, composable, research-friendly framework for high-performance, configurable, self-service training, evaluation, and inference of sequence models (starting with language) at many scales.

  99. huggingface/optimum ⭐ 2,719
    🚀 Accelerate inference and training of 🤗 Transformers, Diffusers, TIMM and Sentence Transformers with easy to use hardware optimization tools
    🔗 huggingface.co/docs/optimum/main

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

  101. freedmand/semantra ⭐ 2,558
    Semantra is a multipurpose tool for semantically searching documents. Query by meaning rather than just by matching text.

  102. rom1504/clip-retrieval ⭐ 2,479
    Easily compute clip embeddings and build a clip retrieval system with them
    🔗 rom1504.github.io/clip-retrieval

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

  104. neuraloperator/neuraloperator ⭐ 2,398
    Comprehensive library for learning neural operators in PyTorch. It is the official implementation for Fourier Neural Operators and Tensorized Neural Operators.
    🔗 neuraloperator.github.io/dev/index.html

  105. priorlabs/TabPFN ⭐ 2,396
    The TabPFN is a neural network that learned to do tabular data prediction. This is the original CUDA-supporting pytorch impelementation.
    🔗 priorlabs.ai

  106. eric-mitchell/direct-preference-optimization ⭐ 2,347
    Reference implementation for DPO (Direct Preference Optimization)

  107. huggingface/huggingface_hub ⭐ 2,297
    The official Python client for the Huggingface Hub.
    🔗 huggingface.co/docs/huggingface_hub

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

  109. huggingface/evaluate ⭐ 2,095
    🤗 Evaluate: A library for easily evaluating machine learning models and datasets.
    🔗 huggingface.co/docs/evaluate

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

  111. linkedin/greykite ⭐ 1,824
    A flexible, intuitive and fast forecasting library

  112. rentruewang/koila ⭐ 1,822
    Prevent PyTorch's CUDA error: out of memory in just 1 line of code.
    🔗 koila.rentruewang.com

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

  114. microsoft/Olive ⭐ 1,734
    Olive: Simplify ML Model Finetuning, Conversion, Quantization, and Optimization for CPUs, GPUs and NPUs.
    🔗 microsoft.github.io/olive

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

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

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

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

  119. microsoft/i-Code ⭐ 1,683
    The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning.

  120. stanfordmlgroup/ngboost ⭐ 1,677
    Natural Gradient Boosting for Probabilistic Prediction

  121. visual-layer/fastdup ⭐ 1,651
    fastdup is a powerful, free tool designed to rapidly generate valuable insights from image and video datasets. It helps enhance the quality of both images and labels, while significantly reducing data operation costs, all with unmatched scalability.

  122. laekov/fastmoe ⭐ 1,610
    A fast MoE impl for PyTorch
    🔗 fastmoe.ai

  123. kubeflow/katib ⭐ 1,536
    Automated Machine Learning on Kubernetes
    🔗 www.kubeflow.org/docs/components/katib

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

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

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

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

  128. patchy631/machine-learning ⭐ 1,401
    Machine Learning Tutorials Repository

  129. spotify/voyager ⭐ 1,383
    🛰️ An approximate nearest-neighbor search library for Python and Java with a focus on ease of use, simplicity, and deployability.
    🔗 spotify.github.io/voyager

  130. borealisai/advertorch ⭐ 1,319
    A Toolbox for Adversarial Robustness Research

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

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

  133. lightning-ai/lightning-thunder ⭐ 1,276
    Thunder is a source-to-source compiler for PyTorch. It makes PyTorch programs faster by combining and using different hardware executors at once

  134. pytorch/FBGEMM ⭐ 1,250
    FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/

  135. nvidia/cuda-python ⭐ 1,081
    CUDA Python: Performance meets Productivity
    🔗 nvidia.github.io/cuda-python

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

  137. google-research/deeplab2 ⭐ 1,011
    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.

  138. opentensor/bittensor ⭐ 997
    Internet-scale Neural Networks
    🔗 www.bittensor.com

  139. oml-team/open-metric-learning ⭐ 902
    OML is a PyTorch-based framework to train and validate the models producing high-quality embeddings.
    🔗 open-metric-learning.readthedocs.io/en/latest/index.html

  140. hazyresearch/safari ⭐ 876
    Convolutions for Sequence Modeling

  141. huggingface/optimum-quanto ⭐ 871
    A pytorch quantization backend for optimum

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

  143. replicate/replicate-python ⭐ 792
    Python client for Replicate
    🔗 replicate.com

  144. pymc-labs/pymc-marketing ⭐ 770
    Bayesian marketing toolbox in PyMC. Media Mix (MMM), customer lifetime value (CLV), buy-till-you-die (BTYD) models and more.
    🔗 www.pymc-marketing.io

  145. awslabs/python-deequ ⭐ 739
    Python API for Deequ, a library built on Spark for defining "unit tests for data", which measure data quality in large datasets

  146. facebookresearch/balance ⭐ 691
    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

  147. googleapis/python-aiplatform ⭐ 686
    A Python SDK for Vertex AI, a fully managed, end-to-end platform for data science and machine learning.

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

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

  150. huggingface/exporters ⭐ 640
    Export Hugging Face models to Core ML and TensorFlow Lite

  151. hpcaitech/EnergonAI ⭐ 628
    Large-scale model inference.

  152. intel/intel-npu-acceleration-library ⭐ 609
    The Intel NPU Acceleration Library is a Python library designed to boost the efficiency of your applications by leveraging the power of the Intel Neural Processing Unit (NPU) to perform high-speed computations on compatible hardware.

  153. nomic-ai/contrastors ⭐ 577
    Contrastive learning toolkit that enables researchers and engineers to train and evaluate contrastive models efficiently.

  154. intellabs/bayesian-torch ⭐ 565
    A library for Bayesian neural network layers and uncertainty estimation in Deep Learning extending the core of PyTorch

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

  156. linkedin/FastTreeSHAP ⭐ 532
    Fast SHAP value computation for interpreting tree-based models

  157. mrdbourke/m1-machine-learning-test ⭐ 531
    Code for testing various M1 Chip benchmarks with TensorFlow.

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

  159. deepgraphlearning/ULTRA ⭐ 505
    A foundation model for knowledge graph reasoning

  160. dylanhogg/gptauthor ⭐ 69
    GPTAuthor is an AI tool for writing long form, multi-chapter stories given a story prompt.

Machine Learning - Deep Learning

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

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

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

  3. openai/whisper ⭐ 75,567
    Robust Speech Recognition via Large-Scale Weak Supervision

  4. keras-team/keras ⭐ 62,452
    Deep Learning for humans
    🔗 keras.io

  5. deepfakes/faceswap ⭐ 53,156
    Deepfakes Software For All
    🔗 www.faceswap.dev

  6. facebookresearch/segment-anything ⭐ 48,687
    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.

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

  8. rwightman/pytorch-image-models ⭐ 33,053
    The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
    🔗 huggingface.co/docs/timm

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

  10. xinntao/Real-ESRGAN ⭐ 29,449
    Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.

  11. lightning-ai/pytorch-lightning ⭐ 28,899
    The deep learning framework to pretrain, finetune and deploy AI models. PyTorch Lightning is just organized PyTorch - Lightning disentangles PyTorch code to decouple the science from the engineering.
    🔗 lightning.ai

  12. google-research/tuning_playbook ⭐ 27,934
    A playbook for systematically maximizing the performance of deep learning models.

  13. openai/CLIP ⭐ 27,193
    CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image

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

  15. matterport/Mask_RCNN ⭐ 24,875
    Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

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

  17. pyg-team/pytorch_geometric ⭐ 21,828
    Graph Neural Network Library for PyTorch
    🔗 pyg.org

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

  19. apache/mxnet ⭐ 20,787
    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. sanster/IOPaint ⭐ 20,309
    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.
    🔗 www.iopaint.com

  21. danielgatis/rembg ⭐ 17,862
    Rembg is a tool to remove images background

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

  23. albumentations-team/albumentations ⭐ 14,541
    Fast and flexible image augmentation library. Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
    🔗 albumentations.ai

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

  25. facebookresearch/detr ⭐ 13,938
    End-to-End Object Detection with Transformers

  26. nvidia/DeepLearningExamples ⭐ 13,895
    State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.

  27. dmlc/dgl ⭐ 13,691
    Python package built to ease deep learning on graph, on top of existing DL frameworks.
    🔗 dgl.ai

  28. mlfoundations/open_clip ⭐ 10,906
    Open source implementation of OpenAI's CLIP (Contrastive Language-Image Pre-training).

  29. kornia/kornia ⭐ 10,186
    🐍 Geometric Computer Vision Library for Spatial AI
    🔗 kornia.readthedocs.io

  30. modelscope/facechain ⭐ 9,252
    FaceChain is a deep-learning toolchain for generating your Digital-Twin.

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

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

  33. arogozhnikov/einops ⭐ 8,694
    Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
    🔗 einops.rocks

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

  35. nvidia/apex ⭐ 8,523
    A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch

  36. bytedance/monolith ⭐ 8,515
    A deep learning framework for large scale recommendation modeling with collisionless embedding and real time training captures.

  37. facebookresearch/ImageBind ⭐ 8,493
    ImageBind One Embedding Space to Bind Them All

  38. lucidrains/imagen-pytorch ⭐ 8,164
    Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch

  39. google/trax ⭐ 8,155
    Trax — Deep Learning with Clear Code and Speed

  40. tencent/HunyuanVideo ⭐ 8,066
    HunyuanVideo: A Systematic Framework For Large Video Generation Model
    🔗 aivideo.hunyuan.tencent.com

  41. xpixelgroup/BasicSR ⭐ 7,131
    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

  42. google/flax ⭐ 6,304
    Flax is a neural network library for JAX that is designed for flexibility.
    🔗 flax.readthedocs.io

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

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

  45. mosaicml/composer ⭐ 5,256
    Supercharge Your Model Training
    🔗 docs.mosaicml.com

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

  47. nvidiagameworks/kaolin ⭐ 4,603
    A PyTorch Library for Accelerating 3D Deep Learning Research

  48. facebookincubator/AITemplate ⭐ 4,591
    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.

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

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

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

  52. google-research/scenic ⭐ 3,408
    Scenic: A Jax Library for Computer Vision Research and Beyond

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

  54. pytorch/botorch ⭐ 3,166
    Bayesian optimization in PyTorch
    🔗 botorch.org

  55. alpa-projects/alpa ⭐ 3,096
    Training and serving large-scale neural networks with auto parallelization.
    🔗 alpa.ai

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

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

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

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

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

  61. modelscope/ClearerVoice-Studio ⭐ 2,150
    An AI-Powered Speech Processing Toolkit and Open Source SOTA Pretrained Models, Supporting Speech Enhancement, Separation, and Target Speaker Extraction, etc.

  62. fepegar/torchio ⭐ 2,121
    Medical imaging processing for deep learning.
    🔗 torchio.org

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

  64. pytorch/torchrec ⭐ 2,027
    Pytorch domain library for recommendation systems
    🔗 pytorch.org/torchrec

  65. tensorflow/mesh ⭐ 1,600
    Mesh TensorFlow: Model Parallelism Made Easier

  66. tensorly/tensorly ⭐ 1,592
    TensorLy: Tensor Learning in Python.
    🔗 tensorly.org

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

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

  69. jeshraghian/snntorch ⭐ 1,431
    Deep and online learning with spiking neural networks in Python
    🔗 snntorch.readthedocs.io/en/latest

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

  71. xl0/lovely-tensors ⭐ 1,180
    Tensors, for human consumption
    🔗 xl0.github.io/lovely-tensors

  72. deepmind/android_env ⭐ 1,043
    RL research on Android devices.

  73. keras-team/keras-cv ⭐ 1,018
    Industry-strength Computer Vision workflows with Keras

  74. tensorflow/similarity ⭐ 1,016
    TensorFlow Similarity is a python package focused on making similarity learning quick and easy.

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

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

  77. mlfoundations/datacomp ⭐ 676
    DataComp: In search of the next generation of multimodal datasets
    🔗 datacomp.ai

  78. whitead/dmol-book ⭐ 635
    Deep learning for molecules and materials book
    🔗 dmol.pub

  79. allenai/reward-bench ⭐ 498
    RewardBench is a benchmark designed to evaluate the capabilities and safety of reward models (including those trained with Direct Preference Optimization, DPO)
    🔗 huggingface.co/spaces/allenai/reward-bench

Machine Learning - Interpretability

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

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

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

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

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

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

  6. arize-ai/phoenix ⭐ 4,627
    AI Observability & Evaluation
    🔗 docs.arize.com/phoenix

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

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

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

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

  11. eleutherai/pythia ⭐ 2,355
    Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers

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

  13. jalammar/ecco ⭐ 2,005
    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

  14. transformerlensorg/TransformerLens ⭐ 1,819
    A library for mechanistic interpretability of GPT-style language models
    🔗 transformerlensorg.github.io/transformerlens

  15. google-deepmind/penzai ⭐ 1,725
    A JAX library for writing models as legible, functional pytree data structures, along with tools for visualizing, modifying, and analyzing them. Penzai focuses on making it easy to do stuff with models after they have been trained
    🔗 penzai.readthedocs.io

  16. trusted-ai/AIX360 ⭐ 1,654
    Interpretability and explainability of data and machine learning models
    🔗 aix360.res.ibm.com

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

  18. selfexplainml/PiML-Toolbox ⭐ 1,234
    PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
    🔗 selfexplainml.github.io/piml-toolbox

  19. ethicalml/xai ⭐ 1,154
    XAI is a Machine Learning library that is designed with AI explainability in its core. XAI contains various tools that enable for analysis and evaluation of data and models
    🔗 ethical.institute/principles.html#commitment-3

  20. salesforce/OmniXAI ⭐ 896
    OmniXAI: A Library for eXplainable AI

  21. andyzoujm/representation-engineering ⭐ 782
    Representation Engineering: A Top-Down Approach to AI Transparency
    🔗 www.ai-transparency.org

  22. jbloomaus/SAELens ⭐ 605
    Training Sparse Autoencoders on LLms. Analyse sparse autoencoders and neural network internals.
    🔗 jbloomaus.github.io/saelens

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

  2. ray-project/ray ⭐ 35,169
    Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
    🔗 ray.io

  3. mlflow/mlflow ⭐ 19,391
    Open source platform for the machine learning lifecycle
    🔗 mlflow.org

  4. prefecthq/prefect ⭐ 18,189
    Prefect is a workflow orchestration framework for building resilient data pipelines in Python.
    🔗 prefect.io

  5. spotify/luigi ⭐ 18,062
    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.

  6. kestra-io/kestra ⭐ 15,729
    ⚡ Workflow Automation Platform. Orchestrate & Schedule code in any language, run anywhere, 500+ plugins. Alternative to Zapier, Rundeck, Camunda, Airflow...
    🔗 kestra.io

  7. horovod/horovod ⭐ 14,360
    Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
    🔗 horovod.ai

  8. iterative/dvc ⭐ 14,134
    🦉 Data Versioning and ML Experiments
    🔗 dvc.org

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

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

  11. bentoml/OpenLLM ⭐ 10,503
    Run any open-source LLMs, such as Llama, Mistral, as OpenAI compatible API endpoint in the cloud.
    🔗 bentoml.com

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

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

  14. kedro-org/kedro ⭐ 10,141
    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

  15. huggingface/text-generation-inference ⭐ 9,694
    A Rust, Python and gRPC server for text generation inference. Used in production at HuggingFace to power Hugging Chat, the Inference API and Inference Endpoint.
    🔗 hf.co/docs/text-generation-inference

  16. netflix/metaflow ⭐ 8,505
    Open Source AI/ML Platform
    🔗 metaflow.org

  17. activeloopai/deeplake ⭐ 8,342
    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

  18. langfuse/langfuse ⭐ 8,258
    🪢 Open source LLM engineering platform: LLM Observability, metrics, evals, prompt management, playground, datasets. Integrates with LlamaIndex, Langchain, OpenAI SDK, LiteLLM, and more. 🍊YC W23
    🔗 langfuse.com/docs

  19. mage-ai/mage-ai ⭐ 8,120
    🧙 Build, run, and manage data pipelines for integrating and transforming data.
    🔗 www.mage.ai

  20. bentoml/BentoML ⭐ 7,322
    The easiest way to serve AI apps and models - Build Model Inference APIs, Job queues, LLM apps, Multi-model pipelines, and more!
    🔗 bentoml.com

  21. flyteorg/flyte ⭐ 5,974
    Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
    🔗 flyte.org

  22. allegroai/clearml ⭐ 5,799
    ClearML - Auto-Magical CI/CD to streamline your AI workload. Experiment Management, Data Management, Pipeline, Orchestration, Scheduling & Serving in one MLOps/LLMOps solution
    🔗 clear.ml/docs

  23. feast-dev/feast ⭐ 5,775
    The Open Source Feature Store for Machine Learning
    🔗 feast.dev

  24. evidentlyai/evidently ⭐ 5,666
    Evidently is ​​an open-source ML and LLM observability framework. Evaluate, test, and monitor any AI-powered system or data pipeline. From tabular data to Gen AI. 100+ metrics.
    🔗 discord.gg/xzjkranp8b

  25. internlm/lmdeploy ⭐ 5,417
    LMDeploy is a toolkit for compressing, deploying, and serving LLMs.
    🔗 lmdeploy.readthedocs.io/en/latest

  26. adap/flower ⭐ 5,394
    Flower: A Friendly Federated AI Framework
    🔗 flower.ai

  27. aimhubio/aim ⭐ 5,337
    Aim 💫 — An easy-to-use & supercharged open-source experiment tracker.
    🔗 aimstack.io

  28. zenml-io/zenml ⭐ 4,377
    ZenML 🙏: The bridge between ML and Ops. https://zenml.io.
    🔗 zenml.io

  29. internlm/xtuner ⭐ 4,188
    An efficient, flexible and full-featured toolkit for fine-tuning LLM (InternLM2, Llama3, Phi3, Qwen, Mistral, ...)
    🔗 xtuner.readthedocs.io/zh-cn/latest

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

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

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

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

  34. towhee-io/towhee ⭐ 3,294
    Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
    🔗 towhee.io

  35. determined-ai/determined ⭐ 3,093
    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

  36. leptonai/leptonai ⭐ 2,681
    A Pythonic framework to simplify AI service building
    🔗 lepton.ai

  37. azure/PyRIT ⭐ 2,161
    The Python Risk Identification Tool for generative AI (PyRIT) is an open access automation framework to empower security professionals and ML engineers to red team foundation models and their applications.
    🔗 azure.github.io/pyrit

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

  39. meltano/meltano ⭐ 1,934
    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

  40. dstackai/dstack ⭐ 1,663
    dstack is a lightweight, open-source alternative to Kubernetes & Slurm, simplifying AI container orchestration with multi-cloud & on-prem support. It natively supports NVIDIA, AMD, TPU, and Intel accelerators.
    🔗 dstack.ai/docs

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

  42. dagworks-inc/burr ⭐ 1,486
    Build applications that make decisions (chatbots, agents, simulations, etc...). Monitor, trace, persist, and execute on your own infrastructure.
    🔗 burr.dagworks.io

  43. kubeflow/examples ⭐ 1,425
    A repository to host extended examples and tutorials

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 ⭐ 35,275
    A toolkit for developing and comparing reinforcement learning algorithms.
    🔗 www.gymlibrary.dev

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

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

  4. thu-ml/tianshou ⭐ 8,155
    An elegant PyTorch deep reinforcement learning library.
    🔗 tianshou.org

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

  6. deepmind/pysc2 ⭐ 8,063
    StarCraft II Learning Environment

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

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

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

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

  11. ai4finance-foundation/ElegantRL ⭐ 3,835
    Massively Parallel Deep Reinforcement Learning. 🔥
    🔗 ai4finance.org

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

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

  14. opendilab/DI-engine ⭐ 3,209
    DI-engine is a generalized decision intelligence engine for PyTorch and JAX. It provides python-first and asynchronous-native task and middleware abstractions
    🔗 di-engine-docs.readthedocs.io

  15. eureka-research/Eureka ⭐ 2,885
    Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models" (ICLR 2024)
    🔗 eureka-research.github.io

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

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

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

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

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

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

  22. denys88/rl_games ⭐ 1,000
    RL Games: High performance RL library

  23. google-deepmind/meltingpot ⭐ 645
    A suite of test scenarios for multi-agent reinforcement learning.

Natural Language Processing

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

  1. huggingface/transformers ⭐ 138,541
    🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
    🔗 huggingface.co/transformers

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

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

  4. myshell-ai/OpenVoice ⭐ 30,706
    Instant voice cloning by MIT and MyShell. Audio foundation model.
    🔗 research.myshell.ai/open-voice

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

  6. vikparuchuri/marker ⭐ 20,263
    Marker converts PDF, EPUB, and MOBI to markdown. It's 10x faster than nougat, more accurate on most documents, and has low hallucination risk.
    🔗 www.datalab.to

  7. huggingface/datasets ⭐ 19,544
    🤗 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

  8. vikparuchuri/surya ⭐ 16,037
    OCR, layout analysis, reading order, table recognition in 90+ languages
    🔗 www.datalab.to

  9. ukplab/sentence-transformers ⭐ 15,895
    State-of-the-Art Text Embeddings
    🔗 www.sbert.net

  10. rare-technologies/gensim ⭐ 15,821
    Topic Modelling for Humans
    🔗 radimrehurek.com/gensim

  11. gunthercox/ChatterBot ⭐ 14,178
    ChatterBot is a machine learning, conversational dialog engine for creating chat bots
    🔗 chatterbot.readthedocs.io

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

  13. nltk/nltk ⭐ 13,817
    NLTK Source
    🔗 www.nltk.org

  14. m-bain/whisperX ⭐ 13,665
    WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization)

  15. openai/tiktoken ⭐ 13,231
    tiktoken is a fast BPE tokeniser for use with OpenAI's models.

  16. nvidia/NeMo ⭐ 13,015
    A scalable generative AI framework built for researchers and developers working on Large Language Models, Multimodal, and Speech AI (Automatic Speech Recognition and Text-to-Speech)
    🔗 docs.nvidia.com/nemo-framework/user-guide/latest/overview.html

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

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

  19. facebookresearch/seamless_communication ⭐ 11,268
    Foundational Models for State-of-the-Art Speech and Text Translation

  20. google/sentencepiece ⭐ 10,544
    Unsupervised text tokenizer for Neural Network-based text generation.

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

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

  23. doccano/doccano ⭐ 9,737
    Open source annotation tool for machine learning practitioners.

  24. speechbrain/speechbrain ⭐ 9,302
    A PyTorch-based Speech Toolkit
    🔗 speechbrain.github.io

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

  26. facebookresearch/nougat ⭐ 9,190
    Implementation of Nougat Neural Optical Understanding for Academic Documents
    🔗 facebookresearch.github.io/nougat

  27. togethercomputer/OpenChatKit ⭐ 9,024
    OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots

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

  29. espnet/espnet ⭐ 8,741
    End-to-End Speech Processing Toolkit
    🔗 espnet.github.io/espnet

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

  31. facebookresearch/metaseq ⭐ 6,519
    A codebase for working with Open Pre-trained Transformers, originally forked from fairseq.

  32. maartengr/BERTopic ⭐ 6,368
    Leveraging BERT and c-TF-IDF to create easily interpretable topics.
    🔗 maartengr.github.io/bertopic

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

  34. aiwaves-cn/agents ⭐ 5,434
    An Open-source Framework for Data-centric, Self-evolving Autonomous Language Agents

  35. quivrhq/MegaParse ⭐ 5,226
    File Parser optimised for LLM Ingestion with no loss 🧠 Parse PDFs, Docx, PPTx in a format that is ideal for LLMs.
    🔗 megaparse.com

  36. layout-parser/layout-parser ⭐ 5,056
    A Unified Toolkit for Deep Learning Based Document Image Analysis
    🔗 layout-parser.github.io

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

  38. minimaxir/textgenrnn ⭐ 4,936
    Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.

  39. makcedward/nlpaug ⭐ 4,502
    Data augmentation for NLP
    🔗 makcedward.github.io

  40. facebookresearch/DrQA ⭐ 4,481
    Reading Wikipedia to Answer Open-Domain Questions

  41. argilla-io/argilla ⭐ 4,283
    Argilla is a collaboration tool for AI engineers and domain experts to build high-quality datasets
    🔗 docs.argilla.io

  42. thilinarajapakse/simpletransformers ⭐ 4,143
    Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
    🔗 simpletransformers.ai

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

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

  45. promptslab/Promptify ⭐ 3,387
    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

  46. jsvine/markovify ⭐ 3,320
    A simple, extensible Markov chain generator.

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

  48. errbotio/errbot ⭐ 3,156
    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

  49. neuralmagic/deepsparse ⭐ 3,091
    Sparsity-aware deep learning inference runtime for CPUs
    🔗 neuralmagic.com/deepsparse

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

  51. ddangelov/Top2Vec ⭐ 2,986
    Top2Vec learns jointly embedded topic, document and word vectors.

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

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

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

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

  56. bhavnicksm/chonkie ⭐ 2,388
    🦛 CHONK your texts with Chonkie ✨ - The no-nonsense RAG chunking library
    🔗 docs.chonkie.ai

  57. nvidia/nv-ingest ⭐ 2,383
    NVIDIA-Ingest is a scalable, performance-oriented document content and metadata extraction microservice.

  58. huggingface/setfit ⭐ 2,335
    SetFit is an efficient and prompt-free framework for few-shot fine-tuning of Sentence Transformers.
    🔗 hf.co/docs/setfit

  59. alibaba/EasyNLP ⭐ 2,094
    EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit

  60. jamesturk/jellyfish ⭐ 2,086
    🪼 a python library for doing approximate and phonetic matching of strings.
    🔗 jamesturk.github.io/jellyfish

  61. thudm/P-tuning-v2 ⭐ 2,002
    An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks

  62. marella/ctransformers ⭐ 1,835
    Python bindings for the Transformer models implemented in C/C++ using GGML library.

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

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

  65. urchade/GLiNER ⭐ 1,717
    Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
    🔗 arxiv.org/abs/2311.08526

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

  67. explosion/spacy-models ⭐ 1,689
    💫 Models for the spaCy Natural Language Processing (NLP) library
    🔗 spacy.io

  68. google-research/language ⭐ 1,642
    Shared repository for open-sourced projects from the Google AI Language team.
    🔗 ai.google/research/teams/language

  69. plasticityai/magnitude ⭐ 1,638
    A fast, efficient universal vector embedding utility package.

  70. arxiv-vanity/arxiv-vanity ⭐ 1,613
    Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
    🔗 www.arxiv-vanity.com

  71. chrismattmann/tika-python ⭐ 1,539
    Tika-Python is a Python binding to the Apache Tika™ REST services allowing Tika to be called natively in the Python community.

  72. nomic-ai/nomic ⭐ 1,460
    Interact, analyze and structure massive text, image, embedding, audio and video datasets
    🔗 atlas.nomic.ai

  73. intellabs/fastRAG ⭐ 1,438
    Efficient Retrieval Augmentation and Generation Framework

  74. dmmiller612/bert-extractive-summarizer ⭐ 1,417
    Easy to use extractive text summarization with BERT

  75. gunthercox/chatterbot-corpus ⭐ 1,378
    A multilingual dialog corpus
    🔗 chatterbot-corpus.readthedocs.io

  76. jonasgeiping/cramming ⭐ 1,311
    Cramming the training of a (BERT-type) language model into limited compute.

  77. pemistahl/lingua-py ⭐ 1,225
    The most accurate natural language detection library for Python, suitable for short text and mixed-language text

  78. openai/grade-school-math ⭐ 1,169
    GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems

  79. answerdotai/ModernBERT ⭐ 1,139
    Bringing BERT into modernity via both architecture changes and scaling
    🔗 arxiv.org/abs/2412.13663

  80. abertsch72/unlimiformer ⭐ 1,059
    Public repo for the NeurIPS 2023 paper "Unlimiformer: Long-Range Transformers with Unlimited Length Input"

  81. unitaryai/detoxify ⭐ 997
    Toxic Comment Classification with Pytorch Lightning and Transformers
    🔗 www.unitary.ai

  82. norskregnesentral/skweak ⭐ 923
    skweak: A software toolkit for weak supervision applied to NLP tasks

  83. keras-team/keras-hub ⭐ 834
    Pretrained model hub for Keras 3.
    🔗 keras.io/keras_hub

  84. explosion/spacy-streamlit ⭐ 825
    👑 spaCy building blocks and visualizers for Streamlit apps
    🔗 share.streamlit.io/ines/spacy-streamlit-demo/master/app.py

  85. paddlepaddle/RocketQA ⭐ 774
    🚀 RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models.

  86. webis-de/small-text ⭐ 605
    Small-Text provides state-of-the-art Active Learning for Text Classification. Several pre-implemented Query Strategies, Initialization Strategies, and Stopping Critera are provided, which can be easily mixed and matched to build active learning experiments or applications.
    🔗 small-text.readthedocs.io

  87. babelscape/rebel ⭐ 511
    REBEL is a seq2seq model that simplifies Relation Extraction (EMNLP 2021).

Packaging

Python packaging, dependency management and bundling.

  1. pyenv/pyenv ⭐ 40,558
    pyenv lets you easily switch between multiple versions of Python.

  2. astral-sh/uv ⭐ 38,223
    An extremely fast Python package installer and resolver, written in Rust. Designed as a drop-in replacement for pip and pip-compile.
    🔗 docs.astral.sh/uv

  3. python-poetry/poetry ⭐ 32,487
    Python packaging and dependency management made easy
    🔗 python-poetry.org

  4. pypa/pipenv ⭐ 24,970
    A virtualenv management tool that supports a multitude of systems and nicely bridges the gaps between pip, python and virtualenv.
    🔗 pipenv.pypa.io

  5. mitsuhiko/rye ⭐ 14,000
    a Hassle-Free Python Experience
    🔗 rye.astral.sh

  6. pyinstaller/pyinstaller ⭐ 12,108
    Freeze (package) Python programs into stand-alone executables
    🔗 www.pyinstaller.org

  7. pypa/pipx ⭐ 11,056
    Install and Run Python Applications in Isolated Environments
    🔗 pipx.pypa.io

  8. pdm-project/pdm ⭐ 8,104
    A modern Python package and dependency manager supporting the latest PEP standards
    🔗 pdm-project.org

  9. jazzband/pip-tools ⭐ 7,830
    A set of tools to keep your pinned Python dependencies fresh (pip-compile + pip-sync)
    🔗 pip-tools.rtfd.io

  10. mamba-org/mamba ⭐ 7,107
    The Fast Cross-Platform Package Manager: mamba is a reimplementation of the conda package manager in C++
    🔗 mamba.readthedocs.io

  11. conda-forge/miniforge ⭐ 6,985
    A conda-forge distribution.
    🔗 conda-forge.org/download

  12. conda/conda ⭐ 6,589
    A system-level, binary package and environment manager running on all major operating systems and platforms.
    🔗 docs.conda.io/projects/conda

  13. pypa/hatch ⭐ 6,317
    Modern, extensible Python project management
    🔗 hatch.pypa.io/latest

  14. indygreg/PyOxidizer ⭐ 5,620
    A modern Python application packaging and distribution tool

  15. pypa/virtualenv ⭐ 4,864
    A tool to create isolated Python environments. Since Python 3.3, a subset of it has been integrated into the standard lib venv module.
    🔗 virtualenv.pypa.io

  16. spack/spack ⭐ 4,529
    A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
    🔗 spack.io

  17. prefix-dev/pixi ⭐ 3,808
    pixi is a cross-platform, multi-language package manager and workflow tool built on the foundation of the conda ecosystem.
    🔗 pixi.sh

  18. pantsbuild/pex ⭐ 3,634
    A tool for generating .pex (Python EXecutable) files, lock files and venvs.
    🔗 docs.pex-tool.org

  19. beeware/briefcase ⭐ 2,754
    Tools to support converting a Python project into a standalone native application.
    🔗 briefcase.readthedocs.io

  20. pypa/flit ⭐ 2,190
    Simplified packaging of Python modules
    🔗 flit.pypa.io

  21. linkedin/shiv ⭐ 1,794
    shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441, but with all their dependencies included.

  22. marcelotduarte/cx_Freeze ⭐ 1,399
    cx_Freeze creates standalone executables from Python scripts, with the same performance, is cross-platform and should work on any platform that Python itself works on.
    🔗 marcelotduarte.github.io/cx_freeze

  23. ofek/pyapp ⭐ 1,323
    Runtime installer for Python applications
    🔗 ofek.dev/pyapp

  24. pypa/gh-action-pypi-publish ⭐ 989
    The blessed :octocat: GitHub Action, for publishing your 📦 distribution files to PyPI, the tokenless way: https://github.com/marketplace/actions/pypi-publish
    🔗 packaging.python.org/guides/publishing-package-distribution-releases-using-github-actions-ci-cd-workflows

  25. py2exe/py2exe ⭐ 899
    Create standalone Windows programs from Python code
    🔗 www.py2exe.org

  26. prefix-dev/rip ⭐ 656
    RIP is a library that allows the resolving and installing of Python PyPI packages from Rust into a virtual environment. It's based on our experience with building Rattler and aims to provide the same experience but for PyPI instead of Conda.
    🔗 prefix.dev

  27. snok/install-poetry ⭐ 605
    Github action for installing and configuring Poetry

  28. python-poetry/install.python-poetry.org ⭐ 218
    The official Poetry installation script
    🔗 install.python-poetry.org

Pandas

Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations.

  1. pandas-dev/pandas ⭐ 44,478
    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

  2. pola-rs/polars ⭐ 31,696
    Dataframes powered by a multithreaded, vectorized query engine, written in Rust
    🔗 docs.pola.rs

  3. duckdb/duckdb ⭐ 26,205
    DuckDB is an analytical in-process SQL database management system
    🔗 www.duckdb.org

  4. gventuri/pandas-ai ⭐ 14,106
    Chat with your database (SQL, CSV, pandas, polars, mongodb, noSQL, etc). PandasAI makes data analysis conversational using LLMs (GPT 3.5 / 4, Anthropic, VertexAI) and RAG.
    🔗 getpanda.ai

  5. kanaries/pygwalker ⭐ 14,010
    PyGWalker: Turn your pandas dataframe into an interactive UI for visual analysis
    🔗 kanaries.net/pygwalker

  6. ydataai/ydata-profiling ⭐ 12,686
    1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
    🔗 docs.profiling.ydata.ai

  7. rapidsai/cudf ⭐ 8,641
    cuDF is a GPU DataFrame library for loading joining, aggregating, filtering, and otherwise manipulating data
    🔗 docs.rapids.ai/api/cudf/stable

  8. aws/aws-sdk-pandas ⭐ 3,974
    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

  9. nalepae/pandarallel ⭐ 3,716
    A simple and efficient tool to parallelize Pandas operations on all available CPUs
    🔗 nalepae.github.io/pandarallel

  10. unionai-oss/pandera ⭐ 3,597
    A light-weight, flexible, and expressive statistical data testing library
    🔗 www.union.ai/pandera

  11. adamerose/PandasGUI ⭐ 3,213
    A GUI for Pandas DataFrames

  12. blaze/blaze ⭐ 3,191
    NumPy and Pandas interface to Big Data
    🔗 blaze.pydata.org

  13. pydata/pandas-datareader ⭐ 3,000
    Extract data from a wide range of Internet sources into a pandas DataFrame.
    🔗 pydata.github.io/pandas-datareader/stable/index.html

  14. scikit-learn-contrib/sklearn-pandas ⭐ 2,820
    Pandas integration with sklearn

  15. jmcarpenter2/swifter ⭐ 2,564
    A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner

  16. delta-io/delta-rs ⭐ 2,538
    A native Rust library for Delta Lake, with bindings into Python
    🔗 delta-io.github.io/delta-rs

  17. eventual-inc/Daft ⭐ 2,511
    Distributed data engine for Python/SQL designed for the cloud, powered by Rust
    🔗 getdaft.io

  18. fugue-project/fugue ⭐ 2,037
    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

  19. pyjanitor-devs/pyjanitor ⭐ 1,390
    Clean APIs for data cleaning. Python implementation of R package Janitor
    🔗 pyjanitor-devs.github.io/pyjanitor

  20. machow/siuba ⭐ 1,167
    Python library for using dplyr like syntax with pandas and SQL
    🔗 siuba.org

  21. holoviz/hvplot ⭐ 1,162
    A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
    🔗 hvplot.holoviz.org

  22. renumics/spotlight ⭐ 1,145
    Interactively explore unstructured datasets from your dataframe.
    🔗 renumics.com

  23. tkrabel/bamboolib ⭐ 942
    bamboolib - a GUI for pandas DataFrames
    🔗 bamboolib.com

  24. mwouts/itables ⭐ 824
    This packages changes how Pandas and Polars DataFrames are rendered in Jupyter Notebooks. With itables you can display your tables as interactive DataTables that you can sort, paginate, scroll or filter.
    🔗 mwouts.github.io/itables

Performance

Performance, parallelisation and low level libraries.

  1. celery/celery ⭐ 25,442
    Distributed Task Queue (development branch)
    🔗 docs.celeryq.dev

  2. google/flatbuffers ⭐ 23,718
    FlatBuffers: Memory Efficient Serialization Library
    🔗 flatbuffers.dev

  3. pybind/pybind11 ⭐ 16,118
    Seamless operability between C++11 and Python
    🔗 pybind11.readthedocs.io

  4. exaloop/codon ⭐ 15,348
    A high-performance, zero-overhead, extensible Python compiler with built-in NumPy support
    🔗 docs.exaloop.io/codon

  5. dask/dask ⭐ 12,905
    Parallel computing with task scheduling
    🔗 dask.org

  6. numba/numba ⭐ 10,171
    NumPy aware dynamic Python compiler using LLVM
    🔗 numba.pydata.org

  7. modin-project/modin ⭐ 10,002
    Modin: Scale your Pandas workflows by changing a single line of code
    🔗 modin.readthedocs.io

  8. nebuly-ai/optimate ⭐ 8,372
    A collection of libraries to optimise AI model performances
    🔗 www.nebuly.com

  9. vaexio/vaex ⭐ 8,332
    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

  10. mher/flower ⭐ 6,580
    Real-time monitor and web admin for Celery distributed task queue
    🔗 flower.readthedocs.io

  11. python-trio/trio ⭐ 6,337
    Trio – a friendly Python library for async concurrency and I/O
    🔗 trio.readthedocs.io

  12. ultrajson/ultrajson ⭐ 4,364
    Ultra fast JSON decoder and encoder written in C with Python bindings
    🔗 pypi.org/project/ujson

  13. tlkh/asitop ⭐ 3,787
    Perf monitoring CLI tool for Apple Silicon
    🔗 tlkh.github.io/asitop

  14. facebookincubator/cinder ⭐ 3,561
    Cinder is Meta's internal performance-oriented production version of CPython.
    🔗 trycinder.com

  15. airtai/faststream ⭐ 3,419
    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

  16. ipython/ipyparallel ⭐ 2,603
    IPython Parallel: Interactive Parallel Computing in Python
    🔗 ipyparallel.readthedocs.io

  17. intel/intel-extension-for-transformers ⭐ 2,157
    ⚡ Build your chatbot within minutes on your favorite device; offer SOTA compression techniques for LLMs; run LLMs efficiently on Intel Platforms⚡

  18. h5py/h5py ⭐ 2,108
    HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
    🔗 www.h5py.org

  19. agronholm/anyio ⭐ 1,905
    High level asynchronous concurrency and networking framework that works on top of either trio or asyncio

  20. tiangolo/asyncer ⭐ 1,787
    Asyncer, async and await, focused on developer experience.
    🔗 asyncer.tiangolo.com

  21. intel/intel-extension-for-pytorch ⭐ 1,721
    A Python package for extending the official PyTorch that can easily obtain performance on Intel platform

  22. faster-cpython/ideas ⭐ 1,705
    Discussion and work tracker for Faster CPython project.

  23. dask/distributed ⭐ 1,595
    A distributed task scheduler for Dask
    🔗 distributed.dask.org

  24. nschloe/perfplot ⭐ 1,357
    📈 Performance analysis for Python snippets

  25. intel/scikit-learn-intelex ⭐ 1,247
    Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
    🔗 uxlfoundation.github.io/scikit-learn-intelex

  26. markshannon/faster-cpython ⭐ 945
    How to make CPython faster.

  27. zerointensity/pointers.py ⭐ 920
    Bringing the hell of pointers to Python.
    🔗 pointers.zintensity.dev

  28. brandtbucher/specialist ⭐ 647
    Visualize CPython's specializing, adaptive interpreter. 🔥

Profiling

Memory and CPU/GPU profiling tools and libraries.

  1. bloomberg/memray ⭐ 13,638
    Memray is a memory profiler for Python
    🔗 bloomberg.github.io/memray

  2. benfred/py-spy ⭐ 13,201
    Sampling profiler for Python programs

  3. plasma-umass/scalene ⭐ 12,399
    Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals

  4. joerick/pyinstrument ⭐ 6,833
    🚴 Call stack profiler for Python. Shows you why your code is slow!
    🔗 pyinstrument.readthedocs.io

  5. gaogaotiantian/viztracer ⭐ 5,926
    A debugging and profiling tool that can trace and visualize python code execution
    🔗 viztracer.readthedocs.io

  6. pythonprofilers/memory_profiler ⭐ 4,433
    Monitor Memory usage of Python code
    🔗 pypi.python.org/pypi/memory_profiler

  7. reloadware/reloadium ⭐ 2,845
    Hot Reloading and Profiling for Python

  8. pyutils/line_profiler ⭐ 2,830
    Line-by-line profiling for Python

  9. jiffyclub/snakeviz ⭐ 2,385
    An in-browser Python profile viewer
    🔗 jiffyclub.github.io/snakeviz

  10. p403n1x87/austin ⭐ 1,980
    Python frame stack sampler for CPython
    🔗 pypi.org/project/austin-dist

  11. pythonspeed/filprofiler ⭐ 857
    A Python memory profiler for data processing and scientific computing applications
    🔗 pythonspeed.com/products/filmemoryprofiler

Security

Security related libraries: vulnerability discovery, SQL injection, environment auditing.

  1. swisskyrepo/PayloadsAllTheThings ⭐ 62,972
    A list of useful payloads and bypass for Web Application Security and Pentest/CTF
    🔗 swisskyrepo.github.io/payloadsallthethings

  2. sqlmapproject/sqlmap ⭐ 33,211
    Automatic SQL injection and database takeover tool
    🔗 sqlmap.org

  3. certbot/certbot ⭐ 31,871
    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.

  4. aquasecurity/trivy ⭐ 24,542
    Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
    🔗 trivy.dev

  5. bridgecrewio/checkov ⭐ 7,339
    Checkov is a static code analysis tool for infrastructure as code (IaC) and also a software composition analysis (SCA) tool for images and open source packages.
    🔗 www.checkov.io

  6. nccgroup/ScoutSuite ⭐ 6,910
    Multi-Cloud Security Auditing Tool

  7. stamparm/maltrail ⭐ 6,723
    Malicious traffic detection system

  8. pycqa/bandit ⭐ 6,703
    Bandit is a tool designed to find common security issues in Python code.
    🔗 bandit.readthedocs.io

  9. rhinosecuritylabs/pacu ⭐ 4,510
    The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
    🔗 rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework

  10. dashingsoft/pyarmor ⭐ 3,904
    A tool used to obfuscate python scripts, bind obfuscated scripts to fixed machine or expire obfuscated scripts.
    🔗 pyarmor.dashingsoft.com

  11. pyupio/safety ⭐ 1,789
    Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
    🔗 safetycli.com/product/safety-cli

  12. trailofbits/pip-audit ⭐ 1,005
    Audits Python environments, requirements files and dependency trees for known security vulnerabilities, and can automatically fix them
    🔗 pypi.org/project/pip-audit

  13. fadi002/de4py ⭐ 877
    toolkit for python reverse engineering
    🔗 de4py.000.pe

  14. thecyb3ralpha/BobTheSmuggler ⭐ 506
    A tool that leverages HTML Smuggling Attack and allows you to create HTML files with embedded 7z/zip archives.

Simulation

Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation. Also see the Maths and Science category for crossover.

  1. atsushisakai/PythonRobotics ⭐ 24,151
    Python sample codes and textbook for robotics algorithms.
    🔗 atsushisakai.github.io/pythonrobotics

  2. genesis-embodied-ai/Genesis ⭐ 23,535
    Genesis is a physics platform, and generative data engine, designed for general purpose Robotics/Embodied AI/Physical AI applications

  3. bulletphysics/bullet3 ⭐ 12,950
    Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
    🔗 bulletphysics.org

  4. isl-org/Open3D ⭐ 11,861
    Open3D: A Modern Library for 3D Data Processing
    🔗 www.open3d.org

  5. dlr-rm/stable-baselines3 ⭐ 9,673
    Stable Baselines3 (SB3) is a set of reliable implementations of reinforcement learning algorithms in PyTorch
    🔗 stable-baselines3.readthedocs.io

  6. nvidia/Cosmos ⭐ 7,364
    NVIDIA Cosmos is a developer-first world foundation model platform designed to help Physical AI developers build their Physical AI systems better and faster.

  7. qiskit/qiskit ⭐ 5,620
    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

  8. astropy/astropy ⭐ 4,568
    Astronomy and astrophysics core library
    🔗 www.astropy.org

  9. nvidia/warp ⭐ 4,504
    A Python framework for high performance GPU simulation and graphics
    🔗 nvidia.github.io/warp

  10. quantumlib/Cirq ⭐ 4,429
    A Python framework for creating, editing, and invoking Noisy Intermediate-Scale Quantum (NISQ) circuits.
    🔗 quantumai.google/cirq

  11. chakazul/Lenia ⭐ 3,573
    Lenia is a 2D cellular automata with continuous space, time and states. It produces a huge variety of interesting methematical life forms
    🔗 chakazul.github.io/lenia/javascript/lenia.html

  12. openai/mujoco-py ⭐ 2,918
    MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.

  13. rdkit/rdkit ⭐ 2,772
    The official sources for the RDKit library

  14. projectmesa/mesa ⭐ 2,762
    Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
    🔗 mesa.readthedocs.io

  15. nvidia-omniverse/IsaacLab ⭐ 2,712
    Unified framework for robot learning built on NVIDIA Isaac Sim
    🔗 isaac-sim.github.io/isaaclab

  16. taichi-dev/difftaichi ⭐ 2,538
    10 differentiable physical simulators built with Taichi differentiable programming (DiffTaichi, ICLR 2020)

  17. google/brax ⭐ 2,507
    Massively parallel rigidbody physics simulation on accelerator hardware.

  18. dlr-rm/rl-baselines3-zoo ⭐ 2,226
    A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
    🔗 rl-baselines3-zoo.readthedocs.io

  19. nvidia-omniverse/IsaacGymEnvs ⭐ 2,191
    Example RL environments for the NVIDIA Isaac Gym high performance environments

  20. facebookresearch/habitat-lab ⭐ 2,099
    A modular high-level library to train embodied AI agents across a variety of tasks and environments.
    🔗 aihabitat.org

  21. quantecon/QuantEcon.py ⭐ 2,037
    A community based Python library for quantitative economics
    🔗 quantecon.org/quantecon-py

  22. microsoft/PromptCraft-Robotics ⭐ 1,947
    Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
    🔗 aka.ms/chatgpt-robotics

  23. eloialonso/diamond ⭐ 1,715
    DIAMOND (DIffusion As a Model Of eNvironment Dreams) is a reinforcement learning agent trained in a diffusion world model
    🔗 diamond-wm.github.io

  24. deepmodeling/deepmd-kit ⭐ 1,568
    A deep learning package for many-body potential energy representation and molecular dynamics
    🔗 docs.deepmodeling.com/projects/deepmd

  25. sail-sg/envpool ⭐ 1,120
    C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments.
    🔗 envpool.readthedocs.io

  26. bowang-lab/scGPT ⭐ 1,109
    scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
    🔗 scgpt.readthedocs.io/en/latest

  27. a-r-j/graphein ⭐ 1,058
    Protein Graph Library
    🔗 graphein.ai

  28. viblo/pymunk ⭐ 955
    Pymunk is a easy-to-use pythonic 2d physics library that can be used whenever you need 2d rigid body physics from Python
    🔗 www.pymunk.org

  29. google-deepmind/materials_discovery ⭐ 931
    Graph Networks for Materials Science (GNoME) is a project centered around scaling machine learning methods to tackle materials science.

  30. nvidia-omniverse/OmniIsaacGymEnvs ⭐ 919
    Reinforcement Learning Environments for Omniverse Isaac Gym

  31. altera-al/project-sid ⭐ 908
    This repository contains our technical report: "Project Sid: Many-agent simulations toward AI civilization"

  32. google/evojax ⭐ 867
    EvoJAX is a scalable, general purpose, hardware-accelerated neuroevolution toolkit built on the JAX library

  33. facebookresearch/fairo ⭐ 860
    A modular embodied agent architecture and platform for building embodied agents

  34. eureka-research/DrEureka ⭐ 838
    Official Repository for "DrEureka: Language Model Guided Sim-To-Real Transfer" (RSS 2024)
    🔗 eureka-research.github.io/dr-eureka

  35. polymathicai/the_well ⭐ 738
    15TB of Physics Simulations: collection of machine learning datasets containing numerical simulations of a wide variety of spatiotemporal physical systems.
    🔗 polymathic-ai.org/the_well

  36. ur-whitelab/chemcrow-public ⭐ 680
    Chemcrow

  37. ur-whitelab/chemcrow-runs ⭐ 77
    ur-whitelab/chemcrow-runs

Study

Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials.

  1. thealgorithms/Python ⭐ 196,978
    All Algorithms implemented in Python
    🔗 thealgorithms.github.io/python

  2. microsoft/generative-ai-for-beginners ⭐ 70,017
    21 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
    🔗 microsoft.github.io/generative-ai-for-beginners

  3. mlabonne/llm-course ⭐ 45,322
    Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
    🔗 mlabonne.github.io/blog

  4. jakevdp/PythonDataScienceHandbook ⭐ 43,768
    Python Data Science Handbook: full text in Jupyter Notebooks
    🔗 jakevdp.github.io/pythondatasciencehandbook

  5. rasbt/LLMs-from-scratch ⭐ 39,139
    Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
    🔗 amzn.to/4fqvn0d

  6. realpython/python-guide ⭐ 28,607
    Python best practices guidebook, written for humans.
    🔗 docs.python-guide.org

  7. d2l-ai/d2l-en ⭐ 24,823
    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

  8. christoschristofidis/awesome-deep-learning ⭐ 24,733
    A curated list of awesome Deep Learning tutorials, projects and communities.

  9. wesm/pydata-book ⭐ 22,643
    Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media

  10. hannibal046/Awesome-LLM ⭐ 21,185
    Awesome-LLM: a curated list of Large Language Model

  11. microsoft/recommenders ⭐ 19,700
    Best Practices on Recommendation Systems
    🔗 recommenders-team.github.io/recommenders/intro.html

  12. fchollet/deep-learning-with-python-notebooks ⭐ 18,946
    Jupyter notebooks for the code samples of the book "Deep Learning with Python"

  13. graykode/nlp-tutorial ⭐ 14,401
    Natural Language Processing Tutorial for Deep Learning Researchers
    🔗 www.reddit.com/r/machinelearning/comments/amfinl/project_nlptutoral_repository_who_is_studying

  14. naklecha/llama3-from-scratch ⭐ 14,085
    llama3 implementation one matrix multiplication at a time

  15. shangtongzhang/reinforcement-learning-an-introduction ⭐ 13,790
    Python Implementation of Reinforcement Learning: An Introduction

  16. karpathy/nn-zero-to-hero ⭐ 13,092
    Neural Networks: Zero to Hero

  17. mrdbourke/pytorch-deep-learning ⭐ 12,210
    Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
    🔗 learnpytorch.io

  18. eugeneyan/open-llms ⭐ 11,606
    📋 A list of open LLMs available for commercial use.

  19. karpathy/micrograd ⭐ 11,061
    A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API

  20. rucaibox/LLMSurvey ⭐ 10,910
    The official GitHub page for the survey paper "A Survey of Large Language Models".
    🔗 arxiv.org/abs/2303.18223

  21. openai/spinningup ⭐ 10,458
    An educational resource to help anyone learn deep reinforcement learning.
    🔗 spinningup.openai.com

  22. srush/GPU-Puzzles ⭐ 10,441
    Teaching beginner GPU programming in a completely interactive fashion

  23. zhanymkanov/fastapi-best-practices ⭐ 10,231
    FastAPI Best Practices and Conventions we used at our startup

  24. nielsrogge/Transformers-Tutorials ⭐ 9,880
    This repository contains demos I made with the Transformers library by HuggingFace.

  25. mooler0410/LLMsPracticalGuide ⭐ 9,674
    A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
    🔗 arxiv.org/abs/2304.13712v2

  26. firmai/industry-machine-learning ⭐ 7,293
    A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
    🔗 www.sov.ai

  27. udlbook/udlbook ⭐ 6,961
    Understanding Deep Learning - Simon J.D. Prince

  28. gkamradt/langchain-tutorials ⭐ 6,895
    Overview and tutorial of the LangChain Library

  29. roboflow/notebooks ⭐ 6,730
    This repository offers a comprehensive collection of tutorials on state-of-the-art computer vision models and techniques. Explore everything from foundational architectures like ResNet to cutting-edge models like YOLO11, RT-DETR, SAM 2, Florence-2, PaliGemma 2, and Qwen2.5VL.
    🔗 roboflow.com/models

  30. neetcode-gh/leetcode ⭐ 5,879
    Leetcode solutions for NeetCode.io

  31. mrdbourke/tensorflow-deep-learning ⭐ 5,421
    All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
    🔗 dbourke.link/ztmtfcourse

  32. alirezadir/Machine-Learning-Interviews ⭐ 5,389
    This repo is meant to serve as a guide for Machine Learning/AI technical interviews.

  33. udacity/deep-learning-v2-pytorch ⭐ 5,357
    Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101

  34. huggingface/smol-course ⭐ 5,233
    a practical course on aligning language models for your specific use case. It's a handy way to get started with aligning language models, because everything runs on most local machines.

  35. timofurrer/awesome-asyncio ⭐ 4,701
    A curated list of awesome Python asyncio frameworks, libraries, software and resources

  36. zotroneneis/machine_learning_basics ⭐ 4,343
    Plain python implementations of basic machine learning algorithms

  37. handsonllm/Hands-On-Large-Language-Models ⭐ 4,311
    Official code repo for the O'Reilly Book - "Hands-On Large Language Models"
    🔗 www.llm-book.com

  38. promptslab/Awesome-Prompt-Engineering ⭐ 4,145
    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

  39. huggingface/deep-rl-class ⭐ 4,027
    This repo contains the Hugging Face Deep Reinforcement Learning Course.

  40. rasbt/machine-learning-book ⭐ 3,906
    Code Repository for Machine Learning with PyTorch and Scikit-Learn
    🔗 sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn

  41. huggingface/diffusion-models-class ⭐ 3,855
    Materials for the Hugging Face Diffusion Models Course

  42. cosmicpython/book ⭐ 3,472
    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

  43. amanchadha/coursera-deep-learning-specialization ⭐ 3,445
    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...

  44. fluentpython/example-code-2e ⭐ 3,411
    Example code for Fluent Python, 2nd edition (O'Reilly 2022)
    🔗 amzn.to/3j48u2j

  45. mrdbourke/zero-to-mastery-ml ⭐ 3,074
    All course materials for the Zero to Mastery Machine Learning and Data Science course.
    🔗 dbourke.link/ztmmlcourse

  46. krzjoa/awesome-python-data-science ⭐ 2,693
    Probably the best curated list of data science software in Python.
    🔗 krzjoa.github.io/awesome-python-data-science

  47. chiphuyen/aie-book ⭐ 2,269
    Code for AI Engineering: Building Applications with Foundation Models (Chip Huyen 2025)

  48. gerdm/prml ⭐ 2,236
    Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop

  49. cgpotts/cs224u ⭐ 2,133
    Code for CS224u: Natural Language Understanding

  50. cerlymarco/MEDIUM_NoteBook ⭐ 2,096
    Repository containing notebooks of my posts on Medium

  51. trananhkma/fucking-awesome-python ⭐ 1,988
    awesome-python with :octocat: ⭐ and 🍴

  52. huggingface/cookbook ⭐ 1,816
    Community-driven practical examples of building AI applications and solving various tasks with AI using open-source tools and models.
    🔗 huggingface.co/learn/cookbook

  53. chandlerbang/awesome-self-supervised-gnn ⭐ 1,636
    Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).

  54. atcold/NYU-DLSP21 ⭐ 1,593
    NYU Deep Learning Spring 2021
    🔗 atcold.github.io/nyu-dlsp21

  55. patrickloeber/MLfromscratch ⭐ 1,383
    Machine Learning algorithm implementations from scratch.

  56. davidadsp/Generative_Deep_Learning_2nd_Edition ⭐ 1,198
    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

  57. rasbt/LLM-workshop-2024 ⭐ 859
    A 4-hour coding workshop to understand how LLMs are implemented and used

  58. jackhidary/quantumcomputingbook ⭐ 822
    Companion site for the textbook Quantum Computing: An Applied Approach

  59. bayesianmodelingandcomputationinpython/BookCode_Edition1 ⭐ 510
    Bayesian Modeling and Computation in Python: open-access version of the text and the code examples in the book
    🔗 www.bayesiancomputationbook.com

  60. dylanhogg/awesome-python ⭐ 348
    🐍 Hand-picked awesome Python libraries and frameworks, organised by category
    🔗 www.awesomepython.org

Template

Template tools and libraries: cookiecutter repos, generators, quick-starts.

  1. tiangolo/full-stack-fastapi-template ⭐ 29,474
    Full stack, modern web application template. Using FastAPI, React, SQLModel, PostgreSQL, Docker, GitHub Actions, automatic HTTPS and more.

  2. cookiecutter/cookiecutter ⭐ 22,999
    A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
    🔗 pypi.org/project/cookiecutter

  3. drivendata/cookiecutter-data-science ⭐ 8,538
    A logical, reasonably standardized, but flexible project structure for doing and sharing data science work.
    🔗 cookiecutter-data-science.drivendata.org

  4. buuntu/fastapi-react ⭐ 2,296
    🚀 Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker

  5. pyscaffold/pyscaffold ⭐ 2,151
    🛠 Python project template generator with batteries included
    🔗 pyscaffold.org

  6. cjolowicz/cookiecutter-hypermodern-python ⭐ 1,838
    Cookiecutter template for a Python package based on the Hypermodern Python article series.
    🔗 cookiecutter-hypermodern-python.readthedocs.io

  7. fmind/mlops-python-package ⭐ 1,103
    Best practices designed to support your MLOPs initiatives. You can use this package as part of your MLOps toolkit or platform e.g. Model Registry, Experiment Tracking, Realtime Inference
    🔗 fmind.github.io/mlops-python-package

  8. tezromach/python-package-template ⭐ 1,085
    🚀 Your next Python package needs a bleeding-edge project structure.

  9. martinheinz/python-project-blueprint ⭐ 963
    Blueprint/Boilerplate For Python Projects

  10. callmesora/llmops-python-package ⭐ 810
    Best practices designed to support your LLMOps initiatives. You can use this package as part of your LLMOps toolkit or platform e.g. Model Registry, Experiment Tracking, Realtime Inference

Terminal

Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars.

  1. willmcgugan/rich ⭐ 50,556
    Rich is a Python library for rich text and beautiful formatting in the terminal.
    🔗 rich.readthedocs.io/en/latest

  2. tqdm/tqdm ⭐ 29,182
    ⚡ A Fast, Extensible Progress Bar for Python and CLI
    🔗 tqdm.github.io

  3. google/python-fire ⭐ 27,374
    Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.

  4. willmcgugan/textual ⭐ 27,183
    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

  5. tiangolo/typer ⭐ 16,328
    Typer, build great CLIs. Easy to code. Based on Python type hints.
    🔗 typer.tiangolo.com

  6. pallets/click ⭐ 16,022
    Python composable command line interface toolkit
    🔗 click.palletsprojects.com

  7. saulpw/visidata ⭐ 8,029
    A terminal spreadsheet multitool for discovering and arranging data
    🔗 visidata.org

  8. tconbeer/harlequin ⭐ 4,119
    The SQL IDE for Your Terminal.
    🔗 harlequin.sh

  9. manrajgrover/halo ⭐ 2,913
    💫 Beautiful spinners for terminal, IPython and Jupyter

  10. urwid/urwid ⭐ 2,850
    Console user interface library for Python (official repo)
    🔗 urwid.org

  11. textualize/trogon ⭐ 2,556
    Easily turn your Click CLI into a powerful terminal application

  12. darrenburns/elia ⭐ 1,985
    A snappy, keyboard-centric terminal user interface for interacting with large language models. Chat with ChatGPT, Claude, Llama 3, Phi 3, Mistral, Gemma and more.

  13. tmbo/questionary ⭐ 1,639
    Python library to build pretty command line user prompts ✨Easy to use multi-select lists, confirmations, free text prompts ...

  14. jazzband/prettytable ⭐ 1,433
    Display tabular data in a visually appealing ASCII table format
    🔗 pypi.org/project/prettytable

  15. 1j01/textual-paint ⭐ 983
    🎨 MS Paint in your terminal.
    🔗 pypi.org/project/textual-paint

Testing

Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins.

  1. mitmproxy/mitmproxy ⭐ 37,773
    An interactive TLS-capable intercepting HTTP proxy for penetration testers and software developers.
    🔗 mitmproxy.org

  2. locustio/locust ⭐ 25,520
    Write scalable load tests in plain Python 🚗💨
    🔗 locust.cloud

  3. pytest-dev/pytest ⭐ 12,380
    The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
    🔗 pytest.org

  4. microsoft/playwright-python ⭐ 12,288
    Python version of the Playwright testing and automation library.
    🔗 playwright.dev/python

  5. robotframework/robotframework ⭐ 10,219
    Generic automation framework for acceptance testing and RPA
    🔗 robotframework.org

  6. seleniumbase/SeleniumBase ⭐ 9,253
    Python APIs for web automation, testing, and bypassing bot-detection.
    🔗 seleniumbase.io

  7. getmoto/moto ⭐ 7,757
    A library that allows you to easily mock out tests based on AWS infrastructure.
    🔗 docs.getmoto.org/en/latest

  8. hypothesisworks/hypothesis ⭐ 7,689
    Hypothesis is a powerful, flexible, and easy to use library for property-based testing.
    🔗 hypothesis.works

  9. newsapps/beeswithmachineguns ⭐ 6,461
    A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
    🔗 apps.chicagotribune.com

  10. codium-ai/qodo-cover ⭐ 4,770
    Qodo-Cover: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! 💻🤖🧪🐞
    🔗 qodo.ai

  11. confident-ai/deepeval ⭐ 4,657
    The LLM Evaluation Framework
    🔗 docs.confident-ai.com

  12. spulec/freezegun ⭐ 4,264
    Let your Python tests travel through time

  13. getsentry/responses ⭐ 4,204
    A utility for mocking out the Python Requests library.

  14. tox-dev/tox ⭐ 3,735
    Command line driven CI frontend and development task automation tool.
    🔗 tox.wiki

  15. behave/behave ⭐ 3,244
    BDD, Python style.
    🔗 behave.readthedocs.io/en/latest

  16. nedbat/coveragepy ⭐ 3,076
    The code coverage tool for Python
    🔗 coverage.readthedocs.io

  17. kevin1024/vcrpy ⭐ 2,750
    Automatically mock your HTTP interactions to simplify and speed up testing

  18. cobrateam/splinter ⭐ 2,732
    splinter - python test framework for web applications
    🔗 splinter.readthedocs.org/en/stable/index.html

  19. pytest-dev/pytest-testinfra ⭐ 2,388
    With Testinfra you can write unit tests in Python to test actual state of your servers configured by management tools like Salt, Ansible, Puppet, Chef and so on.
    🔗 testinfra.readthedocs.io

  20. pytest-dev/pytest-mock ⭐ 1,887
    Thin-wrapper around the mock package for easier use with pytest
    🔗 pytest-mock.readthedocs.io/en/latest

  21. pytest-dev/pytest-cov ⭐ 1,809
    Coverage plugin for pytest.

  22. pytest-dev/pytest-xdist ⭐ 1,529
    pytest plugin for distributed testing and loop-on-failures testing modes.
    🔗 pytest-xdist.readthedocs.io

  23. pytest-dev/pytest-asyncio ⭐ 1,462
    Asyncio support for pytest
    🔗 pytest-asyncio.readthedocs.io

  24. taverntesting/tavern ⭐ 1,046
    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

Machine Learning - Time Series

Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics.

  1. facebook/prophet ⭐ 18,814
    Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
    🔗 facebook.github.io/prophet

  2. blue-yonder/tsfresh ⭐ 8,555
    Automatic extraction of relevant features from time series:
    🔗 tsfresh.readthedocs.io

  3. unit8co/darts ⭐ 8,306
    A python library for user-friendly forecasting and anomaly detection on time series.
    🔗 unit8co.github.io/darts

  4. sktime/sktime ⭐ 8,169
    A unified framework for machine learning with time series
    🔗 www.sktime.net

  5. facebookresearch/Kats ⭐ 5,619
    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.

  6. awslabs/gluonts ⭐ 4,752
    Probabilistic time series modeling in Python
    🔗 ts.gluon.ai

  7. google-research/timesfm ⭐ 4,303
    TimesFM (Time Series Foundation Model) is a pretrained time-series foundation model developed by Google Research for time-series forecasting.
    🔗 research.google/blog/a-decoder-only-foundation-model-for-time-series-forecasting

  8. nixtla/statsforecast ⭐ 4,128
    Lightning ⚡️ fast forecasting with statistical and econometric models.
    🔗 nixtlaverse.nixtla.io/statsforecast

  9. tdameritrade/stumpy ⭐ 3,770
    STUMPY is a powerful and scalable Python library for modern time series analysis
    🔗 stumpy.readthedocs.io/en/latest

  10. salesforce/Merlion ⭐ 3,517
    Merlion: A Machine Learning Framework for Time Series Intelligence

  11. amazon-science/chronos-forecasting ⭐ 2,879
    Chronos: Pretrained Models for Probabilistic Time Series Forecasting
    🔗 arxiv.org/abs/2403.07815

  12. rjt1990/pyflux ⭐ 2,115
    Open source time series library for Python

  13. aistream-peelout/flow-forecast ⭐ 2,106
    Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
    🔗 flow-forecast.atlassian.net/wiki/spaces/ff/overview

  14. uber/orbit ⭐ 1,936
    A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
    🔗 orbit-ml.readthedocs.io/en/stable

  15. alkaline-ml/pmdarima ⭐ 1,614
    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

  16. time-series-foundation-models/lag-llama ⭐ 1,342
    Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting

  17. winedarksea/AutoTS ⭐ 1,185
    Automated Time Series Forecasting

  18. autoviml/Auto_TS ⭐ 745
    Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost Models on Time Series data sets with a Single Line of Code. Created by Ram Seshadri. Collaborators welcome.

  19. google/temporian ⭐ 685
    Temporian is an open-source Python library for preprocessing ⚡ and feature engineering 🛠 temporal data 📈 for machine learning applications 🤖
    🔗 temporian.readthedocs.io

Typing

Typing libraries: static and run-time type checking, annotations.

  1. python/mypy ⭐ 18,890
    Optional static typing for Python
    🔗 www.mypy-lang.org

  2. microsoft/pyright ⭐ 13,781
    Static Type Checker for Python

  3. facebook/pyre-check ⭐ 6,910
    Performant type-checking for python.
    🔗 pyre-check.org

  4. python-attrs/attrs ⭐ 5,396
    Python Classes Without Boilerplate
    🔗 www.attrs.org

  5. google/pytype ⭐ 4,825
    A static type analyzer for Python code
    🔗 google.github.io/pytype

  6. instagram/MonkeyType ⭐ 4,825
    A Python library that generates static type annotations by collecting runtime types

  7. python/typeshed ⭐ 4,478
    Collection of library stubs for Python, with static types

  8. mtshiba/pylyzer ⭐ 2,639
    A fast, feature-rich static code analyzer & language server for Python
    🔗 mtshiba.github.io/pylyzer

  9. microsoft/pylance-release ⭐ 1,739
    Fast, feature-rich language support for Python. Documentation and issues for Pylance.

  10. agronholm/typeguard ⭐ 1,588
    Run-time type checker for Python

  11. patrick-kidger/torchtyping ⭐ 1,416
    Type annotations and dynamic checking for a tensor's shape, dtype, names, etc.

  12. robertcraigie/pyright-python ⭐ 194
    Python command line wrapper for pyright, a static type checker
    🔗 pypi.org/project/pyright

Utility

General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools.

  1. yt-dlp/yt-dlp ⭐ 99,072
    A feature-rich command-line audio/video downloader
    🔗 discord.gg/h5mncfw63r

  2. home-assistant/core ⭐ 76,261
    🏡 Open source home automation that puts local control and privacy first.
    🔗 www.home-assistant.io

  3. abi/screenshot-to-code ⭐ 67,970
    Drop in a screenshot and convert it to clean code (HTML/Tailwind/React/Vue)
    🔗 screenshottocode.com

  4. python/cpython ⭐ 65,073
    The Python programming language
    🔗 www.python.org

  5. localstack/localstack ⭐ 57,515
    💻 A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
    🔗 localstack.cloud

  6. faif/python-patterns ⭐ 40,871
    A collection of design patterns/idioms in Python

  7. mingrammer/diagrams ⭐ 40,212
    🎨 Diagram as Code for prototyping cloud system architectures
    🔗 diagrams.mingrammer.com

  8. ggerganov/whisper.cpp ⭐ 37,385
    Port of OpenAI's Whisper model in C/C++

  9. paul-gauthier/aider ⭐ 26,416
    Aider is a command line tool that lets you pair program with LLMs, to edit code stored in your local git repository
    🔗 aider.chat

  10. openai/openai-python ⭐ 24,355
    The official Python library for the OpenAI API
    🔗 pypi.org/project/openai

  11. keon/algorithms ⭐ 24,272
    Minimal examples of data structures and algorithms in Python

  12. modularml/mojo ⭐ 23,641
    The Mojo Programming Language
    🔗 docs.modular.com/mojo/manual

  13. norvig/pytudes ⭐ 23,279
    Python programs, usually short, of considerable difficulty, to perfect particular skills.

  14. pydantic/pydantic ⭐ 22,286
    Data validation using Python type hints
    🔗 docs.pydantic.dev

  15. squidfunk/mkdocs-material ⭐ 21,982
    Documentation that simply works
    🔗 squidfunk.github.io/mkdocs-material

  16. facebookresearch/audiocraft ⭐ 21,419
    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.

  17. blakeblackshear/frigate ⭐ 20,867
    NVR with realtime local object detection for IP cameras
    🔗 frigate.video

  18. chriskiehl/Gooey ⭐ 20,808
    Turn (almost) any Python command line program into a full GUI application with one line

  19. delgan/loguru ⭐ 20,673
    Python logging made (stupidly) simple

  20. micropython/micropython ⭐ 19,819
    MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
    🔗 micropython.org

  21. mkdocs/mkdocs ⭐ 19,804
    Project documentation with Markdown.
    🔗 www.mkdocs.org

  22. rustpython/RustPython ⭐ 19,568
    A Python Interpreter written in Rust
    🔗 rustpython.github.io

  23. higherorderco/Bend ⭐ 17,992
    A massively parallel, high-level programming language
    🔗 higherorderco.com

  24. kivy/kivy ⭐ 17,985
    Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
    🔗 kivy.org

  25. ipython/ipython ⭐ 16,388
    Official repository for IPython itself. Other repos in the IPython organization contain things like the website, documentation builds, etc.
    🔗 ipython.readthedocs.org

  26. alievk/avatarify-python ⭐ 16,358
    Avatars for Zoom, Skype and other video-conferencing apps.

  27. openai/triton ⭐ 14,261
    Development repository for the Triton language and compiler
    🔗 triton-lang.org

  28. zulko/moviepy ⭐ 12,972
    Video editing with Python
    🔗 zulko.github.io/moviepy

  29. pyo3/pyo3 ⭐ 12,927
    Rust bindings for the Python interpreter
    🔗 pyo3.rs

  30. pyodide/pyodide ⭐ 12,653
    Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
    🔗 pyodide.org/en/stable

  31. pytube/pytube ⭐ 12,579
    A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
    🔗 pytube.io

  32. caronc/apprise ⭐ 12,551
    Apprise - Push Notifications that work with just about every platform!
    🔗 hub.docker.com/r/caronc/apprise

  33. python-pillow/Pillow ⭐ 12,509
    The Python Imaging Library adds image processing capabilities to Python (Pillow is the friendly PIL fork)
    🔗 python-pillow.github.io

  34. nuitka/Nuitka ⭐ 12,454
    Nuitka is a Python compiler written in Python. It's fully compatible with Python 2.6, 2.7, 3.4-3.13. You feed it your Python app, it does a lot of clever things, and spits out an executable or extension module.
    🔗 nuitka.net

  35. dbader/schedule ⭐ 11,959
    Python job scheduling for humans.
    🔗 schedule.readthedocs.io

  36. ninja-build/ninja ⭐ 11,550
    Ninja is a small build system with a focus on speed.
    🔗 ninja-build.org

  37. secdev/scapy ⭐ 11,052
    Scapy: the Python-based interactive packet manipulation program & library.
    🔗 scapy.net

  38. asweigart/pyautogui ⭐ 10,790
    A cross-platform GUI automation Python module for human beings. Used to programmatically control the mouse & keyboard.

  39. magicstack/uvloop ⭐ 10,621
    Ultra fast asyncio event loop.

  40. pallets/jinja ⭐ 10,558
    A very fast and expressive template engine.
    🔗 jinja.palletsprojects.com

  41. aristocratos/bpytop ⭐ 10,453
    Linux/OSX/FreeBSD resource monitor

  42. cython/cython ⭐ 9,743
    The most widely used Python to C compiler
    🔗 cython.org

  43. aws/serverless-application-model ⭐ 9,402
    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

  44. paramiko/paramiko ⭐ 9,236
    The leading native Python SSHv2 protocol library.
    🔗 paramiko.org

  45. boto/boto3 ⭐ 9,175
    AWS SDK for Python
    🔗 aws.amazon.com/sdk-for-python

  46. facebookresearch/hydra ⭐ 9,011
    Hydra is a framework for elegantly configuring complex applications
    🔗 hydra.cc

  47. arrow-py/arrow ⭐ 8,780
    🏹 Better dates & times for Python
    🔗 arrow.readthedocs.io

  48. py-pdf/pypdf ⭐ 8,686
    A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
    🔗 pypdf.readthedocs.io/en/latest

  49. xonsh/xonsh ⭐ 8,517
    🐚 Python-powered shell. Full-featured and cross-platform.
    🔗 xon.sh

  50. eternnoir/pyTelegramBotAPI ⭐ 8,252
    Python Telegram bot api.

  51. jasonppy/VoiceCraft ⭐ 8,083
    Zero-Shot Speech Editing and Text-to-Speech in the Wild

  52. kellyjonbrazil/jc ⭐ 8,020
    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.

  53. googleapis/google-api-python-client ⭐ 7,957
    🐍 The official Python client library for Google's discovery based APIs.
    🔗 googleapis.github.io/google-api-python-client/docs

  54. theskumar/python-dotenv ⭐ 7,859
    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

  55. googlecloudplatform/python-docs-samples ⭐ 7,569
    Code samples used on cloud.google.com

  56. icloud-photos-downloader/icloud_photos_downloader ⭐ 7,549
    A command-line tool to download photos from iCloud

  57. google/latexify_py ⭐ 7,397
    A library to generate LaTeX expression from Python code.

  58. pygithub/PyGithub ⭐ 7,168
    Typed interactions with the GitHub API v3
    🔗 pygithub.readthedocs.io

  59. marshmallow-code/marshmallow ⭐ 7,090
    A lightweight library for converting complex objects to and from simple Python datatypes.
    🔗 marshmallow.readthedocs.io

  60. jd/tenacity ⭐ 7,002
    Retrying library for Python
    🔗 tenacity.readthedocs.io

  61. bndr/pipreqs ⭐ 7,001
    pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward.

  62. hugapi/hug ⭐ 6,868
    Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible, but no simpler.

  63. pyca/cryptography ⭐ 6,854
    cryptography is a package designed to expose cryptographic primitives and recipes to Python developers.
    🔗 cryptography.io

  64. sphinx-doc/sphinx ⭐ 6,789
    The Sphinx documentation generator
    🔗 www.sphinx-doc.org

  65. gorakhargosh/watchdog ⭐ 6,734
    Python library and shell utilities to monitor filesystem events.
    🔗 packages.python.org/watchdog

  66. openai/point-e ⭐ 6,617
    Point cloud diffusion for 3D model synthesis

  67. timdettmers/bitsandbytes ⭐ 6,592
    Accessible large language models via k-bit quantization for PyTorch.
    🔗 huggingface.co/docs/bitsandbytes/main/en/index

  68. ijl/orjson ⭐ 6,528
    Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy

  69. agronholm/apscheduler ⭐ 6,484
    Task scheduling library for Python

  70. sdispater/pendulum ⭐ 6,346
    Python datetimes made easy
    🔗 pendulum.eustace.io

  71. pdfminer/pdfminer.six ⭐ 6,170
    Community maintained fork of pdfminer - we fathom PDF
    🔗 pdfminersix.readthedocs.io

  72. scikit-image/scikit-image ⭐ 6,165
    Image processing in Python
    🔗 scikit-image.org

  73. wireservice/csvkit ⭐ 6,077
    A suite of utilities for converting to and working with CSV, the king of tabular file formats.
    🔗 csvkit.readthedocs.io

  74. pytransitions/transitions ⭐ 5,908
    A lightweight, object-oriented finite state machine implementation in Python with many extensions

  75. rsalmei/alive-progress ⭐ 5,681
    A new kind of Progress Bar, with real-time throughput, ETA, and very cool animations!

  76. traceloop/openllmetry ⭐ 5,362
    Open-source observability for your LLM application, based on OpenTelemetry
    🔗 www.traceloop.com/openllmetry

  77. spotify/pedalboard ⭐ 5,358
    🎛 🔊 A Python library for audio.
    🔗 spotify.github.io/pedalboard

  78. buildbot/buildbot ⭐ 5,305
    Python-based continuous integration testing framework; your pull requests are more than welcome!
    🔗 www.buildbot.net

  79. prompt-toolkit/ptpython ⭐ 5,259
    A better Python REPL

  80. pywinauto/pywinauto ⭐ 5,128
    Windows GUI Automation with Python (based on text properties)
    🔗 pywinauto.github.io

  81. pycqa/pycodestyle ⭐ 5,065
    Simple Python style checker in one Python file
    🔗 pycodestyle.pycqa.org

  82. tebelorg/RPA-Python ⭐ 5,057
    Python package for doing RPA

  83. pythonnet/pythonnet ⭐ 4,892
    Python for .NET is a package that gives Python programmers nearly seamless integration with the .NET Common Language Runtime (CLR) and provides a powerful application scripting tool for .NET developers.
    🔗 pythonnet.github.io

  84. jorgebastida/awslogs ⭐ 4,887
    AWS CloudWatch logs for Humans™

  85. comet-ml/opik ⭐ 4,851
    Opik is an open-source platform for evaluating, testing and monitoring LLM applications.
    🔗 www.comet.com/docs/opik

  86. pytoolz/toolz ⭐ 4,762
    A functional standard library for Python.
    🔗 toolz.readthedocs.org

  87. hhatto/autopep8 ⭐ 4,589
    A tool that automatically formats Python code to conform to the PEP 8 style guide.
    🔗 pypi.org/project/autopep8

  88. pyinvoke/invoke ⭐ 4,464
    Pythonic task management & command execution.
    🔗 pyinvoke.org

  89. bogdanp/dramatiq ⭐ 4,459
    A fast and reliable background task processing library for Python 3.
    🔗 dramatiq.io

  90. ashleve/lightning-hydra-template ⭐ 4,419
    PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation. ⚡🔥⚡

  91. blealtan/efficient-kan ⭐ 4,209
    An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN).

  92. adafruit/circuitpython ⭐ 4,191
    CircuitPython - a Python implementation for teaching coding with microcontrollers
    🔗 circuitpython.org

  93. pyo3/maturin ⭐ 4,158
    Build and publish crates with pyo3, cffi and uniffi bindings as well as rust binaries as python packages
    🔗 maturin.rs

  94. ets-labs/python-dependency-injector ⭐ 4,131
    Dependency injection framework for Python
    🔗 python-dependency-injector.ets-labs.org

  95. evhub/coconut ⭐ 4,130
    Coconut (coconut-lang.org) is a variant of Python that adds on top of Python syntax new features for simple, elegant, Pythonic functional programming.
    🔗 coconut-lang.org

  96. miguelgrinberg/python-socketio ⭐ 4,080
    Python Socket.IO server and client

  97. pyinfra-dev/pyinfra ⭐ 4,051
    pyinfra turns Python code into shell commands and runs them on your servers. Execute ad-hoc commands and write declarative operations. Target SSH servers, local machine and Docker containers. Fast and scales from one server to thousands.
    🔗 pyinfra.com

  98. joblib/joblib ⭐ 3,962
    Computing with Python functions.
    🔗 joblib.readthedocs.org

  99. python-markdown/markdown ⭐ 3,877
    A Python implementation of John Gruber’s Markdown with Extension support.
    🔗 python-markdown.github.io

  100. rspeer/python-ftfy ⭐ 3,848
    Fixes mojibake and other glitches in Unicode text, after the fact.
    🔗 ftfy.readthedocs.org

  101. zeromq/pyzmq ⭐ 3,790
    PyZMQ: Python bindings for zeromq
    🔗 zguide.zeromq.org/py:all

  102. more-itertools/more-itertools ⭐ 3,785
    More routines for operating on iterables, beyond itertools
    🔗 more-itertools.rtfd.io

  103. hynek/structlog ⭐ 3,741
    Simple, powerful, and fast logging for Python.
    🔗 www.structlog.org

  104. pydata/xarray ⭐ 3,696
    N-D labeled arrays and datasets in Python
    🔗 xarray.dev

  105. spotify/basic-pitch ⭐ 3,657
    A lightweight yet powerful audio-to-MIDI converter with pitch bend detection
    🔗 basicpitch.io

  106. pypi/warehouse ⭐ 3,651
    The Python Package Index
    🔗 pypi.org

  107. tartley/colorama ⭐ 3,605
    Simple cross-platform colored terminal text in Python

  108. osohq/oso ⭐ 3,483
    Deprecated: See README

  109. jorisschellekens/borb ⭐ 3,444
    borb is a library for reading, creating and manipulating PDF files in python.
    🔗 borbpdf.com

  110. suor/funcy ⭐ 3,399
    A fancy and practical functional tools

  111. pyserial/pyserial ⭐ 3,308
    Python serial port access library

  112. camelot-dev/camelot ⭐ 3,139
    A Python library to extract tabular data from PDFs
    🔗 camelot-py.readthedocs.io

  113. libaudioflux/audioFlux ⭐ 2,981
    A library for audio and music analysis, feature extraction.
    🔗 audioflux.top

  114. legrandin/pycryptodome ⭐ 2,926
    A self-contained cryptographic library for Python
    🔗 www.pycryptodome.org

  115. tox-dev/pipdeptree ⭐ 2,851
    A command line utility to display dependency tree of the installed Python packages
    🔗 pypi.python.org/pypi/pipdeptree

  116. lxml/lxml ⭐ 2,754
    The lxml XML toolkit for Python
    🔗 lxml.de

  117. liiight/notifiers ⭐ 2,690
    The easy way to send notifications
    🔗 notifiers.readthedocs.io

  118. whylabs/whylogs ⭐ 2,685
    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

  119. cdgriffith/Box ⭐ 2,667
    Python dictionaries with advanced dot notation access
    🔗 github.com/cdgriffith/box/wiki

  120. pexpect/pexpect ⭐ 2,658
    A Python module for controlling interactive programs in a pseudo-terminal
    🔗 pexpect.readthedocs.io

  121. pydantic/logfire ⭐ 2,629
    Uncomplicated Observability for Python and beyond! 🪵🔥
    🔗 logfire.pydantic.dev/docs

  122. litl/backoff ⭐ 2,629
    Python library providing function decorators for configurable backoff and retry

  123. yaml/pyyaml ⭐ 2,625
    Canonical source repository for PyYAML

  124. scrapinghub/dateparser ⭐ 2,598
    python parser for human readable dates

  125. pypa/setuptools ⭐ 2,586
    Official project repository for the Setuptools build system
    🔗 pypi.org/project/setuptools

  126. jcrist/msgspec ⭐ 2,578
    A fast serialization and validation library, with builtin support for JSON, MessagePack, YAML, and TOML
    🔗 jcristharif.com/msgspec

  127. pyston/pyston ⭐ 2,504
    (No longer maintained) A faster and highly-compatible implementation of the Python programming language.
    🔗 www.pyston.org

  128. dosisod/refurb ⭐ 2,493
    A tool for refurbishing and modernizing Python codebases

  129. hgrecco/pint ⭐ 2,470
    Operate and manipulate physical quantities in Python
    🔗 pint.readthedocs.org

  130. nschloe/tikzplotlib ⭐ 2,459
    📊 Save matplotlib figures as TikZ/PGFplots for smooth integration into LaTeX.

  131. grantjenks/python-diskcache ⭐ 2,453
    Python disk-backed cache (Django-compatible). Faster than Redis and Memcached. Pure-Python.
    🔗 www.grantjenks.com/docs/diskcache

  132. dateutil/dateutil ⭐ 2,416
    Useful extensions to the standard Python datetime features

  133. tkem/cachetools ⭐ 2,411
    Various memoizing collections and decorators, including variants of the Python Standard Library's @lru_cache function decorator

  134. pndurette/gTTS ⭐ 2,384
    Python library and CLI tool to interface with Google Translate's text-to-speech API
    🔗 gtts.readthedocs.org

  135. rhettbull/osxphotos ⭐ 2,337
    Python app to work with pictures and associated metadata from Apple Photos on macOS. Also includes a package to provide programmatic access to the Photos library, pictures, and metadata.

  136. abseil/abseil-py ⭐ 2,320
    A collection of Python library code for building Python applications. The code is collected from Google's own Python code base, and has been extensively tested and used in production.

  137. kiminewt/pyshark ⭐ 2,308
    Python wrapper for tshark, allowing python packet parsing using wireshark dissectors

  138. pyparsing/pyparsing ⭐ 2,262
    Python library for creating PEG parsers

  139. astanin/python-tabulate ⭐ 2,244
    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

  140. nateshmbhat/pyttsx3 ⭐ 2,222
    Offline Text To Speech synthesis for python

  141. ianmiell/shutit ⭐ 2,149
    Automation framework for programmers
    🔗 ianmiell.github.io/shutit

  142. grahamdumpleton/wrapt ⭐ 2,093
    A Python module for decorators, wrappers and monkey patching.

  143. seperman/deepdiff ⭐ 2,085
    DeepDiff: Deep Difference and search of any Python object/data. DeepHash: Hash of any object based on its contents. Delta: Use deltas to reconstruct objects by adding deltas together.
    🔗 zepworks.com

  144. google/gin-config ⭐ 2,071
    Gin provides a lightweight configuration framework for Python

  145. omry/omegaconf ⭐ 2,041
    Flexible Python configuration system. The last one you will ever need.

  146. mitmproxy/pdoc ⭐ 2,022
    API Documentation for Python Projects
    🔗 pdoc.dev

  147. pyfilesystem/pyfilesystem2 ⭐ 2,019
    Python's Filesystem abstraction layer
    🔗 www.pyfilesystem.org

  148. python-rope/rope ⭐ 1,995
    a python refactoring library

  149. julienpalard/Pipe ⭐ 1,989
    A Python library to use infix notation in Python

  150. numba/llvmlite ⭐ 1,983
    A lightweight LLVM python binding for writing JIT compilers
    🔗 llvmlite.pydata.org

  151. landscapeio/prospector ⭐ 1,970
    Inspects Python source files and provides information about type and location of classes, methods etc

  152. hbldh/bleak ⭐ 1,928
    A cross platform Bluetooth Low Energy Client for Python using asyncio

  153. carpedm20/emoji ⭐ 1,924
    emoji terminal output for Python

  154. pydoit/doit ⭐ 1,908
    CLI task management & automation tool
    🔗 pydoit.org

  155. chaostoolkit/chaostoolkit ⭐ 1,903
    Chaos Engineering Toolkit & Orchestration for Developers
    🔗 chaostoolkit.org

  156. pygments/pygments ⭐ 1,899
    Pygments is a generic syntax highlighter written in Python
    🔗 pygments.org

  157. open-telemetry/opentelemetry-python ⭐ 1,882
    OpenTelemetry Python API and SDK
    🔗 opentelemetry.io

  158. samuelcolvin/watchfiles ⭐ 1,875
    Simple, modern and fast file watching and code reload in Python.
    🔗 watchfiles.helpmanual.io

  159. p0dalirius/Coercer ⭐ 1,873
    A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods.
    🔗 podalirius.net

  160. home-assistant/supervisor ⭐ 1,855
    🏡 Home Assistant Supervisor
    🔗 home-assistant.io/hassio

  161. joowani/binarytree ⭐ 1,811
    Python Library for Studying Binary Trees
    🔗 binarytree.readthedocs.io

  162. konradhalas/dacite ⭐ 1,805
    Simple creation of data classes from dictionaries.

  163. mkdocstrings/mkdocstrings ⭐ 1,797
    📘 Automatic documentation from sources, for MkDocs.
    🔗 mkdocstrings.github.io

  164. rubik/radon ⭐ 1,767
    Various code metrics for Python code
    🔗 radon.readthedocs.org

  165. kalliope-project/kalliope ⭐ 1,724
    Kalliope is a framework that will help you to create your own personal assistant.
    🔗 kalliope-project.github.io

  166. anthropics/anthropic-sdk-python ⭐ 1,669
    SDK providing access to Anthropic's safety-first language model APIs

  167. quodlibet/mutagen ⭐ 1,633
    Python module for handling audio metadata
    🔗 mutagen.readthedocs.io

  168. instagram/LibCST ⭐ 1,604
    A concrete syntax tree parser and serializer library for Python that preserves many aspects of Python's abstract syntax tree
    🔗 libcst.readthedocs.io

  169. facebookincubator/Bowler ⭐ 1,574
    Safe code refactoring for modern Python.
    🔗 pybowler.io

  170. imageio/imageio ⭐ 1,547
    Python library for reading and writing image data
    🔗 imageio.readthedocs.io

  171. fabiocaccamo/python-benedict ⭐ 1,528
    📘 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.

  172. lcompilers/lpython ⭐ 1,519
    Python compiler
    🔗 lpython.org

  173. nficano/python-lambda ⭐ 1,501
    A toolkit for developing and deploying serverless Python code in AWS Lambda.

  174. aws-samples/aws-glue-samples ⭐ 1,459
    AWS Glue code samples

  175. lidatong/dataclasses-json ⭐ 1,403
    Easily serialize Data Classes to and from JSON

  176. brandon-rhodes/python-patterns ⭐ 1,366
    Source code behind the python-patterns.guide site by Brandon Rhodes

  177. aio-libs/yarl ⭐ 1,363
    Yet another URL library
    🔗 yarl.aio-libs.org

  178. ossf/criticality_score ⭐ 1,356
    Gives criticality score for an open source project

  179. oracle/graalpython ⭐ 1,299
    GraalPy – A high-performance embeddable Python 3 runtime for Java
    🔗 www.graalvm.org/python

  180. pypy/pypy ⭐ 1,237
    PyPy is a very fast and compliant implementation of the Python language.
    🔗 pypy.org

  181. pyo3/rust-numpy ⭐ 1,179
    PyO3-based Rust bindings of the NumPy C-API

  182. ariebovenberg/whenever ⭐ 1,174
    ⏰ Modern datetime library for Python
    🔗 whenever.rtfd.io

  183. pyfpdf/fpdf2 ⭐ 1,174
    Simple PDF generation for Python
    🔗 py-pdf.github.io/fpdf2

  184. pdoc3/pdoc ⭐ 1,147
    🐍 ➡️ 📜 Auto-generate API documentation for Python projects
    🔗 pdoc3.github.io/pdoc

  185. fsspec/filesystem_spec ⭐ 1,101
    A specification that python filesystems should adhere to.

  186. milvus-io/pymilvus ⭐ 1,078
    Python SDK for Milvus.

  187. c4urself/bump2version ⭐ 1,072
    Version-bump your software with a single command
    🔗 pypi.python.org/pypi/bump2version

  188. metachris/logzero ⭐ 1,024
    Robust and effective logging for Python 2 and 3.
    🔗 logzero.readthedocs.io

  189. extensityai/symbolicai ⭐ 1,005
    Compositional Differentiable Programming Library - divide-and-conquer approach to break down a complex problem into smaller, more manageable problems.

  190. fastai/fastcore ⭐ 997
    Python supercharged for the fastai library
    🔗 fastcore.fast.ai

  191. lastmile-ai/aiconfig ⭐ 985
    AIConfig saves prompts, models and model parameters as source control friendly configs. This allows you to iterate on prompts and model parameters separately from your application code.
    🔗 aiconfig.lastmileai.dev

  192. juanbindez/pytubefix ⭐ 973
    Python3 library for downloading YouTube Videos.
    🔗 pytubefix.readthedocs.io

  193. barracuda-fsh/pyobd ⭐ 914
    An OBD-II compliant car diagnostic tool

  194. qdrant/qdrant-client ⭐ 849
    Python client for Qdrant vector search engine
    🔗 qdrant.tech

  195. samuelcolvin/dirty-equals ⭐ 839
    Doing dirty (but extremely useful) things with equals.
    🔗 dirty-equals.helpmanual.io

  196. tox-dev/filelock ⭐ 808
    A platform independent file lock in Python, which provides a simple way of inter-process communication
    🔗 py-filelock.readthedocs.io

  197. modal-labs/modal-examples ⭐ 774
    Examples of programs built using Modal
    🔗 modal.com/docs

  198. open-telemetry/opentelemetry-python-contrib ⭐ 768
    OpenTelemetry instrumentation for Python modules
    🔗 opentelemetry.io

  199. pypa/build ⭐ 767
    A simple, correct Python build frontend
    🔗 build.pypa.io

  200. gefyrahq/gefyra ⭐ 710
    Blazingly-fast 🚀, rock-solid, local application development ➡️ with Kubernetes.
    🔗 gefyra.dev

  201. instagram/Fixit ⭐ 674
    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

  202. argoproj-labs/hera ⭐ 645
    Hera makes Python code easy to orchestrate on Argo Workflows through native Python integrations. It lets you construct and submit your Workflows entirely in Python. ⭐️ Remember to star!
    🔗 hera.rtfd.io

  203. google/pyglove ⭐ 639
    Manipulating Python Programs

  204. platformdirs/platformdirs ⭐ 638
    A small Python module for determining appropriate platform-specific dirs, e.g. a "user data dir".
    🔗 platformdirs.readthedocs.io

  205. fastai/ghapi ⭐ 636
    A delightful and complete interface to GitHub's amazing API
    🔗 ghapi.fast.ai

  206. methexis-inc/terminal-copilot ⭐ 572
    A smart terminal assistant that helps you find the right command.

  207. chrishayuk/mcp-cli ⭐ 542
    A protocol-level CLI designed to interact with a Model Context Protocol server. The client allows users to send commands, query data, and interact with various resources provided by the server.

  208. steamship-core/steamship-langchain ⭐ 510
    steamship-langchain

  209. pypdfium2-team/pypdfium2 ⭐ 504
    Python bindings to PDFium
    🔗 pypdfium2.readthedocs.io

  210. neuml/annotateai ⭐ 287
    Automatically annotates papers using Large Language Models (LLMs)

Vizualisation

Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL.

  1. apache/superset ⭐ 64,196
    Apache Superset is a Data Visualization and Data Exploration Platform
    🔗 superset.apache.org

  2. streamlit/streamlit ⭐ 37,080
    Streamlit — A faster way to build and share data apps.
    🔗 streamlit.io

  3. gradio-app/gradio ⭐ 35,732
    Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
    🔗 www.gradio.app

  4. plotly/dash ⭐ 21,880
    Data Apps & Dashboards for Python. No JavaScript Required.
    🔗 plotly.com/dash

  5. danny-avila/LibreChat ⭐ 21,427
    LibreChat is a free, open source AI chat platform. This Web UI offers vast customization, supporting numerous AI providers, services, and integrations.
    🔗 librechat.ai

  6. matplotlib/matplotlib ⭐ 20,660
    matplotlib: plotting with Python
    🔗 matplotlib.org/stable

  7. bokeh/bokeh ⭐ 19,566
    Interactive Data Visualization in the browser, from Python
    🔗 bokeh.org

  8. plotly/plotly.py ⭐ 16,664
    The interactive graphing library for Python ✨ This project now includes Plotly Express!
    🔗 plotly.com/python

  9. mwaskom/seaborn ⭐ 12,814
    Statistical data visualization in Python
    🔗 seaborn.pydata.org

  10. visgl/deck.gl ⭐ 12,446
    WebGL2 powered visualization framework
    🔗 deck.gl

  11. marceloprates/prettymaps ⭐ 11,489
    A small set of Python functions to draw pretty maps from OpenStreetMap data. Based on osmnx, matplotlib and shapely libraries.

  12. altair-viz/altair ⭐ 9,555
    Declarative visualization library for Python
    🔗 altair-viz.github.io

  13. nvidia/TensorRT-LLM ⭐ 9,300
    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

  14. lux-org/lux ⭐ 5,244
    Automatically visualize your pandas dataframe via a single print! 📊 💡

  15. renpy/renpy ⭐ 5,216
    The Ren'Py Visual Novel Engine
    🔗 www.renpy.org

  16. holoviz/panel ⭐ 5,004
    Panel: The powerful data exploration & web app framework for Python
    🔗 panel.holoviz.org

  17. man-group/dtale ⭐ 4,836
    Visualizer for pandas data structures
    🔗 alphatechadmin.pythonanywhere.com

  18. has2k1/plotnine ⭐ 4,114
    A Grammar of Graphics for Python
    🔗 plotnine.org

  19. residentmario/missingno ⭐ 4,017
    missingno provides a small toolset of flexible and easy-to-use missing data visualizations and utilities that allows you to get a quick visual summary of the completeness (or lack thereof) of your dataset.

  20. pyqtgraph/pyqtgraph ⭐ 3,965
    Fast data visualization and GUI tools for scientific / engineering applications
    🔗 www.pyqtgraph.org

  21. vispy/vispy ⭐ 3,368
    Main repository for Vispy
    🔗 vispy.org

  22. ml-tooling/opyrator ⭐ 3,117
    🪄 Turns your machine learning code into microservices with web API, interactive GUI, and more.
    🔗 opyrator-playground.mltooling.org

  23. netflix/flamescope ⭐ 3,036
    FlameScope is a visualization tool for exploring different time ranges as Flame Graphs.

  24. pyvista/pyvista ⭐ 2,912
    3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK)
    🔗 docs.pyvista.org

  25. facebookresearch/hiplot ⭐ 2,777
    HiPlot makes understanding high dimensional data easy
    🔗 facebookresearch.github.io/hiplot

  26. mckinsey/vizro ⭐ 2,775
    Vizro is a low-code toolkit for building high-quality data visualization apps.
    🔗 vizro.readthedocs.io/en/stable

  27. holoviz/holoviews ⭐ 2,744
    With Holoviews, your data visualizes itself.
    🔗 holoviews.org

  28. kozea/pygal ⭐ 2,688
    pygal is a dynamic SVG charting library written in python.
    🔗 www.pygal.org

  29. napari/napari ⭐ 2,268
    A fast, interactive, multi-dimensional image viewer for Python. It's designed for browsing, annotating, and analyzing large multi-dimensional images.
    🔗 napari.org

  30. marcomusy/vedo ⭐ 2,081
    A python module for scientific analysis of 3D data based on VTK and Numpy
    🔗 vedo.embl.es

  31. datapane/datapane ⭐ 1,389
    Build and share data reports in 100% Python
    🔗 datapane.com

  32. facultyai/dash-bootstrap-components ⭐ 1,139
    Bootstrap components for Plotly Dash
    🔗 dash-bootstrap-components.opensource.faculty.ai

  33. nomic-ai/deepscatter ⭐ 1,079
    Zoomable, animated scatterplots in the browser that scales over a billion points

  34. holoviz/holoviz ⭐ 858
    High-level tools to simplify visualization in Python.
    🔗 holoviz.org

  35. hazyresearch/meerkat ⭐ 836
    Creative interactive views of any dataset.

  36. anvaka/word2vec-graph ⭐ 707
    Exploring word2vec embeddings as a graph of nearest neighbors
    🔗 anvaka.github.io/pm/#/galaxy/word2vec-wiki?cx=-4651&cy=4492&cz=-1988&lx=-0.0915&ly=-0.9746&lz=-0.2030&lw=0.0237&ml=300&s=1.75&l=1&v=d50_clean_small

Web

Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management.

  1. django/django ⭐ 82,157
    The Web framework for perfectionists with deadlines.
    🔗 www.djangoproject.com

  2. tiangolo/fastapi ⭐ 80,493
    FastAPI framework, high performance, easy to learn, fast to code, ready for production
    🔗 fastapi.tiangolo.com

  3. pallets/flask ⭐ 68,703
    The Python micro framework for building web applications.
    🔗 flask.palletsprojects.com

  4. sherlock-project/sherlock ⭐ 62,208
    Hunt down social media accounts by username across social networks
    🔗 sherlockproject.xyz

  5. psf/requests ⭐ 52,451
    A simple, yet elegant, HTTP library.
    🔗 requests.readthedocs.io/en/latest

  6. tornadoweb/tornado ⭐ 21,824
    Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
    🔗 www.tornadoweb.org

  7. reflex-dev/reflex ⭐ 21,556
    🕸️ Web apps in pure Python 🐍
    🔗 reflex.dev

  8. wagtail/wagtail ⭐ 18,690
    A Django content management system focused on flexibility and user experience
    🔗 wagtail.org

  9. huge-success/sanic ⭐ 18,224
    Accelerate your web app development | Build fast. Run fast.
    🔗 sanic.dev

  10. pyscript/pyscript ⭐ 18,178
    A framework that allows users to create rich Python applications in the browser using HTML's interface and the power of Pyodide, WASM, and modern web technologies.
    🔗 pyscript.net

  11. vincigit00/Scrapegraph-ai ⭐ 17,801
    ScrapeGraphAI is a web scraping python library that uses LLM and direct graph logic to create scraping pipelines for websites and local documents
    🔗 scrapegraphai.com

  12. aio-libs/aiohttp ⭐ 15,381
    Asynchronous HTTP client/server framework for asyncio and Python
    🔗 docs.aiohttp.org

  13. encode/httpx ⭐ 13,648
    A next generation HTTP client for Python. 🦋
    🔗 www.python-httpx.org

  14. getpelican/pelican ⭐ 12,711
    Static site generator that supports Markdown and reST syntax. Powered by Python.
    🔗 getpelican.com

  15. flet-dev/flet ⭐ 12,265
    Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required.
    🔗 flet.dev

  16. zauberzeug/nicegui ⭐ 10,882
    Create web-based user interfaces with Python. The nice way.
    🔗 nicegui.io

  17. aws/chalice ⭐ 10,752
    Python Serverless Microframework for AWS

  18. encode/starlette ⭐ 10,555
    The little ASGI framework that shines. 🌟
    🔗 www.starlette.io

  19. benoitc/gunicorn ⭐ 9,965
    gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications.
    🔗 www.gunicorn.org

  20. falconry/falcon ⭐ 9,585
    The no-magic web API and microservices framework for Python developers, with an emphasis on reliability and performance at scale.
    🔗 falcon.readthedocs.io

  21. encode/uvicorn ⭐ 8,835
    An ASGI web server, for Python. 🦄
    🔗 www.uvicorn.org

  22. bottlepy/bottle ⭐ 8,525
    bottle.py is a fast and simple micro-framework for python web-applications.
    🔗 bottlepy.org

  23. graphql-python/graphene ⭐ 8,140
    GraphQL framework for Python
    🔗 graphene-python.org

  24. reactive-python/reactpy ⭐ 7,937
    ReactPy is a library for building user interfaces in Python without Javascript
    🔗 reactpy.dev

  25. vitalik/django-ninja ⭐ 7,684
    💨 Fast, Async-ready, Openapi, type hints based framework for building APIs
    🔗 django-ninja.dev

  26. pyeve/eve ⭐ 6,712
    REST API framework designed for human beings
    🔗 python-eve.org

  27. pallets/werkzeug ⭐ 6,694
    The comprehensive WSGI web application library.
    🔗 werkzeug.palletsprojects.com

  28. starlite-api/litestar ⭐ 5,949
    Production-ready, Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs
    🔗 litestar.dev

  29. webpy/webpy ⭐ 5,899
    web.py is a web framework for python that is as simple as it is powerful.
    🔗 webpy.org

  30. fastapi-users/fastapi-users ⭐ 4,855
    Ready-to-use and customizable users management for FastAPI
    🔗 fastapi-users.github.io/fastapi-users

  31. stephenmcd/mezzanine ⭐ 4,772
    CMS framework for Django
    🔗 mezzanine.jupo.org

  32. nameko/nameko ⭐ 4,729
    A microservices framework for Python that lets service developers concentrate on application logic and encourages testability.
    🔗 www.nameko.io

  33. pywebio/PyWebIO ⭐ 4,638
    Write interactive web app in script way.
    🔗 pywebio.readthedocs.io

  34. strawberry-graphql/strawberry ⭐ 4,140
    A GraphQL library for Python that leverages type annotations 🍓
    🔗 strawberry.rocks

  35. h2oai/wave ⭐ 4,044
    H2O Wave is a software stack for building beautiful, low-latency, realtime, browser-based applications and dashboards entirely in Python/R without using HTML, Javascript, or CSS.
    🔗 wave.h2o.ai

  36. pylons/pyramid ⭐ 4,006
    Pyramid - A Python web framework
    🔗 trypyramid.com

  37. websocket-client/websocket-client ⭐ 3,616
    WebSocket client for Python
    🔗 github.com/websocket-client/websocket-client

  38. unbit/uwsgi ⭐ 3,477
    uWSGI application server container
    🔗 projects.unbit.it/uwsgi

  39. pallets/quart ⭐ 3,144
    An async Python micro framework for building web applications.
    🔗 quart.palletsprojects.com

  40. fastapi-admin/fastapi-admin ⭐ 3,047
    A fast admin dashboard based on FastAPI and TortoiseORM with tabler ui, inspired by Django admin
    🔗 fastapi-admin-docs.long2ice.io

  41. flipkart-incubator/Astra ⭐ 2,538
    Automated Security Testing For REST API's

  42. dot-agent/nextpy ⭐ 2,256
    🤖Self-Modifying Framework from the Future 🔮 World's First AMS
    🔗 dotagent.ai

  43. masoniteframework/masonite ⭐ 2,238
    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

  44. python-restx/flask-restx ⭐ 2,181
    Fork of Flask-RESTPlus: Fully featured framework for fast, easy and documented API development with Flask
    🔗 flask-restx.readthedocs.io/en/latest

  45. s3rius/FastAPI-template ⭐ 2,126
    Feature rich robust FastAPI template.

  46. neoteroi/BlackSheep ⭐ 2,084
    Fast ASGI web framework for Python
    🔗 www.neoteroi.dev/blacksheep

  47. dmontagu/fastapi-utils ⭐ 2,004
    Reusable utilities for FastAPI: a number of utilities to help reduce boilerplate and reuse common functionality across projects
    🔗 fastapiutils.github.io/fastapi-utils

  48. cherrypy/cherrypy ⭐ 1,874
    CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev
    🔗 docs.cherrypy.dev

  49. indico/indico ⭐ 1,821
    Indico - A feature-rich event management system, made @ CERN, the place where the Web was born.
    🔗 getindico.io

  50. jordaneremieff/mangum ⭐ 1,794
    An adapter for running ASGI applications in AWS Lambda to handle Function URL, API Gateway, ALB, and Lambda@Edge events
    🔗 mangum.fastapiexpert.com

  51. wtforms/wtforms ⭐ 1,525
    A flexible forms validation and rendering library for Python.
    🔗 wtforms.readthedocs.io

  52. long2ice/fastapi-cache ⭐ 1,452
    fastapi-cache is a tool to cache fastapi response and function result, with backends support redis and memcached.
    🔗 github.com/long2ice/fastapi-cache

  53. awtkns/fastapi-crudrouter ⭐ 1,450
    A dynamic FastAPI router that automatically creates CRUD routes for your models
    🔗 fastapi-crudrouter.awtkns.com

  54. rstudio/py-shiny ⭐ 1,373
    Shiny for Python
    🔗 shiny.posit.co/py

  55. whitphx/stlite ⭐ 1,318
    A port of Streamlit to WebAssembly, powered by Pyodide.
    🔗 edit.share.stlite.net

  56. magicstack/httptools ⭐ 1,227
    Fast HTTP parser

  57. koxudaxi/fastapi-code-generator ⭐ 1,120
    This code generator creates FastAPI app from an openapi file.

  58. aeternalis-ingenium/FastAPI-Backend-Template ⭐ 692
    A backend project template with FastAPI, PostgreSQL with asynchronous SQLAlchemy 2.0, Alembic for asynchronous database migration, and Docker.


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,709 hand-picked awesome Python libraries and frameworks, updated 06 Feb 2025

Hits