Skip to content

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

License

Notifications You must be signed in to change notification settings

dylanhogg/awesome-python

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

Awesome Python

Awesome Last commit License: MIT

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

Interactive version: www.awesomepython.org

Updated 25 Jan 2026

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 (108 repos)
  • Code Quality - Code quality tooling: linters, formatters, pre-commit hooks, unused code removal (17 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 (119 repos)
  • Debugging - Debugging and tracing tools (9 repos)
  • Diffusion Text to Image - Text-to-image diffusion model libraries, tools and apps for generating images from natural language (43 repos)
  • Finance - Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives (36 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 (30 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 (29 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 (376 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 (177 repos)
  • Machine Learning - Deep Learning - Machine learning libraries that cross over with deep learning in some way (81 repos)
  • Machine Learning - Interpretability - Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training (27 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 (51 repos)
  • Machine Learning - Reinforcement - Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF (25 repos)
  • Machine Learning - Time Series - Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics (21 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 (90 repos)
  • Packaging - Python packaging, dependency management and bundling (27 repos)
  • Pandas - Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations (25 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 (16 repos)
  • Simulation - Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation. Also see the Maths and Science category for crossover (46 repos)
  • Study - Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials (71 repos)
  • Template - Template tools and libraries: cookiecutter repos, generators, quick-starts (11 repos)
  • Terminal - Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars (21 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 (17 repos)
  • Utility - General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools (218 repos)
  • Vizualisation - Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL (37 repos)
  • Web - Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management (60 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. affaan-m/everything-claude-code ⭐ 23,150
    Complete Claude Code configuration collection - agents, skills, hooks, commands, rules, MCPs. Battle-tested configs from an Anthropic hackathon winner.

  2. karpathy/llm-council ⭐ 13,742
    LLM Council works together to answer your hardest questions

  3. originalankur/maptoposter ⭐ 7,190
    Transform your favorite cities into beautiful, minimalist designs. MapToPoster lets you create and export visually striking map posters with code.

  4. karpathy/reader3 ⭐ 3,261
    A lightweight, self-hosted EPUB reader that lets you read through EPUB books one chapter at a time.

  5. deepseek-ai/Engram ⭐ 3,252
    Conditional Memory via Scalable Lookup: A New Axis of Sparsity for Large Language Models.

  6. aiming-lab/SimpleMem ⭐ 1,871
    SimpleMem addresses the fundamental challenge of efficient long-term memory for LLM agents through a three-stage pipeline grounded in Semantic Lossless Compression.

  7. 1rgs/nanocode ⭐ 1,669
    Minimal Claude Code alternative. Single Python file, zero dependencies, ~250 lines.

  8. alexzhang13/rlm ⭐ 1,668
    Recursive Language Models (RLMs) are a task-agnostic inference paradigm for language models (LMs) to handle near-infinite length contexts
    🔗 arxiv.org/abs/2512.24601v1

  9. k-dense-ai/karpathy ⭐ 1,186
    An agentic Machine Learning Engineer that trains state-of-the-art ML models using Claude Code SDK and Google ADK
    🔗 k-dense.ai

  10. open-tinker/OpenTinker ⭐ 598
    OpenTinker is an RL-as-a-Service infrastructure for foundation models, providing a flexible environment design framework that supports diverse training scenarios over data and interaction modes.

Agentic AI

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

  1. logspace-ai/langflow ⭐ 144,166
    Langflow is a powerful tool for building and deploying AI-powered agents and workflows.
    🔗 www.langflow.org

  2. langgenius/dify ⭐ 127,042
    Production-ready platform for agentic workflow development.
    🔗 dify.ai

  3. langchain-ai/langchain ⭐ 124,984
    🦜🔗 The platform for reliable agents.
    🔗 docs.langchain.com/oss/python/langchain

  4. browser-use/browser-use ⭐ 76,464
    Browser use is the easiest way to connect your AI agents with the browser.
    🔗 browser-use.com

  5. github/spec-kit ⭐ 64,735
    Toolkit to help you get started with Spec-Driven Development: specifications become executable, directly generating working implementations

  6. geekan/MetaGPT ⭐ 63,365
    🌟 The Multi-Agent Framework: First AI Software Company, Towards Natural Language Programming
    🔗 mgx.dev

  7. microsoft/autogen ⭐ 53,832
    AutoGen is a framework for creating multi-agent AI applications that can act autonomously or work alongside humans.
    🔗 microsoft.github.io/autogen

  8. run-llama/llama_index ⭐ 46,554
    LlamaIndex is the leading framework for building LLM-powered agents over your data.
    🔗 developers.llamaindex.ai

  9. mem0ai/mem0 ⭐ 45,890
    Enhances AI assistants and agents with an intelligent memory layer, enabling personalized AI interactions
    🔗 mem0.ai

  10. crewaiinc/crewAI ⭐ 43,083
    Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
    🔗 crewai.com

  11. agno-agi/agno ⭐ 37,137
    Build, run, manage multi-agent systems.
    🔗 docs.agno.com

  12. openbmb/ChatDev ⭐ 28,989
    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

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

  14. composiohq/composio ⭐ 26,428
    Composio equips your AI agents & LLMs with 100+ high-quality integrations via function calling
    🔗 docs.composio.dev

  15. huggingface/smolagents ⭐ 25,075
    🤗 smolagents: a barebones library for agents that think in code.
    🔗 huggingface.co/docs/smolagents

  16. assafelovic/gpt-researcher ⭐ 24,993
    An LLM agent that conducts deep research (local and web) on any given topic and generates a long report with citations.
    🔗 gptr.dev

  17. fosowl/agenticSeek ⭐ 24,539
    A 100% local alternative to Manus AI, this voice-enabled AI assistant autonomously browses the web, writes code, and plans tasks while keeping all data on your device.
    🔗 agenticseek.tech

  18. microsoft/OmniParser ⭐ 24,265
    OmniParser is a comprehensive method for parsing user interface screenshots into structured and easy-to-understand elements

  19. langchain-ai/langgraph ⭐ 23,696
    LangGraph is a library for building stateful, multi-actor applications with LLMs, built on top of (and intended to be used with) LangChain.
    🔗 docs.langchain.com/oss/python/langgraph

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

  21. a2aproject/A2A ⭐ 21,577
    An open protocol enabling communication and interoperability between opaque agentic applications.
    🔗 a2a-protocol.org

  22. openai/swarm ⭐ 20,819
    A framework exploring ergonomic, lightweight multi-agent orchestration.

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

  24. nirdiamant/GenAI_Agents ⭐ 19,499
    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.

  25. bytedance/deer-flow ⭐ 19,381
    DeerFlow is a community-driven Deep Research framework, combining language models with tools like web search, crawling, and Python execution, while contributing back to the open-source community.
    🔗 deerflow.tech

  26. unity-technologies/ml-agents ⭐ 19,065
    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

  27. camel-ai/owl ⭐ 18,929
    🦉 OWL: Optimized Workforce Learning for General Multi-Agent Assistance in Real-World Task Automation

  28. openai/openai-agents-python ⭐ 18,502
    A lightweight yet powerful framework for building multi-agent workflows. It is provider-agnostic, supporting the OpenAI Responses and Chat Completions APIs, as well as 100+ other LLMs.
    🔗 openai.github.io/openai-agents-python

  29. dzhng/deep-research ⭐ 18,372
    An AI-powered research assistant that performs iterative, deep research on any topic by combining search engines, web scraping, and large language models.

  30. alibaba-nlp/DeepResearch ⭐ 18,035
    Tongyi Deep Research, the Leading Open-source Deep Research Agent
    🔗 tongyi-agent.github.io/blog/introducing-tongyi-deep-research

  31. google-gemini/gemini-fullstack-langgraph-quickstart ⭐ 17,758
    Demonstrates a fullstack application using a React and LangGraph-powered backend agent. The agent is designed to perform comprehensive research on a user's query.
    🔗 ai.google.dev/gemini-api/docs/google-search

  32. emcie-co/parlant ⭐ 17,579
    LLM agents built for control. Designed for real-world use. Deployed in minutes.
    🔗 www.parlant.io

  33. google/adk-python ⭐ 17,293
    An open-source, code-first Python toolkit for building, evaluating, and deploying sophisticated AI agents with flexibility and control.
    🔗 google.github.io/adk-docs

  34. agentscope-ai/agentscope ⭐ 15,850
    AgentScope: Agent-Oriented Programming for Building LLM Applications
    🔗 doc.agentscope.io

  35. camel-ai/camel ⭐ 15,751
    🐫 CAMEL: The first and the best multi-agent framework. Finding the Scaling Law of Agents. https://www.camel-ai.org
    🔗 docs.camel-ai.org

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

  37. asyncfuncai/deepwiki-open ⭐ 13,812
    Custom implementation of DeepWiki, automatically creates beautiful, interactive wikis for any GitHub, GitLab, or BitBucket repository
    🔗 asyncfunc.mintlify.app

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

  39. sakanaai/AI-Scientist ⭐ 11,987
    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.

  40. microsoft/agent-lightning ⭐ 11,622
    A structured way to train your agents with Automatic Prompt Optimization (APO). Just like you train a machine learning model on data, you can train an agent on a task dataset.
    🔗 microsoft.github.io/agent-lightning

  41. ag-ui-protocol/ag-ui ⭐ 11,565
    AG-UI: the Agent-User Interaction Protocol. Bring Agents into Frontend Applications.
    🔗 ag-ui.com

  42. langchain-ai/open_deep_research ⭐ 10,301
    Open Deep Research is an open source assistant that automates research and produces customizable reports on any topic

  43. microsoft/magentic-ui ⭐ 9,609
    A prototype of a human-centered interface powered by a multi-agent system that can browse and perform actions on the web, generate and execute code
    🔗 www.microsoft.com/en-us/research/blog/magentic-ui-an-experimental-human-centered-web-agent

  44. humanlayer/humanlayer ⭐ 8,911
    HumanLayer is an API and SDK that enables AI Agents to contact humans for help, feedback, and approvals.
    🔗 humanlayer.dev/code

  45. meta-llama/llama-stack ⭐ 8,246
    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
    🔗 llamastack.github.io

  46. upsonic/Upsonic ⭐ 7,750
    Upsonic is a reliability-focused framework designed for real-world applications. It enables trusted agent workflows in your organization through advanced reliability features, including verification layers, triangular architecture, validator agents, and output evaluation systems.
    🔗 docs.upsonic.ai

  47. zilliztech/deep-searcher ⭐ 7,506
    DeepSearcher combines reasoning LLMs and VectorDBs o perform search, evaluation, and reasoning based on private data, providing highly accurate answer and comprehensive report
    🔗 zilliztech.github.io/deep-searcher

  48. awslabs/agent-squad ⭐ 7,280
    Flexible, lightweight open-source framework for orchestrating multiple AI agents to handle complex conversations
    🔗 awslabs.github.io/agent-squad

  49. x-plug/MobileAgent ⭐ 7,035
    Mobile-Agent: The Powerful GUI Agent Family

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

  51. samsungsailmontreal/TinyRecursiveModels ⭐ 6,275
    A recursive reasoning model that achieves amazing scores ARC-AGI-1 and ARC-AGI-2 with a tiny 7M parameters neural network

  52. prefecthq/marvin ⭐ 6,055
    an ambient intelligence library
    🔗 marvin.mintlify.app

  53. openai/openai-cs-agents-demo ⭐ 5,903
    Demo of a Customer Service Agent interface built on top of the OpenAI Agents SDK

  54. pyspur-dev/pyspur ⭐ 5,660
    A visual playground for agentic workflows: Iterate over your agents 10x faster
    🔗 pyspur.dev

  55. kyegomez/swarms ⭐ 5,638
    The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework. Website: https://swarms.ai
    🔗 docs.swarms.world

  56. brainblend-ai/atomic-agents ⭐ 5,516
    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.

  57. crewaiinc/crewAI-examples ⭐ 5,436
    A collection of examples that show how to use CrewAI framework to automate workflows.

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

  59. codelion/openevolve ⭐ 5,203
    Evolutionary coding agent (like AlphaEvolve) enabling automated scientific and algorithmic discovery

  60. strands-agents/sdk-python ⭐ 4,940
    A model-driven approach to building AI agents in just a few lines of code.
    🔗 strandsagents.com

  61. rowboatlabs/rowboat ⭐ 4,321
    Local-first AI coworker, with memory
    🔗 www.rowboatlabs.com

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

  63. tencentcloudadp/youtu-agent ⭐ 4,279
    A flexible, high-performance framework for building, running, and evaluating autonomous agents
    🔗 tencentcloudadp.github.io/youtu-agent

  64. ag2ai/ag2 ⭐ 4,082
    AG2 (formerly AutoGen) is an open-source programming framework for building AI agents and facilitating cooperation among multiple agents to solve tasks.
    🔗 ag2.ai

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

  66. going-doer/Paper2Code ⭐ 4,000
    A multi-agent LLM system that transforms paper into a code repository. It follows a three-stage pipeline: planning, analysis, and code generation, each handled by specialized agents.

  67. getzep/zep ⭐ 3,999
    Zep is a memory platform for AI agents that learns from user interactions and business data
    🔗 help.getzep.com

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

  69. openmanus/OpenManus-RL ⭐ 3,836
    OpenManus-RL is an open-source initiative collaboratively led by Ulab-UIUC and MetaGPT. This project is an extended version of the original OpenManus initiative.

  70. i-am-bee/beeai-framework ⭐ 3,069
    Build production-ready AI agents in both Python and Typescript.
    🔗 framework.beeai.dev

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

  72. cheshire-cat-ai/core ⭐ 2,951
    AI agent microservice
    🔗 cheshirecat.ai

  73. vllm-project/semantic-router ⭐ 2,907
    An Mixture-of-Models router that directs OpenAI API requests to the most suitable models from a defined pool based on Semantic Understanding
    🔗 vllm-semantic-router.com

  74. om-ai-lab/OmAgent ⭐ 2,624
    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

  75. swe-agent/mini-swe-agent ⭐ 2,606
    The 100 line AI agent that solves GitHub issues or helps you in your command line
    🔗 mini-swe-agent.com

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

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

  78. btahir/open-deep-research ⭐ 2,119
    Open source alternative to Gemini Deep Research. Generate reports with AI based on search results.
    🔗 opendeepresearch.vercel.app

  79. agentops-ai/AgentStack ⭐ 2,086
    AgentStack scaffolds your agent stack - The tech stack that collectively is your agent

  80. run-llama/llama_deploy ⭐ 2,071
    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

  81. sakanaai/AI-Scientist-v2 ⭐ 2,034
    The AI Scientist-v2: Workshop-Level Automated Scientific Discovery via Agentic Tree Search

  82. openautocoder/Agentless ⭐ 2,002
    Agentless🐱: an agentless approach to automatically solve software development problems

  83. weaviate/elysia ⭐ 1,867
    Elysia is an agentic platform designed to use tools in a decision tree. A decision agent decides which tools to use dynamically based on its environment and context.

  84. jd-opensource/OxyGent ⭐ 1,831
    OxyGent is a modular multi-agent framework that lets you build, deploy, and evolve AI teams
    🔗 oxygent.jd.com

  85. msoedov/agentic_security ⭐ 1,749
    An open-source vulnerability scanner for Agent Workflows and LLMs. Protecting AI systems from jailbreaks, fuzzing, and multimodal attacks.
    🔗 agentic-security.vercel.app

  86. szczyglis-dev/py-gpt ⭐ 1,559
    Desktop AI Assistant powered by GPT-5, GPT-4, o1, o3, Gemini, Claude, Ollama, DeepSeek, Perplexity, Grok, Bielik, chat, vision, voice, RAG, image and video generation, agents, tools, MCP, plugins, speech synthesis and recognition, web search, memory, presets, assistants,and more. Linux, Windows, Mac
    🔗 pygpt.net

  87. agentera/Agently ⭐ 1,530
    Agently is a development framework that helps developers build AI agent native application really fast.
    🔗 agently.tech

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

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

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

  91. langchain-ai/langgraph-swarm-py ⭐ 1,351
    A library for creating swarm-style multi-agent systems using LangGraph. A swarm is a type of multi-agent architecture where agents dynamically hand off control to one another based on their specializations
    🔗 langchain-ai.github.io/langgraph/concepts/multi_agent

  92. bytedance-seed/m3-agent ⭐ 1,214
    Seeing, Listening, Remembering, and Reasoning: A Multimodal Agent with Long-Term Memory

  93. k-dense-ai/karpathy ⭐ 1,186
    An agentic Machine Learning Engineer that trains state-of-the-art ML models using Claude Code SDK and Google ADK
    🔗 k-dense.ai

  94. plurai-ai/intellagent ⭐ 1,161
    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

  95. google-deepmind/concordia ⭐ 1,155
    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.

  96. strnad/CrewAI-Studio ⭐ 1,144
    agentic,gui,automation

  97. thudm/CogAgent ⭐ 1,124
    An open-sourced end-to-end VLM-based GUI Agent

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

  99. thytu/Agentarium ⭐ 933
    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.

  100. alpha-innovator/InternAgent ⭐ 840
    When Agent Becomes the Scientist – Building Closed-Loop System from Hypothesis to Verification
    🔗 discovery.intern-ai.org.cn/home

  101. deedy/mac_computer_use ⭐ 831
    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

  102. codingmoh/open-codex ⭐ 665
    Open Codex is a fully open-source command-line AI assistant inspired by OpenAI Codex, supporting local language models like phi-4-mini and full integration with Ollama.

  103. salesforceairesearch/AgentLite ⭐ 641
    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.

  104. quantalogic/quantalogic ⭐ 461
    QuantaLogic is a ReAct (Reasoning & Action) framework for building advanced AI agents. The cli version include coding capabilities comparable to Aider.

  105. agentscope-ai/agentscope-runtime ⭐ 375
    AgentScope Runtime: secure sandboxed tool execution and scalable agent deployment
    🔗 runtime.agentscope.io

  106. mannaandpoem/OpenManus ⭐ 306
    Open source version of Manus, the general AI agent

  107. sakanaai/AI-Scientist-ICLR2025-Workshop-Experiment ⭐ 279
    A paper produced by The AI Scientist passed a peer-review process at a workshop in a top machine learning conference

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

Code Quality

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

  1. astral-sh/ruff ⭐ 45,341
    An extremely fast Python linter and code formatter, written in Rust.
    🔗 docs.astral.sh/ruff

  2. psf/black ⭐ 41,322
    The uncompromising Python code formatter
    🔗 black.readthedocs.io/en/stable

  3. pre-commit/pre-commit ⭐ 14,844
    A framework for managing and maintaining multi-language pre-commit hooks.
    🔗 pre-commit.com

  4. google/yapf ⭐ 13,977
    A formatter for Python files

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

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

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

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

  9. jendrikseipp/vulture ⭐ 4,291
    Find dead Python code

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

  11. pycqa/flake8 ⭐ 3,752
    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,813
    The strictest and most opinionated python linter ever!
    🔗 wemake-python-styleguide.rtfd.io

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

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

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

  16. callowayproject/bump-my-version ⭐ 572
    A small command line tool to simplify releasing software by updating all version strings in your source code by the correct increment and optionally commit and tag the changes.
    🔗 callowayproject.github.io/bump-my-version

  17. tconbeer/sqlfmt ⭐ 504
    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 ⭐ 46,244
    Free, open source crypto trading bot
    🔗 www.freqtrade.io

  2. ccxt/ccxt ⭐ 40,661
    A cryptocurrency trading API with more than 100 exchanges in JavaScript / TypeScript / Python / C# / PHP / Go
    🔗 docs.ccxt.com

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

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

  5. ethereum/consensus-specs ⭐ 3,876
    Ethereum Proof-of-Stake Consensus Specifications
    🔗 ethereum.github.io/consensus-specs

  6. cyberpunkmetalhead/Binance-volatility-trading-bot ⭐ 3,490
    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,674
    Cryptocurrency Exchange Websocket Data Feed Handler

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

  9. binance/binance-public-data ⭐ 2,193
    Details on how to get Binance public data

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

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

  12. coinbase/agentkit ⭐ 1,042
    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
    🔗 docs.cdp.coinbase.com/agentkit/docs/welcome

  13. palkeo/panoramix ⭐ 907
    Ethereum decompiler

  14. dylanhogg/awesome-crypto ⭐ 83
    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. microsoft/markitdown ⭐ 85,645
    A utility for converting files to Markdown, supports: PDF, PPT, Word, Excel, Images etc

  2. scrapy/scrapy ⭐ 59,530
    Scrapy, a fast high-level web crawling & scraping framework for Python.
    🔗 scrapy.org

  3. pathwaycom/pathway ⭐ 57,882
    Python ETL framework for stream processing, real-time analytics, LLM pipelines, and RAG.
    🔗 pathway.com

  4. ds4sd/docling ⭐ 50,964
    Docling parses documents and exports them to the desired format with ease and speed.
    🔗 docling-project.github.io/docling

  5. apache/spark ⭐ 42,688
    Apache Spark - A unified analytics engine for large-scale data processing
    🔗 spark.apache.org

  6. mindsdb/mindsdb ⭐ 38,308
    Federated Query Engine for AI - The only MCP Server you'll ever need
    🔗 mindsdb.com

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

  8. qdrant/qdrant ⭐ 28,373
    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

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

  10. humansignal/label-studio ⭐ 26,250
    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

  11. chroma-core/chroma ⭐ 25,709
    Open-source search and retrieval database for AI applications.
    🔗 www.trychroma.com

  12. airbytehq/airbyte ⭐ 20,539
    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

  13. joke2k/faker ⭐ 19,043
    Faker is a Python package that generates fake data for you.
    🔗 faker.readthedocs.io

  14. avaiga/taipy ⭐ 19,023
    Turns Data and AI algorithms into production-ready web applications in no time.
    🔗 www.taipy.io

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

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

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

  18. twintproject/twint ⭐ 16,295
    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.

  19. weaviate/weaviate ⭐ 15,466
    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

  20. cyclotruc/gitingest ⭐ 13,754
    Turn any Git repository into a prompt-friendly text ingest for LLMs.
    🔗 gitingest.com

  21. redis/redis-py ⭐ 13,436
    Redis Python client

  22. s0md3v/Photon ⭐ 12,622
    Incredibly fast crawler designed for OSINT.

  23. googleapis/genai-toolbox ⭐ 12,598
    MCP Toolbox for Databases is an open source MCP server for databases. Develop tools easier, faster, and more securely by handling connection pooling, authentication.
    🔗 googleapis.github.io/genai-toolbox/getting-started/introduction

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

  25. sqlalchemy/sqlalchemy ⭐ 11,420
    The Database Toolkit for Python
    🔗 www.sqlalchemy.org

  26. simonw/datasette ⭐ 10,709
    An open source multi-tool for exploring and publishing data
    🔗 datasette.io

  27. gristlabs/grist-core ⭐ 10,465
    Grist is the evolution of spreadsheets.
    🔗 www.getgrist.com

  28. voxel51/fiftyone ⭐ 10,272
    Refine high-quality datasets and visual AI models
    🔗 fiftyone.ai

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

  30. yzhao062/pyod ⭐ 9,685
    A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques
    🔗 pyod.readthedocs.io

  31. tobymao/sqlglot ⭐ 8,843
    Python SQL Parser and Transpiler
    🔗 sqlglot.com

  32. lancedb/lancedb ⭐ 8,604
    Developer-friendly OSS embedded retrieval library for multimodal AI. Search More; Manage Less.
    🔗 lancedb.com/docs

  33. kaggle/kaggle-api ⭐ 7,106
    Official Kaggle API

  34. alirezamika/autoscraper ⭐ 7,076
    A Smart, Automatic, Fast and Lightweight Web Scraper for Python

  35. ibis-project/ibis ⭐ 6,360
    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. madmaze/pytesseract ⭐ 6,301
    A Python wrapper for Google Tesseract

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

  38. rapidai/RapidOCR ⭐ 5,700
    📄 Awesome OCR multiple programing languages toolkits based on ONNXRuntime, OpenVINO, PaddlePaddle and PyTorch.
    🔗 rapidai.github.io/rapidocrdocs

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

  40. superduperdb/superduper ⭐ 5,251
    Superduper: End-to-end framework for building custom AI applications and agents.
    🔗 superduper.io

  41. adbar/trafilatura ⭐ 5,219
    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

  42. giskard-ai/giskard-oss ⭐ 5,083
    🐢 Open-Source Evaluation & Testing library for LLM Agents
    🔗 docs.giskard.ai

  43. facebookresearch/AugLy ⭐ 5,072
    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

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

  45. lk-geimfari/mimesis ⭐ 4,773
    Mimesis is a fast Python library for generating fake data in multiple languages.
    🔗 mimesis.name

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

  47. amundsen-io/amundsen ⭐ 4,719
    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

  48. mangiucugna/json_repair ⭐ 4,417
    A python module to repair invalid JSON from LLMs
    🔗 pypi.org/project/json-repair

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

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

  51. mlabonne/llm-datasets ⭐ 4,190
    Curated list of datasets and tools for post-training.
    🔗 mlabonne.github.io/blog

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

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

  54. deepchecks/deepchecks ⭐ 3,968
    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

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

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

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

  58. sdv-dev/SDV ⭐ 3,394
    Synthetic data generation for tabular data
    🔗 docs.sdv.dev/sdv

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

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

  61. pallets/itsdangerous ⭐ 3,099
    Safely pass trusted data to untrusted environments and back.
    🔗 itsdangerous.palletsprojects.com

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

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

  64. kayak/pypika ⭐ 2,870
    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

  65. huggingface/datatrove ⭐ 2,848
    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

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

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

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

  69. aminalaee/sqladmin ⭐ 2,620
    SQLAlchemy Admin for FastAPI and Starlette
    🔗 aminalaee.github.io/sqladmin

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

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

  72. uqfoundation/dill ⭐ 2,423
    serialize all of Python
    🔗 dill.rtfd.io

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

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

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

  76. agronholm/sqlacodegen ⭐ 2,295
    Automatic model code generator for SQLAlchemy

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

  78. matthewwithanm/python-markdownify ⭐ 2,044
    Convert HTML to Markdown

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

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

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

  82. uber/petastorm ⭐ 1,875
    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.

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

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

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

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

  87. huggingface/aisheets ⭐ 1,621
    Build, enrich, and transform datasets using AI models with no code. Deploy locally or on the Hub with access to thousands of open models.
    🔗 huggingface.co/spaces/aisheets/sheets

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

  89. d-star-ai/dsRAG ⭐ 1,551
    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.

  90. quixio/quix-streams ⭐ 1,513
    Python Streaming DataFrames for Kafka
    🔗 docs.quix.io

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

  92. meta-llama/synthetic-data-kit ⭐ 1,474
    Tool for generating high-quality synthetic datasets to fine-tune LLMs. Generate Reasoning Traces, QA Pairs, save them to a fine-tuning format with a simple CLI.
    🔗 pypi.org/project/synthetic-data-kit

  93. igorbenav/fastcrud ⭐ 1,467
    FastCRUD is a Python package for FastAPI, offering robust async CRUD operations and flexible endpoint creation utilities.
    🔗 benavlabs.github.io/fastcrud

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

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

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

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

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

  99. duckdb/dbt-duckdb ⭐ 1,214
    dbt (http://getdbt.com) adapter for DuckDB (http://duckdb.org)

  100. brettkromkamp/contextualise ⭐ 1,090
    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

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

  102. goccy/bigquery-emulator ⭐ 1,032
    BigQuery emulator provides a way to launch a BigQuery server on your local machine for testing and development.

  103. apache/iceberg-python ⭐ 984
    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

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

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

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

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

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

  109. stackloklabs/deepfabric ⭐ 824
    Promptwright is a Python library designed for generating large synthetic datasets using LLMs
    🔗 docs.deepfabric.dev

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

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

  112. dgarnitz/vectorflow ⭐ 700
    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

  113. nvidia-nemo/DataDesigner ⭐ 653
    Create synthetic datasets that go beyond simple LLM prompting. Covers diverse statistical distributions, meaningful correlations between fields, or validated high-quality outputs.
    🔗 nvidia-nemo.github.io/datadesigner

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

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

  116. apache/datafusion-python ⭐ 553
    This is a Python library that binds to Apache Arrow in-memory query engine DataFusion
    🔗 datafusion.apache.org/python

  117. github/innovationgraph ⭐ 513
    GitHub Innovation Graph
    🔗 innovationgraph.github.com

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

  119. pmgraham/datagrunt ⭐ 10
    Datagrunt is a Python library designed to simplify the way you work with CSV files. It provides a streamlined approach to reading, processing, and transforming your data into various formats, making data manipulation efficient and intuitive.
    🔗 www.datagrunt.io

Debugging

Debugging and tracing tools.

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

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

  3. shobrook/rebound ⭐ 4,135
    Instant Stack Overflow results whenever an exception is thrown

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

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

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

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

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

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

Diffusion Text to Image

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

  1. automatic1111/stable-diffusion-webui ⭐ 160,173
    Stable Diffusion web UI

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

  3. compvis/stable-diffusion ⭐ 72,246
    A latent text-to-image diffusion model
    🔗 ommer-lab.com/research/latent-diffusion-models

  4. lllyasviel/ControlNet ⭐ 33,589
    Let us control diffusion models!

  5. huggingface/diffusers ⭐ 32,569
    🤗 Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch.
    🔗 huggingface.co/docs/diffusers

  6. stability-ai/generative-models ⭐ 26,844
    Generative Models by Stability AI

  7. invoke-ai/InvokeAI ⭐ 26,601
    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-V ⭐ 22,680
    MiniCPM-V 4.5: A GPT-4o Level MLLM for Single Image, Multi Image and High-FPS Video Understanding on Your Phone

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

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

  11. compvis/latent-diffusion ⭐ 13,801
    High-Resolution Image Synthesis with Latent Diffusion Models

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

  13. facebookresearch/dinov2 ⭐ 12,286
    PyTorch code and models for the DINOv2 self-supervised learning method.

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

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

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

  17. idea-research/GroundingDINO ⭐ 9,626
    [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

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

  19. carson-katri/dream-textures ⭐ 8,108
    Stable Diffusion built-in to Blender

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

  42. gojasper/flash-diffusion ⭐ 650
    ⚡ Flash Diffusion ⚡: Accelerating Any Conditional Diffusion Model for Few Steps Image Generation (AAAI 2025 Oral)
    🔗 gojasper.github.io/flash-diffusion-project

  43. laion-ai/dalle2-laion ⭐ 504
    Pretrained Dalle2 from laion

Finance

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

  1. openbb-finance/OpenBB ⭐ 59,275
    Financial data platform for analysts, quants and AI agents.
    🔗 openbb.co

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

  3. microsoft/qlib ⭐ 35,948
    Qlib is an AI-oriented Quant investment platform that aims to use AI tech to empower Quant Research, from exploring ideas to implementing productions. Qlib supports diverse ML modeling paradigms, including supervised learning, market dynamics modeling, and RL, and is now equipped with https://github.com/microsoft/RD...
    🔗 qlib.readthedocs.io/en/latest

  4. ranaroussi/yfinance ⭐ 20,973
    Download market data from Yahoo! Finance's API
    🔗 ranaroussi.github.io/yfinance

  5. mementum/backtrader ⭐ 20,206
    Python Backtesting library for trading strategies
    🔗 www.backtrader.com

  6. quantopian/zipline ⭐ 19,357
    Zipline, a Pythonic Algorithmic Trading Library
    🔗 www.zipline.io

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

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

  9. ai4finance-foundation/FinRL ⭐ 13,790
    FinRL®: Financial Reinforcement Learning. 🔥
    🔗 ai4finance.org

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

  11. shiyu-coder/Kronos ⭐ 10,153
    Open-source foundation model for financial candlesticks, trained on data from over 45 global exchanges

  12. goldmansachs/gs-quant ⭐ 9,845
    Python toolkit for quantitative finance
    🔗 developer.gs.com/discover/products/gs-quant

  13. kernc/backtesting.py ⭐ 7,825
    🔎 📈 🐍 💰 Backtest trading strategies in Python.
    🔗 kernc.github.io/backtesting.py

  14. ranaroussi/quantstats ⭐ 6,619
    Portfolio analytics for quants, written in Python

  15. polakowo/vectorbt ⭐ 6,524
    Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
    🔗 vectorbt.dev

  16. quantopian/pyfolio ⭐ 6,207
    Portfolio and risk analytics in Python
    🔗 quantopian.github.io/pyfolio

  17. borisbanushev/stockpredictionai ⭐ 5,400
    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...

  18. google/tf-quant-finance ⭐ 5,194
    High-performance TensorFlow library for quantitative finance.

  19. gbeced/pyalgotrade ⭐ 4,635
    Python Algorithmic Trading Library
    🔗 gbeced.github.io/pyalgotrade

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

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

  22. zvtvz/zvt ⭐ 3,913
    modular quant framework.
    🔗 zvt.readthedocs.io/en/latest

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

  24. robcarver17/pysystemtrade ⭐ 3,160
    Systematic Trading in python

  25. pmorissette/bt ⭐ 2,772
    bt - flexible backtesting for Python
    🔗 pmorissette.github.io/bt

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

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

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

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

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

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

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

  33. chancefocus/PIXIU ⭐ 826
    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).

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

  35. nasdaq/data-link-python ⭐ 596
    A Python library for Nasdaq Data Link's RESTful API

  36. ivebotunac/PrimoAgent ⭐ 268
    PrimoAgent is an multi agent AI stock analysis system built on LangGraph architecture that orchestrates four specialized agents to provide comprehensive daily trading insights and next-day price predictions
    🔗 primoinvesting.com

Game Development

Game development tools, engines and libraries.

  1. kitao/pyxel ⭐ 16,976
    A retro game engine for Python

  2. microsoft/TRELLIS ⭐ 11,630
    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

  3. pygame/pygame ⭐ 8,579
    🐍🎮 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

  4. panda3d/panda3d ⭐ 5,025
    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,736
    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,501
    A game engine powered by python and panda3d.
    🔗 pokepetter.github.io/ursina

  7. pyglet/pyglet ⭐ 2,148
    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,959
    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 ⭐ 8,737
    Blender addons to make the bridge between Blender and geographic data

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

  3. originalankur/maptoposter ⭐ 7,190
    Transform your favorite cities into beautiful, minimalist designs. MapToPoster lets you create and export visually striking map posters with code.

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

  5. gboeing/osmnx ⭐ 5,549
    Download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap.
    🔗 osmnx.readthedocs.io

  6. geopandas/geopandas ⭐ 5,027
    Python tools for geographic data
    🔗 geopandas.org

  7. shapely/shapely ⭐ 4,358
    Manipulation and analysis of geometric objects
    🔗 shapely.readthedocs.io/en/stable

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

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

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

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

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

  13. google/earthengine-api ⭐ 3,180
    Python and JavaScript bindings for calling the Earth Engine API.

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

  15. mcordts/cityscapesScripts ⭐ 2,332
    README and scripts for the Cityscapes Dataset

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

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

  18. plant99/felicette ⭐ 1,831
    Satellite imagery for dummies.

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

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

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

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

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

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

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

  26. osgeo/grass ⭐ 1,065
    GRASS - free and open-source geospatial processing engine
    🔗 grass.osgeo.org

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

  28. opengeos/streamlit-geospatial ⭐ 1,002
    A multi-page streamlit app for geospatial
    🔗 huggingface.co/spaces/giswqs/streamlit

  29. makepath/xarray-spatial ⭐ 910
    Spatial analysis algorithms for xarray implemented in numba
    🔗 xarray-spatial.readthedocs.io

  30. datasystemslab/GeoTorchAI ⭐ 512
    GeoTorchAI: A Framework for Training and Using Spatiotemporal Deep Learning Models at Scale
    🔗 kanchanchy.github.io/geotorchai

Graph

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

  1. networkx/networkx ⭐ 16,546
    Network Analysis in Python
    🔗 networkx.org

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

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

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

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

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

GUI

Graphical user interface libraries and toolkits.

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

  2. pysimplegui/PySimpleGUI ⭐ 13,713
    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 ⭐ 10,170
    An easy and fast way to create a Python GUI 🐍

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

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

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

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

  8. wxwidgets/Phoenix ⭐ 2,583
    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. marimo-team/marimo ⭐ 18,645
    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

  2. jupyterlab/jupyterlab ⭐ 14,996
    JupyterLab computational environment.
    🔗 jupyterlab.readthedocs.io

  3. jupyter/notebook ⭐ 12,908
    Jupyter Interactive Notebook
    🔗 jupyter-notebook.readthedocs.io

  4. garrettj403/SciencePlots ⭐ 8,518
    Matplotlib styles for scientific plotting

  5. mwouts/jupytext ⭐ 7,096
    Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts
    🔗 jupytext.readthedocs.io

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

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

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

  9. jupyterlite/jupyterlite ⭐ 4,738
    Wasm powered Jupyter running in the browser 💡
    🔗 jupyterlite.rtfd.io/en/stable/try/lab

  10. executablebooks/jupyter-book ⭐ 4,207
    Create beautiful, publication-quality books and documents from computational content.
    🔗 jupyterbook.org

  11. jupyterlab/jupyterlab-desktop ⭐ 4,180
    JupyterLab desktop application, based on Electron.

  12. jupyterlab/jupyter-ai ⭐ 4,094
    A generative AI extension for JupyterLab
    🔗 jupyter-ai.readthedocs.io

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

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

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

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

  17. deepnote/deepnote ⭐ 2,585
    Deepnote is a successor of Jupyter. It uses the Deepnote kernel which is more powerful but still backwards compatible so you can seamlessly move between both, but adds an AI agent, sleek UI, new block types, and native data integrations.
    🔗 deepnote.com/?utm_source=github&utm_medium=github&utm_campaign=github&utm_content=readme_main

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

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

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

  21. jupyter/nbconvert ⭐ 1,899
    Jupyter Notebook Conversion
    🔗 nbconvert.readthedocs.io

  22. koaning/drawdata ⭐ 1,608
    Draw datasets from within Python notebooks.
    🔗 koaning.github.io/drawdata

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

  24. 8080labs/pyforest ⭐ 1,119
    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

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

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

  27. linealabs/lineapy ⭐ 669
    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

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

  29. infuseai/colab-xterm ⭐ 477
    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 ⭐ 181,398
    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. open-webui/open-webui ⭐ 121,671
    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

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

  4. ggerganov/llama.cpp ⭐ 93,624
    LLM inference in C/C++

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

  6. modelcontextprotocol/servers ⭐ 77,017
    A collection of reference implementations for the Model Context Protocol (MCP), as well as references to community built servers
    🔗 modelcontextprotocol.io

  7. infiniflow/ragflow ⭐ 72,047
    RAGFlow is a leading open-source Retrieval-Augmented Generation (RAG) engine that fuses cutting-edge RAG with Agent capabilities to create a superior context layer for LLMs
    🔗 ragflow.io

  8. vllm-project/vllm ⭐ 68,388
    A high-throughput and memory-efficient inference and serving engine for LLMs
    🔗 vllm.ai

  9. hiyouga/LlamaFactory ⭐ 66,357
    Unified Efficient Fine-Tuning of 100+ LLMs & VLMs (ACL 2024)
    🔗 llamafactory.readthedocs.io

  10. xtekky/gpt4free ⭐ 65,698
    The official gpt4free repository | various collection of powerful language models | o4, o3 and deepseek r1, gpt-4.1, gemini 2.5
    🔗 t.me/g4f_channel

  11. killianlucas/open-interpreter ⭐ 61,792
    A natural language interface for computers
    🔗 openinterpreter.com

  12. facebookresearch/llama ⭐ 59,082
    Inference code for Llama models

  13. unclecode/crawl4ai ⭐ 58,929
    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

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

  15. gpt-engineer-org/gpt-engineer ⭐ 55,205
    CLI platform to experiment with codegen. Precursor to: https://lovable.dev

  16. pathwaycom/llm-app ⭐ 54,566
    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

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

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

  19. unslothai/unsloth ⭐ 51,098
    Fine-tuning & Reinforcement Learning for LLMs. 🦥 Train OpenAI gpt-oss, DeepSeek, Qwen, Llama, Gemma, TTS 2x faster with 70% less VRAM.
    🔗 unsloth.ai/docs

  20. oobabooga/text-generation-webui ⭐ 45,923
    The definitive Web UI for local AI, with powerful features and easy setup.
    🔗 oobabooga.gumroad.com/l/deep_reason

  21. hpcaitech/ColossalAI ⭐ 41,330
    Making large AI models cheaper, faster and more accessible
    🔗 www.colossalai.org

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

  23. karpathy/nanochat ⭐ 40,732
    A full-stack implementation of an LLM like ChatGPT in a single, clean, minimal, hackable, dependency-lite codebase

  24. exo-explore/exo ⭐ 40,421
    Run your own AI cluster at home. Unify your existing devices into one powerful GPU: iPhone, iPad, Android, Mac, NVIDIA, Raspberry Pi etc

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

  26. quivrhq/quivr ⭐ 38,879
    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

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

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

  29. berriai/litellm ⭐ 34,399
    Python SDK, Proxy Server (AI Gateway) to call 100+ LLM APIs in OpenAI (or native) format, with cost tracking, guardrails, loadbalancing and logging. [Bedrock, Azure, OpenAI, VertexAI, Cohere, Anthropic, Sagemaker, HuggingFace, VLLM, NVIDIA NIM]
    🔗 docs.litellm.ai/docs

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

  31. pythagora-io/gpt-pilot ⭐ 33,749
    The first real AI developer

  32. khoj-ai/khoj ⭐ 32,272
    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

  33. stanfordnlp/dspy ⭐ 31,759
    DSPy: The framework for programming—not prompting—language models
    🔗 dspy.ai

  34. anthropics/claude-cookbooks ⭐ 31,709
    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.

  35. microsoft/graphrag ⭐ 30,500
    A modular graph-based Retrieval-Augmented Generation (RAG) system
    🔗 microsoft.github.io/graphrag

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

  37. meta-llama/llama3 ⭐ 29,193
    The official Meta Llama 3 GitHub site

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

  39. microsoft/semantic-kernel ⭐ 27,079
    An SDK that integrates LLMs like OpenAI, Azure OpenAI, and Hugging Face with conventional programming languages like C#, Python, and Java
    🔗 aka.ms/semantic-kernel

  40. qwenlm/Qwen3 ⭐ 26,271
    Qwen3 is the large language model series developed by Qwen team, Alibaba Cloud.

  41. huggingface/open-r1 ⭐ 25,840
    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

  42. microsoft/BitNet ⭐ 25,810
    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

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

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

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

  46. microsoft/JARVIS ⭐ 24,513
    JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf

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

  48. nirdiamant/RAG_Techniques ⭐ 24,339
    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.

  49. deepset-ai/haystack ⭐ 23,959
    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

  50. google/langextract ⭐ 23,629
    Library that uses LLMs to extract structured information from unstructured text documents based on user-defined instructions
    🔗 pypi.org/project/langextract

  51. karpathy/minGPT ⭐ 23,333
    A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training

  52. sgl-project/sglang ⭐ 22,668
    SGLang is a high-performance serving framework for large language models and multimodal models.
    🔗 sglang.io

  53. vanna-ai/vanna ⭐ 22,377
    RAG (Retrieval-Augmented Generation) framework for SQL generation and related functionality.
    🔗 vanna.ai/docs

  54. mlc-ai/mlc-llm ⭐ 21,931
    Universal LLM Deployment Engine with ML Compilation
    🔗 llm.mlc.ai

  55. dao-ailab/flash-attention ⭐ 21,806
    Fast and memory-efficient exact attention

  56. modelcontextprotocol/python-sdk ⭐ 21,299
    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.github.io/python-sdk

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

  58. guidance-ai/guidance ⭐ 21,221
    A guidance language for controlling large language models.

  59. rasahq/rasa ⭐ 20,993
    💬 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

  60. huggingface/peft ⭐ 20,514
    🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
    🔗 huggingface.co/docs/peft

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

  62. skyvern-ai/skyvern ⭐ 20,197
    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

  63. stitionai/devika ⭐ 19,489
    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.
    🔗 opcode.sh

  64. karpathy/llama2.c ⭐ 19,130
    Inference Llama 2 in one file of pure C

  65. tloen/alpaca-lora ⭐ 18,980
    Instruct-tune LLaMA on consumer hardware

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

  67. facebookresearch/llama-cookbook ⭐ 18,166
    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

  68. openai/evals ⭐ 17,586
    Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.

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

  70. mlc-ai/web-llm ⭐ 17,171
    High-performance In-browser LLM Inference Engine
    🔗 webllm.mlc.ai

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

  72. kvcache-ai/ktransformers ⭐ 16,385
    A Flexible Framework for LLM Inference Optimizations - allows researchers to replace original torch modules with optimized variants
    🔗 kvcache-ai.github.io/ktransformers

  73. facebookresearch/codellama ⭐ 16,357
    Inference code for CodeLlama models

  74. mayooear/ai-pdf-chatbot-langchain ⭐ 16,314
    AI PDF chatbot agent built with LangChain & LangGraph
    🔗 www.youtube.com/watch?v=of6soldiewu

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

  76. nvidia/Megatron-LM ⭐ 14,998
    Ongoing research training transformer models at scale
    🔗 docs.nvidia.com/megatron-core/developer-guide/latest/get-started/quickstart.html

  77. qwenlm/Qwen3-Coder ⭐ 14,967
    Qwen3-Coder is the code version of Qwen3, the large language model series developed by Qwen team, Alibaba Cloud.

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

  79. llmware-ai/llmware ⭐ 14,460
    Unified framework for building enterprise RAG pipelines with small, specialized models
    🔗 llmware-ai.github.io/llmware

  80. blinkdl/RWKV-LM ⭐ 14,321
    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...

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

  82. karpathy/llm-council ⭐ 13,742
    LLM Council works together to answer your hardest questions

  83. anthropics/claude-quickstarts ⭐ 13,639
    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.

  84. canner/WrenAI ⭐ 13,527
    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

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

  86. dottxt-ai/outlines ⭐ 13,289
    Structured Text Generation from LLMs
    🔗 dottxt-ai.github.io/outlines

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

  88. lightning-ai/litgpt ⭐ 13,116
    20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
    🔗 lightning.ai

  89. lightning-ai/litgpt ⭐ 13,116
    20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
    🔗 lightning.ai

  90. qwenlm/Qwen-Agent ⭐ 13,021
    Agent framework and applications built upon Qwen>=3.0, featuring Function Calling, MCP, Code Interpreter, RAG, Chrome extension, etc.
    🔗 pypi.org/project/qwen-agent

  91. paddlepaddle/PaddleNLP ⭐ 12,904
    Easy-to-use and powerful LLM and SLM library with awesome model zoo.
    🔗 paddlenlp.readthedocs.io

  92. shishirpatil/gorilla ⭐ 12,697
    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

  93. jiayi-pan/TinyZero ⭐ 12,624
    TinyZero is a reproduction of DeepSeek R1 Zero in countdown and multiplication tasks.

  94. explodinggradients/ragas ⭐ 12,352
    Supercharge Your LLM Application Evaluations 🚀
    🔗 docs.ragas.io

  95. modelscope/ms-swift ⭐ 12,316
    Use PEFT or Full-parameter to CPT/SFT/DPO/GRPO 600+ LLMs (Qwen3, Qwen3-MoE, DeepSeek-R1, GLM4.5, InternLM3, Llama4, ...) and 300+ MLLMs (Qwen3-VL, Qwen3-Omni, InternVL3.5, Ovis2.5, GLM4.5v, Llava, Phi4, ...) (AAAI 2025).
    🔗 swift.readthedocs.io/zh-cn/v3.12

  96. sapientinc/HRM ⭐ 12,274
    Hierarchical Reasoning Model (HRM), a novel recurrent architecture that attains significant computational depth while maintaining both training stability and efficiency
    🔗 sapient.inc

  97. google-research/vision_transformer ⭐ 12,247
    Vision Transformer and MLP-Mixer Architectures

  98. instructor-ai/instructor ⭐ 12,199
    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

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

  100. h2oai/h2ogpt ⭐ 12,004
    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

  101. gibsonai/Memori ⭐ 11,861
    Memori enables any LLM to remember conversations, learn from interactions, and maintain context across sessions
    🔗 memorilabs.ai

  102. chainlit/chainlit ⭐ 11,430
    Build Conversational AI in minutes ⚡️
    🔗 docs.chainlit.io

  103. topoteretes/cognee ⭐ 11,265
    Memory for AI Agents in 6 lines of code
    🔗 www.cognee.ai

  104. eleutherai/lm-evaluation-harness ⭐ 11,265
    A framework for few-shot evaluation of language models.
    🔗 www.eleuther.ai

  105. axolotl-ai-cloud/axolotl ⭐ 11,143
    Go ahead and axolotl questions
    🔗 docs.axolotl.ai

  106. geeeekexplorer/nano-vllm ⭐ 11,017
    A lightweight vLLM implementation built from scratch.

  107. microsoft/promptflow ⭐ 11,001
    Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
    🔗 microsoft.github.io/promptflow

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

  109. databrickslabs/dolly ⭐ 10,802
    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

  110. mistralai/mistral-inference ⭐ 10,632
    Official inference library for Mistral models
    🔗 mistral.ai

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

  112. karpathy/minbpe ⭐ 10,284
    Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.

  113. promptfoo/promptfoo ⭐ 10,096
    Test your prompts, agents, and RAGs. AI 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

  114. pipecat-ai/pipecat ⭐ 9,974
    Open Source framework for voice and multimodal conversational AI
    🔗 pipecat.ai

  115. abetlen/llama-cpp-python ⭐ 9,922
    Simple Python bindings for @ggerganov's llama.cpp library.
    🔗 llama-cpp-python.readthedocs.io

  116. mshumer/gpt-prompt-engineer ⭐ 9,631
    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.

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

  118. skypilot-org/skypilot ⭐ 9,367
    Run, manage, and scale AI workloads on any AI infrastructure. Use one system to access & manage all AI compute (Kubernetes, 20+ clouds, or on-prem).
    🔗 docs.skypilot.co

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

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

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

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

  123. bytedance/Dolphin ⭐ 8,727
    A novel multimodal document image parsing model following an analyze-then-parse paradigm

  124. lyogavin/airllm ⭐ 8,713
    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.

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

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

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

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

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

  130. future-house/paper-qa ⭐ 8,025
    High-accuracy retrieval augmented generation (RAG) on PDFs or text files, with a focus on the scientific literature
    🔗 futurehouse.gitbook.io/futurehouse-cookbook

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

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

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

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

  135. sweepai/sweep ⭐ 7,628
    Sweep: AI coding assistant for JetBrains
    🔗 sweep.dev

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

  137. vectifyai/PageIndex ⭐ 7,532
    A document indexing system that builds search tree structures from long documents, making them ready for reasoning-based RAG
    🔗 pageindex.ai

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

  139. weaviate/Verba ⭐ 7,525
    Retrieval Augmented Generation (RAG) chatbot powered by Weaviate

  140. boundaryml/baml ⭐ 7,442
    The AI framework that adds the engineering to prompt engineering (Python/TS/Ruby/Java/C#/Rust/Go compatible)
    🔗 docs.boundaryml.com

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

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

  143. bhaskatripathi/pdfGPT ⭐ 7,168
    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

  144. apple/ml-fastvlm ⭐ 7,167
    FastVLM: Efficient Vision Encoding for Vision Language Models

  145. internlm/InternLM ⭐ 7,142
    Official release of InternLM series (InternLM, InternLM2, InternLM2.5, InternLM3).
    🔗 internlm.readthedocs.io

  146. apple/corenet ⭐ 7,021
    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.

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

  148. k-dense-ai/claude-scientific-skills ⭐ 6,957
    A set of ready to use scientific skills for Claude
    🔗 k-dense.ai

  149. lmcache/LMCache ⭐ 6,765
    LMCache is an LLM serving engine extension to reduce TTFT and increase throughput, especially under long-context scenarios
    🔗 lmcache.ai

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

  151. arcee-ai/mergekit ⭐ 6,705
    Tools for merging pretrained large language models.

  152. minedojo/Voyager ⭐ 6,616
    An Open-Ended Embodied Agent with Large Language Models
    🔗 voyager.minedojo.org

  153. open-compass/opencompass ⭐ 6,595
    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

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

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

  156. yuliang-liu/MonkeyOCR ⭐ 6,447
    A lightweight LMM-based Document Parsing Model with a Structure-Recognition-Relation Triplet Paradigm

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

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

  159. allenai/OLMo ⭐ 6,294
    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

  160. langchain-ai/chat-langchain ⭐ 6,228
    Locally hosted chatbot specifically focused on question answering over the LangChain documentation
    🔗 chat.langchain.com

  161. pytorch-labs/gpt-fast ⭐ 6,181
    Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.

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

  163. linkedin/Liger-Kernel ⭐ 6,065
    Efficient Triton Kernels for LLM Training
    🔗 linkedin.github.io/liger-kernel

  164. microsoft/LLMLingua ⭐ 5,784
    [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

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

  166. meta-pytorch/torchtune ⭐ 5,650
    a PyTorch library for easily authoring, post-training, and experimenting with recipes for SFT, knowledge distillation, DPO, PPO, GRPO, and quantization-aware training
    🔗 pytorch.org/torchtune/main

  167. nvidia/Guardrails ⭐ 5,538
    NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
    🔗 docs.nvidia.com/nemo/guardrails/latest/index.html

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

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

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

  171. agiresearch/AIOS ⭐ 4,967
    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.
    🔗 docs.aios.foundation

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

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

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

  175. flashinfer-ai/flashinfer ⭐ 4,744
    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

  176. kiln-ai/Kiln ⭐ 4,593
    Build, Evaluate, and Optimize AI Systems. Includes evals, RAG, agents, fine-tuning, synthetic data generation, dataset management, MCP, and more.
    🔗 kiln.tech

  177. vllm-project/aibrix ⭐ 4,584
    AIBrix delivers a cloud-native solution optimized for deploying, managing, and scaling large language model (LLM) inference, tailored specifically to enterprise needs.

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

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

  180. lm-sys/RouteLLM ⭐ 4,553
    A framework for serving and evaluating LLM routers - save LLM costs without compromising quality

  181. marker-inc-korea/AutoRAG ⭐ 4,541
    AutoRAG: An Open-Source Framework for Retrieval-Augmented Generation (RAG) Evaluation & Optimization with AutoML-Style Automation
    🔗 marker-inc-korea.github.io/autorag

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

  183. hiyouga/EasyR1 ⭐ 4,475
    EasyR1: An Efficient, Scalable, Multi-Modality RL Training Framework based on veRL
    🔗 verl.readthedocs.io

  184. llm-attacks/llm-attacks ⭐ 4,460
    This is the official repository for "Universal and Transferable Adversarial Attacks on Aligned Language Models"
    🔗 llm-attacks.org

  185. turboderp/exllamav2 ⭐ 4,425
    A fast inference library for running LLMs locally on modern consumer-class GPUs

  186. huggingface/text-embeddings-inference ⭐ 4,417
    A blazing fast inference solution for text embeddings models
    🔗 huggingface.co/docs/text-embeddings-inference/quick_tour

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

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

  189. openai/simple-evals ⭐ 4,314
    Lightweight library for evaluating language models

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

  191. neo4j-labs/llm-graph-builder ⭐ 4,294
    Transform unstructured data into a structured Knowledge Graph stored in Neo4j with LLMs
    🔗 llm-graph-builder.neo4jlabs.com

  192. p-e-w/heretic ⭐ 4,286
    Heretic is a tool that removes censorship from transformer-based LLMs without post-training

  193. microsoft/LMOps ⭐ 4,262
    General technology for enabling AI capabilities w/ LLMs and MLLMs
    🔗 aka.ms/generalai

  194. pytorch/executorch ⭐ 4,182
    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.
    🔗 executorch.ai

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

  196. openai/harmony ⭐ 4,149
    Renderer for the harmony response format to be used with gpt-oss

  197. eth-sri/lmql ⭐ 4,136
    A language for constraint-guided and efficient LLM programming.
    🔗 lmql.ai

  198. deep-agent/R1-V ⭐ 4,025
    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.

  199. sylphai-inc/AdalFlow ⭐ 3,998
    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

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

  201. meta-llama/PurpleLlama ⭐ 3,988
    Set of tools to assess and improve LLM security. An umbrella project to bring together tools and evals to help the community build responsibly with open genai models.

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

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

  204. lightning-ai/LitServe ⭐ 3,790
    A minimal Python framework for building custom AI inference servers with full control over logic, batching, and scaling.
    🔗 lightning.ai/litserve?utm_source=litserve_readme&utm_medium=referral&utm_campaign=litserve_readme

  205. agenta-ai/agenta ⭐ 3,787
    The open-source LLMOps platform: prompt playground, prompt management, LLM evaluation, and LLM observability all in one place.
    🔗 www.agenta.ai

  206. microsoft/PromptWizard ⭐ 3,744
    PromptWizard is a discrete prompt optimization framework that employs a self-evolving mechanism where the LLM generates, critiques, and refines its own prompts and examples

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

  208. predibase/lorax ⭐ 3,682
    Multi-LoRA inference server that scales to 1000s of fine-tuned LLMs
    🔗 loraexchange.ai

  209. next-gpt/NExT-GPT ⭐ 3,614
    Code and models for ICML 2024 paper, NExT-GPT: Any-to-Any Multimodal Large Language Model
    🔗 next-gpt.github.io

  210. evolvinglmms-lab/lmms-eval ⭐ 3,588
    One-for-All Multimodal Evaluation Toolkit Across Text, Image, Video, and Audio Tasks
    🔗 www.lmms-lab.com

  211. huggingface/smollm ⭐ 3,575
    Everything about the SmolLM and SmolVLM family of models
    🔗 huggingface.co/huggingfacetb

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

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

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

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

  216. mit-han-lab/llm-awq ⭐ 3,424
    AWQ: Activation-aware Weight Quantization for LLM Compression and Acceleration

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

  218. novasky-ai/SkyThought ⭐ 3,369
    Sky-T1: Train your own O1 preview model within $450
    🔗 novasky-ai.github.io

  219. deep-diver/LLM-As-Chatbot ⭐ 3,332
    LLM as a Chatbot Service

  220. zou-group/textgrad ⭐ 3,319
    TextGrad is a framework building automatic differentiation by implementing backpropagation through text feedback provided by LLMs, strongly building on the gradient metaphor.
    🔗 textgrad.com

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

  222. ruc-nlpir/FlashRAG ⭐ 3,277
    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

  223. deepseek-ai/Engram ⭐ 3,252
    Conditional Memory via Scalable Lookup: A New Axis of Sparsity for Large Language Models.

  224. googleapis/python-genai ⭐ 3,251
    Google Gen AI Python SDK provides an interface for developers to integrate Google's generative models into their Python applications.
    🔗 googleapis.github.io/python-genai

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

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

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

  228. argilla-io/distilabel ⭐ 3,065
    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

  229. truera/trulens ⭐ 3,057
    Evaluation and Tracking for LLM Experiments and AI Agents
    🔗 www.trulens.org

  230. noahshinn/reflexion ⭐ 3,042
    [NeurIPS 2023] Reflexion: Language Agents with Verbal Reinforcement Learning

  231. hegelai/prompttools ⭐ 2,998
    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

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

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

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

  235. eladlev/AutoPrompt ⭐ 2,915
    A prompt optimization framework designed to enhance and perfect your prompts for real-world use cases

  236. deepseek-ai/DualPipe ⭐ 2,910
    DualPipe is an innovative bidirectional pipeline parallelism algorithm introduced in the DeepSeek-V3 Technical Report.

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

  238. juncongmoo/pyllama ⭐ 2,799
    LLaMA: Open and Efficient Foundation Language Models

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

  240. langwatch/langwatch ⭐ 2,742
    LangWatch is an open platform for Observing, Evaluating and Optimizing your LLM and Agentic applications.
    🔗 langwatch.ai

  241. paperswithcode/galai ⭐ 2,738
    Model API for GALACTICA

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

  243. vllm-project/llm-compressor ⭐ 2,615
    Transformers-compatible library for applying various compression algorithms to LLMs for optimized deployment with vLLM
    🔗 docs.vllm.ai/projects/llm-compressor

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

  245. intel/neural-compressor ⭐ 2,573
    SOTA low-bit LLM quantization (INT8/FP8/MXFP8/INT4/MXFP4/NVFP4) & sparsity; leading model compression techniques on PyTorch, TensorFlow, and ONNX Runtime
    🔗 intel.github.io/neural-compressor

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

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

  248. huggingface/nanotron ⭐ 2,479
    Minimalistic large language model 3D-parallelism training

  249. illuin-tech/colpali ⭐ 2,468
    Code used for training the vision retrievers in the ColPali: Efficient Document Retrieval with Vision Language Models paper
    🔗 huggingface.co/vidore

  250. protectai/llm-guard ⭐ 2,442
    Sanitization, detection of harmful language, prevention of data leakage, and resistance against prompt injection attacks for LLMs
    🔗 protectai.github.io/llm-guard

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

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

  253. uptrain-ai/uptrain ⭐ 2,338
    An open-source unified platform to evaluate and improve Generative AI applications. Provide grades for 20+ preconfigured evaluations (covering language, code, embedding use cases)
    🔗 uptrain.ai

  254. facebookresearch/large_concept_model ⭐ 2,330
    Large Concept Models: Language modeling in a sentence representation space

  255. akariasai/self-rag ⭐ 2,307
    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

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

  257. huggingface/lighteval ⭐ 2,280
    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.
    🔗 huggingface.co/docs/lighteval/en/index

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

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

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

  261. gepa-ai/gepa ⭐ 2,154
    GEPA (Genetic-Pareto) is a framework for optimizing arbitrary systems composed of text components—like AI prompts, code snippets, or textual specs—against any evaluation metric

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

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

  264. ai-hypercomputer/maxtext ⭐ 2,106
    MaxText is a high performance, highly scalable, open-source LLM written in pure Python/Jax and targeting Google Cloud TPUs and GPUs for training and inference.
    🔗 maxtext.readthedocs.io

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

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

  267. lucidrains/toolformer-pytorch ⭐ 2,057
    Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI

  268. google-gemini/genai-processors ⭐ 2,043
    GenAI Processors is a lightweight Python library that enables efficient, parallel content processing.

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

  270. huggingface/picotron ⭐ 2,008
    Minimalist & most-hackable repository for pre-training Llama-like models with 4D Parallelism (Data, Tensor, Pipeline, Context parallel)

  271. neulab/prompt2model ⭐ 2,006
    A system that takes a natural language task description to train a small special-purpose model that is conducive for deployment.

  272. minishlab/model2vec ⭐ 1,988
    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
    🔗 minish.ai/packages/model2vec

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

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

  275. aiming-lab/SimpleMem ⭐ 1,871
    SimpleMem addresses the fundamental challenge of efficient long-term memory for LLM agents through a three-stage pipeline grounded in Semantic Lossless Compression.

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

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

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

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

  280. jennyzzt/dgm ⭐ 1,800
    Self-improving system that iteratively modifies its own code and empirically validates each change

  281. 1rgs/nanocode ⭐ 1,669
    Minimal Claude Code alternative. Single Python file, zero dependencies, ~250 lines.

  282. alexzhang13/rlm ⭐ 1,668
    Recursive Language Models (RLMs) are a task-agnostic inference paradigm for language models (LMs) to handle near-infinite length contexts
    🔗 arxiv.org/abs/2512.24601v1

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

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

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

  286. leochlon/pythea ⭐ 1,578
    Hallucination Risk Calculator & Prompt Re-engineering Toolkit (OpenAI-only)

  287. run-llama/semtools ⭐ 1,563
    Semantic search and document parsing tools for the command line

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

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

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

  291. mlc-ai/xgrammar ⭐ 1,502
    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/docs

  292. cstankonrad/long_llama ⭐ 1,463
    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.

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

  294. sumandora/remove-refusals-with-transformers ⭐ 1,445
    A proof-of-concept implementation to remove refusals from an LLM model without using TransformerLens

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

  296. mlfoundations/dclm ⭐ 1,409
    DataComp for Language Models

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

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

  299. protectai/rebuff ⭐ 1,399
    Rebuff is designed to protect AI applications from prompt injection (PI) attacks through a multi-layered defense
    🔗 playground.rebuff.ai

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

  301. deepseek-ai/EPLB ⭐ 1,336
    Expert Parallelism Load Balancer across GPUs

  302. keirp/automatic_prompt_engineer ⭐ 1,336
    This repo contains code for the paper "Large Language Models Are Human-Level Prompt Engineers"

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

  304. centerforaisafety/hle ⭐ 1,312
    Humanity's Last Exam (HLE) is a multi-modal benchmark at the frontier of human knowledge, designed to be the final closed-ended academic benchmark of its kind with broad subject coverage
    🔗 lastexam.ai

  305. ray-project/ray-llm ⭐ 1,264
    RayLLM - LLMs on Ray (Archived). Read README for more info.
    🔗 docs.ray.io/en/latest

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

  307. nousresearch/Hermes-Function-Calling ⭐ 1,188
    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

  308. cagostino/npcpy ⭐ 1,177
    This repo leverages the power of LLMs to understand your natural language commands and questions, executing tasks, answering queries, and providing relevant information from local files and the web.

  309. cyberark/FuzzyAI ⭐ 1,155
    A powerful tool for automated LLM fuzzing. It is designed to help developers and security researchers identify and mitigate potential jailbreaks in their LLM APIs.

  310. ibm/Dromedary ⭐ 1,144
    Dromedary: towards helpful, ethical and reliable LLMs.

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

  312. safety-research/bloom ⭐ 1,132
    Bloom generates evaluation suites that probe LLMs for specific behaviors (sycophancy, self-preservation, political bias, etc.)

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

  314. utkusen/promptmap ⭐ 1,098
    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.

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

  316. datadreamer-dev/DataDreamer ⭐ 1,088
    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

  317. ctlllll/LLM-ToolMaker ⭐ 1,056
    Large Language Models as Tool Makers

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

  319. prometheus-eval/prometheus-eval ⭐ 1,032
    Evaluate your LLM's response with Prometheus and GPT4 💯

  320. pinecone-io/canopy ⭐ 1,027
    Retrieval Augmented Generation (RAG) framework and context engine powered by Pinecone
    🔗 www.pinecone.io

  321. huggingface/optimum-nvidia ⭐ 1,027
    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)

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

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

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

  325. ajndkr/lanarky ⭐ 995
    The web framework for building LLM microservices [deprecated]
    🔗 lanarky.ajndkr.com

  326. likejazz/llama3.np ⭐ 992
    llama3.np is a pure NumPy implementation for Llama 3 model.

  327. thinking-machines-lab/batch_invariant_ops ⭐ 951
    Defeating Nondeterminism in LLM Inference: fixing floating-point non-associativity

  328. soulter/hugging-chat-api ⭐ 936
    HuggingChat Python API🤗

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

  330. salesforceairesearch/promptomatix ⭐ 878
    An Automatic Prompt Optimization Framework. Structured approach to prompt optimization, ensuring consistency, cost-effectiveness, and high-quality outputs

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

  332. bytedtsinghua-sia/MemAgent ⭐ 871
    A MemAgent framework that can be extrapolated to 3.5M, along with a training framework for RL training of any agent workflow.

  333. safety-research/petri ⭐ 847
    Autonomously crafts environments, runs multi‑turn audits against a target model using human‑like messages and simulated tools, and then scores transcripts
    🔗 safety-research.github.io/petri

  334. facebookresearch/cwm ⭐ 804
    Code World Model (CWM) is a 32-billion-parameter open-weights LLM, to advance research on code generation with world models.

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

  336. junruxiong/IncarnaMind ⭐ 797
    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

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

  338. opengenerativeai/GenossGPT ⭐ 754
    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

  339. meta-llama/prompt-ops ⭐ 752
    PDO (Prompt Duel Optimizer) - an efficient label-free prompt optimization method using dueling bandits and Thompson sampling

  340. developersdigest/llm-api-engine ⭐ 750
    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

  341. microsoft/sammo ⭐ 747
    A library for prompt engineering and optimization (SAMMO = Structure-aware Multi-Objective Metaprompt Optimization)

  342. langchain-ai/langsmith-sdk ⭐ 744
    LangSmith Client SDK Implementations
    🔗 docs.smith.langchain.com

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

  344. salesforce/xgen ⭐ 723
    Salesforce open-source LLMs with 8k sequence length.

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

  346. metauto-ai/agent-as-a-judge ⭐ 717
    👩‍⚖️ Agent-as-a-Judge: The Magic for Open-Endedness
    🔗 arxiv.org/pdf/2410.10934

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

  348. tsinghuadatabasegroup/DB-GPT ⭐ 692
    LLM As Database Administrator
    🔗 dbgpt.dbmind.cn

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

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

  351. qixucen/atom ⭐ 637
    Atom of Thoughts (AoT) is a new reasoning framework that represents the solution as a composition of atomic questions. This approach transforms the reasoning process into a Markov process with atomic states

  352. judahpaul16/gpt-home ⭐ 633
    ChatGPT at home! A better alternative to commercial smart home assistants, built on the Raspberry Pi using LiteLLM and LangGraph.
    🔗 hub.docker.com/r/judahpaul/gpt-home

  353. predibase/llm_distillation_playbook ⭐ 602
    Best practices for distilling large language models.

  354. zhudotexe/kani ⭐ 598
    kani (カニ) is a highly hackable microframework for tool-calling language models. (NLP-OSS @ EMNLP 2023)
    🔗 kani.readthedocs.io

  355. huggingface/text-clustering ⭐ 592
    Easily embed, cluster and semantically label text datasets

  356. likenneth/honest_llama ⭐ 567
    Inference-Time Intervention: Eliciting Truthful Answers from a Language Model

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

  358. deepseek-ai/DeepSeek-Prover-V1.5 ⭐ 553
    DeepSeek-Prover-V1.5: Harnessing Proof Assistant Feedback for Reinforcement Learning and Monte-Carlo Tree Search

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

  360. declare-lab/instruct-eval ⭐ 551
    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

  361. kbressem/medAlpaca ⭐ 549
    LLM finetuned for medical question answering

  362. hazyresearch/ama_prompting ⭐ 547
    Ask Me Anything language model prompting

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

  364. alphasecio/langchain-examples ⭐ 534
    A collection of apps powered by the LangChain LLM framework.
    🔗 go.alphasec.io/langchain-examples

  365. krlabsorg/LettuceDetect ⭐ 529
    LettuceDetect is a lightweight and efficient tool for detecting hallucinations in Retrieval-Augmented Generation (RAG) systems. It identifies unsupported parts of an answer by comparing it to the provided context.
    🔗 krlabs.eu/lettucedetect

  366. codelion/adaptive-classifier ⭐ 526
    A flexible, adaptive classification system that allows for dynamic addition of new classes and continuous learning from examples. Built on top of transformers from HuggingFace, this library provides an easy-to-use interface for creating and updating text classifiers.

  367. hazyresearch/legalbench ⭐ 526
    An open science effort to benchmark legal reasoning in foundation models

  368. hazyresearch/H3 ⭐ 522
    Language Modeling with the H3 State Space Model

  369. reasoning-machines/pal ⭐ 517
    PaL: Program-Aided Language Models (ICML 2023)
    🔗 reasonwithpal.com

  370. princeton-nlp/ALCE ⭐ 507
    [EMNLP 2023] Enabling Large Language Models to Generate Text with Citations. Paper: https://arxiv.org/abs/2305.14627

  371. xaviviro/python-toon ⭐ 320
    A compact data format optimized for transmitting structured information to Large Language Models (LLMs) with 30-60% fewer tokens than JSON.

  372. quotient-ai/judges ⭐ 316
    judges is a small library to use and create LLM-as-a-Judge evaluators. The purpose of judges is to have a curated set of LLM evaluators in a low-friction format across a variety of use cases

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

  374. emissary-tech/legit-rag ⭐ 274
    A modular Retrieval-Augmented Generation (RAG) system built with FastAPI, Qdrant, and OpenAI.

  375. dottxt-ai/outlines-core ⭐ 273
    Core functionality for structured generation, formerly implemented in Outlines, with a focus on performance and portability.
    🔗 docs.rs/outlines-core

  376. jina-ai/llm-query-expansion ⭐ 64
    Query Expension for Better Query Embedding using LLMs

Math and Science

Mathematical, numerical and scientific libraries.

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

  2. camdavidsonpilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers ⭐ 28,453
    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 ⭐ 27,916
    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,461
    This is a reference to ease developers into mathematical notation by showing comparisons with Python code

  5. scipy/scipy ⭐ 14,389
    SciPy library main repository
    🔗 scipy.org

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

  7. google/or-tools ⭐ 13,016
    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 ⭐ 11,848
    Z3 is a theorem prover from Microsoft Research with a Python language binding.

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

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

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

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

  13. talalalrawajfeh/mathematics-roadmap ⭐ 3,319
    A Comprehensive Roadmap to Mathematics

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

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

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

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

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

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

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

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

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

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

  24. extropic-ai/thrml ⭐ 987
    A JAX library for building and sampling probabilistic graphical models, with a focus on efficient block Gibbs sampling and energy-based models
    🔗 docs.thrml.ai

  25. lean-dojo/LeanDojo ⭐ 758
    Tool for data extraction and interacting with Lean programmatically.
    🔗 leandojo.org/leandojo.html

  26. wilson-labs/cola ⭐ 506
    CoLA is a framework for scalable linear algebra in machine learning and beyond

  27. brandondube/prysm ⭐ 322
    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 ⭐ 316
    Retrieval-Augmented Theorem Provers for Lean
    🔗 leandojo.org/leandojo.html

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

  30. gbillotey/Fractalshades ⭐ 35
    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 ⭐ 71,101
    Examples and guides for using the OpenAI API
    🔗 cookbook.openai.com

  2. scikit-learn/scikit-learn ⭐ 64,753
    scikit-learn: machine learning in Python
    🔗 scikit-learn.org

  3. suno-ai/bark ⭐ 38,929
    🔊 Text-Prompted Generative Audio Model

  4. facebookresearch/faiss ⭐ 38,864
    A library for efficient similarity search and clustering of dense vectors.
    🔗 faiss.ai

  5. tencentarc/GFPGAN ⭐ 37,353
    GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.

  6. google-research/google-research ⭐ 37,132
    This repository contains code released by Google Research
    🔗 research.google

  7. roboflow/supervision ⭐ 36,378
    We write your reusable computer vision tools. 💜
    🔗 supervision.roboflow.com

  8. google/jax ⭐ 34,681
    Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
    🔗 docs.jax.dev

  9. google/mediapipe ⭐ 33,447
    Cross-platform, customizable ML solutions for live and streaming media.
    🔗 ai.google.dev/edge/mediapipe

  10. open-mmlab/mmdetection ⭐ 32,319
    OpenMMLab Detection Toolbox and Benchmark
    🔗 mmdetection.readthedocs.io

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

  12. ageron/handson-ml2 ⭐ 29,799
    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.

  13. dmlc/xgboost ⭐ 27,898
    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

  14. facebookresearch/fastText ⭐ 26,471
    A library for efficient learning of word representations and sentence classification.
    🔗 fasttext.cc

  15. modular/modular ⭐ 25,497
    The Modular Accelerated Xecution (MAX) platform is an integrated suite of AI libraries, tools, and technologies that unifies commonly fragmented AI deployment workflows
    🔗 docs.modular.com

  16. harisiqbal88/PlotNeuralNet ⭐ 24,366
    Latex code for making neural networks diagrams

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

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

  19. onnx/onnx ⭐ 20,211
    Open standard for machine learning interoperability
    🔗 onnx.ai

  20. huggingface/candle ⭐ 19,143
    Candle is a minimalist ML framework for Rust with a focus on performance (including GPU support) and ease of use.

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

  22. microsoft/LightGBM ⭐ 18,027
    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

  23. tensorflow/tensor2tensor ⭐ 16,935
    Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.

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

  25. ddbourgin/numpy-ml ⭐ 16,241
    Machine learning, in numpy
    🔗 numpy-ml.readthedocs.io

  26. neonbjb/tortoise-tts ⭐ 14,785
    A multi-voice TTS system trained with an emphasis on quality

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

  28. deepmind/deepmind-research ⭐ 14,645
    This repository contains implementations and illustrative code to accompany DeepMind publications

  29. microsoft/nni ⭐ 14,338
    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

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

  31. deepmind/alphafold ⭐ 14,224
    Implementation of the inference pipeline of AlphaFold v2

  32. spotify/annoy ⭐ 14,135
    Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk

  33. ggerganov/ggml ⭐ 13,866
    Tensor library for machine learning

  34. optuna/optuna ⭐ 13,421
    A hyperparameter optimization framework
    🔗 optuna.org

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

  36. thudm/CogVideo ⭐ 12,361
    text and image to video generation: CogVideoX (2024) and CogVideo (ICLR 2023)

  37. cleanlab/cleanlab ⭐ 11,281
    Cleanlab's open-source library is the standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
    🔗 cleanlab.ai

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

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

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

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

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

  43. epistasislab/tpot ⭐ 10,041
    A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
    🔗 epistasislab.github.io/tpot

  44. awslabs/autogluon ⭐ 9,828
    Fast and Accurate ML in 3 Lines of Code
    🔗 auto.gluon.ai

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

  46. open-mmlab/mmsegmentation ⭐ 9,586
    OpenMMLab Semantic Segmentation Toolbox and Benchmark.
    🔗 mmsegmentation.readthedocs.io/en/main

  47. huggingface/accelerate ⭐ 9,461
    🚀 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

  48. pymc-devs/pymc ⭐ 9,459
    Bayesian Modeling and Probabilistic Programming in Python
    🔗 www.pymc.io

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

  50. catboost/catboost ⭐ 8,768
    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

  51. ml-explore/mlx-examples ⭐ 8,168
    Examples in the MLX framework

  52. lmcinnes/umap ⭐ 8,072
    Uniform Manifold Approximation and Projection
    🔗 umap-learn.readthedocs.io

  53. automl/auto-sklearn ⭐ 8,042
    Automated Machine Learning with scikit-learn
    🔗 automl.github.io/auto-sklearn

  54. py-why/dowhy ⭐ 7,924
    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

  55. project-monai/MONAI ⭐ 7,773
    AI Toolkit for Healthcare Imaging
    🔗 project-monai.github.io

  56. hyperopt/hyperopt ⭐ 7,608
    Distributed Asynchronous Hyperparameter Optimization in Python
    🔗 hyperopt.github.io/hyperopt

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

  58. hips/autograd ⭐ 7,446
    Efficiently computes derivatives of NumPy code.

  59. open-mmlab/mmagic ⭐ 7,369
    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

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

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

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

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

  64. google-deepmind/graphcast ⭐ 6,488
    GraphCast: Learning skillful medium-range global weather forecasting

  65. google/automl ⭐ 6,452
    Google Brain AutoML

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

  67. open-mmlab/mmcv ⭐ 6,388
    OpenMMLab Computer Vision Foundation
    🔗 mmcv.readthedocs.io/en/latest

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

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

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

  71. priorlabs/TabPFN ⭐ 5,562
    The TabPFN is a neural network that learned to do tabular data prediction. This is the original CUDA-supporting pytorch impelementation.
    🔗 priorlabs.ai

  72. google-deepmind/graph_nets ⭐ 5,394
    Graph Nets is DeepMind's library for building graph networks in Tensorflow and Sonnet.
    🔗 arxiv.org/abs/1806.01261

  73. skvark/opencv-python ⭐ 5,165
    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

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

  75. apple/coremltools ⭐ 5,122
    Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
    🔗 coremltools.readme.io

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

  77. nmslib/hnswlib ⭐ 5,067
    Header-only C++/python library for fast approximate nearest neighbors
    🔗 github.com/nmslib/hnswlib

  78. marqo-ai/marqo ⭐ 5,009
    Unified embedding generation and search engine. Also available on cloud - cloud.marqo.ai
    🔗 www.marqo.ai

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

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

  81. py-why/EconML ⭐ 4,478
    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

  82. huggingface/notebooks ⭐ 4,438
    Notebooks using the Hugging Face libraries 🤗

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

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

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

  86. zjunlp/DeepKE ⭐ 4,304
    [EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction
    🔗 deepke.zjukg.cn

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

  88. huggingface/speech-to-speech ⭐ 4,274
    Speech To Speech: an effort for an open-sourced and modular GPT4-o

  89. cmusphinx/pocketsphinx ⭐ 4,261
    A small speech recognizer

  90. rucaibox/RecBole ⭐ 4,235
    A unified, comprehensive and efficient recommendation library
    🔗 recbole.io

  91. ourownstory/neural_prophet ⭐ 4,233
    NeuralProphet: A simple forecasting package
    🔗 neuralprophet.com

  92. facebookresearch/flow_matching ⭐ 4,032
    Flow Matching (FM) is a recent framework for generative modeling that has achieved state-of-the-art performance across various domains, including image, video, audio, speech, and biological structures
    🔗 facebookresearch.github.io/flow_matching

  93. cornellius-gp/gpytorch ⭐ 3,819
    GPyTorch is a Gaussian process library implemented using PyTorch. GPyTorch is designed for creating scalable, flexible, and modular Gaussian process models with ease.

  94. lightly-ai/lightly ⭐ 3,666
    A python library for self-supervised learning on images.
    🔗 docs.lightly.ai/self-supervised-learning

  95. huggingface/safetensors ⭐ 3,597
    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. yoheinakajima/instagraph ⭐ 3,540
    Converts text input or URL into knowledge graph and displays

  97. petarv-/GAT ⭐ 3,492
    Implementation of a Graph Attention Network (GAT) layer in TensorFlow
    🔗 petar-v.com/gat

  98. neuraloperator/neuraloperator ⭐ 3,337
    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

  99. pytorch/glow ⭐ 3,328
    Compiler for Neural Network hardware accelerators

  100. hrnet/HRNet-Semantic-Segmentation ⭐ 3,311
    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

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

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

  103. shankarpandala/lazypredict ⭐ 3,285
    Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning

  104. huggingface/huggingface_hub ⭐ 3,277
    The official Python client for the Hugging Face Hub.
    🔗 huggingface.co/docs/huggingface_hub

  105. huggingface/optimum ⭐ 3,268
    🚀 Accelerate inference and training of 🤗 Transformers, Diffusers, TIMM and Sentence Transformers with easy to use hardware optimization tools
    🔗 huggingface.co/docs/optimum/main

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

  107. nvidia/cuda-python ⭐ 3,145
    CUDA Python: Performance meets Productivity
    🔗 nvidia.github.io/cuda-python

  108. scikit-learn-contrib/hdbscan ⭐ 3,052
    A high performance implementation of HDBSCAN clustering.
    🔗 hdbscan.readthedocs.io/en/latest

  109. google-research/t5x ⭐ 2,938
    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.

  110. eric-mitchell/direct-preference-optimization ⭐ 2,834
    Reference implementation for DPO (Direct Preference Optimization)

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

  112. rom1504/clip-retrieval ⭐ 2,716
    Easily compute clip embeddings and build a clip retrieval system with them
    🔗 rom1504.github.io/clip-retrieval

  113. freedmand/semantra ⭐ 2,686
    Semantra is a multipurpose tool for semantically searching documents. Query by meaning rather than just by matching text.

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

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

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

  117. huggingface/evaluate ⭐ 2,404
    🤗 Evaluate: A library for easily evaluating machine learning models and datasets.
    🔗 huggingface.co/docs/evaluate

  118. benedekrozemberczki/karateclub ⭐ 2,273
    Karate Club is an unsupervised machine learning extension library for NetworkX.
    🔗 karateclub.readthedocs.io

  119. microsoft/Olive ⭐ 2,240
    Olive: Simplify ML Model Finetuning, Conversion, Quantization, and Optimization for CPUs, GPUs and NPUs.
    🔗 microsoft.github.io/olive

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

  121. feature-engine/feature_engine ⭐ 2,185
    Feature engineering package with sklearn like functionality
    🔗 feature-engine.trainindata.com

  122. castorini/pyserini ⭐ 2,008
    Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations.
    🔗 pyserini.io

  123. contextlab/hypertools ⭐ 1,878
    A Python toolbox for gaining geometric insights into high-dimensional data
    🔗 hypertools.readthedocs.io

  124. linkedin/greykite ⭐ 1,854
    A flexible, intuitive and fast forecasting library

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

  126. rentruewang/koila ⭐ 1,832
    Prevent PyTorch's CUDA error: out of memory in just 1 line of code.
    🔗 koila.rentruewang.com

  127. laekov/fastmoe ⭐ 1,829
    A fast MoE impl for PyTorch
    🔗 fastmoe.ai

  128. stanfordmlgroup/ngboost ⭐ 1,820
    Natural Gradient Boosting for Probabilistic Prediction

  129. visual-layer/fastdup ⭐ 1,817
    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.
    🔗 docs.visual-layer.com/fastdup_docs_old/first%20steps/getting-started

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

  131. microsoft/i-Code ⭐ 1,707
    The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning.

  132. kubeflow/katib ⭐ 1,652
    Automated Machine Learning on Kubernetes
    🔗 www.kubeflow.org/docs/components/katib

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

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

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

  136. spotify/voyager ⭐ 1,535
    🛰️ An approximate nearest-neighbor search library for Python and Java with a focus on ease of use, simplicity, and deployability.
    🔗 spotify.github.io/voyager

  137. pytorch/FBGEMM ⭐ 1,519
    FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/

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

  139. patchy631/machine-learning ⭐ 1,505
    Machine Learning Tutorials Repository

  140. lightning-ai/lightning-thunder ⭐ 1,437
    Thunder is a source-to-source compiler for PyTorch. It makes PyTorch programs faster by combining and using different hardware executors at once

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

  142. borealisai/advertorch ⭐ 1,363
    A Toolbox for Adversarial Robustness Research

  143. opentensor/bittensor ⭐ 1,348
    Internet-scale Neural Networks
    🔗 www.bittensor.com

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

  145. gradio-app/trackio ⭐ 1,230
    A lightweight, local-first, and 🆓 experiment tracking library from Hugging Face 🤗

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

  147. google-research/deeplab2 ⭐ 1,033
    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.

  148. pymc-labs/pymc-marketing ⭐ 1,028
    Bayesian marketing toolbox in PyMC. Media Mix (MMM), customer lifetime value (CLV), buy-till-you-die (BTYD) models and more.
    🔗 www.pymc-marketing.io

  149. huggingface/optimum-quanto ⭐ 1,020
    A pytorch quantization backend for optimum

  150. oml-team/open-metric-learning ⭐ 983
    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

  151. hazyresearch/safari ⭐ 909
    Convolutions for Sequence Modeling

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

  153. replicate/replicate-python ⭐ 891
    Python client for Replicate
    🔗 replicate.com

  154. trent-b/iterative-stratification ⭐ 882
    Provides scikit-learn compatible cross validators with stratification for multilabel data.

  155. minishlab/semhash ⭐ 878
    SemHash is a lightweight and flexible tool for deduplicating datasets using semantic similarity. It combines fast embedding generation from Model2Vec with efficient ANN-based similarity search through Vicinity
    🔗 minish.ai/packages/semhash

  156. googleapis/python-aiplatform ⭐ 849
    A Python SDK for Vertex AI, a fully managed, end-to-end platform for data science and machine learning.

  157. awslabs/python-deequ ⭐ 811
    Python API for Deequ, a library built on Spark for defining "unit tests for data", which measure data quality in large datasets

  158. nomic-ai/contrastors ⭐ 773
    Contrastive learning toolkit that enables researchers and engineers to train and evaluate contrastive models efficiently.

  159. facebookresearch/balance ⭐ 737
    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

  160. intel/intel-npu-acceleration-library ⭐ 701
    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.

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

  162. huggingface/exporters ⭐ 689
    Export Hugging Face models to Core ML and TensorFlow Lite

  163. eleutherai/sparsify ⭐ 685
    This library trains k-sparse autoencoders (SAEs) on the residual stream activations of HuggingFace language models, roughly following the recipe detailed in Scaling and evaluating sparse autoencoders (Gao et al. 2024)

  164. hkust-knowcomp/AutoSchemaKG ⭐ 669
    A Knowledge Graph Construction Framework with Schema Generation and Knowledge Graph Completion
    🔗 hkust-knowcomp.github.io/autoschemakg

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

  166. hpcaitech/EnergonAI ⭐ 627
    Large-scale model inference.

  167. google-deepmind/limit ⭐ 619
    On the Theoretical Limitations of Embedding-Based Retrieval
    🔗 arxiv.org/abs/2508.21038

  168. googlecloudplatform/vertex-ai-samples ⭐ 609
    Notebooks, code samples, sample apps, and other resources that demonstrate how to use, develop and manage machine learning and generative AI workflows using Google Cloud Vertex AI.
    🔗 cloud.google.com/vertex-ai

  169. raivnlab/MRL ⭐ 594
    Code repository for the paper - "Matryoshka Representation Learning"

  170. deepgraphlearning/ULTRA ⭐ 591
    A foundation model for knowledge graph reasoning

  171. lightning-ai/litData ⭐ 573
    Speed up model training by fixing data loading.

  172. linkedin/FastTreeSHAP ⭐ 552
    Fast SHAP value computation for interpreting tree-based models

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

  174. apple/ml-l3m ⭐ 229
    A flexible library for training any type of large model, regardless of modality. Instead of more traditional approaches, we opt for a config-heavy approach

  175. dylanhogg/gptauthor ⭐ 97
    GPTAuthor is an AI tool for writing long form, multi-chapter stories given a story prompt.

  176. awslabs/stickler ⭐ 23
    A library for evaluating structured data and AI outputs with weighted field comparison and custom comparators
    🔗 awslabs.github.io/stickler

  177. wjbmattingly/gliner-finetune ⭐ 14
    A library to generate synthetic data using LLM models, process this data, and then use it to train a GLiNER model. GLiNER is a Named Entity Recognition (NER) framework.

Machine Learning - Deep Learning

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

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

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

  3. openai/whisper ⭐ 93,624
    Robust Speech Recognition via Large-Scale Weak Supervision

  4. keras-team/keras ⭐ 63,738
    Deep Learning for humans
    🔗 keras.io

  5. deepfakes/faceswap ⭐ 54,915
    Deepfakes Software For All
    🔗 www.faceswap.dev

  6. facebookresearch/segment-anything ⭐ 53,249
    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 ⭐ 41,382
    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 ⭐ 36,256
    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. xinntao/Real-ESRGAN ⭐ 34,015
    Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.

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

  11. openai/CLIP ⭐ 32,375
    CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image

  12. lightning-ai/pytorch-lightning ⭐ 30,771
    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/pytorch-lightning/?utm_source=ptl_readme&utm_medium=referral&utm_campaign=ptl_readme

  13. google-research/tuning_playbook ⭐ 29,721
    A playbook for systematically maximizing the performance of deep learning models.

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

  15. matterport/Mask_RCNN ⭐ 25,497
    Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

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

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

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

  19. sanster/IOPaint ⭐ 22,642
    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

  20. danielgatis/rembg ⭐ 21,624
    Rembg is a tool to remove images background

  21. apache/mxnet ⭐ 20,840
    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

  22. rasbt/deeplearning-models ⭐ 17,369
    A collection of various deep learning architectures, models, and tips

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

  24. albumentations-team/albumentations ⭐ 15,266
    Fast and flexible image augmentation library. Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
    🔗 albumentations.ai

  25. facebookresearch/detr ⭐ 15,071
    End-to-End Object Detection with Transformers

  26. nvidia/DeepLearningExamples ⭐ 14,697
    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 ⭐ 14,228
    Python package built to ease deep learning on graph, on top of existing DL frameworks.
    🔗 dgl.ai

  28. mlfoundations/open_clip ⭐ 13,289
    Open source implementation of OpenAI's CLIP (Contrastive Language-Image Pre-training).

  29. tencent-hunyuan/HunyuanVideo ⭐ 11,635
    HunyuanVideo: A Systematic Framework For Large Video Generation Model
    🔗 aivideo.hunyuan.tencent.com

  30. kornia/kornia ⭐ 11,031
    🐍 Geometric Computer Vision Library for Spatial AI
    🔗 kornia.readthedocs.io

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

  32. modelscope/facechain ⭐ 9,497
    FaceChain is a deep-learning toolchain for generating your Digital-Twin.

  33. arogozhnikov/einops ⭐ 9,360
    Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
    🔗 einops.rocks

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

  35. bytedance/monolith ⭐ 9,259
    A deep learning framework for large scale recommendation modeling with collisionless embedding and real time training captures.

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

  37. facebookresearch/ImageBind ⭐ 8,955
    ImageBind One Embedding Space to Bind Them All

  38. nvidia/apex ⭐ 8,899
    A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch

  39. lucidrains/imagen-pytorch ⭐ 8,409
    Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch

  40. google/trax ⭐ 8,302
    Trax — Deep Learning with Clear Code and Speed

  41. xpixelgroup/BasicSR ⭐ 8,062
    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 ⭐ 7,046
    Flax is a neural network library for JAX that is designed for flexibility.
    🔗 flax.readthedocs.io

  43. skorch-dev/skorch ⭐ 6,149
    A scikit-learn compatible neural network library that wraps PyTorch

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

  45. mosaicml/composer ⭐ 5,458
    Supercharge Your Model Training
    🔗 docs.mosaicml.com

  46. nvidiagameworks/kaolin ⭐ 5,021
    A PyTorch Library for Accelerating 3D Deep Learning Research

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

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

  49. facebookincubator/AITemplate ⭐ 4,701
    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.

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

  51. modelscope/ClearerVoice-Studio ⭐ 3,856
    An AI-Powered Speech Processing Toolkit and Open Source SOTA Pretrained Models, Supporting Speech Enhancement, Separation, and Target Speaker Extraction, etc.

  52. google-research/scenic ⭐ 3,757
    Scenic: A Jax Library for Computer Vision Research and Beyond

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

  54. pytorch/botorch ⭐ 3,452
    Bayesian optimization in PyTorch
    🔗 botorch.org

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

  56. alpa-projects/alpa ⭐ 3,175
    Training and serving large-scale neural networks with auto parallelization.
    🔗 alpa.ai

  57. deepmind/dm-haiku ⭐ 3,172
    JAX-based neural network library
    🔗 dm-haiku.readthedocs.io

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

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

  60. pytorch/torchrec ⭐ 2,462
    Pytorch domain library for recommendation systems
    🔗 pytorch.org/torchrec

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

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

  63. fepegar/torchio ⭐ 2,346
    Medical imaging processing for AI applications.
    🔗 docs.torchio.org

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

  65. jeshraghian/snntorch ⭐ 1,855
    Deep and online learning with spiking neural networks in Python
    🔗 snntorch.readthedocs.io/en/latest

  66. sakanaai/continuous-thought-machines ⭐ 1,728
    Continuous Thought Machine (CTM), a model designed to unfold and then leverage neural activity as the underlying mechanism for observation and action
    🔗 pub.sakana.ai/ctm

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

  68. tensorly/tensorly ⭐ 1,654
    TensorLy: Tensor Learning in Python.
    🔗 tensorly.org

  69. tensorflow/mesh ⭐ 1,624
    Mesh TensorFlow: Model Parallelism Made Easier

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

  71. google-deepmind/jraph ⭐ 1,461
    A Graph Neural Network Library in Jax
    🔗 jraph.readthedocs.io/en/latest

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

  73. xl0/lovely-tensors ⭐ 1,353
    Tensors, for human consumption
    🔗 xl0.github.io/lovely-tensors

  74. deepmind/android_env ⭐ 1,173
    RL research on Android devices.

  75. keras-team/keras-cv ⭐ 1,061
    Industry-strength Computer Vision workflows with Keras

  76. tensorflow/similarity ⭐ 1,023
    TensorFlow Similarity is a python package focused on making similarity learning quick and easy.

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

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

  79. mlfoundations/datacomp ⭐ 766
    DataComp: In search of the next generation of multimodal datasets
    🔗 datacomp.ai

  80. allenai/reward-bench ⭐ 683
    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

  81. samuela/git-re-basin ⭐ 501
    Code release for "Git Re-Basin: Merging Models modulo Permutation Symmetries"
    🔗 arxiv.org/abs/2209.04836

Machine Learning - Interpretability

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

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

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

  3. arize-ai/phoenix ⭐ 8,344
    AI Observability & Evaluation
    🔗 arize.com/docs/phoenix

  4. interpretml/interpret ⭐ 6,768
    Fit interpretable models. Explain blackbox machine learning.
    🔗 interpret.ml/docs

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

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

  7. pair-code/lit ⭐ 3,628
    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 ⭐ 3,119
    🔅 Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
    🔗 maif.github.io/shapash

  9. transformerlensorg/TransformerLens ⭐ 3,012
    A library for mechanistic interpretability of GPT-style language models
    🔗 transformerlensorg.github.io/transformerlens

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

  11. eleutherai/pythia ⭐ 2,715
    Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers

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

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

  14. jalammar/ecco ⭐ 2,073
    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

  15. google-deepmind/penzai ⭐ 1,851
    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,758
    Interpretability and explainability of data and machine learning models
    🔗 aix360.res.ibm.com

  17. stanfordnlp/pyreft ⭐ 1,554
    Stanford NLP Python library for Representation Finetuning (ReFT)
    🔗 arxiv.org/abs/2404.03592

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

  19. selfexplainml/PiML-Toolbox ⭐ 1,285
    PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
    🔗 selfexplainml.github.io/piml-toolbox

  20. ethicalml/xai ⭐ 1,221
    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

  21. jbloomaus/SAELens ⭐ 1,174
    Training Sparse Autoencoders on LLms. Analyse sparse autoencoders and neural network internals.
    🔗 decoderesearch.github.io/saelens

  22. salesforce/OmniXAI ⭐ 964
    OmniXAI: A Library for eXplainable AI

  23. andyzoujm/representation-engineering ⭐ 942
    Representation Engineering: A Top-Down Approach to AI Transparency
    🔗 www.ai-transparency.org

  24. stanfordnlp/pyvene ⭐ 853
    Library for intervening on the internal states of PyTorch models. Interventions are an important operation in many areas of AI, including model editing, steering, robustness, and interpretability.
    🔗 pyvene.ai

  25. ndif-team/nnsight ⭐ 782
    The nnsight package enables interpreting and manipulating the internals of deep learned models.
    🔗 nnsight.net

  26. labmlai/inspectus ⭐ 705
    Inspectus provides visualization tools for attention mechanisms in deep learning models. It provides a set of comprehensive views, making it easier to understand how these models work.

  27. alignmentresearch/tuned-lens ⭐ 564
    Tools for understanding how transformer predictions are built layer-by-layer
    🔗 tuned-lens.readthedocs.io/en/latest

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

  2. ray-project/ray ⭐ 40,957
    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. kestra-io/kestra ⭐ 26,269
    Event Driven Orchestration & Scheduling Platform for Mission Critical Applications
    🔗 kestra.io

  4. mlflow/mlflow ⭐ 23,795
    The open source developer platform to build AI agents and models with confidence. Enhance your AI applications with end-to-end tracking, observability, and evaluations, all in one integrated platform.
    🔗 mlflow.org

  5. jlowin/fastmcp ⭐ 22,279
    FastMCP is the standard framework for building MCP servers and clients. FastMCP 1.0 was incorporated into the official MCP Python SDK.
    🔗 gofastmcp.com

  6. prefecthq/prefect ⭐ 21,412
    Prefect is a workflow orchestration framework for building resilient data pipelines in Python.
    🔗 prefect.io

  7. langfuse/langfuse ⭐ 21,017
    🪢 Open source LLM engineering platform: LLM Observability, metrics, evals, prompt management, playground, datasets. Integrates with OpenTelemetry, Langchain, OpenAI SDK, LiteLLM, and more. 🍊YC W23
    🔗 langfuse.com/docs

  8. spotify/luigi ⭐ 18,628
    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.

  9. iterative/dvc ⭐ 15,302
    🦉 Data Versioning and ML Experiments
    🔗 dvc.org

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

  11. horovod/horovod ⭐ 14,655
    Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
    🔗 horovod.ai

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

  13. bentoml/OpenLLM ⭐ 12,063
    Run any open-source LLMs, such as DeepSeek and Llama, as OpenAI compatible API endpoint in the cloud.
    🔗 bentoml.com

  14. ludwig-ai/ludwig ⭐ 11,644
    Low-code framework for building custom LLMs, neural networks, and other AI models
    🔗 ludwig.ai

  15. great-expectations/great_expectations ⭐ 11,095
    Always know what to expect from your data.
    🔗 docs.greatexpectations.io

  16. huggingface/text-generation-inference ⭐ 10,739
    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

  17. kedro-org/kedro ⭐ 10,718
    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

  18. netflix/metaflow ⭐ 9,728
    Build, Manage and Deploy AI/ML Systems
    🔗 metaflow.org

  19. activeloopai/deeplake ⭐ 8,982
    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

  20. mage-ai/mage-ai ⭐ 8,622
    🧙 Build, run, and manage data pipelines for integrating and transforming data.
    🔗 www.mage.ai

  21. bentoml/BentoML ⭐ 8,384
    The easiest way to serve AI apps and models - Build Model Inference APIs, Job queues, LLM apps, Multi-model pipelines, and more!
    🔗 bentoml.com

  22. internlm/lmdeploy ⭐ 7,553
    LMDeploy is a toolkit for compressing, deploying, and serving LLMs.
    🔗 lmdeploy.readthedocs.io/en/latest

  23. evidentlyai/evidently ⭐ 7,041
    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

  24. flyteorg/flyte ⭐ 6,694
    Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
    🔗 flyte.org

  25. feast-dev/feast ⭐ 6,645
    The Open Source Feature Store for AI/ML
    🔗 feast.dev

  26. adap/flower ⭐ 6,598
    Flower: A Friendly Federated AI Framework
    🔗 flower.ai

  27. allegroai/clearml ⭐ 6,468
    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

  28. aimhubio/aim ⭐ 5,966
    Aim 💫 — An easy-to-use & supercharged open-source experiment tracker.
    🔗 aimstack.io

  29. zenml-io/zenml ⭐ 5,166
    ZenML 🙏: One AI Platform from Pipelines to Agents. https://zenml.io.
    🔗 zenml.io

  30. internlm/xtuner ⭐ 5,061
    A Next-Generation Training Engine Built for Ultra-Large MoE Models
    🔗 xtuner.readthedocs.io/zh-cn/latest

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

  32. kubeflow/pipelines ⭐ 4,062
    Machine Learning Pipelines for Kubeflow
    🔗 www.kubeflow.org/docs/components/pipelines

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

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

  35. towhee-io/towhee ⭐ 3,449
    Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
    🔗 towhee.io

  36. azure/PyRIT ⭐ 3,342
    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

  37. determined-ai/determined ⭐ 3,211
    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

  38. leptonai/leptonai ⭐ 2,804
    A Pythonic framework to simplify AI service building
    🔗 lepton.ai

  39. michaelfeil/infinity ⭐ 2,635
    Infinity is a high-throughput, low-latency REST API for serving text-embeddings, reranking models, clip, clap and colpali
    🔗 michaelfeil.github.io/infinity

  40. apache/hamilton ⭐ 2,374
    Apache 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.apache.org

  41. meltano/meltano ⭐ 2,326
    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

  42. labmlai/labml ⭐ 2,293
    🔎 Monitor deep learning model training and hardware usage from your mobile phone 📱
    🔗 labml.ai

  43. vllm-project/production-stack ⭐ 2,122
    vLLM’s reference system for K8S-native cluster-wide deployment with community-driven performance optimization
    🔗 docs.vllm.ai/projects/production-stack

  44. dstackai/dstack ⭐ 2,018
    dstack is an open-source control plane for running development, training, and inference jobs on GPUs—across hyperscalers, neoclouds, or on-prem.
    🔗 dstack.ai/docs

  45. dagworks-inc/burr ⭐ 1,891
    Build applications that make decisions (chatbots, agents, simulations, etc...). Monitor, trace, persist, and execute on your own infrastructure.
    🔗 burr.apache.org

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

  47. kubeflow/examples ⭐ 1,458
    A repository to host extended examples and tutorials

  48. substratusai/kubeai ⭐ 1,133
    AI Inference Operator for Kubernetes. The easiest way to serve ML models in production. Supports VLMs, LLMs, embeddings, and speech-to-text.
    🔗 www.kubeai.org

  49. arize-ai/openinference ⭐ 833
    OpenInference is a set of conventions and plugins that is complimentary to OpenTelemetry to enable tracing of AI applications.
    🔗 arize-ai.github.io/openinference

  50. lightonai/pylate ⭐ 690
    Built on Sentence Transformers, designed to simplify fine-tuning, inference, and retrieval with state-of-the-art ColBERT models
    🔗 lightonai.github.io/pylate

  51. skops-dev/skops ⭐ 512
    skops is a Python library helping you share your scikit-learn based models and put them in production
    🔗 skops.readthedocs.io/en/stable

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 ⭐ 36,974
    A toolkit for developing and comparing reinforcement learning algorithms.
    🔗 www.gymlibrary.dev

  2. lvwerra/trl ⭐ 17,119
    Train transformer language models with reinforcement learning.
    🔗 hf.co/docs/trl

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

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

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

  6. thu-ml/tianshou ⭐ 9,822
    An elegant PyTorch deep reinforcement learning library.
    🔗 tianshou.org

  7. deepmind/pysc2 ⭐ 8,247
    StarCraft II Learning Environment

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

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

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

  11. deepmind/dm_control ⭐ 4,424
    Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.

  12. ai4finance-foundation/ElegantRL ⭐ 4,279
    Massively Parallel Deep Reinforcement Learning. 🔥
    🔗 ai4finance.org

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

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

  15. opendilab/DI-engine ⭐ 3,582
    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

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

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

  18. eureka-research/Eureka ⭐ 3,107
    Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models" (ICLR 2024)
    🔗 eureka-research.github.io

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

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

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

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

  23. denys88/rl_games ⭐ 1,287
    RL Games: High performance RL library

  24. google-deepmind/meltingpot ⭐ 781
    A suite of test scenarios for multi-agent reinforcement learning.

  25. open-tinker/OpenTinker ⭐ 598
    OpenTinker is an RL-as-a-Service infrastructure for foundation models, providing a flexible environment design framework that supports diverse training scenarios over data and interaction modes.

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 ⭐ 155,622
    🤗 Transformers: the model-definition framework for state-of-the-art machine learning models in text, vision, audio, and multimodal models, for both inference and training.
    🔗 huggingface.co/transformers

  2. myshell-ai/OpenVoice ⭐ 35,840
    Instant voice cloning by MIT and MyShell. Audio foundation model.
    🔗 research.myshell.ai/open-voice

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

  4. pytorch/fairseq ⭐ 32,110
    Facebook AI Research Sequence-to-Sequence Toolkit written in Python.

  5. vikparuchuri/marker ⭐ 31,151
    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

  6. microsoft/unilm ⭐ 21,979
    Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
    🔗 aka.ms/generalai

  7. huggingface/datasets ⭐ 21,122
    🤗 The largest hub of ready-to-use datasets for AI models with fast, easy-to-use and efficient data manipulation tools
    🔗 huggingface.co/docs/datasets

  8. m-bain/whisperX ⭐ 19,783
    WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization)

  9. vikparuchuri/surya ⭐ 19,159
    OCR, layout analysis, reading order, table recognition in 90+ languages
    🔗 www.datalab.to

  10. ukplab/sentence-transformers ⭐ 18,144
    State-of-the-Art Text Embeddings
    🔗 www.sbert.net

  11. openai/tiktoken ⭐ 17,074
    tiktoken is a fast BPE tokeniser for use with OpenAI's models.

  12. nvidia/NeMo ⭐ 16,608
    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

  13. rare-technologies/gensim ⭐ 16,333
    Topic Modelling for Humans
    🔗 radimrehurek.com/gensim

  14. gunthercox/ChatterBot ⭐ 14,478
    ChatterBot is a machine learning, conversational dialog engine for creating chat bots
    🔗 docs.chatterbot.us

  15. nltk/nltk ⭐ 14,468
    NLTK Source
    🔗 www.nltk.org

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

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

  18. neuml/txtai ⭐ 12,049
    💡 All-in-one AI framework for semantic search, LLM orchestration and language model workflows
    🔗 neuml.github.io/txtai

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

  20. facebookresearch/seamless_communication ⭐ 11,738
    Foundational Models for State-of-the-Art Speech and Text Translation

  21. google/sentencepiece ⭐ 11,599
    Unsupervised text tokenizer for Neural Network-based text generation.

  22. speechbrain/speechbrain ⭐ 11,084
    A PyTorch-based Speech Toolkit
    🔗 speechbrain.github.io

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

  24. doccano/doccano ⭐ 10,501
    Open source annotation tool for machine learning practitioners.

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

  26. espnet/espnet ⭐ 9,700
    End-to-End Speech Processing Toolkit
    🔗 espnet.github.io/espnet

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

  28. togethercomputer/OpenChatKit ⭐ 9,015
    OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots

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

  30. maartengr/BERTopic ⭐ 7,346
    Leveraging BERT and c-TF-IDF to create easily interpretable topics.
    🔗 maartengr.github.io/bertopic

  31. quivrhq/MegaParse ⭐ 7,267
    File Parser optimised for LLM Ingestion with no loss 🧠 Parse PDFs, Docx, PPTx in a format that is ideal for LLMs.
    🔗 megaparse.com

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

  33. facebookresearch/metaseq ⭐ 6,542
    A codebase for working with Open Pre-trained Transformers, originally forked from fairseq.

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

  35. aiwaves-cn/agents ⭐ 5,858
    An Open-source Framework for Data-centric, Self-evolving Autonomous Language Agents

  36. layout-parser/layout-parser ⭐ 5,642
    A Unified Toolkit for Deep Learning Based Document Image Analysis
    🔗 layout-parser.github.io

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

  38. minimaxir/textgenrnn ⭐ 4,932
    Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.

  39. argilla-io/argilla ⭐ 4,820
    Argilla is a collaboration tool for AI engineers and domain experts to build high-quality datasets
    🔗 argilla-io.github.io/argilla/latest

  40. makcedward/nlpaug ⭐ 4,641
    Data augmentation for NLP
    🔗 makcedward.github.io

  41. promptslab/Promptify ⭐ 4,536
    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

  42. facebookresearch/DrQA ⭐ 4,480
    Reading Wikipedia to Answer Open-Domain Questions

  43. thilinarajapakse/simpletransformers ⭐ 4,227
    Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
    🔗 simpletransformers.ai

  44. maartengr/KeyBERT ⭐ 4,086
    A minimal and easy-to-use keyword extraction technique that leverages BERT embeddings to create keywords and keyphrases that are most similar to a document.
    🔗 maartengr.github.io/keybert

  45. chonkie-inc/chonkie ⭐ 3,635
    🦛 CHONK docs with Chonkie ✨ — The lightweight ingestion library for fast, efficient and robust RAG pipelines
    🔗 docs.chonkie.ai

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

  47. jsvine/markovify ⭐ 3,377
    A simple, extensible Markov chain generator.

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

  49. errbotio/errbot ⭐ 3,267
    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

  50. neuralmagic/deepsparse ⭐ 3,159
    Sparsity-aware deep learning inference runtime for CPUs
    🔗 neuralmagic.com/deepsparse

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

  52. ddangelov/Top2Vec ⭐ 3,108
    Top2Vec learns jointly embedded topic, document and word vectors.

  53. salesforce/CodeT5 ⭐ 3,096
    Home of CodeT5: Open Code LLMs for Code Understanding and Generation
    🔗 arxiv.org/abs/2305.07922

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

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

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

  57. nvidia/nv-ingest ⭐ 2,817
    NVIDIA-Ingest is a scalable, performance-oriented document content and metadata extraction microservice.
    🔗 docs.nvidia.com/nemo/retriever/latest/extraction/overview

  58. urchade/GLiNER ⭐ 2,726
    Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
    🔗 urchade.github.io/gliner

  59. huggingface/setfit ⭐ 2,673
    SetFit is an efficient and prompt-free framework for few-shot fine-tuning of Sentence Transformers.
    🔗 hf.co/docs/setfit

  60. jamesturk/jellyfish ⭐ 2,186
    🪼 a python library for doing approximate and phonetic matching of strings.
    🔗 jpt.sh/projects/jellyfish

  61. alibaba/EasyNLP ⭐ 2,182
    EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit

  62. thudm/P-tuning-v2 ⭐ 2,075
    An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks

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

  64. marella/ctransformers ⭐ 1,878
    Python bindings for the Transformer models implemented in C/C++ using GGML library.

  65. nomic-ai/nomic ⭐ 1,859
    Nomic Developer API SDK
    🔗 atlas.nomic.ai

  66. explosion/spacy-models ⭐ 1,837
    💫 Models for the spaCy Natural Language Processing (NLP) library
    🔗 spacy.io

  67. intellabs/fastRAG ⭐ 1,760
    Efficient Retrieval Augmentation and Generation Framework

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

  69. google-research/language ⭐ 1,739
    Shared repository for open-sourced projects from the Google AI Language team.
    🔗 ai.google/research/teams/language

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

  71. plasticityai/magnitude ⭐ 1,652
    A fast, efficient universal vector embedding utility package.

  72. chrismattmann/tika-python ⭐ 1,641
    Tika-Python is a Python binding to the Apache Tika™ REST services allowing Tika to be called natively in the Python community.

  73. arxiv-vanity/arxiv-vanity ⭐ 1,635
    Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
    🔗 www.arxiv-vanity.com

  74. pemistahl/lingua-py ⭐ 1,625
    The most accurate natural language detection library for Python, suitable for short text and mixed-language text

  75. answerdotai/ModernBERT ⭐ 1,620
    Bringing BERT into modernity via both architecture changes and scaling
    🔗 arxiv.org/abs/2412.13663

  76. xhluca/bm25s ⭐ 1,464
    Fast lexical search implementing BM25 in Python using Numpy, Numba and Scipy
    🔗 bm25s.github.io

  77. dmmiller612/bert-extractive-summarizer ⭐ 1,454
    Easy to use extractive text summarization with BERT

  78. gunthercox/chatterbot-corpus ⭐ 1,412
    A multilingual dialog corpus
    🔗 corpus.chatterbot.us

  79. openai/grade-school-math ⭐ 1,384
    GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems

  80. jonasgeiping/cramming ⭐ 1,361
    Cramming the training of a (BERT-type) language model into limited compute.

  81. unitaryai/detoxify ⭐ 1,173
    Toxic Comment Classification with Pytorch Lightning and Transformers
    🔗 www.unitary.ai

  82. abertsch72/unlimiformer ⭐ 1,066
    Public repo for the NeurIPS 2023 paper "Unlimiformer: Long-Range Transformers with Unlimited Length Input"

  83. keras-team/keras-hub ⭐ 958
    Pretrained model hub for Keras 3.
    🔗 keras.io/keras_hub

  84. norskregnesentral/skweak ⭐ 926
    skweak: A software toolkit for weak supervision applied to NLP tasks

  85. explosion/spacy-streamlit ⭐ 852
    👑 spaCy building blocks and visualizers for Streamlit apps
    🔗 share.streamlit.io/ines/spacy-streamlit-demo/master/app.py

  86. maartengr/PolyFuzz ⭐ 787
    Performs fuzzy string matching, string grouping, and contains extensive evaluation functions. PolyFuzz is meant to bring fuzzy string matching techniques together within a single framework.
    🔗 maartengr.github.io/polyfuzz

  87. paddlepaddle/RocketQA ⭐ 784
    🚀 RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models.

  88. webis-de/small-text ⭐ 635
    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

  89. isaacus-dev/semchunk ⭐ 542
    A fast, lightweight and easy-to-use Python library for splitting text into semantically meaningful chunks.

  90. fastino-ai/GLiNER2 ⭐ 539
    GLiNER2 unifies Named Entity Recognition, Text Classification, and Structured Data Extraction into a single 205M parameter model. It provides efficient CPU-based inference without requiring complex pipelines or external API dependencies.

Packaging

Python packaging, dependency management and bundling.

  1. astral-sh/uv ⭐ 77,640
    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

  2. pyenv/pyenv ⭐ 44,127
    pyenv lets you easily switch between multiple versions of Python.

  3. python-poetry/poetry ⭐ 34,157
    Python packaging and dependency management made easy
    🔗 python-poetry.org

  4. pypa/pipenv ⭐ 25,106
    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,304
    a Hassle-Free Python Experience
    🔗 rye.astral.sh

  6. pyinstaller/pyinstaller ⭐ 12,850
    Freeze (package) Python programs into stand-alone executables
    🔗 www.pyinstaller.org

  7. pypa/pipx ⭐ 12,457
    Install and Run Python Applications in Isolated Environments
    🔗 pipx.pypa.io

  8. conda-forge/miniforge ⭐ 9,199
    A conda-forge distribution.
    🔗 conda-forge.org/download

  9. pdm-project/pdm ⭐ 8,541
    A modern Python package and dependency manager supporting the latest PEP standards
    🔗 pdm-project.org

  10. jazzband/pip-tools ⭐ 7,990
    A set of tools to keep your pinned Python dependencies fresh (pip-compile + pip-sync)
    🔗 pip-tools.rtfd.io

  11. mamba-org/mamba ⭐ 7,877
    The Fast Cross-Platform Package Manager: mamba is a reimplementation of the conda package manager in C++
    🔗 mamba.readthedocs.io

  12. conda/conda ⭐ 7,283
    A system-level, binary package and environment manager running on all major operating systems and platforms.
    🔗 docs.conda.io/projects/conda

  13. pypa/hatch ⭐ 7,109
    Modern, extensible Python project management
    🔗 hatch.pypa.io/latest

  14. prefix-dev/pixi ⭐ 6,197
    pixi is a cross-platform, multi-language package manager and workflow tool built on the foundation of the conda ecosystem.
    🔗 pixi.sh

  15. indygreg/PyOxidizer ⭐ 6,060
    A modern Python application packaging and distribution tool

  16. pypa/virtualenv ⭐ 5,007
    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

  17. spack/spack ⭐ 4,931
    A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
    🔗 spack.io

  18. pantsbuild/pex ⭐ 4,170
    A tool for generating .pex (Python EXecutable) files, lock files and venvs.
    🔗 docs.pex-tool.org

  19. beeware/briefcase ⭐ 3,188
    Tools to support converting a Python project into a standalone native application.
    🔗 briefcase.readthedocs.io

  20. pypa/flit ⭐ 2,241
    Simplified packaging of Python modules
    🔗 flit.pypa.io

  21. ofek/pyapp ⭐ 1,913
    Runtime installer for Python applications
    🔗 ofek.dev/pyapp

  22. linkedin/shiv ⭐ 1,909
    shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441, but with all their dependencies included.

  23. marcelotduarte/cx_Freeze ⭐ 1,526
    Creates standalone executables from Python scripts with the same performance as the original script. It is cross-platform and should work on any platform that Python runs on.
    🔗 marcelotduarte.github.io/cx_freeze

  24. pypa/gh-action-pypi-publish ⭐ 1,133
    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 ⭐ 989
    Create standalone Windows programs from Python code
    🔗 www.py2exe.org

  26. prefix-dev/rip ⭐ 666
    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. python-poetry/install.python-poetry.org ⭐ 247
    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 ⭐ 47,680
    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 ⭐ 37,116
    Extremely fast Query Engine for DataFrames, written in Rust
    🔗 docs.pola.rs

  3. duckdb/duckdb ⭐ 35,624
    DuckDB is an analytical in-process SQL database management system
    🔗 www.duckdb.org

  4. gventuri/pandas-ai ⭐ 23,060
    Chat with your database or your datalake (SQL, CSV, parquet). PandasAI makes data analysis conversational using LLMs and RAG.
    🔗 pandas-ai.com

  5. kanaries/pygwalker ⭐ 15,593
    PyGWalker: Turn your dataframe into an interactive UI for visual analysis
    🔗 kanaries.net/pygwalker

  6. ydataai/ydata-profiling ⭐ 13,343
    1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
    🔗 docs.sdk.ydata.ai

  7. rapidsai/cudf ⭐ 9,468
    cuDF is a GPU DataFrame library for loading joining, aggregating, filtering, and otherwise manipulating data
    🔗 docs.rapids.ai/api/cudf/stable

  8. eventual-inc/Daft ⭐ 5,144
    High-performance data engine for AI and multimodal workloads. Process images, audio, video, and structured data at any scale
    🔗 daft.ai

  9. deepseek-ai/smallpond ⭐ 4,905
    A lightweight data processing framework built on DuckDB and 3FS.

  10. unionai-oss/pandera ⭐ 4,180
    A light-weight, flexible, and expressive statistical data testing library
    🔗 www.union.ai/pandera

  11. aws/aws-sdk-pandas ⭐ 4,093
    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

  12. nalepae/pandarallel ⭐ 3,806
    A simple and efficient tool to parallelize Pandas operations on all available CPUs
    🔗 nalepae.github.io/pandarallel

  13. adamerose/PandasGUI ⭐ 3,265
    A GUI for Pandas DataFrames

  14. blaze/blaze ⭐ 3,198
    NumPy and Pandas interface to Big Data
    🔗 blaze.pydata.org

  15. pydata/pandas-datareader ⭐ 3,145
    Extract data from a wide range of Internet sources into a pandas DataFrame.
    🔗 pydata.github.io/pandas-datareader/stable/index.html

  16. delta-io/delta-rs ⭐ 3,114
    A native Rust library for Delta Lake, with bindings into Python
    🔗 delta-io.github.io/delta-rs

  17. scikit-learn-contrib/sklearn-pandas ⭐ 2,847
    Pandas integration with sklearn

  18. jmcarpenter2/swifter ⭐ 2,641
    A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner

  19. fugue-project/fugue ⭐ 2,136
    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

  20. pyjanitor-devs/pyjanitor ⭐ 1,477
    Clean APIs for data cleaning. Python implementation of R package Janitor
    🔗 pyjanitor-devs.github.io/pyjanitor

  21. holoviz/hvplot ⭐ 1,311
    A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
    🔗 hvplot.holoviz.org

  22. renumics/spotlight ⭐ 1,245
    Interactively explore unstructured datasets from your dataframe.
    🔗 renumics.com

  23. machow/siuba ⭐ 1,182
    Python library for using dplyr like syntax with pandas and SQL
    🔗 siuba.org

  24. tkrabel/bamboolib ⭐ 953
    bamboolib - a GUI for pandas DataFrames
    🔗 bamboolib.com

  25. mwouts/itables ⭐ 938
    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 ⭐ 27,904
    Distributed Task Queue (development branch)
    🔗 docs.celeryq.dev

  2. google/flatbuffers ⭐ 25,451
    FlatBuffers: Memory Efficient Serialization Library
    🔗 flatbuffers.dev

  3. pybind/pybind11 ⭐ 17,658
    Seamless operability between C++11 and Python
    🔗 pybind11.readthedocs.io

  4. exaloop/codon ⭐ 16,566
    A high-performance, zero-overhead, extensible Python compiler with built-in NumPy support
    🔗 docs.exaloop.io

  5. dask/dask ⭐ 13,728
    Parallel computing with task scheduling
    🔗 dask.org

  6. numba/numba ⭐ 10,865
    NumPy aware dynamic Python compiler using LLVM
    🔗 numba.pydata.org

  7. modin-project/modin ⭐ 10,350
    Modin: Scale your Pandas workflows by changing a single line of code
    🔗 modin.readthedocs.io

  8. vaexio/vaex ⭐ 8,469
    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

  9. nebuly-ai/optimate ⭐ 8,353
    A collection of libraries to optimise AI model performances
    🔗 www.nebuly.com

  10. python-trio/trio ⭐ 7,110
    Trio – a friendly Python library for async concurrency and I/O
    🔗 trio.readthedocs.io

  11. mher/flower ⭐ 7,096
    Real-time monitor and web admin for Celery distributed task queue
    🔗 flower.readthedocs.io

  12. airtai/faststream ⭐ 4,901
    FastStream is a powerful and easy-to-use asynchronous Python framework for building asynchronous services interacting with event streams such as Apache Kafka, RabbitMQ, NATS and Redis.
    🔗 faststream.ag2.ai/latest

  13. ultrajson/ultrajson ⭐ 4,471
    Ultra fast JSON decoder and encoder written in C with Python bindings
    🔗 pypi.org/project/ujson

  14. tlkh/asitop ⭐ 4,419
    Perf monitoring CLI tool for Apple Silicon
    🔗 tlkh.github.io/asitop

  15. facebookincubator/cinder ⭐ 3,757
    This is Meta's fork of the CPython runtime. The name "cinder" here is historical, see https://github.com/facebookincubator/cinderx for the Python extension / JIT compiler.

  16. ipython/ipyparallel ⭐ 2,636
    IPython Parallel: Interactive Parallel Computing in Python
    🔗 ipyparallel.readthedocs.io

  17. agronholm/anyio ⭐ 2,367
    High level asynchronous concurrency and networking framework that works on top of either Trio or asyncio

  18. tiangolo/asyncer ⭐ 2,343
    Asyncer, async and await, focused on developer experience.
    🔗 asyncer.tiangolo.com

  19. h5py/h5py ⭐ 2,196
    HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
    🔗 www.h5py.org

  20. intel/intel-extension-for-transformers ⭐ 2,173
    ⚡ Build your chatbot within minutes on your favorite device; offer SOTA compression techniques for LLMs; run LLMs efficiently on Intel Platforms⚡

  21. intel/intel-extension-for-pytorch ⭐ 2,005
    A Python package for extending the official PyTorch that can easily obtain performance on Intel platform

  22. faster-cpython/ideas ⭐ 1,727
    Discussion and work tracker for Faster CPython project.

  23. dask/distributed ⭐ 1,664
    A distributed task scheduler for Dask
    🔗 distributed.dask.org

  24. nschloe/perfplot ⭐ 1,387
    📈 Performance analysis for Python snippets

  25. intel/scikit-learn-intelex ⭐ 1,326
    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 ⭐ 957
    How to make CPython faster.

  27. zerointensity/pointers.py ⭐ 934
    Bringing the hell of pointers to Python.
    🔗 pointers.zintensity.dev

  28. brandtbucher/specialist ⭐ 667
    Visualize CPython's specializing, adaptive interpreter. 🔥

Profiling

Memory and CPU/GPU profiling tools and libraries.

  1. benfred/py-spy ⭐ 14,865
    Sampling profiler for Python programs

  2. bloomberg/memray ⭐ 14,792
    Memray is a memory profiler for Python
    🔗 bloomberg.github.io/memray

  3. plasma-umass/scalene ⭐ 13,243
    Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals

  4. joerick/pyinstrument ⭐ 7,596
    🚴 Call stack profiler for Python. Shows you why your code is slow!
    🔗 pyinstrument.readthedocs.io

  5. gaogaotiantian/viztracer ⭐ 7,523
    A debugging and profiling tool that can trace and visualize python code execution
    🔗 viztracer.readthedocs.io

  6. pythonprofilers/memory_profiler ⭐ 4,549
    Monitor Memory usage of Python code
    🔗 pypi.python.org/pypi/memory_profiler

  7. pyutils/line_profiler ⭐ 3,188
    Line-by-line profiling for Python

  8. reloadware/reloadium ⭐ 2,996
    Hot Reloading and Profiling for Python

  9. jiffyclub/snakeviz ⭐ 2,550
    An in-browser Python profile viewer
    🔗 jiffyclub.github.io/snakeviz

  10. p403n1x87/austin ⭐ 2,155
    Python frame stack sampler for CPython
    🔗 pypi.org/project/austin-dist

  11. pythonspeed/filprofiler ⭐ 893
    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 ⭐ 74,615
    A list of useful payloads and bypass for Web Application Security and Pentest/CTF
    🔗 swisskyrepo.github.io/payloadsallthethings

  2. sqlmapproject/sqlmap ⭐ 36,374
    Automatic SQL injection and database takeover tool
    🔗 sqlmap.org

  3. certbot/certbot ⭐ 32,781
    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 ⭐ 31,095
    Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
    🔗 trivy.dev

  5. bridgecrewio/checkov ⭐ 8,423
    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. stamparm/maltrail ⭐ 8,167
    Malicious traffic detection system

  7. pycqa/bandit ⭐ 7,688
    Bandit is a tool designed to find common security issues in Python code.
    🔗 bandit.readthedocs.io

  8. nccgroup/ScoutSuite ⭐ 7,519
    Multi-Cloud Security Auditing Tool

  9. microsoft/presidio ⭐ 6,716
    Context aware, pluggable and customizable PII de-identification service for text and images
    🔗 microsoft.github.io/presidio

  10. rhinosecuritylabs/pacu ⭐ 5,040
    The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
    🔗 rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework

  11. dashingsoft/pyarmor ⭐ 4,913
    A tool used to obfuscate python scripts, bind obfuscated scripts to fixed machine or expire obfuscated scripts.
    🔗 pyarmor.dashingsoft.com

  12. mozilla/bleach ⭐ 2,747
    Bleach is an allowed-list-based HTML sanitizing library that escapes or strips markup and attributes
    🔗 bleach.readthedocs.io/en/latest

  13. pyupio/safety ⭐ 1,938
    Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
    🔗 safetycli.com/product/safety-cli

  14. trailofbits/pip-audit ⭐ 1,186
    Audits Python environments, requirements files and dependency trees for known security vulnerabilities, and can automatically fix them
    🔗 pypi.org/project/pip-audit

  15. fadi002/de4py ⭐ 950
    toolkit for python reverse engineering

  16. thecyb3ralpha/BobTheSmuggler ⭐ 579
    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 ⭐ 28,351
    Python sample codes and textbook for robotics algorithms.
    🔗 atsushisakai.github.io/pythonrobotics

  2. genesis-embodied-ai/Genesis ⭐ 28,015
    Genesis is a physics platform, and generative data engine, designed for general purpose Robotics/Embodied AI/Physical AI applications
    🔗 genesis-world.readthedocs.io

  3. bulletphysics/bullet3 ⭐ 14,183
    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 ⭐ 13,256
    Open3D: A Modern Library for 3D Data Processing
    🔗 www.open3d.org

  5. dlr-rm/stable-baselines3 ⭐ 12,596
    Stable Baselines3 (SB3) is a set of reliable implementations of reinforcement learning algorithms in PyTorch
    🔗 stable-baselines3.readthedocs.io

  6. nvidia/Cosmos ⭐ 8,085
    NVIDIA Cosmos is a developer-first world foundation model platform designed to help Physical AI developers build their Physical AI systems better and faster.
    🔗 github.com/nvidia-cosmos

  7. qiskit/qiskit ⭐ 6,956
    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. nvidia/warp ⭐ 6,138
    A Python framework for accelerated simulation, data generation and spatial computing.
    🔗 nvidia.github.io/warp

  9. nvidia-omniverse/IsaacLab ⭐ 6,136
    Unified framework for robot learning built on NVIDIA Isaac Sim
    🔗 isaac-sim.github.io/isaaclab

  10. astropy/astropy ⭐ 5,012
    Astronomy and astrophysics core library
    🔗 www.astropy.org

  11. quantumlib/Cirq ⭐ 4,851
    Python framework for creating, editing, and running Noisy Intermediate-Scale Quantum (NISQ) circuits.
    🔗 quantumai.google/cirq

  12. chakazul/Lenia ⭐ 3,728
    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

  13. projectmesa/mesa ⭐ 3,381
    Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
    🔗 mesa.readthedocs.io

  14. rdkit/rdkit ⭐ 3,258
    The official sources for the RDKit library

  15. openai/mujoco-py ⭐ 3,105
    MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.

  16. pennylaneai/pennylane ⭐ 3,037
    PennyLane is a cross-platform Python library for quantum computing, quantum machine learning, and quantum chemistry. Built by researchers, for research.
    🔗 pennylane.ai

  17. google/brax ⭐ 3,033
    Massively parallel rigidbody physics simulation on accelerator hardware.

  18. nvidia-omniverse/IsaacGymEnvs ⭐ 2,817
    Example RL environments for the NVIDIA Isaac Gym high performance environments

  19. facebookresearch/habitat-lab ⭐ 2,807
    A modular high-level library to train embodied AI agents across a variety of tasks and environments.
    🔗 aihabitat.org

  20. tencent-hunyuan/Hunyuan3D-2.1 ⭐ 2,788
    Tencent Hunyuan3D-2.1 is a scalable 3D asset creation system that advances state-of-the-art 3D generation
    🔗 3d.hunyuan.tencent.com

  21. taichi-dev/difftaichi ⭐ 2,707
    10 differentiable physical simulators built with Taichi differentiable programming (DiffTaichi, ICLR 2020)

  22. dlr-rm/rl-baselines3-zoo ⭐ 2,691
    A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
    🔗 rl-baselines3-zoo.readthedocs.io

  23. isaac-sim/IsaacSim ⭐ 2,407
    NVIDIA Isaac Sim is a simulation platform built on NVIDIA Omniverse, designed to develop, test, train, and deploy AI-powered robots in realistic virtual environments.
    🔗 developer.nvidia.com/isaac/sim

  24. quantecon/QuantEcon.py ⭐ 2,260
    A community based Python library for quantitative economics
    🔗 quantecon.org/quantecon-py

  25. microsoft/PromptCraft-Robotics ⭐ 2,084
    Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
    🔗 aka.ms/chatgpt-robotics

  26. eloialonso/diamond ⭐ 1,952
    DIAMOND (DIffusion As a Model Of eNvironment Dreams) is a reinforcement learning agent trained in a diffusion world model
    🔗 diamond-wm.github.io

  27. deepmodeling/deepmd-kit ⭐ 1,858
    A deep learning package for many-body potential energy representation and molecular dynamics
    🔗 docs.deepmodeling.com/projects/deepmd

  28. polymathicai/the_well ⭐ 1,655
    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

  29. bowang-lab/scGPT ⭐ 1,446
    scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
    🔗 scgpt.readthedocs.io/en/latest

  30. sail-sg/envpool ⭐ 1,252
    C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments.
    🔗 envpool.readthedocs.io

  31. altera-al/project-sid ⭐ 1,168
    Project Sid: Many-agent simulations toward AI civilization technical report

  32. a-r-j/graphein ⭐ 1,158
    Protein Graph Library
    🔗 graphein.ai

  33. google-deepmind/materials_discovery ⭐ 1,114
    Graph Networks for Materials Science (GNoME) is a project centered around scaling machine learning methods to tackle materials science.

  34. viblo/pymunk ⭐ 1,038
    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

  35. nvidia-omniverse/OmniIsaacGymEnvs ⭐ 1,027
    Reinforcement Learning Environments for Omniverse Isaac Gym

  36. google/evojax ⭐ 932
    EvoJAX is a scalable, general purpose, hardware-accelerated neuroevolution toolkit built on the JAX library

  37. eureka-research/DrEureka ⭐ 915
    Official Repository for "DrEureka: Language Model Guided Sim-To-Real Transfer" (RSS 2024)
    🔗 eureka-research.github.io/dr-eureka

  38. facebookresearch/fairo ⭐ 912
    A modular embodied agent architecture and platform for building embodied agents

  39. ur-whitelab/chemcrow-public ⭐ 868
    Chemcrow

  40. vandijklab/cell2sentence ⭐ 801
    Cell2Sentence (C2S-Scale) framework for applying Large Language Models (LLMs) to single-cell transcriptomics.

  41. sakanaai/ShinkaEvolve ⭐ 799
    A framework that combines LLMs with evolutionary algorithms to drive scientific discovery. Leveraging creative capabilities of LLMs and the optimization power of evolutionary search, enables automated exploration and improvement of scientific code.

  42. optima-cityu/LLM4AD ⭐ 578
    LLM4AD: A Platform for Algorithm Design with Large Language Model
    🔗 www.llm4ad.com

  43. araffin/sbx ⭐ 549
    SBX: Stable Baselines Jax (SB3 + Jax) RL algorithms

  44. sakanaai/asal ⭐ 449
    Automating the Search for Artificial Life with Foundation Models!
    🔗 pub.sakana.ai/asal

  45. arshka/PhysiX ⭐ 110
    A Foundation Model for physics simulations

  46. ur-whitelab/chemcrow-runs ⭐ 94
    ur-whitelab/chemcrow-runs

Study

Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials.

  1. thealgorithms/Python ⭐ 217,119
    All Algorithms implemented in Python
    🔗 thealgorithms.github.io/python

  2. microsoft/generative-ai-for-beginners ⭐ 105,570
    Learn the fundamentals of building Generative AI applications with our 21-lesson comprehensive course by Microsoft Cloud Advocates.

  3. rasbt/LLMs-from-scratch ⭐ 83,698
    Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
    🔗 amzn.to/4fqvn0d

  4. mlabonne/llm-course ⭐ 73,812
    Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
    🔗 mlabonne.github.io/blog

  5. labmlai/annotated_deep_learning_paper_implementations ⭐ 65,496
    🧑‍🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
    🔗 nn.labml.ai

  6. jakevdp/PythonDataScienceHandbook ⭐ 46,573
    Python Data Science Handbook: full text in Jupyter Notebooks
    🔗 jakevdp.github.io/pythondatasciencehandbook

  7. realpython/python-guide ⭐ 29,471
    Python best practices guidebook, written for humans.
    🔗 docs.python-guide.org

  8. d2l-ai/d2l-en ⭐ 28,013
    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

  9. christoschristofidis/awesome-deep-learning ⭐ 27,358
    A curated list of awesome Deep Learning tutorials, projects and communities.

  10. hannibal046/Awesome-LLM ⭐ 26,079
    Awesome-LLM: a curated list of Large Language Model

  11. huggingface/agents-course ⭐ 24,945
    This repository contains the Hugging Face Agents Course.

  12. wesm/pydata-book ⭐ 24,209
    Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media

  13. affaan-m/everything-claude-code ⭐ 23,150
    Complete Claude Code configuration collection - agents, skills, hooks, commands, rules, MCPs. Battle-tested configs from an Anthropic hackathon winner.

  14. microsoft/recommenders ⭐ 21,384
    Best Practices on Recommendation Systems
    🔗 recommenders-team.github.io/recommenders/intro.html

  15. karpathy/nn-zero-to-hero ⭐ 20,041
    Neural Networks: Zero to Hero

  16. handsonllm/Hands-On-Large-Language-Models ⭐ 19,993
    Official code repo for the O'Reilly Book - "Hands-On Large Language Models"
    🔗 www.llm-book.com

  17. fchollet/deep-learning-with-python-notebooks ⭐ 19,876
    Jupyter notebooks for the code samples of the book "Deep Learning with Python"

  18. nirdiamant/agents-towards-production ⭐ 16,944
    The open-source playbook for turning AI agents into real-world products.

  19. mrdbourke/pytorch-deep-learning ⭐ 16,921
    Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
    🔗 learnpytorch.io

  20. zhanymkanov/fastapi-best-practices ⭐ 16,156
    FastAPI Best Practices and Conventions we used at our startup

  21. naklecha/llama3-from-scratch ⭐ 15,243
    llama3 implementation one matrix multiplication at a time

  22. graykode/nlp-tutorial ⭐ 14,840
    Natural Language Processing Tutorial for Deep Learning Researchers
    🔗 www.reddit.com/r/machinelearning/comments/amfinl/project_nlptutoral_repository_who_is_studying

  23. shangtongzhang/reinforcement-learning-an-introduction ⭐ 14,515
    Python Implementation of Reinforcement Learning: An Introduction

  24. karpathy/micrograd ⭐ 14,428
    A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API

  25. chiphuyen/aie-book ⭐ 13,206
    Code for AI Engineering: Building Applications with Foundation Models (Chip Huyen 2025)

  26. eugeneyan/open-llms ⭐ 12,602
    📋 A list of open LLMs available for commercial use.

  27. rucaibox/LLMSurvey ⭐ 12,070
    The official GitHub page for the survey paper "A Survey of Large Language Models".
    🔗 arxiv.org/abs/2303.18223

  28. srush/GPU-Puzzles ⭐ 11,902
    Teaching beginner GPU programming in a completely interactive fashion

  29. openai/spinningup ⭐ 11,548
    An educational resource to help anyone learn deep reinforcement learning.
    🔗 spinningup.openai.com

  30. nielsrogge/Transformers-Tutorials ⭐ 11,479
    This repository contains demos I made with the Transformers library by HuggingFace.

  31. mooler0410/LLMsPracticalGuide ⭐ 10,142
    A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
    🔗 arxiv.org/abs/2304.13712v2

  32. kalyanks-nlp/llm-engineer-toolkit ⭐ 9,688
    A curated list of 120+ LLM libraries category wise.
    🔗 www.linkedin.com/in/kalyanksnlp

  33. roboflow/notebooks ⭐ 9,117
    A 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 RF-DETR, YOLO11, SAM 3, and Qwen3-VL.
    🔗 roboflow.com/models

  34. udlbook/udlbook ⭐ 8,940
    Understanding Deep Learning - Simon J.D. Prince

  35. engineer1999/A-Curated-List-of-ML-System-Design-Case-Studies ⭐ 8,205
    Curated collection of 300+ case studies from over 80 companies, detailing practical applications and insights into machine learning (ML) system design

  36. alirezadir/Machine-Learning-Interviews ⭐ 7,644
    This repo is meant to serve as a guide for Machine Learning/AI technical interviews.

  37. firmai/industry-machine-learning ⭐ 7,442
    A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
    🔗 www.sov.ai

  38. gkamradt/langchain-tutorials ⭐ 7,366
    Overview and tutorial of the LangChain Library

  39. huggingface/smol-course ⭐ 6,578
    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.

  40. neetcode-gh/leetcode ⭐ 6,258
    Leetcode solutions for NeetCode.io

  41. mrdbourke/tensorflow-deep-learning ⭐ 5,831
    All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
    🔗 dbourke.link/ztmtfcourse

  42. udacity/deep-learning-v2-pytorch ⭐ 5,469
    Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101

  43. promptslab/Awesome-Prompt-Engineering ⭐ 5,296
    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

  44. timofurrer/awesome-asyncio ⭐ 4,987
    A curated list of awesome Python asyncio frameworks, libraries, software and resources

  45. rasbt/machine-learning-book ⭐ 4,943
    Code Repository for Machine Learning with PyTorch and Scikit-Learn
    🔗 sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn

  46. huggingface/deep-rl-class ⭐ 4,719
    This repo contains the Hugging Face Deep Reinforcement Learning Course.

  47. zotroneneis/machine_learning_basics ⭐ 4,402
    Plain python implementations of basic machine learning algorithms

  48. huggingface/diffusion-models-class ⭐ 4,263
    Materials for the Hugging Face Diffusion Models Course

  49. amanchadha/coursera-deep-learning-specialization ⭐ 4,149
    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...

  50. fluentpython/example-code-2e ⭐ 3,928
    Example code for Fluent Python, 2nd edition (O'Reilly 2022)
    🔗 amzn.to/3j48u2j

  51. cosmicpython/book ⭐ 3,708
    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

  52. mrdbourke/zero-to-mastery-ml ⭐ 3,583
    All course materials for the Zero to Mastery Machine Learning and Data Science course.
    🔗 dbourke.link/ztmmlcourse

  53. krzjoa/awesome-python-data-science ⭐ 3,318
    Probably the best curated list of data science software in Python.
    🔗 krzjoa.github.io/awesome-python-data-science

  54. huggingface/cookbook ⭐ 2,580
    Community-driven practical examples of building AI applications and solving various tasks with AI using open-source tools and models.
    🔗 huggingface.co/learn/cookbook

  55. gerdm/prml ⭐ 2,532
    Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop

  56. cgpotts/cs224u ⭐ 2,174
    Code for CS224u: Natural Language Understanding

  57. cerlymarco/MEDIUM_NoteBook ⭐ 2,141
    Repository containing notebooks of my posts on Medium

  58. aburkov/theLMbook ⭐ 2,080
    Code for Hundred-Page Language Models Book by Andriy Burkov
    🔗 www.thelmbook.com

  59. trananhkma/fucking-awesome-python ⭐ 2,060
    awesome-python with :octocat: ⭐ and 🍴

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

  61. chandlerbang/awesome-self-supervised-gnn ⭐ 1,704
    Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).

  62. atcold/NYU-DLSP21 ⭐ 1,651
    NYU Deep Learning Spring 2021
    🔗 atcold.github.io/nyu-dlsp21

  63. patrickloeber/MLfromscratch ⭐ 1,587
    Machine Learning algorithm implementations from scratch.

  64. davidadsp/Generative_Deep_Learning_2nd_Edition ⭐ 1,443
    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

  65. rasbt/LLM-workshop-2024 ⭐ 1,061
    A 4-hour coding workshop to understand how LLMs are implemented and used

  66. cfregly/ai-performance-engineering ⭐ 973
    AI Systems Performance Engineering code and resources for the O'Reilly book covering GPU optimization, distributed training, inference scaling

  67. jackhidary/quantumcomputingbook ⭐ 907
    Companion site for the textbook Quantum Computing: An Applied Approach

  68. rasbt/MachineLearning-QandAI-book ⭐ 700
    Machine Learning Q and AI book
    🔗 www.amazon.com/machine-learning-ai-essential-questions/dp/1718503768

  69. rwitten/HighPerfLLMs2024 ⭐ 555
    Build a full scale, high-performance LLM from scratch in Jax! We cover training and inference, roofline analysis, compilation, sharding, profiling and more.

  70. towardsai/ragbook-notebooks ⭐ 525
    Repository for the "Building LLMs for Production" book by Towards AI.
    🔗 academy.towardsai.net/courses/buildingllmsforproduction

  71. dylanhogg/awesome-python ⭐ 439
    🐍 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 ⭐ 41,003
    Full stack, modern web application template. Using FastAPI, React, SQLModel, PostgreSQL, Docker, GitHub Actions, automatic HTTPS and more.

  2. cookiecutter/cookiecutter ⭐ 24,573
    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 ⭐ 9,620
    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,570
    🚀 Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker

  5. pyscaffold/pyscaffold ⭐ 2,246
    🛠 Python project template generator with batteries included
    🔗 pyscaffold.org

  6. cjolowicz/cookiecutter-hypermodern-python ⭐ 1,902
    Cookiecutter template for a Python package based on the Hypermodern Python article series.
    🔗 cookiecutter-hypermodern-python.readthedocs.io

  7. fmind/mlops-python-package ⭐ 1,385
    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. fpgmaas/cookiecutter-uv ⭐ 1,223
    A modern cookiecutter template for Python projects that use uv for dependency management
    🔗 fpgmaas.github.io/cookiecutter-uv

  9. tezromach/python-package-template ⭐ 1,096
    🚀 Your next Python package needs a bleeding-edge project structure.

  10. martinheinz/python-project-blueprint ⭐ 971
    Blueprint/Boilerplate For Python Projects

  11. callmesora/llmops-python-package ⭐ 887
    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. anthropics/claude-code ⭐ 60,052
    Claude Code is an agentic coding tool that lives in your terminal, understands your codebase, and helps you code faster by executing routine tasks, explaining complex code, and handling git workflows
    🔗 code.claude.com/docs/en/overview

  2. willmcgugan/rich ⭐ 55,226
    Rich is a Python library for rich text and beautiful formatting in the terminal.
    🔗 rich.readthedocs.io/en/latest

  3. aider-ai/aider ⭐ 40,036
    Aider lets you pair program with LLMs, to edit code in your local git repository
    🔗 aider.chat

  4. willmcgugan/textual ⭐ 33,821
    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. tqdm/tqdm ⭐ 30,889
    ⚡ A Fast, Extensible Progress Bar for Python and CLI
    🔗 tqdm.github.io

  6. google/python-fire ⭐ 28,072
    Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.

  7. tiangolo/typer ⭐ 18,686
    Typer, build great CLIs. Easy to code. Based on Python type hints.
    🔗 typer.tiangolo.com

  8. pallets/click ⭐ 17,141
    Python composable command line interface toolkit
    🔗 click.palletsprojects.com

  9. simonw/llm ⭐ 10,950
    A CLI utility and Python library for interacting with Large Language Models, both via remote APIs and models that can be installed and run on your own machine.
    🔗 llm.datasette.io

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

  11. saulpw/visidata ⭐ 8,755
    A terminal spreadsheet multitool for discovering and arranging data
    🔗 visidata.org

  12. xxh/xxh ⭐ 5,886
    🚀 Bring your favorite shell wherever you go through the ssh. Xonsh shell, fish, zsh, osquery and so on.

  13. tconbeer/harlequin ⭐ 5,646
    The SQL IDE for Your Terminal.
    🔗 harlequin.sh

  14. manrajgrover/halo ⭐ 3,086
    💫 Beautiful spinners for terminal, IPython and Jupyter

  15. urwid/urwid ⭐ 2,981
    Console user interface library for Python (official repo)
    🔗 urwid.org

  16. textualize/trogon ⭐ 2,791
    Easily turn your Click CLI into a powerful terminal application

  17. darrenburns/elia ⭐ 2,416
    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.

  18. tmbo/questionary ⭐ 1,972
    Python library to build pretty command line user prompts ✨Easy to use multi-select lists, confirmations, free text prompts ...

  19. jazzband/prettytable ⭐ 1,570
    Display tabular data in a visually appealing ASCII table format
    🔗 pypi.org/project/prettytable

  20. shobrook/wut ⭐ 1,406
    Just type wut and an LLM will help you understand whatever's in your terminal. You'll be surprised how useful this can be.

  21. 1j01/textual-paint ⭐ 1,083
    🎨 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 ⭐ 42,031
    An interactive TLS-capable intercepting HTTP proxy for penetration testers and software developers.
    🔗 mitmproxy.org

  2. locustio/locust ⭐ 27,382
    Write scalable load tests in plain Python 🚗💨

  3. microsoft/playwright-python ⭐ 14,182
    Playwright is a Python library to automate Chromium, Firefox and WebKit browsers with a single API.
    🔗 playwright.dev/python

  4. pytest-dev/pytest ⭐ 13,483
    The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
    🔗 pytest.org

  5. confident-ai/deepeval ⭐ 13,158
    LLM evaluation framework similar to Pytest but specialized for unit testing LLM outputs. DeepEval incorporates the latest research to evaluate LLM outputs based on metrics such as G-Eval, hallucination, answer relevancy, RAGAS, etc
    🔗 deepeval.com

  6. seleniumbase/SeleniumBase ⭐ 12,116
    Python APIs for web automation, testing, and bypassing bot-detection with ease.
    🔗 seleniumbase.io

  7. robotframework/robotframework ⭐ 11,370
    Generic automation framework for acceptance testing and RPA
    🔗 robotframework.org

  8. hypothesisworks/hypothesis ⭐ 8,407
    The property-based testing library for Python
    🔗 hypothesis.works

  9. getmoto/moto ⭐ 8,161
    A library that allows you to easily mock out tests based on AWS infrastructure.
    🔗 docs.getmoto.org/en/latest

  10. newsapps/beeswithmachineguns ⭐ 6,618
    A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
    🔗 apps.chicagotribune.com

  11. codium-ai/qodo-cover ⭐ 5,262
    Qodo-Cover: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! 💻🤖🧪🐞
    🔗 qodo.ai

  12. spulec/freezegun ⭐ 4,485
    Let your Python tests travel through time

  13. getsentry/responses ⭐ 4,316
    A utility for mocking out the Python Requests library.

  14. tox-dev/tox ⭐ 3,892
    Command line driven CI frontend and development task automation tool.
    🔗 tox.wiki

  15. behave/behave ⭐ 3,426
    BDD, Python style.
    🔗 behave.readthedocs.io/en/latest

  16. nedbat/coveragepy ⭐ 3,308
    The code coverage tool for Python
    🔗 coverage.readthedocs.io

  17. kevin1024/vcrpy ⭐ 2,927
    Automatically mock your HTTP interactions to simplify and speed up testing

  18. cobrateam/splinter ⭐ 2,765
    splinter - python test framework for web applications
    🔗 splinter.readthedocs.org/en/stable/index.html

  19. pytest-dev/pytest-testinfra ⭐ 2,453
    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 ⭐ 2,009
    Thin-wrapper around the mock package for easier use with pytest
    🔗 pytest-mock.readthedocs.io/en/latest

  21. pytest-dev/pytest-cov ⭐ 1,992
    Coverage plugin for pytest.

  22. pytest-dev/pytest-xdist ⭐ 1,774
    pytest plugin for distributed testing and loop-on-failures testing modes.
    🔗 pytest-xdist.readthedocs.io

  23. pytest-dev/pytest-asyncio ⭐ 1,606
    Asyncio support for pytest
    🔗 pytest-asyncio.readthedocs.io

  24. taverntesting/tavern ⭐ 1,127
    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 ⭐ 19,969
    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. sktime/sktime ⭐ 9,464
    A unified framework for machine learning with time series
    🔗 www.sktime.net

  3. unit8co/darts ⭐ 9,161
    A python library for user-friendly forecasting and anomaly detection on time series.
    🔗 unit8co.github.io/darts

  4. blue-yonder/tsfresh ⭐ 9,086
    Automatic extraction of relevant features from time series:
    🔗 tsfresh.readthedocs.io

  5. google-research/timesfm ⭐ 7,665
    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

  6. facebookresearch/Kats ⭐ 6,278
    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.

  7. awslabs/gluonts ⭐ 5,123
    Probabilistic time series modeling in Python
    🔗 ts.gluon.ai

  8. amazon-science/chronos-forecasting ⭐ 4,691
    Chronos: Pretrained Models for Time Series Forecasting
    🔗 arxiv.org/abs/2510.15821

  9. nixtla/statsforecast ⭐ 4,661
    Lightning ⚡️ fast forecasting with statistical and econometric models.
    🔗 nixtlaverse.nixtla.io/statsforecast

  10. salesforce/Merlion ⭐ 4,474
    Merlion: A Machine Learning Framework for Time Series Intelligence

  11. tdameritrade/stumpy ⭐ 4,055
    STUMPY is a powerful and scalable Python library for modern time series analysis
    🔗 stumpy.readthedocs.io/en/latest

  12. yuqinie98/PatchTST ⭐ 2,409
    An offical implementation of PatchTST: A Time Series is Worth 64 Words: Long-term Forecasting with Transformers

  13. aistream-peelout/flow-forecast ⭐ 2,268
    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. rjt1990/pyflux ⭐ 2,140
    Open source time series library for Python

  15. uber/orbit ⭐ 2,028
    A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
    🔗 orbit-ml.readthedocs.io/en/stable

  16. alkaline-ml/pmdarima ⭐ 1,710
    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

  17. time-series-foundation-models/lag-llama ⭐ 1,537
    Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting

  18. winedarksea/AutoTS ⭐ 1,339
    Automated Time Series Forecasting

  19. ngruver/llmtime ⭐ 819
    LLMTime, a method for zero-shot time series forecasting with large language models (LLMs) by encoding numbers as text and sampling possible extrapolations as text completions
    🔗 arxiv.org/abs/2310.07820

  20. google/temporian ⭐ 708
    Temporian is an open-source Python library for preprocessing ⚡ and feature engineering 🛠 temporal data 📈 for machine learning applications 🤖
    🔗 temporian.readthedocs.io

  21. microsoft/robustlearn ⭐ 506
    Robust machine learning for responsible AI
    🔗 aka.ms/roblearn

Typing

Typing libraries: static and run-time type checking, annotations.

  1. python/mypy ⭐ 20,144
    Optional static typing for Python
    🔗 www.mypy-lang.org

  2. astral-sh/ty ⭐ 16,731
    An extremely fast Python type checker and language server, written in Rust.
    🔗 docs.astral.sh/ty

  3. microsoft/pyright ⭐ 15,153
    Static Type Checker for Python

  4. facebook/pyre-check ⭐ 7,141
    Performant type-checking for python.
    🔗 pyre-check.org

  5. python-attrs/attrs ⭐ 5,711
    Python Classes Without Boilerplate
    🔗 www.attrs.org

  6. facebook/pyrefly ⭐ 5,247
    A fast type checker and IDE for Python. (A new version of Pyre)
    🔗 pyrefly.org

  7. google/pytype ⭐ 5,033
    A static type analyzer for Python code
    🔗 google.github.io/pytype

  8. instagram/MonkeyType ⭐ 4,989
    A Python library that generates static type annotations by collecting runtime types

  9. python/typeshed ⭐ 4,988
    Collection of library stubs for Python, with static types

  10. koxudaxi/datamodel-code-generator ⭐ 3,718
    Python data model generator (Pydantic, dataclasses, TypedDict, msgspec) from OpenAPI, JSON Schema, GraphQL, and raw data (JSON/YAML/CSV).
    🔗 koxudaxi.github.io/datamodel-code-generator

  11. detachhead/basedpyright ⭐ 3,054
    Basedpyright is a fork of pyright with various type checking improvements, pylance features and more.
    🔗 docs.basedpyright.com

  12. mtshiba/pylyzer ⭐ 2,875
    A fast, feature-rich static code analyzer & language server for Python
    🔗 mtshiba.github.io/pylyzer

  13. microsoft/pylance-release ⭐ 1,977
    Fast, feature-rich language support for Python. Documentation and issues for Pylance.

  14. agronholm/typeguard ⭐ 1,739
    Run-time type checker for Python

  15. patrick-kidger/torchtyping ⭐ 1,472
    Type annotations and dynamic checking for a tensor's shape, dtype, names, etc.

  16. python/typing_extensions ⭐ 545
    Backported and experimental type hints for Python

  17. robertcraigie/pyright-python ⭐ 258
    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 ⭐ 143,790
    A feature-rich command-line audio/video downloader
    🔗 discord.gg/h5mncfw63r

  2. home-assistant/core ⭐ 84,357
    🏡 Open source home automation that puts local control and privacy first.
    🔗 www.home-assistant.io

  3. abi/screenshot-to-code ⭐ 71,484
    Drop in a screenshot and convert it to clean code (HTML/Tailwind/React/Vue)
    🔗 screenshottocode.com

  4. python/cpython ⭐ 71,201
    The Python programming language
    🔗 www.python.org

  5. localstack/localstack ⭐ 64,183
    💻 A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
    🔗 localstack.cloud

  6. ggerganov/whisper.cpp ⭐ 46,061
    Port of OpenAI's Whisper model in C/C++

  7. faif/python-patterns ⭐ 42,688
    A collection of design patterns/idioms in Python

  8. mingrammer/diagrams ⭐ 41,945
    🎨 Diagram as Code for prototyping cloud system architectures
    🔗 diagrams.mingrammer.com

  9. openai/openai-python ⭐ 29,758
    The official Python library for the OpenAI API
    🔗 pypi.org/project/openai

  10. blakeblackshear/frigate ⭐ 29,705
    NVR with realtime local object detection for IP cameras
    🔗 frigate.video

  11. pydantic/pydantic ⭐ 26,549
    Data validation using Python type hints
    🔗 docs.pydantic.dev

  12. squidfunk/mkdocs-material ⭐ 25,858
    Documentation that simply works
    🔗 squidfunk.github.io/mkdocs-material

  13. keon/algorithms ⭐ 24,956
    Minimal examples of data structures and algorithms in Python

  14. norvig/pytudes ⭐ 24,251
    Python programs, usually short, of considerable difficulty, to perfect particular skills.

  15. delgan/loguru ⭐ 23,492
    Python logging made (stupidly) simple
    🔗 loguru.readthedocs.io

  16. facebookresearch/audiocraft ⭐ 22,929
    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. chriskiehl/Gooey ⭐ 22,040
    Turn (almost) any Python command line program into a full GUI application with one line

  18. rustpython/RustPython ⭐ 21,718
    A Python Interpreter written in Rust
    🔗 rustpython.github.io

  19. mkdocs/mkdocs ⭐ 21,625
    Project documentation with Markdown.
    🔗 www.mkdocs.org

  20. micropython/micropython ⭐ 21,373
    MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
    🔗 micropython.org

  21. higherorderco/Bend ⭐ 19,144
    A massively parallel, high-level programming language
    🔗 higherorderco.com

  22. kivy/kivy ⭐ 18,828
    Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
    🔗 kivy.org

  23. openai/triton ⭐ 18,225
    Development repository for the Triton language and compiler
    🔗 triton-lang.org

  24. comet-ml/opik ⭐ 17,482
    Opik is an open-source platform for evaluating, testing and monitoring LLM applications.
    🔗 www.comet.com/docs/opik

  25. ipython/ipython ⭐ 16,662
    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,550
    Avatars for Zoom, Skype and other video-conferencing apps.

  27. caronc/apprise ⭐ 15,648
    Apprise - Push Notifications that work with just about every platform!
    🔗 hub.docker.com/r/caronc/apprise

  28. pyo3/pyo3 ⭐ 15,202
    Rust bindings for the Python interpreter
    🔗 pyo3.rs

  29. google/brotli ⭐ 14,548
    Brotli is a generic-purpose lossless compression algorithm that compresses data using a combination of a modern variant of the LZ77 algorithm, Huffman coding and 2nd order context modeling

  30. nuitka/Nuitka ⭐ 14,417
    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

  31. zulko/moviepy ⭐ 14,268
    Video editing with Python
    🔗 zulko.github.io/moviepy

  32. pyodide/pyodide ⭐ 14,148
    Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
    🔗 pyodide.org/en/stable

  33. python-pillow/Pillow ⭐ 13,332
    The Python Imaging Library adds image processing capabilities to Python (Pillow is the friendly PIL fork)
    🔗 python-pillow.github.io

  34. pytube/pytube ⭐ 13,066
    A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
    🔗 pytube.io

  35. ninja-build/ninja ⭐ 12,636
    Ninja is a small build system with a focus on speed.
    🔗 ninja-build.org

  36. asweigart/pyautogui ⭐ 12,236
    A cross-platform GUI automation Python module for human beings. Used to programmatically control the mouse & keyboard.

  37. dbader/schedule ⭐ 12,225
    Python job scheduling for humans.
    🔗 schedule.readthedocs.io

  38. secdev/scapy ⭐ 12,003
    Scapy: the Python-based interactive packet manipulation program & library.
    🔗 scapy.net

  39. magicstack/uvloop ⭐ 11,607
    Ultra fast asyncio event loop.

  40. icloud-photos-downloader/icloud_photos_downloader ⭐ 11,439
    A command-line tool to download photos from iCloud

  41. pallets/jinja ⭐ 11,404
    A very fast and expressive template engine.
    🔗 jinja.palletsprojects.com

  42. aristocratos/bpytop ⭐ 10,854
    Linux/OSX/FreeBSD resource monitor

  43. cython/cython ⭐ 10,580
    The most widely used Python to C compiler
    🔗 cython.org

  44. facebookresearch/hydra ⭐ 10,139
    Hydra is a framework for elegantly configuring complex applications
    🔗 hydra.cc

  45. py-pdf/pypdf ⭐ 9,761
    A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
    🔗 pypdf.readthedocs.io/en/latest

  46. boto/boto3 ⭐ 9,665
    Boto3, an AWS SDK for Python
    🔗 aws.amazon.com/sdk-for-python

  47. paramiko/paramiko ⭐ 9,661
    The leading native Python SSHv2 protocol library.
    🔗 paramiko.org

  48. aws/serverless-application-model ⭐ 9,546
    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

  49. xonsh/xonsh ⭐ 9,186
    🐚 Python-powered shell. Full-featured and cross-platform.
    🔗 xon.sh

  50. arrow-py/arrow ⭐ 9,015
    🏹 Better dates & times for Python
    🔗 arrow.readthedocs.io

  51. googleapis/google-api-python-client ⭐ 8,678
    🐍 The official Python client library for Google's discovery based APIs.
    🔗 googleapis.github.io/google-api-python-client/docs

  52. eternnoir/pyTelegramBotAPI ⭐ 8,662
    Python Telegram bot api.

  53. theskumar/python-dotenv ⭐ 8,619
    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

  54. kellyjonbrazil/jc ⭐ 8,510
    CLI tool and python library that converts the output of