https://github.com/dylanhogg/awesome-python
๐ Hand-picked awesome Python libraries and frameworks, organised by category
https://github.com/dylanhogg/awesome-python
List: awesome-python
awesome awesome-list awesome-python chatgpt data data-science deep-learning jupyter machine-learning natural-language-processing nlp open-source pandas python python-library
Last synced: 6 days ago
JSON representation
๐ Hand-picked awesome Python libraries and frameworks, organised by category
- Host: GitHub
- URL: https://github.com/dylanhogg/awesome-python
- Owner: dylanhogg
- License: mit
- Created: 2020-06-20T09:36:39.000Z (over 5 years ago)
- Default Branch: main
- Last Pushed: 2024-05-05T09:48:36.000Z (over 1 year ago)
- Last Synced: 2024-05-23T02:00:38.890Z (over 1 year ago)
- Topics: awesome, awesome-list, awesome-python, chatgpt, data, data-science, deep-learning, jupyter, machine-learning, natural-language-processing, nlp, open-source, pandas, python, python-library
- Homepage: https://www.awesomepython.org
- Size: 63.2 MB
- Stars: 258
- Watchers: 11
- Forks: 20
- Open Issues: 3
-
Metadata Files:
- Readme: README.md
- License: LICENSE
Awesome Lists containing this project
- ultimate-awesome - awesome-python - ๐ Hand-picked awesome Python libraries and frameworks, organised by category. (Other Lists / TeX Lists)
- awesome-ChatGPT-repositories - awesome-python - ๐ Hand-picked awesome Python libraries and frameworks, organised by category (Awesome-lists)
README
# Awesome Python
[](https://awesome.re)  [](https://opensource.org/licenses/MIT)
Hand-picked awesome Python libraries and frameworks, organised by category ๐
Interactive version: [www.awesomepython.org](https://www.awesomepython.org/)
![]()
Updated 28 Sep 2025
## Categories
- [Newly Created Repositories](#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) - Agentic AI libraries, frameworks and tools: AI agents, workflows, autonomous decision-making, goal-oriented tasks, and API integrations (103 repos)
- [Code Quality](#code-quality) - Code quality tooling: linters, formatters, pre-commit hooks, unused code removal (17 repos)
- [Crypto and Blockchain](#crypto-and-blockchain) - Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum virtual machine, solidity (14 repos)
- [Data](#data) - General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks (118 repos)
- [Debugging](#debugging) - Debugging and tracing tools (9 repos)
- [Diffusion Text to Image](#diffusion-text-to-image) - Text-to-image diffusion model libraries, tools and apps for generating images from natural language (43 repos)
- [Finance](#finance) - Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives (36 repos)
- [Game Development](#game-development) - Game development tools, engines and libraries (8 repos)
- [GIS](#gis) - Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections (29 repos)
- [Graph](#graph) - Graphs and network libraries: network analysis, graph machine learning, visualisation (6 repos)
- [GUI](#gui) - Graphical user interface libraries and toolkits (8 repos)
- [Jupyter](#jupyter) - Jupyter and JupyterLab and Notebook tools, libraries and plugins (28 repos)
- [LLMs and ChatGPT](#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 (346 repos)
- [Math and Science](#math-and-science) - Mathematical, numerical and scientific libraries (28 repos)
- [Machine Learning - General](#machine-learning---general) - General and classical machine learning libraries. See below for other sections covering specialised ML areas (172 repos)
- [Machine Learning - Deep Learning](#machine-learning---deep-learning) - Machine learning libraries that cross over with deep learning in some way (78 repos)
- [Machine Learning - Interpretability](#machine-learning---interpretability) - Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training (27 repos)
- [Machine Learning - Ops](#machine-learning---ops) - MLOps tools, frameworks and libraries: intersection of machine learning, data engineering and DevOps; deployment, health, diagnostics and governance of ML models (49 repos)
- [Machine Learning - Reinforcement](#machine-learning---reinforcement) - Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF (23 repos)
- [Machine Learning - Time Series](#machine-learning---time-series) - Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics (21 repos)
- [Natural Language Processing](#natural-language-processing) - Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots. Also see the LLMs and ChatGPT category for crossover (89 repos)
- [Packaging](#packaging) - Python packaging, dependency management and bundling (27 repos)
- [Pandas](#pandas) - Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations (25 repos)
- [Performance](#performance) - Performance, parallelisation and low level libraries (28 repos)
- [Profiling](#profiling) - Memory and CPU/GPU profiling tools and libraries (11 repos)
- [Security](#security) - Security related libraries: vulnerability discovery, SQL injection, environment auditing (16 repos)
- [Simulation](#simulation) - Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation. Also see the Maths and Science category for crossover (42 repos)
- [Study](#study) - Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials (67 repos)
- [Template](#template) - Template tools and libraries: cookiecutter repos, generators, quick-starts (11 repos)
- [Terminal](#terminal) - Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars (21 repos)
- [Testing](#testing) - Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins (24 repos)
- [Typing](#typing) - Typing libraries: static and run-time type checking, annotations (15 repos)
- [Utility](#utility) - General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools (216 repos)
- [Vizualisation](#vizualisation) - Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL (37 repos)
- [Web](#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. tencentcloudadp/youtu-agent โญ 3,157
A flexible, high-performance framework for building, running, and evaluating autonomous agents
๐ [tencentcloudadp.github.io/youtu-agent](https://tencentcloudadp.github.io/youtu-agent/)2. github/spec-kit โญ 2,670
Toolkit to help you get started with Spec-Driven Development: specifications become executable, directly generating working implementations3. karpathy/rendergit โญ 1,732
Render any git repo into a single static HTML page for humans or LLMs4. thinking-machines-lab/batch_invariant_ops โญ 746
Defeating Nondeterminism in LLM Inference: fixing floating-point non-associativity5. run-llama/semtools โญ 723
Semantic search and document parsing tools for the command line6. vllm-project/semantic-router โญ 680
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](https://vllm-semantic-router.com)7. google-deepmind/limit โญ 557
On the Theoretical Limitations of Embedding-Based Retrieval
๐ [arxiv.org/abs/2508.21038](https://arxiv.org/abs/2508.21038)8. ivebotunac/PrimoAgent โญ 208
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](https://primoinvesting.com/)9. apple/ml-l3m โญ 161
A flexible library for training any type of large model, regardless of modality. Instead of more traditional approaches, we opt for a config-heavy approach10. agentscope-ai/agentscope-runtime โญ 98
AgentScope Runtime: secure sandboxed tool execution and scalable agent deployment
๐ [runtime.agentscope.io](https://runtime.agentscope.io/)## Agentic AI
Agentic AI libraries, frameworks and tools: AI agents, workflows, autonomous decision-making, goal-oriented tasks, and API integrations.
1. langchain-ai/langchain โญ 111,211
๐ฆ๐ Build context-aware reasoning applications
๐ [python.langchain.com](https://python.langchain.com)2. langgenius/dify โญ 106,582
Production-ready platform for agentic workflow development.
๐ [dify.ai](https://dify.ai)3. logspace-ai/langflow โญ 84,456
Langflow is a powerful tool for building and deploying AI-powered agents and workflows.
๐ [www.langflow.org](http://www.langflow.org)4. browser-use/browser-use โญ 65,222
Browser use is the easiest way to connect your AI agents with the browser.
๐ [browser-use.com](https://browser-use.com)5. geekan/MetaGPT โญ 57,123
๐ The Multi-Agent Framework: First AI Software Company, Towards Natural Language Programming
๐ [mgx.dev](https://mgx.dev/)6. microsoft/autogen โญ 47,125
AutoGen is a framework for creating multi-agent AI applications that can act autonomously or work alongside humans.
๐ [microsoft.github.io/autogen](https://microsoft.github.io/autogen/)7. run-llama/llama_index โญ 43,023
LlamaIndex is the leading framework for building LLM-powered agents over your data.
๐ [docs.llamaindex.ai](https://docs.llamaindex.ai)8. mem0ai/mem0 โญ 36,622
Enhances AI assistants and agents with an intelligent memory layer, enabling personalized AI interactions
๐ [mem0.ai](https://mem0.ai)9. crewaiinc/crewAI โญ 34,041
Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
๐ [crewai.com](https://crewai.com)10. agno-agi/agno โญ 29,627
Full-stack framework for building Multi-Agent Systems with memory, knowledge and reasoning.
๐ [docs.agno.com](https://docs.agno.com)11. openbmb/ChatDev โญ 27,134
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](https://arxiv.org/abs/2307.07924)12. stanford-oval/storm โญ 26,507
An LLM-powered knowledge curation system that researches a topic and generates a full-length report with citations.
๐ [storm.genie.stanford.edu](http://storm.genie.stanford.edu)13. composiohq/composio โญ 25,556
Composio equips your AI agents & LLMs with 100+ high-quality integrations via function calling
๐ [docs.composio.dev](https://docs.composio.dev)14. microsoft/OmniParser โญ 22,620
OmniParser is a comprehensive method for parsing user interface screenshots into structured and easy-to-understand elements15. assafelovic/gpt-researcher โญ 22,287
LLM based autonomous agent that conducts deep local and web research on any topic and generates a long report with citations.
๐ [gptr.dev](https://gptr.dev)16. yoheinakajima/babyagi โญ 21,635
GPT-4 powered task-driven autonomous agent
๐ [babyagi.org](https://babyagi.org/)17. huggingface/smolagents โญ 21,121
๐ค smolagents: a barebones library for agents that think in code.
๐ [huggingface.co/docs/smolagents](https://huggingface.co/docs/smolagents)18. fosowl/agenticSeek โญ 20,487
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](http://agenticseek.tech)19. openai/swarm โญ 20,078
A framework exploring ergonomic, lightweight multi-agent orchestration.20. unity-technologies/ml-agents โญ 18,381
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](https://unity.com/products/machine-learning-agents)21. a2aproject/A2A โญ 18,227
An open protocol enabling communication and interoperability between opaque agentic applications.
๐ [a2aproject.github.io/a2a](https://a2aproject.github.io/A2A/)22. camel-ai/owl โญ 17,424
๐ฆ OWL: Optimized Workforce Learning for General Multi-Agent Assistance in Real-World Task Automation23. letta-ai/letta โญ 17,246
Letta (formerly MemGPT) is a framework for creating LLM services with memory.
๐ [docs.letta.com](https://docs.letta.com/)24. dzhng/deep-research โญ 16,977
An AI-powered research assistant that performs iterative, deep research on any topic by combining search engines, web scraping, and large language models.25. langchain-ai/langgraph โญ 15,529
LangGraph is a library for building stateful, multi-actor applications with LLMs, built on top of (and intended to be used with) LangChain.
๐ [langchain-ai.github.io/langgraph](https://langchain-ai.github.io/langgraph/)26. google-gemini/gemini-fullstack-langgraph-quickstart โญ 15,479
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](https://ai.google.dev/gemini-api/docs/google-search)27. bytedance/deer-flow โญ 15,067
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](https://deerflow.tech)28. nirdiamant/GenAI_Agents โญ 14,307
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.29. camel-ai/camel โญ 13,300
๐ซ CAMEL: The first and the best multi-agent framework. Finding the Scaling Law of Agents. https://www.camel-ai.org
๐ [docs.camel-ai.org](https://docs.camel-ai.org/)30. openai/openai-agents-python โญ 12,497
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](https://openai.github.io/openai-agents-python/)31. smol-ai/developer โญ 12,072
the first library to let you embed a developer agent in your own app!
๐ [twitter.com/smolmodels](https://twitter.com/SmolModels)32. sakanaai/AI-Scientist โญ 11,256
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.33. agentscope-ai/agentscope โญ 11,125
AgentScope: Agent-Oriented Programming for Building LLM Applications
๐ [doc.agentscope.io](https://doc.agentscope.io/)34. google/adk-python โญ 10,817
An open-source, code-first Python toolkit for building, evaluating, and deploying sophisticated AI agents with flexibility and control.
๐ [google.github.io/adk-docs](https://google.github.io/adk-docs/)35. pydantic/pydantic-ai โญ 10,726
PydanticAI is a Python Agent Framework designed to make it less painful to build production grade applications with Generative AI.
๐ [ai.pydantic.dev](https://ai.pydantic.dev)36. asyncfuncai/deepwiki-open โญ 8,026
Custom implementation of DeepWiki, automatically creates beautiful, interactive wikis for any GitHub, GitLab, or BitBucket repository37. meta-llama/llama-stack โญ 7,901
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
๐ [llama-stack.readthedocs.io](https://llama-stack.readthedocs.io)38. upsonic/Upsonic โญ 7,572
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](https://docs.upsonic.ai)39. microsoft/magentic-ui โญ 6,668
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](https://www.microsoft.com/en-us/research/blog/magentic-ui-an-experimental-human-centered-web-agent/)40. zilliztech/deep-searcher โญ 6,492
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](https://zilliztech.github.io/deep-searcher/)41. awslabs/agent-squad โญ 6,230
Flexible, lightweight open-source framework for orchestrating multiple AI agents to handle complex conversations
๐ [awslabs.github.io/agent-squad](https://awslabs.github.io/agent-squad/)42. mnotgod96/AppAgent โญ 5,997
AppAgent: Multimodal Agents as Smartphone Users, an LLM-based multimodal agent framework designed to operate smartphone apps.
๐ [appagent-official.github.io](https://appagent-official.github.io/)43. prefecthq/marvin โญ 5,808
an ambient intelligence library
๐ [marvin.mintlify.app](https://marvin.mintlify.app)44. openai/openai-cs-agents-demo โญ 5,540
Demo of a Customer Service Agent interface built on top of the OpenAI Agents SDK45. pyspur-dev/pyspur โญ 5,280
A visual playground for agentic workflows: Iterate over your agents 10x faster
๐ [pyspur.dev](https://pyspur.dev)46. kyegomez/swarms โญ 5,003
The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework. Website: https://swarms.ai
๐ [docs.swarms.world](https://docs.swarms.world)47. ag-ui-protocol/ag-ui โญ 4,972
AG-UI: the Agent-User Interaction Protocol. Bring Agents into Frontend Applications.
๐ [ag-ui.com](https://ag-ui.com)48. landing-ai/vision-agent โญ 4,927
VisionAgent is a library that helps you utilize agent frameworks to generate code to solve your vision task49. crewaiinc/crewAI-examples โญ 4,445
A collection of examples that show how to use CrewAI framework to automate workflows.50. x-plug/MobileAgent โญ 4,445
Mobile-Agent: The Powerful Mobile Device Operation Assistant Family
๐ [arxiv.org/abs/2501.11733](https://arxiv.org/abs/2501.11733)51. langchain-ai/open_deep_research โญ 4,304
Open Deep Research is an open source assistant that automates research and produces customizable reports on any topic52. meta-llama/llama-stack-apps โญ 4,265
Agentic components of the Llama Stack APIs53. brainblend-ai/atomic-agents โญ 4,143
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.54. getzep/zep โญ 3,668
Zep is a memory platform for AI agents that learns from user interactions and business data
๐ [help.getzep.com](https://help.getzep.com)55. langroid/langroid โญ 3,468
Harness LLMs with Multi-Agent Programming
๐ [langroid.github.io/langroid](https://langroid.github.io/langroid/)56. rowboatlabs/rowboat โญ 3,307
AI-powered multi-agent builder
๐ [www.rowboatlabs.com](https://www.rowboatlabs.com)57. joshuac215/agent-service-toolkit โญ 3,286
A full toolkit for running an AI agent service built with LangGraph, FastAPI and Streamlit.
๐ [agent-service-toolkit.streamlit.app](https://agent-service-toolkit.streamlit.app)58. emcie-co/parlant โญ 3,281
LLM agents built for control. Designed for real-world use. Deployed in minutes.
๐ [www.parlant.io](https://www.parlant.io)59. codelion/openevolve โญ 3,170
Evolutionary coding agent (like AlphaEvolve) enabling automated scientific and algorithmic discovery60. tencentcloudadp/youtu-agent โญ 3,157
A flexible, high-performance framework for building, running, and evaluating autonomous agents
๐ [tencentcloudadp.github.io/youtu-agent](https://tencentcloudadp.github.io/youtu-agent/)61. openmanus/OpenManus-RL โญ 3,157
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.62. ag2ai/ag2 โญ 2,983
AG2 (formerly AutoGen) is an open-source programming framework for building AI agents and facilitating cooperation among multiple agents to solve tasks.
๐ [ag2.ai](https://ag2.ai)63. going-doer/Paper2Code โญ 2,886
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.64. facebookresearch/Pearl โญ 2,880
A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta.65. cheshire-cat-ai/core โญ 2,818
AI agent microservice
๐ [cheshirecat.ai](https://cheshirecat.ai)66. github/spec-kit โญ 2,670
Toolkit to help you get started with Spec-Driven Development: specifications become executable, directly generating working implementations67. i-am-bee/beeai-framework โญ 2,620
Build production-ready AI agents in both Python and Typescript.
๐ [framework.beeai.dev](http://framework.beeai.dev)68. om-ai-lab/OmAgent โญ 2,524
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](https://om-agent.com)69. griptape-ai/griptape โญ 2,339
Modular Python framework for AI agents and workflows with chain-of-thought reasoning, tools, and memory.
๐ [www.griptape.ai](https://www.griptape.ai)70. run-llama/llama_deploy โญ 2,035
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](https://docs.llamaindex.ai/en/stable/module_guides/llama_deploy/)71. strands-agents/sdk-python โญ 1,997
A model-driven approach to building AI agents in just a few lines of code.
๐ [strandsagents.com](https://strandsagents.com)72. btahir/open-deep-research โญ 1,993
Open source alternative to Gemini Deep Research. Generate reports with AI based on search results.
๐ [opendeepresearch.vercel.app](https://opendeepresearch.vercel.app)73. langchain-ai/executive-ai-assistant โญ 1,909
Executive AI Assistant (EAIA) is an AI agent that attempts to do the job of an Executive Assistant (EA).74. agentops-ai/AgentStack โญ 1,884
AgentStack scaffolds your agent stack - The tech stack that collectively is your agent75. openautocoder/Agentless โญ 1,782
Agentless๐ฑ: an agentless approach to automatically solve software development problems76. swe-agent/mini-swe-agent โญ 1,732
The 100 line AI agent that solves GitHub issues or helps you in your command line
๐ [mini-swe-agent.com](https://mini-swe-agent.com)77. msoedov/agentic_security โญ 1,530
An open-source vulnerability scanner for Agent Workflows and LLMs. Protecting AI systems from jailbreaks, fuzzing, and multimodal attacks.
๐ [agentic-security.vercel.app](https://agentic-security.vercel.app)78. weaviate/elysia โญ 1,434
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.79. sakanaai/AI-Scientist-v2 โญ 1,427
The AI Scientist-v2: Workshop-Level Automated Scientific Discovery via Agentic Tree Search80. link-agi/AutoAgents โญ 1,379
[IJCAI 2024] Generate different roles for GPTs to form a collaborative entity for complex tasks.
๐ [huggingface.co/spaces/linksoul/autoagents](https://huggingface.co/spaces/LinkSoul/AutoAgents)81. agentera/Agently โญ 1,377
Agently is a development framework that helps developers build AI agent native application really fast.
๐ [agently.tech](http://agently.tech)82. shengranhu/ADAS โญ 1,369
Automated Design of Agentic Systems using Meta Agent Search to show agents can invent novel and powerful agent designs
๐ [www.shengranhu.com/adas](https://www.shengranhu.com/ADAS/)83. prefecthq/ControlFlow โญ 1,339
ControlFlow provides a structured, developer-focused framework for defining workflows and delegating work to LLMs, without sacrificing control or transparency
๐ [controlflow.ai](https://controlflow.ai)84. szczyglis-dev/py-gpt โญ 1,104
Desktop AI Assistant powered by o1, o3, GPT-4, Gemini, Claude, Ollama, DeepSeek, Grok, Bielik, chat, vision, voice control, image generation and analysis, agents, command execution, file upload/download, speech synthesis and recognition, access to Web, memory, presets, assistants, plugins, and more. Linux, Windows, Mac
๐ [pygpt.net](https://pygpt.net)85. plurai-ai/intellagent โญ 1,084
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](https://intellagent-doc.plurai.ai/)86. langchain-ai/langgraph-swarm-py โญ 1,024
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](https://langchain-ai.github.io/langgraph/concepts/multi_agent/)87. thudm/CogAgent โญ 994
An open-sourced end-to-end VLM-based GUI Agent88. victordibia/autogen-ui โญ 950
Web UI for AutoGen (A Framework Multi-Agent LLM Applications)89. humanlayer/humanlayer โญ 949
HumanLayer is an API and SDK that enables AI Agents to contact humans for help, feedback, and approvals.
๐ [humanlayer.dev](https://humanlayer.dev)90. google-deepmind/concordia โญ 930
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.91. thytu/Agentarium โญ 923
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.92. strnad/CrewAI-Studio โญ 910
agentic,gui,automation93. deedy/mac_computer_use โญ 808
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](https://x.com/deedydas/status/1849481225041559910)94. vllm-project/semantic-router โญ 680
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](https://vllm-semantic-router.com)95. salesforceairesearch/AgentLite โญ 611
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.96. codingmoh/open-codex โญ 577
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.97. jd-opensource/OxyGent โญ 552
OxyGent is a modular multi-agent framework that lets you build, deploy, and evolve AI teams
๐ [oxygent.jd.com](https://oxygent.jd.com)98. quantalogic/quantalogic โญ 433
QuantaLogic is a ReAct (Reasoning & Action) framework for building advanced AI agents. The cli version include coding capabilities comparable to Aider.99. bytedance-seed/m3-agent โญ 344
Seeing, Listening, Remembering, and Reasoning: A Multimodal Agent with Long-Term Memory100. sakanaai/AI-Scientist-ICLR2025-Workshop-Experiment โญ 262
A paper produced by The AI Scientist passed a peer-review process at a workshop in a top machine learning conference101. prithivirajdamodaran/Route0x โญ 105
A production-grade query routing solution, leveraging LLMs while optimizing for cost per query102. agentscope-ai/agentscope-runtime โญ 98
AgentScope Runtime: secure sandboxed tool execution and scalable agent deployment
๐ [runtime.agentscope.io](https://runtime.agentscope.io/)103. mannaandpoem/OpenManus โญ 30
Open source version of Manus, the general AI agent## Code Quality
Code quality tooling: linters, formatters, pre-commit hooks, unused code removal.
1. astral-sh/ruff โญ 40,712
An extremely fast Python linter and code formatter, written in Rust.
๐ [docs.astral.sh/ruff](https://docs.astral.sh/ruff)2. psf/black โญ 40,483
The uncompromising Python code formatter
๐ [black.readthedocs.io/en/stable](https://black.readthedocs.io/en/stable/)3. pre-commit/pre-commit โญ 13,996
A framework for managing and maintaining multi-language pre-commit hooks.
๐ [pre-commit.com](https://pre-commit.com)4. google/yapf โญ 13,913
A formatter for Python files5. sqlfluff/sqlfluff โญ 9,012
A modular SQL linter and auto-formatter with support for multiple dialects and templated code.
๐ [www.sqlfluff.com](https://www.sqlfluff.com)6. pycqa/isort โญ 6,779
A Python utility / library to sort imports.
๐ [pycqa.github.io/isort](https://pycqa.github.io/isort/)7. davidhalter/jedi โญ 5,971
Awesome autocompletion, static analysis and refactoring library for python
๐ [jedi.readthedocs.io](http://jedi.readthedocs.io)8. pycqa/pylint โญ 5,506
It's not just a linter that annoys you!
๐ [pylint.readthedocs.io/en/latest](https://pylint.readthedocs.io/en/latest/)9. jendrikseipp/vulture โญ 3,912
Find dead Python code10. asottile/pyupgrade โญ 3,826
A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language.11. pycqa/flake8 โญ 3,645
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](https://flake8.pycqa.org)12. wemake-services/wemake-python-styleguide โญ 2,741
The strictest and most opinionated python linter ever!
๐ [wemake-python-styleguide.rtfd.io](https://wemake-python-styleguide.rtfd.io)13. python-lsp/python-lsp-server โญ 2,270
Fork of the python-language-server project, maintained by the Spyder IDE team and the community14. codespell-project/codespell โญ 2,167
check code for common misspellings15. sourcery-ai/sourcery โญ 1,685
Instant AI code reviews
๐ [sourcery.ai](https://sourcery.ai)16. callowayproject/bump-my-version โญ 501
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](https://callowayproject.github.io/bump-my-version/)17. tconbeer/sqlfmt โญ 464
sqlfmt formats your dbt SQL files so you don't have to
๐ [sqlfmt.com](https://sqlfmt.com)## Crypto and Blockchain
Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum virtual machine, solidity.
1. freqtrade/freqtrade โญ 40,352
Free, open source crypto trading bot
๐ [www.freqtrade.io](https://www.freqtrade.io)2. ccxt/ccxt โญ 37,197
A JavaScript / TypeScript / Python / C# / PHP / Go cryptocurrency trading API with support for more than 100 bitcoin/altcoin exchanges
๐ [docs.ccxt.com](https://docs.ccxt.com)3. crytic/slither โญ 5,773
Static Analyzer for Solidity and Vyper
๐ [blog.trailofbits.com/2018/10/19/slither-a-solidity-static-analysis-framework](https://blog.trailofbits.com/2018/10/19/slither-a-solidity-static-analysis-framework/)4. ethereum/web3.py โญ 5,310
A python interface for interacting with the Ethereum blockchain and ecosystem.
๐ [web3py.readthedocs.io](http://web3py.readthedocs.io)5. ethereum/consensus-specs โญ 3,749
Ethereum Proof-of-Stake Consensus Specifications6. cyberpunkmetalhead/Binance-volatility-trading-bot โญ 3,463
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,485
Cryptocurrency Exchange Websocket Data Feed Handler8. ethereum/py-evm โญ 2,346
A Python implementation of the Ethereum Virtual Machine
๐ [py-evm.readthedocs.io/en/latest](https://py-evm.readthedocs.io/en/latest/)9. binance/binance-public-data โญ 1,924
Details on how to get Binance public data10. ofek/bit โญ 1,300
Bitcoin made easy.
๐ [ofek.dev/bit](https://ofek.dev/bit/)11. man-c/pycoingecko โญ 1,080
Python wrapper for the CoinGecko API12. palkeo/panoramix โญ 863
Ethereum decompiler13. coinbase/agentkit โญ 764
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](https://docs.cdp.coinbase.com/agentkit/docs/welcome)14. dylanhogg/awesome-crypto โญ 77
A list of awesome crypto and blockchain projects
๐ [www.awesomecrypto.xyz](https://www.awesomecrypto.xyz/)## Data
General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks.
1. microsoft/markitdown โญ 60,175
A utility for converting files to Markdown, supports: PDF, PPT, Word, Excel, Images etc2. scrapy/scrapy โญ 57,531
Scrapy, a fast high-level web crawling & scraping framework for Python.
๐ [scrapy.org](https://scrapy.org)3. apache/spark โญ 41,437
Apache Spark - A unified analytics engine for large-scale data processing
๐ [spark.apache.org](https://spark.apache.org/)4. ds4sd/docling โญ 34,090
Docling parses documents and exports them to the desired format with ease and speed.
๐ [docling-project.github.io/docling](https://docling-project.github.io/docling)5. mindsdb/mindsdb โญ 33,455
AI's query engine - Platform for building AI that can answer questions over large scale federated data. - The only MCP Server you'll ever need
๐ [mindsdb.com](https://mindsdb.com)6. pathwaycom/pathway โญ 28,641
Python ETL framework for stream processing, real-time analytics, LLM pipelines, and RAG.
๐ [pathway.com](https://pathway.com)7. getredash/redash โญ 27,519
Make Your Company Data Driven. Connect to any data source, easily visualize, dashboard and share your data.
๐ [redash.io](http://redash.io/)8. jaidedai/EasyOCR โญ 27,245
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
๐ [www.jaided.ai](https://www.jaided.ai)9. qdrant/qdrant โญ 24,599
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](https://qdrant.tech)10. humansignal/label-studio โญ 23,194
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](https://labelstud.io)11. chroma-core/chroma โญ 20,981
the AI-native open-source embedding database
๐ [www.trychroma.com](https://www.trychroma.com/)12. airbytehq/airbyte โญ 18,675
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](https://airbyte.com)13. joke2k/faker โญ 18,535
Faker is a Python package that generates fake data for you.
๐ [faker.readthedocs.io](https://faker.readthedocs.io)14. avaiga/taipy โญ 18,236
Turns Data and AI algorithms into production-ready web applications in no time.
๐ [www.taipy.io](https://www.taipy.io)15. binux/pyspider โญ 16,707
A Powerful Spider(Web Crawler) System in Python.
๐ [docs.pyspider.org](http://docs.pyspider.org/)16. tiangolo/sqlmodel โญ 16,317
SQL databases in Python, designed for simplicity, compatibility, and robustness.
๐ [sqlmodel.tiangolo.com](https://sqlmodel.tiangolo.com/)17. twintproject/twint โญ 16,142
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.18. apache/arrow โญ 15,685
Apache Arrow is the universal columnar format and multi-language toolbox for fast data interchange and in-memory analytics
๐ [arrow.apache.org](https://arrow.apache.org/)19. weaviate/weaviate โญ 13,878
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](https://weaviate.io/developers/weaviate/)20. redis/redis-py โญ 13,118
Redis Python client21. s0md3v/Photon โญ 11,700
Incredibly fast crawler designed for OSINT.22. coleifer/peewee โญ 11,614
a small, expressive orm -- supports postgresql, mysql, sqlite and cockroachdb
๐ [docs.peewee-orm.com](http://docs.peewee-orm.com/)23. cyclotruc/gitingest โญ 10,836
Turn any Git repository into a prompt-friendly text ingest for LLMs.
๐ [gitingest.com](https://gitingest.com)24. sqlalchemy/sqlalchemy โญ 10,628
The Database Toolkit for Python
๐ [www.sqlalchemy.org](https://www.sqlalchemy.org)25. simonw/datasette โญ 10,180
An open source multi-tool for exploring and publishing data
๐ [datasette.io](https://datasette.io)26. bigscience-workshop/petals โญ 9,709
๐ธ Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
๐ [petals.dev](https://petals.dev)27. voxel51/fiftyone โญ 9,700
Refine high-quality datasets and visual AI models
๐ [fiftyone.ai](https://fiftyone.ai)28. yzhao062/pyod โญ 9,325
A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques
๐ [pyod.readthedocs.io](http://pyod.readthedocs.io)29. gristlabs/grist-core โญ 8,631
Grist is the evolution of spreadsheets.
๐ [www.getgrist.com](https://www.getgrist.com)30. tobymao/sqlglot โญ 7,977
Python SQL Parser and Transpiler
๐ [sqlglot.com](https://sqlglot.com/)31. lancedb/lancedb โญ 7,001
Developer-friendly, embedded retrieval engine for multimodal AI. Search More; Manage Less.
๐ [lancedb.github.io/lancedb](https://lancedb.github.io/lancedb/)32. alirezamika/autoscraper โญ 6,843
A Smart, Automatic, Fast and Lightweight Web Scraper for Python33. kaggle/kaggle-api โญ 6,718
Official Kaggle API34. madmaze/pytesseract โญ 6,159
A Python wrapper for Google Tesseract35. ibis-project/ibis โญ 5,914
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](https://ibis-project.org)36. vi3k6i5/flashtext โญ 5,659
Extract Keywords from sentence or Replace keywords in sentences.37. airbnb/knowledge-repo โญ 5,526
A next-generation curated knowledge sharing platform for data scientists and other technical professions.38. googleapis/genai-toolbox โญ 5,273
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](https://googleapis.github.io/genai-toolbox/getting-started/introduction/)39. superduperdb/superduper โญ 5,096
Superduper: End-to-end framework for building custom AI applications and agents.
๐ [superduper.io](https://superduper.io)40. facebookresearch/AugLy โญ 5,021
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](https://ai.facebook.com/blog/augly-a-new-data-augmentation-library-to-help-build-more-robust-ai-models/)41. jazzband/tablib โญ 4,704
Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.
๐ [tablib.readthedocs.io](https://tablib.readthedocs.io/)42. giskard-ai/giskard โญ 4,693
๐ข Open-Source Evaluation & Testing for AI & LLM systems
๐ [docs.giskard.ai](https://docs.giskard.ai)43. amundsen-io/amundsen โญ 4,613
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](https://www.amundsen.io/amundsen/)44. lk-geimfari/mimesis โญ 4,595
Mimesis is a robust data generator for Python that can produce a wide range of fake data in multiple languages.
๐ [mimesis.name](https://mimesis.name)45. rapidai/RapidOCR โญ 4,515
๐ Awesome OCR multiple programing languages toolkits based on ONNXRuntime, OpenVINO, PaddlePaddle and PyTorch.
๐ [rapidai.github.io/rapidocrdocs](https://rapidai.github.io/RapidOCRDocs)46. adbar/trafilatura โญ 4,473
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](https://trafilatura.readthedocs.io)47. mongodb/mongo-python-driver โญ 4,242
PyMongo - the Official MongoDB Python driver
๐ [www.mongodb.com/docs/languages/python/pymongo-driver/current](https://www.mongodb.com/docs/languages/python/pymongo-driver/current/)48. rom1504/img2dataset โญ 4,084
Easily turn large sets of image urls to an image dataset. Can download, resize and package 100M urls in 20h on one machine.49. andialbrecht/sqlparse โญ 3,894
A non-validating SQL parser module for Python50. dlt-hub/dlt โญ 3,868
data load tool (dlt) is an open source Python library that makes data loading easy ๐ ๏ธ
๐ [dlthub.com/docs](https://dlthub.com/docs)51. deepchecks/deepchecks โญ 3,838
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](https://docs.deepchecks.com/stable)52. jmcnamara/XlsxWriter โญ 3,807
A Python module for creating Excel XLSX files.
๐ [xlsxwriter.readthedocs.io](https://xlsxwriter.readthedocs.io)53. praw-dev/praw โญ 3,753
PRAW, an acronym for "Python Reddit API Wrapper", is a python package that allows for simple access to Reddit's API.
๐ [praw.readthedocs.io](http://praw.readthedocs.io/)54. run-llama/llama-hub โญ 3,475
A library of data loaders for LLMs made by the community -- to be used with LlamaIndex and/or LangChain
๐ [llamahub.ai](https://llamahub.ai/)55. sqlalchemy/alembic โญ 3,454
A database migrations tool for SQLAlchemy.56. mlabonne/llm-datasets โญ 3,251
Curated list of datasets and tools for post-training.
๐ [mlabonne.github.io/blog](https://mlabonne.github.io/blog)57. pyeve/cerberus โญ 3,223
Lightweight, extensible data validation library for Python
๐ [python-cerberus.org](http://python-cerberus.org)58. zoomeranalytics/xlwings โญ 3,176
xlwings is a Python library that makes it easy to call Python from Excel and vice versa. It works with Excel on Windows and macOS as well as with Google Sheets and Excel on the web.
๐ [www.xlwings.org](https://www.xlwings.org)59. docarray/docarray โญ 3,080
Represent, send, store and search multimodal data
๐ [docs.docarray.org](https://docs.docarray.org/)60. sdv-dev/SDV โญ 3,058
Synthetic data generation for tabular data
๐ [docs.sdv.dev/sdv](https://docs.sdv.dev/sdv)61. pallets/itsdangerous โญ 3,031
Safely pass trusted data to untrusted environments and back.
๐ [itsdangerous.palletsprojects.com](https://itsdangerous.palletsprojects.com)62. datafold/data-diff โญ 2,975
Compare tables within or across databases
๐ [docs.datafold.com](https://docs.datafold.com)63. goldsmith/Wikipedia โญ 2,957
A Pythonic wrapper for the Wikipedia API
๐ [wikipedia.readthedocs.org](https://wikipedia.readthedocs.org/)64. awslabs/amazon-redshift-utils โญ 2,808
Amazon Redshift Utils contains utilities, scripts and view which are useful in a Redshift environment65. kayak/pypika โญ 2,695
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](http://pypika.readthedocs.io/en/latest/)66. samuelcolvin/arq โญ 2,567
Fast job queuing and RPC in python with asyncio and redis.
๐ [arq-docs.helpmanual.io](https://arq-docs.helpmanual.io/)67. pynamodb/PynamoDB โญ 2,518
A pythonic interface to Amazon's DynamoDB
๐ [pynamodb.readthedocs.io](http://pynamodb.readthedocs.io)68. huggingface/datatrove โญ 2,463
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 functionality69. mangiucugna/json_repair โญ 2,440
A python module to repair invalid JSON from LLMs
๐ [pypi.org/project/json-repair](https://pypi.org/project/json-repair/)70. pikepdf/pikepdf โญ 2,404
A Python library for reading and writing PDF, powered by QPDF
๐ [pikepdf.readthedocs.io](https://pikepdf.readthedocs.io/)71. uqfoundation/dill โญ 2,365
serialize all of Python
๐ [dill.rtfd.io](http://dill.rtfd.io)72. sfu-db/connector-x โญ 2,353
Fastest library to load data from DB to DataFrames in Rust and Python
๐ [sfu-db.github.io/connector-x](https://sfu-db.github.io/connector-x)73. emirozer/fake2db โญ 2,330
Generate fake but valid data filled databases for test purposes using most popular patterns(AFAIK). Current support is sqlite, mysql, postgresql, mongodb, redis, couchdb.74. graphistry/pygraphistry โญ 2,289
PyGraphistry is a Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer75. aminalaee/sqladmin โญ 2,249
SQLAlchemy Admin for FastAPI and Starlette
๐ [aminalaee.github.io/sqladmin](https://aminalaee.github.io/sqladmin/)76. accenture/AmpliGraph โญ 2,216
Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org77. milvus-io/bootcamp โญ 2,169
Dealing with all unstructured data, such as reverse image search, audio search, molecular search, video analysis, question and answer systems, NLP, etc.
๐ [milvus.io](https://milvus.io)78. agronholm/sqlacodegen โญ 2,125
Automatic model code generator for SQLAlchemy79. simonw/sqlite-utils โญ 1,862
Python CLI utility and library for manipulating SQLite databases
๐ [sqlite-utils.datasette.io](https://sqlite-utils.datasette.io)80. uber/petastorm โญ 1,847
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.81. aio-libs/aiomysql โญ 1,822
aiomysql is a library for accessing a MySQL database from the asyncio
๐ [aiomysql.rtfd.io](https://aiomysql.rtfd.io)82. simple-salesforce/simple-salesforce โญ 1,787
A very simple Salesforce.com REST API client for Python83. collerek/ormar โญ 1,757
python async orm with fastapi in mind and pydantic validation
๐ [collerek.github.io/ormar](https://collerek.github.io/ormar/)84. zarr-developers/zarr-python โญ 1,737
An implementation of chunked, compressed, N-dimensional arrays for Python.
๐ [zarr.readthedocs.io](https://zarr.readthedocs.io)85. scholarly-python-package/scholarly โญ 1,666
Retrieve author and publication information from Google Scholar in a friendly, Pythonic way without having to worry about CAPTCHAs!
๐ [scholarly.readthedocs.io](https://scholarly.readthedocs.io/)86. eleutherai/the-pile โญ 1,581
The Pile is a large, diverse, open source language modelling data set that consists of many smaller datasets combined together.87. ydataai/ydata-synthetic โญ 1,558
Synthetic data generators for tabular and time-series data
๐ [docs.sdk.ydata.ai](https://docs.sdk.ydata.ai)88. d-star-ai/dsRAG โญ 1,442
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.89. mchong6/JoJoGAN โญ 1,430
Official PyTorch repo for JoJoGAN: One Shot Face Stylization90. google/tensorstore โญ 1,422
Library for reading and writing large multi-dimensional arrays.
๐ [google.github.io/tensorstore](https://google.github.io/tensorstore/)91. sdispater/orator โญ 1,417
The Orator ORM provides a simple yet beautiful ActiveRecord implementation.
๐ [orator-orm.com](https://orator-orm.com)92. quixio/quix-streams โญ 1,402
Python Streaming DataFrames for Kafka
๐ [docs.quix.io](https://docs.quix.io)93. aio-libs/aiocache โญ 1,308
Asyncio cache manager for redis, memcached and memory
๐ [aiocache.readthedocs.io](http://aiocache.readthedocs.io)94. eliasdabbas/advertools โญ 1,248
advertools - online marketing productivity and analysis tools
๐ [advertools.readthedocs.io](https://advertools.readthedocs.io)95. pytorch/data โญ 1,211
A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries.96. igorbenav/fastcrud โญ 1,190
FastCRUD is a Python package for FastAPI, offering robust async CRUD operations and flexible endpoint creation utilities.
๐ [benavlabs.github.io/fastcrud](https://benavlabs.github.io/fastcrud/)97. duckdb/dbt-duckdb โญ 1,110
dbt (http://getdbt.com) adapter for DuckDB (http://duckdb.org)98. brettkromkamp/contextualise โญ 1,078
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](https://contextualise.dev/)99. uber/fiber โญ 1,044
Distributed Computing for AI Made Simple
๐ [uber.github.io/fiber](https://uber.github.io/fiber/)100. meta-llama/synthetic-data-kit โญ 1,006
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](https://pypi.org/project/synthetic-data-kit/)101. goccy/bigquery-emulator โญ 959
BigQuery emulator provides a way to launch a BigQuery server on your local machine for testing and development.102. scikit-hep/awkward โญ 896
Manipulate JSON-like data with NumPy-like idioms.
๐ [awkward-array.org](https://awkward-array.org)103. macbre/sql-metadata โญ 864
Uses tokenized query returned by python-sqlparse and generates query metadata
๐ [pypi.python.org/pypi/sql-metadata](https://pypi.python.org/pypi/sql-metadata)104. koaning/human-learn โญ 817
Natural Intelligence is still a pretty good idea.
๐ [koaning.github.io/human-learn](https://koaning.github.io/human-learn/)105. weaviate/recipes โญ 802
This repository shares end-to-end notebooks on how to use various Weaviate features and integrations!106. apache/iceberg-python โญ 801
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](https://py.iceberg.apache.org/)107. googleapis/python-bigquery โญ 779
Python Client for Google BigQuery108. unstructured-io/unstructured-api โญ 767
API for Open-Source Pre-Processing Tools for Unstructured Data109. huggingface/aisheets โญ 736
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](https://huggingface.co/spaces/aisheets/sheets)110. kagisearch/vectordb โญ 735
A minimal Python package for storing and retrieving text using chunking, embeddings, and vector search.
๐ [vectordb.com](https://vectordb.com)111. ibm/data-prep-kit โญ 728
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](https://data-prep-kit.github.io/data-prep-kit/)112. hyperqueryhq/whale โญ 728
๐ณ The stupidly simple CLI workspace for your data warehouse.
๐ [rsyi.gitbook.io/whale](https://rsyi.gitbook.io/whale)113. dgarnitz/vectorflow โญ 694
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](https://www.getvectorflow.com/)114. jina-ai/vectordb โญ 626
A Python vector database you just need - no more, no less.115. koaning/bulk โญ 587
Bulk is a quick UI developer tool to apply some bulk labels.116. koaning/doubtlab โญ 513
Doubt your data, find bad labels.
๐ [koaning.github.io/doubtlab](https://koaning.github.io/doubtlab/)117. titan-systems/titan โญ 471
Snowflake infrastructure-as-code. Provision environments, automate deploys, CI/CD. Manage RBAC, users, roles, and data access. Declarative Python Resource API.118. stackloklabs/promptwright โญ 432
Promptwright is a Python library designed for generating large synthetic datasets using LLMs## Debugging
Debugging and tracing tools.
1. cool-rr/PySnooper โญ 16,510
Never use print for debugging again2. gruns/icecream โญ 9,817
๐ฆ Never use print() to debug again.3. shobrook/rebound โญ 4,126
Instant Stack Overflow results whenever an exception is thrown4. inducer/pudb โญ 3,113
Full-screen console debugger for Python
๐ [documen.tician.de/pudb](https://documen.tician.de/pudb/)5. gotcha/ipdb โญ 1,925
Integration of IPython pdb6. alexmojaki/heartrate โญ 1,818
Simple real time visualisation of the execution of a Python program.7. alexmojaki/birdseye โญ 1,682
Graphical Python debugger which lets you easily view the values of all evaluated expressions
๐ [birdseye.readthedocs.io](https://birdseye.readthedocs.io)8. pdbpp/pdbpp โญ 1,391
pdb++, a drop-in replacement for pdb (the Python debugger)9. alexmojaki/snoop โญ 1,367
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 โญ 154,377
Stable Diffusion web UI2. comfyanonymous/ComfyUI โญ 82,156
The most powerful and modular diffusion model GUI, api and backend with a graph/nodes interface.
๐ [www.comfy.org](https://www.comfy.org/)3. compvis/stable-diffusion โญ 71,105
A latent text-to-image diffusion model
๐ [ommer-lab.com/research/latent-diffusion-models](https://ommer-lab.com/research/latent-diffusion-models/)4. stability-ai/stablediffusion โญ 41,327
High-Resolution Image Synthesis with Latent Diffusion Models5. lllyasviel/ControlNet โญ 32,709
Let us control diffusion models!6. huggingface/diffusers โญ 29,738
๐ค Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch and FLAX.
๐ [huggingface.co/docs/diffusers](https://huggingface.co/docs/diffusers)7. invoke-ai/InvokeAI โญ 25,476
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](https://invoke-ai.github.io/InvokeAI/)8. openbmb/MiniCPM-o โญ 19,800
MiniCPM-o 2.6: A GPT-4o Level MLLM for Vision, Speech and Multimodal Live Streaming on Your Phone9. apple/ml-stable-diffusion โญ 17,474
Stable Diffusion with Core ML on Apple Silicon10. borisdayma/dalle-mini โญ 14,816
DALLยทE Mini - Generate images from a text prompt
๐ [www.craiyon.com](https://www.craiyon.com)11. divamgupta/diffusionbee-stable-diffusion-ui โญ 13,305
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](https://diffusionbee.com)12. compvis/latent-diffusion โญ 13,067
High-Resolution Image Synthesis with Latent Diffusion Models13. instantid/InstantID โญ 11,711
InstantID: Zero-shot Identity-Preserving Generation in Seconds ๐ฅ
๐ [instantid.github.io](https://instantid.github.io/)14. lucidrains/DALLE2-pytorch โญ 11,299
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch15. facebookresearch/dinov2 โญ 11,069
PyTorch code and models for the DINOv2 self-supervised learning method.16. ashawkey/stable-dreamfusion โญ 8,669
Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion.17. opengvlab/InternVL โญ 8,538
[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4o. ๆฅ่ฟGPT-4o่กจ็ฐ็ๅผๆบๅคๆจกๆๅฏน่ฏๆจกๅ
๐ [internvl.readthedocs.io/en/latest](https://internvl.readthedocs.io/en/latest/)18. idea-research/GroundingDINO โญ 8,432
[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](https://arxiv.org/abs/2303.05499)19. carson-katri/dream-textures โญ 8,038
Stable Diffusion built-in to Blender20. xavierxiao/Dreambooth-Stable-Diffusion โญ 7,743
Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion21. timothybrooks/instruct-pix2pix โญ 6,721
PyTorch implementation of InstructPix2Pix, an instruction-based image editing model, based on the original CompVis/stable_diffusion repo.22. openai/consistency_models โญ 6,376
Official repo for consistency models.23. salesforce/BLIP โญ 5,375
PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation24. nateraw/stable-diffusion-videos โญ 4,608
Create ๐ฅ videos with Stable Diffusion by exploring the latent space and morphing between text prompts25. lkwq007/stablediffusion-infinity โญ 3,875
Outpainting with Stable Diffusion on an infinite canvas26. jina-ai/discoart โญ 3,843
๐ชฉ Create Disco Diffusion artworks in one line27. mlc-ai/web-stable-diffusion โญ 3,671
Bringing stable diffusion models to web browsers. Everything runs inside the browser with no server support.
๐ [mlc.ai/web-stable-diffusion](https://mlc.ai/web-stable-diffusion)28. openai/glide-text2im โญ 3,645
GLIDE: a diffusion-based text-conditional image synthesis model29. openai/improved-diffusion โญ 3,618
Release for Improved Denoising Diffusion Probabilistic Models30. google-research/big_vision โญ 2,999
Official codebase used to develop Vision Transformer, SigLIP, MLP-Mixer, LiT and more.31. saharmor/dalle-playground โญ 2,759
A playground to generate images from any text prompt using Stable Diffusion (past: using DALL-E Mini)32. open-compass/VLMEvalKit โญ 2,692
Open-source evaluation toolkit of large multi-modality models (LMMs), support 220+ LMMs, 80+ benchmarks
๐ [huggingface.co/spaces/opencompass/open_vlm_leaderboard](https://huggingface.co/spaces/opencompass/open_vlm_leaderboard)33. stability-ai/stability-sdk โญ 2,440
SDK for interacting with stability.ai APIs (e.g. stable diffusion inference)
๐ [platform.stability.ai](https://platform.stability.ai/)34. thudm/CogVLM2 โญ 2,377
GPT4V-level open-source multi-modal model based on Llama3-8B35. coyote-a/ultimate-upscale-for-automatic1111 โญ 1,744
Ultimate SD Upscale extension for AUTOMATIC1111 Stable Diffusion web UI36. divamgupta/stable-diffusion-tensorflow โญ 1,606
Stable Diffusion in TensorFlow / Keras37. nvlabs/prismer โญ 1,308
The implementation of "Prismer: A Vision-Language Model with Multi-Task Experts".
๐ [shikun.io/projects/prismer](https://shikun.io/projects/prismer)38. chenyangqiqi/FateZero โญ 1,148
[ICCV 2023 Oral] "FateZero: Fusing Attentions for Zero-shot Text-based Video Editing"
๐ [fate-zero-edit.github.io](http://fate-zero-edit.github.io/)39. tanelp/tiny-diffusion โญ 917
A minimal PyTorch implementation of probabilistic diffusion models for 2D datasets.40. thereforegames/unprompted โญ 803
Templating language written for Stable Diffusion workflows. Available as an extension for the Automatic1111 WebUI.41. sharonzhou/long_stable_diffusion โญ 689
Long-form text-to-images generation, using a pipeline of deep generative models (GPT-3 and Stable Diffusion)42. gojasper/flash-diffusion โญ 625
โก Flash Diffusion โก: Accelerating Any Conditional Diffusion Model for Few Steps Image Generation (AAAI 2025 Oral)
๐ [gojasper.github.io/flash-diffusion-project](https://gojasper.github.io/flash-diffusion-project/)43. laion-ai/dalle2-laion โญ 502
Pretrained Dalle2 from laion## Finance
Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives.
1. openbb-finance/OpenBB โญ 42,269
Investment Research for Everyone, Everywhere.
๐ [openbb.co](https://openbb.co)2. virattt/ai-hedge-fund โญ 38,006
AI-powered hedge fund. The goal of this project is to explore the use of AI to make trading decisions.3. microsoft/qlib โญ 26,495
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](https://qlib.readthedocs.io/en/latest/)4. quantopian/zipline โญ 18,662
Zipline, a Pythonic Algorithmic Trading Library
๐ [www.zipline.io](https://www.zipline.io)5. ranaroussi/yfinance โญ 18,196
Download market data from Yahoo! Finance's API
๐ [ranaroussi.github.io/yfinance](https://ranaroussi.github.io/yfinance)6. mementum/backtrader โญ 17,877
Python Backtesting library for trading strategies
๐ [www.backtrader.com](https://www.backtrader.com)7. ai4finance-foundation/FinGPT โญ 16,632
FinGPT: Open-Source Financial Large Language Models! Revolutionize ๐ฅ We release the trained model on HuggingFace.
๐ [ai4finance.org](https://ai4finance.org)8. ai4finance-foundation/FinRL โญ 12,099
FinRLยฎ: Financial Reinforcement Learning. ๐ฅ
๐ [ai4finance.org](https://ai4finance.org)9. quantconnect/Lean โญ 11,758
Lean Algorithmic Trading Engine by QuantConnect (Python, C#)
๐ [lean.io](https://lean.io)10. ta-lib/ta-lib-python โญ 10,864
Python wrapper for TA-Lib (http://ta-lib.org/).
๐ [ta-lib.github.io/ta-lib-python](http://ta-lib.github.io/ta-lib-python)11. goldmansachs/gs-quant โญ 9,107
Python toolkit for quantitative finance
๐ [developer.gs.com/discover/products/gs-quant](https://developer.gs.com/discover/products/gs-quant/)12. kernc/backtesting.py โญ 6,756
:mag_right: :chart_with_upwards_trend: ๐ :moneybag: Backtest trading strategies in Python.
๐ [kernc.github.io/backtesting.py](https://kernc.github.io/backtesting.py/)13. shiyu-coder/Kronos โญ 6,408
Open-source foundation model for financial candlesticks, trained on data from over 45 global exchanges14. quantopian/pyfolio โญ 5,993
Portfolio and risk analytics in Python
๐ [quantopian.github.io/pyfolio](https://quantopian.github.io/pyfolio)15. ranaroussi/quantstats โญ 5,898
Portfolio analytics for quants, written in Python16. polakowo/vectorbt โญ 5,476
Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
๐ [vectorbt.dev](https://vectorbt.dev)17. google/tf-quant-finance โญ 4,919
High-performance TensorFlow library for quantitative finance.18. borisbanushev/stockpredictionai โญ 4,833
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...19. gbeced/pyalgotrade โญ 4,566
Python Algorithmic Trading Library
๐ [gbeced.github.io/pyalgotrade](http://gbeced.github.io/pyalgotrade/)20. matplotlib/mplfinance โญ 4,066
Financial Markets Data Visualization using Matplotlib
๐ [pypi.org/project/mplfinance](https://pypi.org/project/mplfinance/)21. quantopian/alphalens โญ 3,786
Performance analysis of predictive (alpha) stock factors
๐ [quantopian.github.io/alphalens](http://quantopian.github.io/alphalens)22. zvtvz/zvt โญ 3,672
modular quant framework.
๐ [zvt.readthedocs.io/en/latest](https://zvt.readthedocs.io/en/latest/)23. cuemacro/finmarketpy โญ 3,610
Python library for backtesting trading strategies & analyzing financial markets (formerly pythalesians)
๐ [www.cuemacro.com](http://www.cuemacro.com)24. robcarver17/pysystemtrade โญ 2,943
Systematic Trading in python25. quantopian/research_public โญ 2,621
Quantitative research and educational materials
๐ [www.quantopian.com/lectures](https://www.quantopian.com/lectures)26. pmorissette/bt โญ 2,589
bt - flexible backtesting for Python
๐ [pmorissette.github.io/bt](http://pmorissette.github.io/bt)27. domokane/FinancePy โญ 2,463
A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives.28. blankly-finance/blankly โญ 2,309
๐ ๐ธ 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](https://package.blankly.finance)29. pmorissette/ffn โญ 2,294
ffn - a financial function library for Python
๐ [pmorissette.github.io/ffn](pmorissette.github.io/ffn)30. cuemacro/findatapy โญ 1,869
Python library to download market data via Bloomberg, Eikon, Quandl, Yahoo etc.31. quantopian/empyrical โญ 1,392
Common financial risk and performance metrics. Used by zipline and pyfolio.
๐ [quantopian.github.io/empyrical](https://quantopian.github.io/empyrical)32. idanya/algo-trader โญ 833
Trading bot with support for realtime trading, backtesting, custom strategies and much more.33. gbeced/basana โญ 746
A Python async and event driven framework for algorithmic trading, with a focus on crypto currencies.34. chancefocus/PIXIU โญ 741
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).35. nasdaq/data-link-python โญ 548
A Python library for Nasdaq Data Link's RESTful API36. ivebotunac/PrimoAgent โญ 208
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](https://primoinvesting.com/)## Game Development
Game development tools, engines and libraries.
1. kitao/pyxel โญ 16,470
A retro game engine for Python2. microsoft/TRELLIS โญ 10,081
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](https://trellis3d.github.io)3. pygame/pygame โญ 8,134
๐๐ฎ 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](https://www.pygame.org)4. panda3d/panda3d โญ 4,827
Powerful, mature open-source cross-platform game engine for Python and C++, developed by Disney and CMU
๐ [www.panda3d.org](https://www.panda3d.org/)5. niklasf/python-chess โญ 2,616
python-chess is a chess library for Python, with move generation, move validation, and support for common formats
๐ [python-chess.readthedocs.io/en/latest](https://python-chess.readthedocs.io/en/latest/)6. pokepetter/ursina โญ 2,395
A game engine powered by python and panda3d.
๐ [pokepetter.github.io/ursina](https://pokepetter.github.io/ursina/)7. pyglet/pyglet โญ 2,054
pyglet is a cross-platform windowing and multimedia library for Python, for developing games and other visually rich applications.
๐ [pyglet.org](http://pyglet.org)8. pythonarcade/arcade โญ 1,837
Easy to use Python library for creating 2D arcade games.
๐ [arcade.academy](http://arcade.academy)## GIS
Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections.
1. domlysz/BlenderGIS โญ 8,347
Blender addons to make the bridge between Blender and geographic data2. python-visualization/folium โญ 7,181
Python Data. Leaflet.js Maps.
๐ [python-visualization.github.io/folium](https://python-visualization.github.io/folium/)3. osgeo/gdal โญ 5,388
GDAL is an open source MIT licensed translator library for raster and vector geospatial data formats.
๐ [gdal.org](https://gdal.org)4. gboeing/osmnx โญ 5,200
Download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap.
๐ [osmnx.readthedocs.io](https://osmnx.readthedocs.io)5. geopandas/geopandas โญ 4,817
Python tools for geographic data
๐ [geopandas.org](http://geopandas.org/)6. shapely/shapely โญ 4,177
Manipulation and analysis of geometric objects
๐ [shapely.readthedocs.io/en/stable](https://shapely.readthedocs.io/en/stable/)7. giswqs/geemap โญ 3,696
A Python package for interactive geospatial analysis and visualization with Google Earth Engine.
๐ [geemap.org](https://geemap.org)8. microsoft/torchgeo โญ 3,511
TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data
๐ [www.osgeo.org/projects/torchgeo](https://www.osgeo.org/projects/torchgeo/)9. holoviz/datashader โญ 3,425
Quickly and accurately render even the largest data.
๐ [datashader.org](http://datashader.org)10. opengeos/leafmap โญ 3,400
A Python package for interactive mapping and geospatial analysis with minimal coding in a Jupyter environment
๐ [leafmap.org](https://leafmap.org)11. opengeos/segment-geospatial โญ 3,337
A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
๐ [samgeo.gishub.org](https://samgeo.gishub.org)12. google/earthengine-api โญ 2,899
Python and JavaScript bindings for calling the Earth Engine API.13. rasterio/rasterio โญ 2,378
Rasterio reads and writes geospatial raster datasets
๐ [rasterio.readthedocs.io](https://rasterio.readthedocs.io/)14. mcordts/cityscapesScripts โญ 2,279
README and scripts for the Cityscapes Dataset15. azavea/raster-vision โญ 2,155
An open source library and framework for deep learning on satellite and aerial imagery.
๐ [docs.rastervision.io](https://docs.rastervision.io)16. apache/sedona โญ 2,085
A cluster computing framework for processing large-scale geospatial data
๐ [sedona.apache.org](https://sedona.apache.org/)17. plant99/felicette โญ 1,822
Satellite imagery for dummies.18. gboeing/osmnx-examples โญ 1,698
Gallery of OSMnx tutorials, usage examples, and feature demonstrations.
๐ [osmnx.readthedocs.io](https://osmnx.readthedocs.io)19. microsoft/GlobalMLBuildingFootprints โญ 1,597
Worldwide building footprints derived from satellite imagery20. jupyter-widgets/ipyleaflet โญ 1,526
A Jupyter - Leaflet.js bridge
๐ [ipyleaflet.readthedocs.io](https://ipyleaflet.readthedocs.io)21. pysal/pysal โญ 1,403
PySAL: Python Spatial Analysis Library Meta-Package
๐ [pysal.org/pysal](http://pysal.org/pysal)22. anitagraser/movingpandas โญ 1,317
Movement trajectory classes and functions built on top of GeoPandas
๐ [movingpandas.org](http://movingpandas.org)23. sentinel-hub/eo-learn โญ 1,184
Earth observation processing framework for machine learning in Python
๐ [eo-learn.readthedocs.io/en/latest](https://eo-learn.readthedocs.io/en/latest/)24. residentmario/geoplot โญ 1,171
High-level geospatial data visualization library for Python.
๐ [residentmario.github.io/geoplot/index.html](https://residentmario.github.io/geoplot/index.html)25. osgeo/grass โญ 961
GRASS - free and open-source geospatial processing engine
๐ [grass.osgeo.org](https://grass.osgeo.org)26. opengeos/streamlit-geospatial โญ 953
A multi-page streamlit app for geospatial
๐ [huggingface.co/spaces/giswqs/streamlit](https://huggingface.co/spaces/giswqs/Streamlit)27. developmentseed/titiler โญ 906
Build your own Raster dynamic map tile services
๐ [developmentseed.org/titiler](https://developmentseed.org/titiler/)28. makepath/xarray-spatial โญ 888
Raster-based Spatial Analytics for Python
๐ [xarray-spatial.readthedocs.io](https://xarray-spatial.readthedocs.io/)29. datasystemslab/GeoTorchAI โญ 505
GeoTorchAI: A Framework for Training and Using Spatiotemporal Deep Learning Models at Scale
๐ [kanchanchy.github.io/geotorchai](https://kanchanchy.github.io/geotorchai/)## Graph
Graphs and network libraries: network analysis, graph machine learning, visualisation.
1. networkx/networkx โญ 15,942
Network Analysis in Python
๐ [networkx.org](https://networkx.org)2. stellargraph/stellargraph โญ 3,018
StellarGraph - Machine Learning on Graphs
๐ [stellargraph.readthedocs.io](https://stellargraph.readthedocs.io/)3. westhealth/pyvis โญ 1,112
Python package for creating and visualizing interactive network graphs.
๐ [pyvis.readthedocs.io/en/latest](http://pyvis.readthedocs.io/en/latest/)4. microsoft/graspologic โญ 918
graspologic is a package for graph statistical algorithms
๐ [graspologic-org.github.io/graspologic](https://graspologic-org.github.io/graspologic/)5. rampasek/GraphGPS โญ 760
Recipe for a General, Powerful, Scalable Graph Transformer6. dylanhogg/llmgraph โญ 447
Create knowledge graphs with LLMs## GUI
Graphical user interface libraries and toolkits.
1. hoffstadt/DearPyGui โญ 14,432
Dear PyGui: A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies
๐ [dearpygui.readthedocs.io/en/latest](https://dearpygui.readthedocs.io/en/latest/)2. pysimplegui/PySimpleGUI โญ 13,638
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](https://www.PySimpleGUI.com)3. parthjadhav/Tkinter-Designer โญ 9,868
An easy and fast way to create a Python GUI ๐4. samuelcolvin/FastUI โญ 8,847
FastUI is a new way to build web application user interfaces defined by declarative Python code.
๐ [fastui-demo.onrender.com](https://fastui-demo.onrender.com)5. r0x0r/pywebview โญ 5,319
Build GUI for your Python program with JavaScript, HTML, and CSS
๐ [pywebview.flowrl.com](https://pywebview.flowrl.com)6. beeware/toga โญ 5,053
A Python native, OS native GUI toolkit.
๐ [toga.readthedocs.io/en/latest](https://toga.readthedocs.io/en/latest/)7. dddomodossola/remi โญ 3,619
Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet.8. wxwidgets/Phoenix โญ 2,482
wxPython's Project Phoenix. A new implementation of wxPython, better, stronger, faster than he was before.
๐ [wxpython.org](http://wxpython.org/)## Jupyter
Jupyter and JupyterLab and Notebook tools, libraries and plugins.
1. jupyterlab/jupyterlab โญ 14,686
JupyterLab computational environment.
๐ [jupyterlab.readthedocs.io](https://jupyterlab.readthedocs.io/)2. marimo-team/marimo โญ 14,288
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](https://marimo.io)3. jupyter/notebook โญ 12,408
Jupyter Interactive Notebook
๐ [jupyter-notebook.readthedocs.io](https://jupyter-notebook.readthedocs.io/)4. garrettj403/SciencePlots โญ 7,995
Matplotlib styles for scientific plotting5. mwouts/jupytext โญ 6,918
Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts
๐ [jupytext.readthedocs.io](https://jupytext.readthedocs.io)6. nteract/papermill โญ 6,214
๐ Parameterize, execute, and analyze notebooks
๐ [papermill.readthedocs.io/en/latest](http://papermill.readthedocs.io/en/latest/)7. connorferster/handcalcs โญ 5,762
Python library for converting Python calculations into rendered latex.8. voila-dashboards/voila โญ 5,754
Voilร turns Jupyter notebooks into standalone web applications
๐ [voila.readthedocs.io](https://voila.readthedocs.io)9. jupyterlite/jupyterlite โญ 4,220
Wasm powered Jupyter running in the browser ๐ก
๐ [jupyterlite.rtfd.io/en/stable/try/lab](https://jupyterlite.rtfd.io/en/stable/try/lab)10. executablebooks/jupyter-book โญ 4,088
Create beautiful, publication-quality books and documents from computational content.
๐ [next.jupyterbook.org](https://next.jupyterbook.org)11. jupyterlab/jupyterlab-desktop โญ 4,056
JupyterLab desktop application, based on Electron.12. jupyterlab/jupyter-ai โญ 3,695
A generative AI extension for JupyterLab
๐ [jupyter-ai.readthedocs.io](https://jupyter-ai.readthedocs.io/)13. jupyter-widgets/ipywidgets โญ 3,249
Interactive Widgets for the Jupyter Notebook
๐ [ipywidgets.readthedocs.io](https://ipywidgets.readthedocs.io)14. quantopian/qgrid โญ 3,073
An interactive grid for sorting, filtering, and editing DataFrames in Jupyter notebooks15. jupyter/nbdime โญ 2,756
Tools for diffing and merging of Jupyter notebooks.
๐ [nbdime.readthedocs.io](http://nbdime.readthedocs.io)16. mito-ds/mito โญ 2,472
Jupyter extensions that help you write code faster: Context aware AI Chat, Autocomplete, and Spreadsheet
๐ [trymito.io](https://trymito.io)17. jupyter/nbviewer โญ 2,256
nbconvert as a web service: Render Jupyter Notebooks as static web pages
๐ [nbviewer.jupyter.org](https://nbviewer.jupyter.org)18. maartenbreddels/ipyvolume โญ 1,962
3d plotting for Python in the Jupyter notebook based on IPython widgets using WebGL19. jupyter-lsp/jupyterlab-lsp โญ 1,912
Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol
๐ [jupyterlab-lsp.readthedocs.io](https://jupyterlab-lsp.readthedocs.io)20. jupyter/nbconvert โญ 1,855
Jupyter Notebook Conversion
๐ [nbconvert.readthedocs.io](https://nbconvert.readthedocs.io/)21. koaning/drawdata โญ 1,431
Draw datasets from within Python notebooks.
๐ [koaning.github.io/drawdata](https://koaning.github.io/drawdata/)22. nbqa-dev/nbQA โญ 1,140
Run ruff, isort, pyupgrade, mypy, pylint, flake8, and more on Jupyter Notebooks
๐ [nbqa.readthedocs.io/en/latest/index.html](https://nbqa.readthedocs.io/en/latest/index.html)23. 8080labs/pyforest โญ 1,111
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](https://8080labs.com)24. vizzuhq/ipyvizzu โญ 966
Build animated charts in Jupyter Notebook and similar environments with a simple Python syntax.
๐ [ipyvizzu.vizzuhq.com](https://ipyvizzu.vizzuhq.com)25. aws/graph-notebook โญ 784
Library extending Jupyter notebooks to integrate with Apache TinkerPop, openCypher, and RDF SPARQL.
๐ [github.com/aws/graph-notebook](https://github.com/aws/graph-notebook)26. linealabs/lineapy โญ 667
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](https://lineapy.org)27. xiaohk/stickyland โญ 569
Break the linear presentation of Jupyter Notebooks with sticky cells!
๐ [xiaohk.github.io/stickyland](https://xiaohk.github.io/stickyland/)28. infuseai/colab-xterm โญ 466
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 โญ 176,814
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](https://agpt.co)2. open-webui/open-webui โญ 102,162
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](https://openwebui.com)3. deepseek-ai/DeepSeek-V3 โญ 98,173
A strong Mixture-of-Experts (MoE) language model with 671B total parameters with 37B activated for each token.4. ggerganov/llama.cpp โญ 82,861
LLM inference in C/C++5. nomic-ai/gpt4all โญ 73,788
GPT4All: Run Local LLMs on Any Device. Open-source and available for commercial use.
๐ [nomic.ai/gpt4all](https://nomic.ai/gpt4all)6. xtekky/gpt4free โญ 64,619
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](https://t.me/g4f_channel)7. killianlucas/open-interpreter โญ 59,906
A natural language interface for computers
๐ [openinterpreter.com](http://openinterpreter.com/)8. infiniflow/ragflow โญ 59,593
RAGFlow is an open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.
๐ [ragflow.io](https://ragflow.io)9. modelcontextprotocol/servers โญ 58,953
A collection of reference implementations for the Model Context Protocol (MCP), as well as references to community built servers
๐ [modelcontextprotocol.io](https://modelcontextprotocol.io)10. facebookresearch/llama โญ 58,501
Inference code for Llama models11. imartinez/private-gpt โญ 56,237
Interact with your documents using the power of GPT, 100% privately, no data leaks
๐ [privategpt.dev](https://privategpt.dev)12. gpt-engineer-org/gpt-engineer โญ 54,449
CLI platform to experiment with codegen. Precursor to: https://lovable.dev13. hiyouga/LLaMA-Factory โญ 54,052
Unified Efficient Fine-Tuning of 100+ LLMs & VLMs (ACL 2024)
๐ [llamafactory.readthedocs.io](https://llamafactory.readthedocs.io)14. vllm-project/vllm โญ 51,985
A high-throughput and memory-efficient inference and serving engine for LLMs
๐ [docs.vllm.ai](https://docs.vllm.ai)15. xai-org/grok-1 โญ 50,340
This repository contains JAX example code for loading and running the Grok-1 open-weights model.16. unclecode/crawl4ai โญ 47,664
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](https://crawl4ai.com)17. oobabooga/text-generation-webui โญ 44,283
LLM UI with advanced features, easy setup, and multiple backend support.
๐ [oobabooga.gumroad.com/l/deep_reason](https://oobabooga.gumroad.com/l/deep_reason)18. karpathy/nanoGPT โญ 42,732
The simplest, fastest repository for training/finetuning medium-sized GPTs.19. unslothai/unsloth โญ 41,849
Fine-tuning & Reinforcement Learning for LLMs. ๐ฆฅ Train Qwen3, Llama 4, DeepSeek-R1, Gemma 3, TTS 2x faster with 70% less VRAM.
๐ [docs.unsloth.ai](https://docs.unsloth.ai/)20. thudm/ChatGLM-6B โญ 41,086
ChatGLM-6B: An Open Bilingual Dialogue Language Model | ๅผๆบๅ่ฏญๅฏน่ฏ่ฏญ่จๆจกๅ21. hpcaitech/ColossalAI โญ 41,024
Making large AI models cheaper, faster and more accessible
๐ [www.colossalai.org](https://www.colossalai.org)22. lm-sys/FastChat โญ 38,836
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.23. quivrhq/quivr โญ 38,112
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](https://core.quivr.com)24. laion-ai/Open-Assistant โญ 37,413
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](https://open-assistant.io)25. moymix/TaskMatrix โญ 34,423
Connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting.26. pythagora-io/gpt-pilot โญ 33,171
The first real AI developer27. danielmiessler/Fabric โญ 32,515
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](https://danielmiessler.com/p/fabric-origin-story)28. khoj-ai/khoj โญ 30,526
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](https://khoj.dev)29. tatsu-lab/stanford_alpaca โญ 30,070
Code and documentation to train Stanford's Alpaca models, and generate the data.
๐ [crfm.stanford.edu/2023/03/13/alpaca.html](https://crfm.stanford.edu/2023/03/13/alpaca.html)30. exo-explore/exo โญ 28,938
Run your own AI cluster at home. Unify your existing devices into one powerful GPU: iPhone, iPad, Android, Mac, NVIDIA, Raspberry Pi etc31. meta-llama/llama3 โญ 28,831
The official Meta Llama 3 GitHub site32. pathwaycom/llm-app โญ 27,266
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](https://pathway.com/developers/templates/)33. karpathy/llm.c โญ 27,118
LLM training in simple, pure C/CUDA. There is no need for 245MB of PyTorch or 107MB of cPython34. microsoft/graphrag โญ 26,435
A modular graph-based Retrieval-Augmented Generation (RAG) system
๐ [microsoft.github.io/graphrag](https://microsoft.github.io/graphrag/)35. stanfordnlp/dspy โญ 26,271
DSPy: The framework for programmingโnot promptingโlanguage models
๐ [dspy.ai](https://dspy.ai)36. vision-cair/MiniGPT-4 โญ 25,699
Open-sourced codes for MiniGPT-4 and MiniGPT-v2 (https://minigpt-4.github.io, https://minigpt-v2.github.io/)
๐ [minigpt-4.github.io](https://minigpt-4.github.io)37. microsoft/semantic-kernel โญ 25,368
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](https://aka.ms/semantic-kernel)38. berriai/litellm โญ 25,239
Python SDK, Proxy Server (LLM Gateway) to call 100+ LLM APIs in OpenAI format - [Bedrock, Azure, OpenAI, VertexAI, Cohere, Anthropic, Sagemaker, HuggingFace, Replicate, Groq]
๐ [docs.litellm.ai/docs](https://docs.litellm.ai/docs/)39. huggingface/open-r1 โญ 25,013
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 it40. microsoft/JARVIS โญ 24,224
JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf41. openai/gpt-2 โญ 23,767
Code for the paper "Language Models are Unsupervised Multitask Learners"
๐ [openai.com/blog/better-language-models](https://openai.com/blog/better-language-models/)42. haotian-liu/LLaVA โญ 23,017
[NeurIPS'23 Oral] Visual Instruction Tuning (LLaVA) built towards GPT-4V level capabilities and beyond.
๐ [llava.hliu.cc](https://llava.hliu.cc)43. cinnamon/kotaemon โญ 22,775
An open-source RAG UI for chatting with your documents. Built with both end users and developers in mind
๐ [cinnamon.github.io/kotaemon](https://cinnamon.github.io/kotaemon/)44. karpathy/minGPT โญ 22,238
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training45. deepset-ai/haystack โญ 21,485
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](https://haystack.deepset.ai)46. openai/chatgpt-retrieval-plugin โญ 21,195
The ChatGPT Retrieval Plugin lets you easily find personal or work documents by asking questions in natural language.47. mlc-ai/mlc-llm โญ 20,950
Universal LLM Deployment Engine with ML Compilation
๐ [llm.mlc.ai](https://llm.mlc.ai/)48. microsoft/BitNet โญ 20,487
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 models49. guidance-ai/guidance โญ 20,455
A guidance language for controlling large language models.50. rasahq/rasa โญ 20,382
๐ฌ 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](https://rasa.com/docs/rasa/)51. stitionai/devika โญ 19,377
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.52. huggingface/peft โญ 19,007
๐ค PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
๐ [huggingface.co/docs/peft](https://huggingface.co/docs/peft)53. tloen/alpaca-lora โญ 18,922
Instruct-tune LLaMA on consumer hardware54. nirdiamant/RAG_Techniques โญ 18,697
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.55. qwenlm/Qwen โญ 18,681
The official repo of Qwen (้ไนๅ้ฎ) chat & pretrained large language model proposed by Alibaba Cloud.56. vanna-ai/vanna โญ 18,547
RAG (Retrieval-Augmented Generation) framework for SQL generation and related functionality.
๐ [vanna.ai/docs](https://vanna.ai/docs/)57. karpathy/llama2.c โญ 18,543
Inference Llama 2 in one file of pure C58. dao-ailab/flash-attention โญ 18,293
Fast and memory-efficient exact attention59. anthropics/anthropic-cookbook โญ 17,965
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.60. facebookresearch/llama-cookbook โญ 17,603
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](https://www.llama.com/)61. idea-research/Grounded-Segment-Anything โญ 16,597
Grounded SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
๐ [arxiv.org/abs/2401.14159](https://arxiv.org/abs/2401.14159)62. openai/evals โญ 16,541
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.63. transformeroptimus/SuperAGI โญ 16,514
<โก๏ธ> SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
๐ [superagi.com](https://superagi.com/)64. facebookresearch/codellama โญ 16,349
Inference code for CodeLlama models65. modelcontextprotocol/python-sdk โญ 15,977
The Model Context Protocol allows applications to provide context for LLMs in a standardized way, separating the concerns of providing context from the actual LLM interaction.
๐ [modelcontextprotocol.io](https://modelcontextprotocol.io)66. sgl-project/sglang โญ 15,914
SGLang is a fast serving framework for large language models and vision language models.
๐ [docs.sglang.ai](https://docs.sglang.ai/)67. mlc-ai/web-llm โญ 15,901
High-performance In-browser LLM Inference Engine
๐ [webllm.mlc.ai](https://webllm.mlc.ai)68. thudm/ChatGLM2-6B โญ 15,720
ChatGLM2-6B: An Open Bilingual Chat LLM | ๅผๆบๅ่ฏญๅฏน่ฏ่ฏญ่จๆจกๅ69. mayooear/ai-pdf-chatbot-langchain โญ 15,669
AI PDF chatbot agent built with LangChain & LangGraph
๐ [www.youtube.com/watch?v=of6soldiewu](https://www.youtube.com/watch?v=OF6SolDiEwU)70. kvcache-ai/ktransformers โญ 15,111
A Flexible Framework for LLM Inference Optimizations - allows researchers to replace original torch modules with optimized variants
๐ [kvcache-ai.github.io/ktransformers](https://kvcache-ai.github.io/ktransformers/)71. fauxpilot/fauxpilot โญ 14,727
FauxPilot - an open-source alternative to GitHub Copilot server72. lvwerra/trl โญ 14,559
Train transformer language models with reinforcement learning.
๐ [hf.co/docs/trl](http://hf.co/docs/trl)73. llmware-ai/llmware โญ 14,249
Unified framework for building enterprise RAG pipelines with small, specialized models
๐ [llmware-ai.github.io/llmware](https://llmware-ai.github.io/llmware/)74. skyvern-ai/skyvern โญ 13,799
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](https://www.skyvern.com)75. blinkdl/RWKV-LM โญ 13,777
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...76. nvidia/Megatron-LM โญ 12,835
Ongoing research training transformer models at scale
๐ [docs.nvidia.com/megatron-core/developer-guide/latest/user-guide/index.html#quick-start](https://docs.nvidia.com/megatron-core/developer-guide/latest/user-guide/index.html#quick-start)77. paddlepaddle/PaddleNLP โญ 12,678
Easy-to-use and powerful LLM and SLM library with awesome model zoo.
๐ [paddlenlp.readthedocs.io](https://paddlenlp.readthedocs.io)78. swivid/F5-TTS โญ 12,609
Official code for "F5-TTS: A Fairytaler that Fakes Fluent and Faithful Speech with Flow Matching"
๐ [arxiv.org/abs/2410.06885](https://arxiv.org/abs/2410.06885)79. lightning-ai/litgpt โญ 12,462
20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
๐ [lightning.ai](https://lightning.ai)80. lightning-ai/litgpt โญ 12,462
20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
๐ [lightning.ai](https://lightning.ai)81. shishirpatil/gorilla โญ 12,230
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](https://gorilla.cs.berkeley.edu/)82. microsoft/LoRA โญ 12,227
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
๐ [arxiv.org/abs/2106.09685](https://arxiv.org/abs/2106.09685)83. andrewyng/aisuite โญ 12,226
Simple, unified interface to multiple Generative AI providers. aisuite makes it easy for developers to use multiple LLM through a standardized interface.84. dottxt-ai/outlines โญ 12,062
Structured Text Generation from LLMs
๐ [dottxt-ai.github.io/outlines](https://dottxt-ai.github.io/outlines/)85. openlmlab/MOSS โญ 12,058
An open-source tool-augmented conversational language model from Fudan University
๐ [txsun1997.github.io/blogs/moss.html](https://txsun1997.github.io/blogs/moss.html)86. jiayi-pan/TinyZero โญ 11,998
TinyZero is a reproduction of DeepSeek R1 Zero in countdown and multiplication tasks.87. h2oai/h2ogpt โญ 11,862
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](http://h2o.ai)88. google-research/vision_transformer โญ 11,559
Vision Transformer and MLP-Mixer Architectures89. instructor-ai/instructor โญ 10,931
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](https://python.useinstructor.com/)90. volcengine/verl โญ 10,836
veRL is a flexible, efficient and production-ready RL training library for large language models (LLMs).
๐ [verl.readthedocs.io/en/latest/index.html](https://verl.readthedocs.io/en/latest/index.html)91. databrickslabs/dolly โญ 10,806
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](https://www.databricks.com/blog/2023/03/24/hello-dolly-democratizing-magic-chatgpt-open-models.html)92. microsoft/promptflow โญ 10,557
Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
๐ [microsoft.github.io/promptflow](https://microsoft.github.io/promptflow/)93. artidoro/qlora โญ 10,550
QLoRA: Efficient Finetuning of Quantized LLMs
๐ [arxiv.org/abs/2305.14314](https://arxiv.org/abs/2305.14314)94. mistralai/mistral-inference โญ 10,354
Official inference library for Mistral models
๐ [mistral.ai](https://mistral.ai/)95. chainlit/chainlit โญ 10,127
Build Conversational AI in minutes โก๏ธ
๐ [docs.chainlit.io](https://docs.chainlit.io)96. explodinggradients/ragas โญ 9,884
Supercharge Your LLM Application Evaluations ๐
๐ [docs.ragas.io](https://docs.ragas.io)97. axolotl-ai-cloud/axolotl โญ 9,870
Go ahead and axolotl questions
๐ [docs.axolotl.ai](https://docs.axolotl.ai)98. karpathy/minbpe โญ 9,746
Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.99. mshumer/gpt-prompt-engineer โญ 9,561
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.100. eleutherai/lm-evaluation-harness โญ 9,513
A framework for few-shot evaluation of language models.
๐ [www.eleuther.ai](https://www.eleuther.ai)101. blinkdl/ChatRWKV โญ 9,500
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.102. anthropics/anthropic-quickstarts โญ 9,373
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.103. abetlen/llama-cpp-python โญ 9,325
Simple Python bindings for @ggerganov's llama.cpp library.
๐ [llama-cpp-python.readthedocs.io](https://llama-cpp-python.readthedocs.io)104. e2b-dev/E2B โญ 8,965
E2B is an open-source infrastructure that allows you to run AI-generated code in secure isolated sandboxes in the cloud
๐ [e2b.dev/docs](https://e2b.dev/docs)105. apple/ml-ferret โญ 8,640
Ferret: Refer and Ground Anything Anywhere at Any Granularity106. jzhang38/TinyLlama โญ 8,631
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.107. modelscope/ms-swift โญ 8,607
Use PEFT or Full-parameter to CPT/SFT/DPO/GRPO 500+ LLMs (Qwen3, Qwen3-MoE, Llama4, InternLM3, DeepSeek-R1, ...) and 200+ MLLMs (Qwen2.5-VL, Qwen2.5-Omni, Qwen2-Audio, Ovis2, InternVL3, Llava, GLM4v, Phi4, ...) (AAAI 2025).
๐ [swift.readthedocs.io/zh-cn/latest](https://swift.readthedocs.io/zh-cn/latest/)108. canner/WrenAI โญ 8,581
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](https://getwren.ai/oss)109. thudm/CodeGeeX โญ 8,532
CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023)
๐ [codegeex.cn](https://codegeex.cn)110. vaibhavs10/insanely-fast-whisper โญ 8,516
An opinionated CLI to transcribe Audio files w/ Whisper on-device! Powered by ๐ค Transformers, Optimum & flash-attn111. optimalscale/LMFlow โญ 8,446
An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
๐ [optimalscale.github.io/lmflow](https://optimalscale.github.io/LMFlow/)112. skypilot-org/skypilot โญ 8,342
SkyPilot: Run AI and batch jobs on any infra (Kubernetes or 16+ clouds). Get unified execution, cost savings, and high GPU availability via a simple interface.
๐ [docs.skypilot.co](https://docs.skypilot.co/)113. eleutherai/gpt-neo โญ 8,296
An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
๐ [www.eleuther.ai](https://www.eleuther.ai)114. sjtu-ipads/PowerInfer โญ 8,233
High-speed Large Language Model Serving for Local Deployment115. vikhyat/moondream โญ 8,187
A tiny open-source computer-vision language model designed to run efficiently on edge devices
๐ [moondream.ai](https://moondream.ai)116. lianjiatech/BELLE โญ 8,180
BELLE: Be Everyone's Large Language model Engine๏ผๅผๆบไธญๆๅฏน่ฏๅคงๆจกๅ๏ผ117. plachtaa/VALL-E-X โญ 7,892
An open source implementation of Microsoft's VALL-E X zero-shot TTS model. Demo is available in https://plachtaa.github.io/vallex/118. 01-ai/Yi โญ 7,831
The Yi series models are the next generation of open-source large language models trained from scratch by 01.AI.
๐ [01.ai](https://01.ai)119. thudm/GLM-130B โญ 7,682
GLM-130B: An Open Bilingual Pre-Trained Model (ICLR 2023)120. zilliztech/GPTCache โญ 7,624
Semantic cache for LLMs. Fully integrated with LangChain and llama_index.
๐ [gptcache.readthedocs.io](https://gptcache.readthedocs.io)121. sweepai/sweep โญ 7,569
Sweep: AI coding assistant for JetBrains
๐ [sweep.dev](https://sweep.dev)122. future-house/paper-qa โญ 7,548
High-accuracy retrieval augmented generation (RAG) on PDFs or text files, with a focus on the scientific literature
๐ [futurehouse.gitbook.io/futurehouse-cookbook](https://futurehouse.gitbook.io/futurehouse-cookbook)123. promptfoo/promptfoo โญ 7,511
Test your prompts, agents, and RAGs. Red teaming, pentesting, and vulnerability scanning for LLMs. Compare performance of GPT, Claude, Gemini, Llama, and more. Simple declarative configs with command line and CI/CD integration.
๐ [promptfoo.dev](https://promptfoo.dev)124. openlm-research/open_llama โญ 7,505
OpenLLaMA: An Open Reproduction of LLaMA125. bigcode-project/starcoder โญ 7,428
Home of StarCoder: fine-tuning & inference!126. eleutherai/gpt-neox โญ 7,256
An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries
๐ [www.eleuther.ai](https://www.eleuther.ai/)127. weaviate/Verba โญ 7,199
Retrieval Augmented Generation (RAG) chatbot powered by Weaviate128. bhaskatripathi/pdfGPT โญ 7,134
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](https://huggingface.co/spaces/bhaskartripathi/pdfChatter)129. apple/corenet โญ 7,013
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.130. internlm/InternLM โญ 6,975
Official release of InternLM series (InternLM, InternLM2, InternLM2.5, InternLM3).
๐ [internlm.readthedocs.io](https://internlm.readthedocs.io/)131. mit-han-lab/streaming-llm โญ 6,933
[ICLR 2024] Efficient Streaming Language Models with Attention Sinks
๐ [arxiv.org/abs/2309.17453](https://arxiv.org/abs/2309.17453)132. pipecat-ai/pipecat โญ 6,790
Open Source framework for voice and multimodal conversational AI133. apple/ml-fastvlm โญ 6,673
FastVLM: Efficient Vision Encoding for Vision Language Models134. langchain-ai/opengpts โญ 6,666
An open source effort to create a similar experience to OpenAI's GPTs and Assistants API.135. run-llama/rags โญ 6,482
RAGs is a Streamlit app that lets you create a RAG pipeline from a data source using natural language.136. nat/openplayground โญ 6,355
An LLM playground you can run on your laptop137. topoteretes/cognee โญ 6,309
Memory for AI Agents in 5 lines of code
๐ [www.cognee.ai](https://www.cognee.ai)138. minedojo/Voyager โญ 6,227
An Open-Ended Embodied Agent with Large Language Models
๐ [voyager.minedojo.org](https://voyager.minedojo.org/)139. lightning-ai/lit-llama โญ 6,071
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.140. qwenlm/Qwen-VL โญ 6,066
The official repo of Qwen-VL (้ไนๅ้ฎ-VL) chat & pretrained large vision language model proposed by Alibaba Cloud.141. nirdiamant/Prompt_Engineering โญ 6,019
A comprehensive collection of tutorials and implementations for Prompt Engineering techniques, ranging from fundamental concepts to advanced strategies.142. pytorch-labs/gpt-fast โญ 6,011
Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.143. arcee-ai/mergekit โญ 6,006
Tools for merging pretrained large language models.144. langchain-ai/chat-langchain โญ 5,972
Locally hosted chatbot specifically focused on question answering over the LangChain documentation
๐ [chat.langchain.com](https://chat.langchain.com)145. lyogavin/airllm โญ 5,838
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.146. allenai/OLMo โญ 5,761
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](https://allenai.org/olmo)147. open-compass/opencompass โญ 5,658
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](https://opencompass.org.cn/)148. microsoft/promptbase โญ 5,642
promptbase is an evolving collection of resources, best practices, and example scripts for eliciting the best performance from foundation models.149. linkedin/Liger-Kernel โญ 5,346
Efficient Triton Kernels for LLM Training
๐ [arxiv.org/pdf/2410.10989](https://arxiv.org/pdf/2410.10989)150. microsoft/LLMLingua โญ 5,262
[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](https://llmlingua.com/)151. dsdanielpark/Bard-API โญ 5,257
The unofficial python package that returns response of Google Bard through cookie value.
๐ [pypi.org/project/bardapi](https://pypi.org/project/bardapi/)152. guardrails-ai/guardrails โญ 5,241
Open-source Python package for specifying structure and type, validating and correcting the outputs of large language models (LLMs)
๐ [www.guardrailsai.com/docs](https://www.guardrailsai.com/docs)153. openbmb/ToolBench โญ 5,153
[ICLR'24 spotlight] An open platform for training, serving, and evaluating large language model for tool learning.
๐ [openbmb.github.io/toolbench](https://openbmb.github.io/ToolBench/)154. geeeekexplorer/nano-vllm โญ 5,124
A lightweight vLLM implementation built from scratch.155. nvidia/NeMo-Guardrails โญ 4,880
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.156. togethercomputer/RedPajama-Data โญ 4,766
The RedPajama-Data repository contains code for preparing large datasets for training large language models.157. 1rgs/jsonformer โญ 4,764
A Bulletproof Way to Generate Structured JSON from Language Models158. katanaml/sparrow โญ 4,615
Sparrow is a solution for efficient data extraction and processing from various documents and images like invoices and receipts
๐ [sparrow.katanaml.io](https://sparrow.katanaml.io)159. boundaryml/baml โญ 4,590
The AI framework that adds the engineering to prompt engineering (Python/TS/Ruby/Java/C#/Rust/Go compatible)
๐ [docs.boundaryml.com](https://docs.boundaryml.com)160. kyegomez/tree-of-thoughts โญ 4,514
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](https://discord.gg/qUtxnK2NMf)161. microsoft/BioGPT โญ 4,438
Implementation of BioGPT: Generative Pre-trained Transformer for Biomedical Text Generation and Mining162. bytedance/Dolphin โญ 4,437
A novel multimodal document image parsing model following an analyze-then-parse paradigm163. yizhongw/self-instruct โญ 4,414
Aligning pretrained language models with instruction data generated by themselves.164. agiresearch/AIOS โญ 4,354
AIOS, a Large Language Model (LLM) Agent operating system, embeds large language model into Operating Systems (OS) as the brain of the OS, enabling an operating system "with soul" -- an important step towards AGI.
๐ [aios.foundation](https://aios.foundation)165. h2oai/h2o-llmstudio โญ 4,343
H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs. Documentation: https://docs.h2o.ai/h2o-llmstudio/
๐ [h2o.ai](https://h2o.ai)166. instruction-tuning-with-gpt-4/GPT-4-LLM โญ 4,312
Instruction Tuning with GPT-4
๐ [instruction-tuning-with-gpt-4.github.io](https://instruction-tuning-with-gpt-4.github.io/)167. ragapp/ragapp โญ 4,282
The easiest way to use Agentic RAG in any enterprise168. turboderp/exllamav2 โญ 4,228
A fast inference library for running LLMs locally on modern consumer-class GPUs169. truefoundry/cognita โญ 4,142
RAG (Retrieval Augmented Generation) Framework for building modular, open source applications for production by TrueFoundry
๐ [cognita.truefoundry.com](https://cognita.truefoundry.com)170. mshumer/gpt-llm-trainer โญ 4,139
Input a description of your task, and the system will generate a dataset, parse it, and fine-tune a LLaMA 2 model for you171. lm-sys/RouteLLM โญ 4,087
A framework for serving and evaluating LLM routers - save LLM costs without compromising quality172. marker-inc-korea/AutoRAG โญ 4,085
AutoRAG: An Open-Source Framework for Retrieval-Augmented Generation (RAG) Evaluation & Optimization with AutoML-Style Automation
๐ [marker-inc-korea.github.io/autorag](https://marker-inc-korea.github.io/AutoRAG/)173. microsoft/LMOps โญ 4,049
General technology for enabling AI capabilities w/ LLMs and MLLMs
๐ [aka.ms/generalai](https://aka.ms/GeneralAI)174. llm-attacks/llm-attacks โญ 4,042
This is the official repository for "Universal and Transferable Adversarial Attacks on Aligned Language Models"
๐ [llm-attacks.org](https://llm-attacks.org/)175. eth-sri/lmql โญ 3,989
A language for constraint-guided and efficient LLM programming.
๐ [lmql.ai](https://lmql.ai)176. kiln-ai/Kiln โญ 3,909
The easiest tool for fine-tuning LLM models, synthetic data generation, and collaborating on datasets.
๐ [getkiln.ai](https://getkiln.ai)177. vllm-project/aibrix โญ 3,907
AIBrix delivers a cloud-native solution optimized for deploying, managing, and scaling large language model (LLM) inference, tailored specifically to enterprise needs.178. yuliang-liu/MonkeyOCR โญ 3,838
A lightweight LMM-based Document Parsing Model with a Structure-Recognition-Relation Triplet Paradigm179. deep-agent/R1-V โญ 3,835
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.180. defog-ai/sqlcoder โญ 3,822
SoTA LLM for converting natural language questions to SQL queries181. ravenscroftj/turbopilot โญ 3,820
Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU182. openai/simple-evals โญ 3,817
Lightweight library for evaluating language models183. huggingface/text-embeddings-inference โญ 3,789
A blazing fast inference solution for text embeddings models
๐ [huggingface.co/docs/text-embeddings-inference/quick_tour](https://huggingface.co/docs/text-embeddings-inference/quick_tour)184. mmabrouk/llm-workflow-engine โญ 3,709
Power CLI and Workflow manager for LLMs (core package)185. meta-llama/PurpleLlama โญ 3,580
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.186. bclavie/RAGatouille โญ 3,566
Bridging the gap between state-of-the-art research and alchemical RAG pipeline practices.187. next-gpt/NExT-GPT โญ 3,532
Code and models for ICML 2024 paper, NExT-GPT: Any-to-Any Multimodal Large Language Model
๐ [next-gpt.github.io](https://next-gpt.github.io/)188. minimaxir/simpleaichat โญ 3,519
Python package for easily interfacing with chat apps, with robust features and minimal code complexity.189. iryna-kondr/scikit-llm โญ 3,464
Seamlessly integrate LLMs into scikit-learn.
๐ [beastbyte.ai](https://beastbyte.ai/)190. minimaxir/gpt-2-simple โญ 3,407
Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts191. sylphai-inc/AdalFlow โญ 3,397
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](http://adalflow.sylph.ai/)192. jaymody/picoGPT โญ 3,381
An unnecessarily tiny implementation of GPT-2 in NumPy.193. lightning-ai/LitServe โญ 3,379
The easiest way to deploy agents, MCP servers, models, RAG, pipelines and more. No MLOps. No YAML.
๐ [lightning.ai/litserve](https://lightning.ai/litserve)194. flashinfer-ai/flashinfer โญ 3,345
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](https://flashinfer.ai)195. deep-diver/LLM-As-Chatbot โญ 3,325
LLM as a Chatbot Service196. novasky-ai/SkyThought โญ 3,301
Sky-T1: Train your own O1 preview model within $450
๐ [novasky-ai.github.io](https://novasky-ai.github.io/)197. predibase/lorax โญ 3,273
Multi-LoRA inference server that scales to 1000s of fine-tuned LLMs
๐ [loraexchange.ai](https://loraexchange.ai)198. luodian/Otter โญ 3,260
๐ฆฆ 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](https://otter-ntu.github.io/)199. verazuo/jailbreak_llms โญ 3,206
Official repo for the ACM CCS 2024 paper "Do Anything Now'': Characterizing and Evaluating In-The-Wild Jailbreak Prompts
๐ [jailbreak-llms.xinyueshen.me](https://jailbreak-llms.xinyueshen.me/)200. mit-han-lab/llm-awq โญ 3,140
AWQ: Activation-aware Weight Quantization for LLM Compression and Acceleration201. microsoft/torchscale โญ 3,091
Foundation Architecture for (M)LLMs
๐ [aka.ms/generalai](https://aka.ms/GeneralAI)202. cohere-ai/cohere-toolkit โญ 3,068
Cohere Toolkit is a collection of prebuilt components enabling users to quickly build and deploy RAG applications.203. pytorch/executorch โญ 3,029
An end-to-end solution for enabling on-device inference capabilities across mobile and edge devices including wearables, embedded devices and microcontrollers. It is part of the PyTorch Edge ecosystem and enables efficient deployment of PyTorch models to edge devices.
๐ [pytorch.org/executorch](https://pytorch.org/executorch/)204. mistralai/mistral-finetune โญ 2,984
A light-weight codebase that enables memory-efficient and performant finetuning of Mistral's models. It is based on LoRA.205. li-plus/chatglm.cpp โญ 2,980
C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & GLM4(V)206. hiyouga/EasyR1 โญ 2,970
EasyR1: An Efficient, Scalable, Multi-Modality RL Training Framework based on veRL
๐ [verl.readthedocs.io/en/latest/index.html](https://verl.readthedocs.io/en/latest/index.html)207. baichuan-inc/Baichuan-13B โญ 2,970
A 13B large language model developed by Baichuan Intelligent Technology
๐ [huggingface.co/baichuan-inc/baichuan-13b-chat](https://huggingface.co/baichuan-inc/Baichuan-13B-Chat)208. freedomintelligence/LLMZoo โญ 2,944
โกLLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.โก209. agenta-ai/agenta โญ 2,922
The open-source LLMOps platform: prompt playground, prompt management, LLM evaluation, and LLM observability all in one place.
๐ [www.agenta.ai](http://www.agenta.ai)210. hegelai/prompttools โญ 2,897
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](http://prompttools.readthedocs.io)211. deepseek-ai/DualPipe โญ 2,827
DualPipe is an innovative bidirectional pipeline parallelism algorithm introduced in the DeepSeek-V3 Technical Report.212. juncongmoo/pyllama โญ 2,802
LLaMA: Open and Efficient Foundation Language Models213. argilla-io/distilabel โญ 2,800
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](https://distilabel.argilla.io)214. huggingface/smollm โญ 2,795
Everything about the SmolLM and SmolVLM family of models
๐ [huggingface.co/huggingfacetb](https://huggingface.co/HuggingFaceTB)215. alpha-vllm/LLaMA2-Accessory โญ 2,787
An Open-source Toolkit for LLM Development
๐ [llama2-accessory.readthedocs.io](https://llama2-accessory.readthedocs.io/)216. noahshinn/reflexion โญ 2,785
[NeurIPS 2023] Reflexion: Language Agents with Verbal Reinforcement Learning217. janhq/cortex.cpp โญ 2,764
Cortex is a Local AI API Platform that is used to run and customize LLMs.
๐ [cortex.so](https://cortex.so)218. evolvinglmms-lab/lmms-eval โญ 2,732
A One-for-All Multimodal Evaluation Toolkit Across Text, Image, Video, and Audio Tasks
๐ [www.lmms-lab.com](https://www.lmms-lab.com)219. paperswithcode/galai โญ 2,730
Model API for GALACTICA220. truera/trulens โญ 2,625
Evaluation and Tracking for LLM Experiments and AI Agents
๐ [www.trulens.org](https://www.trulens.org/)221. roboflow/maestro โญ 2,588
streamline the fine-tuning process for multimodal models: PaliGemma 2, Florence-2, and Qwen2.5-VL
๐ [maestro.roboflow.com](https://maestro.roboflow.com)222. databricks/dbrx โญ 2,568
Code examples and resources for DBRX, a large language model developed by Databricks
๐ [www.databricks.com](https://www.databricks.com/)223. ofa-sys/OFA โญ 2,504
Official repository of OFA (ICML 2022). Paper: OFA: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework224. ruc-nlpir/FlashRAG โญ 2,498
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](https://arxiv.org/abs/2405.13576)225. young-geng/EasyLM โญ 2,480
Large language models (LLMs) made easy, EasyLM is a one stop solution for pre-training, finetuning, evaluating and serving LLMs in JAX/Flax.226. intel/neural-compressor โญ 2,449
SOTA low-bit LLM quantization (INT8/FP8/INT4/FP4/NF4) & sparsity; leading model compression techniques on TensorFlow, PyTorch, and ONNX Runtime
๐ [intel.github.io/neural-compressor](https://intel.github.io/neural-compressor/)227. spcl/graph-of-thoughts โญ 2,418
Official Implementation of "Graph of Thoughts: Solving Elaborate Problems with Large Language Models"
๐ [arxiv.org/pdf/2308.09687.pdf](https://arxiv.org/pdf/2308.09687.pdf)228. civitai/sd_civitai_extension โญ 2,377
All of the Civitai models inside Automatic 1111 Stable Diffusion Web UI229. azure-samples/graphrag-accelerator โญ 2,374
One-click deploy of a Knowledge Graph powered RAG (GraphRAG) in Azure
๐ [github.com/microsoft/graphrag](https://github.com/microsoft/graphrag)230. sapientinc/HRM โญ 2,299
Hierarchical Reasoning Model (HRM), a novel recurrent architecture that attains significant computational depth while maintaining both training stability and efficiency
๐ [sapient.inc](https://sapient.inc)231. uptrain-ai/uptrain โญ 2,292
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](https://uptrain.ai/)232. facebookresearch/large_concept_model โญ 2,244
Large Concept Models: Language modeling in a sentence representation space233. openai/finetune-transformer-lm โญ 2,222
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](https://s3-us-west-2.amazonaws.com/openai-assets/research-covers/language-unsupervised/language_understanding_paper.pdf)234. casper-hansen/AutoAWQ โญ 2,205
AutoAWQ implements the AWQ algorithm for 4-bit quantization with a 2x speedup during inference. Documentation:
๐ [casper-hansen.github.io/autoawq](https://casper-hansen.github.io/AutoAWQ/)235. langwatch/langwatch โญ 2,187
LangWatch is an open platform for Observing, Evaluating and Optimizing your LLM and Agentic applications.
๐ [langwatch.ai](https://langwatch.ai)236. ist-daslab/gptq โญ 2,140
Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
๐ [arxiv.org/abs/2210.17323](https://arxiv.org/abs/2210.17323)237. akariasai/self-rag โญ 2,127
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](https://selfrag.github.io/)238. 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](https://www.modular.com/blog/community-spotlight-how-i-built-llama2-by-aydyn-tairov)239. microsoft/Megatron-DeepSpeed โญ 2,104
Ongoing research training transformer language models at scale, including: BERT & GPT-2240. openai/image-gpt โญ 2,068
Archived. Code and models from the paper "Generative Pretraining from Pixels"241. epfllm/meditron โญ 2,046
Meditron is a suite of open-source medical Large Language Models (LLMs).
๐ [huggingface.co/epfl-llm](https://huggingface.co/epfl-llm)242. lucidrains/toolformer-pytorch โญ 2,041
Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI243. facebookresearch/chameleon โญ 2,032
Repository for Meta Chameleon, a mixed-modal early-fusion foundation model from FAIR.
๐ [arxiv.org/abs/2405.09818](https://arxiv.org/abs/2405.09818)244. googleapis/python-genai โญ 2,027
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](https://googleapis.github.io/python-genai/)245. huggingface/nanotron โญ 2,012
Minimalistic large language model 3D-parallelism training246. illuin-tech/colpali โญ 2,009
Code used for training the vision retrievers in the ColPali: Efficient Document Retrieval with Vision Language Models paper
๐ [huggingface.co/vidore](https://huggingface.co/vidore)247. neulab/prompt2model โญ 2,004
A system that takes a natural language task description to train a small special-purpose model that is conducive for deployment.248. openai/gpt-2-output-dataset โญ 1,986
Dataset of GPT-2 outputs for research in detection, biases, and more249. minimaxir/aitextgen โญ 1,843
A robust Python tool for text-based AI training and generation using GPT-2.
๐ [docs.aitextgen.io](https://docs.aitextgen.io)250. noamgat/lm-format-enforcer โญ 1,835
Enforce the output format (JSON Schema, Regex etc) of a language model251. ai-hypercomputer/maxtext โญ 1,829
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.252. protectai/llm-guard โญ 1,827
Sanitization, detection of harmful language, prevention of data leakage, and resistance against prompt injection attacks for LLMs
๐ [protectai.github.io/llm-guard](https://protectai.github.io/llm-guard/)253. openai/gpt-discord-bot โญ 1,827
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.254. ray-project/llm-applications โญ 1,803
A comprehensive guide to building RAG-based LLM applications for production.255. minishlab/model2vec โญ 1,753
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](https://minish.ai/packages/model2vec)256. agentops-ai/tokencost โญ 1,735
Easy token price estimates for 400+ LLMs. TokenOps.
๐ [agentops.ai](https://agentops.ai)257. qwenlm/Qwen-Audio โญ 1,733
The official repo of Qwen-Audio (้ไนๅ้ฎ-Audio) chat & pretrained large audio language model proposed by Alibaba Cloud.258. huggingface/lighteval โญ 1,716
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](https://huggingface.co/docs/lighteval/en/index)259. vllm-project/llm-compressor โญ 1,618
Transformers-compatible library for applying various compression algorithms to LLMs for optimized deployment with vLLM
๐ [blog.vllm.ai/llm-compressor](https://blog.vllm.ai/llm-compressor)260. jina-ai/thinkgpt โญ 1,578
Agent techniques to augment your LLM and push it beyong its limits261. huggingface/picotron โญ 1,577
Minimalist & most-hackable repository for pre-training Llama-like models with 4D Parallelism (Data, Tensor, Pipeline, Context parallel)262. meetkai/functionary โญ 1,569
Chat language model that can use tools and interpret the results263. jennyzzt/dgm โญ 1,501
Self-improving system that iteratively modifies its own code and empirically validates each change264. answerdotai/rerankers โญ 1,493
Welcome to rerankers! Our goal is to provide users with a simple API to use any reranking models.265. run-llama/llama-lab โญ 1,488
Llama Lab is a repo dedicated to building cutting-edge projects using LlamaIndex266. chatarena/chatarena โญ 1,483
ChatArena (or Chat Arena) is a Multi-Agent Language Game Environments for LLMs. The goal is to develop communication and collaboration capabilities of AIs.267. cstankonrad/long_llama โญ 1,460
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.268. farizrahman4u/loopgpt โญ 1,455
Re-implementation of Auto-GPT as a python package, written with modularity and extensibility in mind.269. bigscience-workshop/Megatron-DeepSpeed โญ 1,401
Ongoing research training transformer language models at scale, including: BERT & GPT-2270. karpathy/nano-llama31 โญ 1,394
This repo is to Llama 3.1 what nanoGPT is to GPT-2. i.e. it is a minimal, dependency-free implementation of the Llama 3.1 architecture271. explosion/spacy-transformers โญ 1,389
๐ธ Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy
๐ [spacy.io/usage/embeddings-transformers](https://spacy.io/usage/embeddings-transformers)272. nirdiamant/Controllable-RAG-Agent โญ 1,329
An advanced Retrieval-Augmented Generation (RAG) solution designed to tackle complex questions that simple semantic similarity-based retrieval cannot solve273. mlfoundations/dclm โญ 1,323
DataComp for Language Models274. protectai/rebuff โญ 1,314
Rebuff is designed to protect AI applications from prompt injection (PI) attacks through a multi-layered defense
๐ [playground.rebuff.ai](https://playground.rebuff.ai)275. facebookresearch/MobileLLM โญ 1,309
Training code of MobileLLM introduced in our work: "MobileLLM: Optimizing Sub-billion Parameter Language Models for On-Device Use Cases"276. keirp/automatic_prompt_engineer โญ 1,283
Large Language Models Are Human-Level Prompt Engineers277. explosion/spacy-llm โญ 1,276
๐ฆ Integrating LLMs into structured NLP pipelines
๐ [spacy.io/usage/large-language-models](https://spacy.io/usage/large-language-models)278. hao-ai-lab/LookaheadDecoding โญ 1,259
Break the Sequential Dependency of LLM Inference Using Lookahead Decoding
๐ [arxiv.org/abs/2402.02057](https://arxiv.org/abs/2402.02057)279. ray-project/ray-llm โญ 1,258
RayLLM - LLMs on Ray (Archived). Read README for more info.
๐ [docs.ray.io/en/latest](https://docs.ray.io/en/latest/)280. srush/MiniChain โญ 1,233
A tiny library for coding with large language models.
๐ [srush-minichain.hf.space](https://srush-minichain.hf.space/)281. deepseek-ai/EPLB โญ 1,229
Expert Parallelism Load Balancer across GPUs282. ibm/Dromedary โญ 1,148
Dromedary: towards helpful, ethical and reliable LLMs.283. lupantech/chameleon-llm โญ 1,133
Codes for "Chameleon: Plug-and-Play Compositional Reasoning with Large Language Models".
๐ [chameleon-llm.github.io](https://chameleon-llm.github.io)284. vectifyai/PageIndex โญ 1,094
A document indexing system that builds search tree structures from long documents, making them ready for reasoning-based RAG
๐ [pageindex.ai](https://pageindex.ai)285. rlancemartin/auto-evaluator โญ 1,078
Evaluation tool for LLM QA chains
๐ [autoevaluator.langchain.com](https://autoevaluator.langchain.com/)286. mlc-ai/xgrammar โญ 1,062
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](https://xgrammar.mlc.ai/docs)287. cerebras/modelzoo โญ 1,050
Examples of common deep learning models that can be trained on Cerebras hardware288. ctlllll/LLM-ToolMaker โญ 1,031
Large Language Models as Tool Makers289. datadreamer-dev/DataDreamer โญ 1,030
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](https://datadreamer.dev)290. microsoft/Llama-2-Onnx โญ 1,029
A Microsoft optimized version of the Llama 2 model, available from Meta291. nomic-ai/pygpt4all โญ 1,018
Official supported Python bindings for llama.cpp + gpt4all
๐ [nomic-ai.github.io/pygpt4all](https://nomic-ai.github.io/pygpt4all/)292. pinecone-io/canopy โญ 1,017
Retrieval Augmented Generation (RAG) framework and context engine powered by Pinecone
๐ [www.pinecone.io](https://www.pinecone.io/)293. ajndkr/lanarky โญ 994
The web framework for building LLM microservices
๐ [lanarky.ajndkr.com](https://lanarky.ajndkr.com/)294. likejazz/llama3.np โญ 987
llama3.np is a pure NumPy implementation for Llama 3 model.295. huggingface/optimum-nvidia โญ 986
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)296. prometheus-eval/prometheus-eval โญ 960
Evaluate your LLM's response with Prometheus and GPT4 ๐ฏ297. sumandora/remove-refusals-with-transformers โญ 940
A proof-of-concept implementation to remove refusals from an LLM model without using TransformerLens298. soulter/hugging-chat-api โญ 931
HuggingChat Python API๐ค299. wandb/weave โญ 927
Weave is a toolkit for developing AI-powered applications, built by Weights & Biases.
๐ [wandb.me/weave](https://wandb.me/weave)300. langchain-ai/langsmith-cookbook โญ 927
LangSmith is a platform for building production-grade LLM applications.
๐ [langsmith-cookbook.vercel.app](https://langsmith-cookbook.vercel.app)301. nousresearch/Hermes-Function-Calling โญ 908
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 statements302. centerforaisafety/hle โญ 893
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](https://lastexam.ai)303. muennighoff/sgpt โญ 868
SGPT: GPT Sentence Embeddings for Semantic Search
๐ [arxiv.org/abs/2202.08904](https://arxiv.org/abs/2202.08904)304. utkusen/promptmap โญ 835
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.305. opengvlab/OmniQuant โญ 827
[ICLR2024 spotlight] OmniQuant is a simple and powerful quantization technique for LLMs.306. junruxiong/IncarnaMind โญ 798
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](https://www.incarnamind.com)307. oliveirabruno01/babyagi-asi โญ 797
BabyAGI: an Autonomous and Self-Improving agent, or BASI308. cagostino/npcpy โญ 795
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. opengenerativeai/GenossGPT โญ 752
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](https://genoss.ai/)310. thinking-machines-lab/batch_invariant_ops โญ 746
Defeating Nondeterminism in LLM Inference: fixing floating-point non-associativity311. tag-research/TAG-Bench โญ 746
Table-Augmented Generation (TAG) is a unified and general-purpose paradigm for answering natural language questions over databases
๐ [arxiv.org/pdf/2408.14717](https://arxiv.org/pdf/2408.14717)312. developersdigest/llm-api-engine โญ 726
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](https://www.youtube.com/watch?v=8kUeK1Bo4mM)313. run-llama/semtools โญ 723
Semantic search and document parsing tools for the command line314. salesforce/xgen โญ 719
Salesforce open-source LLMs with 8k sequence length.315. squeezeailab/SqueezeLLM โญ 695
[ICML 2024] SqueezeLLM: Dense-and-Sparse Quantization
๐ [arxiv.org/abs/2306.07629](https://arxiv.org/abs/2306.07629)316. lupantech/ScienceQA โญ 677
Data and code for NeurIPS 2022 Paper "Learn to Explain: Multimodal Reasoning via Thought Chains for Science Question Answering".317. google/langextract โญ 662
Library that uses LLMs to extract structured information from unstructured text documents based on user-defined instructions
๐ [pypi.org/project/langextract](https://pypi.org/project/langextract/)318. tsinghuadatabasegroup/DB-GPT โญ 651
LLM As Database Administrator
๐ [dbgpt.dbmind.cn](http://dbgpt.dbmind.cn/)319. microsoft/VPTQ โญ 647
Extreme Low-bit Vector Post-Training Quantization for Large Language Models320. magnivorg/prompt-layer-library โญ 636
๐ฐ PromptLayer - Maintain a log of your prompts and OpenAI API requests. Track, debug, and replay old completions.
๐ [www.promptlayer.com](https://www.promptlayer.com)321. cyberark/FuzzyAI โญ 635
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.322. modal-labs/llm-finetuning โญ 605
Guide for fine-tuning Llama/Mistral/CodeLlama models and more323. google-gemini/genai-processors โญ 602
GenAI Processors is a lightweight Python library that enables efficient, parallel content processing.324. langchain-ai/langsmith-sdk โญ 588
LangSmith Client SDK Implementations
๐ [docs.smith.langchain.com](https://docs.smith.langchain.com/)325. judahpaul16/gpt-home โญ 586
ChatGPT at home! Basically a better Google Nest Hub or Amazon Alexa home assistant. Built on the Raspberry Pi using the OpenAI API.
๐ [hub.docker.com/r/judahpaul/gpt-home](https://hub.docker.com/r/judahpaul/gpt-home)326. zhudotexe/kani โญ 583
kani (ใซใ) is a highly hackable microframework for chat-based language models with tool use/function calling. (NLP-OSS @ EMNLP 2023)
๐ [kani.readthedocs.io](https://kani.readthedocs.io)327. metauto-ai/agent-as-a-judge โญ 578
โ๏ธ The First Coding Agent-as-a-Judge
๐ [arxiv.org/pdf/2410.10934](https://arxiv.org/pdf/2410.10934)328. qixucen/atom โญ 577
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 states329. predibase/llm_distillation_playbook โญ 560
Best practices for distilling large language models.330. huggingface/text-clustering โญ 554
Easily embed, cluster and semantically label text datasets331. hazyresearch/ama_prompting โญ 547
Ask Me Anything language model prompting332. declare-lab/instruct-eval โญ 546
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](https://declare-lab.github.io/instruct-eval/)333. vahe1994/SpQR โญ 543
Quantization algorithm and the model evaluation code for SpQR method for LLM compression334. eugeneyan/obsidian-copilot โญ 540
๐ค A prototype assistant for writing and thinking
๐ [eugeneyan.com/writing/obsidian-copilot](https://eugeneyan.com/writing/obsidian-copilot/)335. likenneth/honest_llama โญ 536
Inference-Time Intervention: Eliciting Truthful Answers from a Language Model336. deepseek-ai/DeepSeek-Prover-V1.5 โญ 527
DeepSeek-Prover-V1.5: Harnessing Proof Assistant Feedback for Reinforcement Learning and Monte-Carlo Tree Search337. kbressem/medAlpaca โญ 527
LLM finetuned for medical question answering338. continuum-llms/chatgpt-memory โญ 524
Allows to scale the ChatGPT API to multiple simultaneous sessions with infinite contextual and adaptive memory powered by GPT and Redis datastore.339. hazyresearch/H3 โญ 519
Language Modeling with the H3 State Space Model340. reasoning-machines/pal โญ 502
PaL: Program-Aided Language Models (ICML 2023)
๐ [reasonwithpal.com](https://reasonwithpal.com)341. codelion/adaptive-classifier โญ 335
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.342. stanford-oval/suql โญ 271
SUQL: Conversational Search over Structured and Unstructured Data with LLMs
๐ [arxiv.org/abs/2311.09818](https://arxiv.org/abs/2311.09818)343. emissary-tech/legit-rag โญ 262
A modular Retrieval-Augmented Generation (RAG) system built with FastAPI, Qdrant, and OpenAI.344. dottxt-ai/outlines-core โญ 230
Core functionality for structured generation, formerly implemented in Outlines, with a focus on performance and portability.
๐ [docs.rs/outlines-core](https://docs.rs/outlines-core)345. quotient-ai/judges โญ 228
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 cases346. jina-ai/llm-query-expansion โญ 52
Query Expension for Better Query Embedding using LLMs## Math and Science
Mathematical, numerical and scientific libraries.
1. numpy/numpy โญ 29,889
The fundamental package for scientific computing with Python.
๐ [numpy.org](https://numpy.org)2. camdavidsonpilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers โญ 27,587
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](http://camdavidsonpilon.github.io/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers/)3. taichi-dev/taichi โญ 27,264
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](https://taichi-lang.org)4. experience-monks/math-as-code โญ 15,334
This is a reference to ease developers into mathematical notation by showing comparisons with Python code5. scipy/scipy โญ 13,803
SciPy library main repository
๐ [scipy.org](https://scipy.org)6. sympy/sympy โญ 13,734
A computer algebra system written in pure Python
๐ [sympy.org](https://sympy.org/)7. google/or-tools โญ 12,203
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](https://developers.google.com/optimization/)8. z3prover/z3 โญ 11,181
Z3 is a theorem prover from Microsoft Research with a Python language binding.9. cupy/cupy โญ 10,334
NumPy & SciPy for GPU
๐ [cupy.dev](https://cupy.dev)10. google-deepmind/alphageometry โญ 4,544
Solving Olympiad Geometry without Human Demonstrations11. pim-book/programmers-introduction-to-mathematics โญ 3,610
Code for A Programmer's Introduction to Mathematics
๐ [pimbook.org](https://pimbook.org)12. mikedh/trimesh โญ 3,284
Python library for loading and using triangular meshes.
๐ [trimesh.org](https://trimesh.org)13. talalalrawajfeh/mathematics-roadmap โญ 3,069
A Comprehensive Roadmap to Mathematics14. pyro-ppl/numpyro โญ 2,485
Probabilistic programming with NumPy powered by JAX for autograd and JIT compilation to GPU/TPU/CPU.
๐ [num.pyro.ai](https://num.pyro.ai)15. mckinsey/causalnex โญ 2,345
A Python library that helps data scientists to infer causation rather than observing correlation.
๐ [causalnex.readthedocs.io](http://causalnex.readthedocs.io/)16. pyomo/pyomo โญ 2,228
An object-oriented algebraic modeling language in Python for structured optimization problems.
๐ [www.pyomo.org](https://www.pyomo.org)17. facebookresearch/theseus โญ 1,917
A library for differentiable nonlinear optimization18. arviz-devs/arviz โญ 1,706
Exploratory analysis of Bayesian models with Python
๐ [python.arviz.org](https://python.arviz.org)19. google-research/torchsde โญ 1,660
Differentiable SDE solvers with GPU support and efficient sensitivity analysis.20. dynamicslab/pysindy โญ 1,607
A package for the sparse identification of nonlinear dynamical systems from data
๐ [pysindy.readthedocs.io/en/latest](https://pysindy.readthedocs.io/en/latest/)21. geomstats/geomstats โญ 1,377
Computations and statistics on manifolds with geometric structures.
๐ [geomstats.ai](http://geomstats.ai)22. cma-es/pycma โญ 1,197
pycma is a Python implementation of CMA-ES and a few related numerical optimization tools.23. pymc-labs/CausalPy โญ 1,016
A Python package for causal inference in quasi-experimental settings
๐ [causalpy.readthedocs.io](https://causalpy.readthedocs.io)24. lean-dojo/LeanDojo โญ 675
Tool for data extraction and interacting with Lean programmatically.
๐ [leandojo.org](https://leandojo.org)25. brandondube/prysm โญ 302
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](https://prysm.readthedocs.io/en/stable/)26. lean-dojo/ReProver โญ 279
Retrieval-Augmented Theorem Provers for Lean
๐ [leandojo.org](https://leandojo.org)27. albahnsen/pycircular โญ 104
pycircular is a Python module for circular data analysis28. gbillotey/Fractalshades โญ 32
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 โญ 65,268
Examples and guides for using the OpenAI API
๐ [cookbook.openai.com](https://cookbook.openai.com)2. scikit-learn/scikit-learn โญ 62,617
scikit-learn: machine learning in Python
๐ [scikit-learn.org](https://scikit-learn.org)3. suno-ai/bark โญ 38,164
๐ Text-Prompted Generative Audio Model4. tencentarc/GFPGAN โญ 36,907
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.5. facebookresearch/faiss โญ 36,033
A library for efficient similarity search and clustering of dense vectors.
๐ [faiss.ai](https://faiss.ai)6. google-research/google-research โญ 35,979
This repository contains code released by Google Research
๐ [research.google](https://research.google)7. google/jax โญ 32,749
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
๐ [docs.jax.dev](https://docs.jax.dev)8. open-mmlab/mmdetection โญ 31,325
OpenMMLab Detection Toolbox and Benchmark
๐ [mmdetection.readthedocs.io](https://mmdetection.readthedocs.io)9. lutzroeder/netron โญ 30,853
Visualizer for neural network, deep learning and machine learning models
๐ [netron.app](https://netron.app)10. google/mediapipe โญ 30,579
Cross-platform, customizable ML solutions for live and streaming media.
๐ [ai.google.dev/edge/mediapipe](https://ai.google.dev/edge/mediapipe)11. ageron/handson-ml2 โญ 29,018
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.12. dmlc/xgboost โญ 27,091
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](https://xgboost.readthedocs.io/)13. roboflow/supervision โญ 26,883
We write your reusable computer vision tools. ๐
๐ [supervision.roboflow.com](https://supervision.roboflow.com)14. facebookresearch/fastText โญ 26,276
A library for efficient learning of word representations and sentence classification.
๐ [fasttext.cc](https://fasttext.cc/)15. modular/modular โญ 24,478
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](https://docs.modular.com/)16. harisiqbal88/PlotNeuralNet โญ 23,649
Latex code for making neural networks diagrams17. jina-ai/serve โญ 21,642
โ๏ธ Build multimodal AI applications with cloud-native stack
๐ [jina.ai/serve](https://jina.ai/serve)18. ml-explore/mlx โญ 21,381
MLX is an array framework for machine learning on Apple silicon, brought to you by Apple machine learning research.
๐ [ml-explore.github.io/mlx](https://ml-explore.github.io/mlx/)19. onnx/onnx โญ 19,225
Open standard for machine learning interoperability
๐ [onnx.ai](https://onnx.ai/)20. huggingface/candle โญ 18,210
Candle is a minimalist ML framework for Rust with a focus on performance (including GPU support) and ease of use.21. microsoft/LightGBM โญ 17,385
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](https://lightgbm.readthedocs.io/en/latest/)22. microsoft/onnxruntime โญ 17,160
ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
๐ [onnxruntime.ai](https://onnxruntime.ai)23. tensorflow/tensor2tensor โญ 16,289
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.24. ddbourgin/numpy-ml โญ 16,122
Machine learning, in numpy
๐ [numpy-ml.readthedocs.io](https://numpy-ml.readthedocs.io/)25. aleju/imgaug โญ 14,619
Image augmentation for machine learning experiments.
๐ [imgaug.readthedocs.io](http://imgaug.readthedocs.io)26. neonbjb/tortoise-tts โญ 14,391
A multi-voice TTS system trained with an emphasis on quality27. microsoft/nni โญ 14,228
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](https://nni.readthedocs.io)28. deepmind/deepmind-research โญ 14,109
This repository contains implementations and illustrative code to accompany DeepMind publications29. jindongwang/transferlearning โญ 13,991
Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-่ฟ็งปๅญฆไน
๐ [transferlearning.xyz](http://transferlearning.xyz/)30. google-gemini/cookbook โญ 13,968
A collection of guides and examples for the Gemini API, including quickstart tutorials for writing prompts.
๐ [ai.google.dev/gemini-api/docs](https://ai.google.dev/gemini-api/docs)31. spotify/annoy โญ 13,844
Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk32. deepmind/alphafold โญ 13,663
Implementation of the inference pipeline of AlphaFold v233. ggerganov/ggml โญ 12,809
Tensor library for machine learning34. facebookresearch/AnimatedDrawings โญ 12,548
Code to accompany "A Method for Animating Children's Drawings of the Human Figure"35. optuna/optuna โญ 12,277
A hyperparameter optimization framework
๐ [optuna.org](https://optuna.org)36. thudm/CogVideo โญ 11,674
text and image to video generation: CogVideoX (2024) and CogVideo (ICLR 2023)37. statsmodels/statsmodels โญ 10,799
Statsmodels: statistical modeling and econometrics in Python
๐ [www.statsmodels.org/devel](http://www.statsmodels.org/devel/)38. cleanlab/cleanlab โญ 10,685
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](https://cleanlab.ai)39. twitter/the-algorithm-ml โญ 10,290
Source code for Twitter's Recommendation Algorithm
๐ [blog.twitter.com/engineering/en_us/topics/open-source/2023/twitter-recommendation-algorithm](https://blog.twitter.com/engineering/en_us/topics/open-source/2023/twitter-recommendation-algorithm)40. wandb/wandb โญ 10,067
The AI developer platform. Use Weights & Biases to train and fine-tune models, and manage models from experimentation to production.
๐ [wandb.ai](https://wandb.ai)41. epistasislab/tpot โญ 9,936
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
๐ [epistasislab.github.io/tpot](http://epistasislab.github.io/tpot/)42. megvii-basedetection/YOLOX โญ 9,928
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. facebookresearch/xformers โญ 9,714
Hackable and optimized Transformers building blocks, supporting a composable construction.
๐ [facebookresearch.github.io/xformers](https://facebookresearch.github.io/xformers/)44. pycaret/pycaret โญ 9,412
An open-source, low-code machine learning library in Python
๐ [www.pycaret.org](https://www.pycaret.org)45. awslabs/autogluon โญ 9,119
Fast and Accurate ML in 3 Lines of Code
๐ [auto.gluon.ai](https://auto.gluon.ai/)46. pymc-devs/pymc โญ 9,114
Bayesian Modeling and Probabilistic Programming in Python
๐ [www.pymc.io](https://www.pymc.io)47. open-mmlab/mmsegmentation โญ 9,037
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
๐ [mmsegmentation.readthedocs.io/en/main](https://mmsegmentation.readthedocs.io/en/main/)48. huggingface/accelerate โญ 8,924
๐ 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](https://huggingface.co/docs/accelerate)49. uberi/speech_recognition โญ 8,788
Speech recognition module for Python, supporting several engines and APIs, online and offline.
๐ [pypi.python.org/pypi/speechrecognition](https://pypi.python.org/pypi/SpeechRecognition/)50. catboost/catboost โญ 8,465
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](https://catboost.ai)51. automl/auto-sklearn โญ 7,880
Automated Machine Learning with scikit-learn
๐ [automl.github.io/auto-sklearn](https://automl.github.io/auto-sklearn)52. lmcinnes/umap โญ 7,853
Uniform Manifold Approximation and Projection53. ml-explore/mlx-examples โญ 7,636
Examples in the MLX framework54. py-why/dowhy โญ 7,583
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](https://www.pywhy.org/dowhy)55. featurelabs/featuretools โญ 7,489
An open source python library for automated feature engineering
๐ [www.featuretools.com](https://www.featuretools.com)56. hyperopt/hyperopt โญ 7,437
Distributed Asynchronous Hyperparameter Optimization in Python
๐ [hyperopt.github.io/hyperopt](http://hyperopt.github.io/hyperopt)57. hips/autograd โญ 7,311
Efficiently computes derivatives of NumPy code.58. open-mmlab/mmagic โญ 7,199
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](https://mmagic.readthedocs.io/en/latest/)59. scikit-learn-contrib/imbalanced-learn โญ 7,013
A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
๐ [imbalanced-learn.org](https://imbalanced-learn.org)60. yangchris11/samurai โญ 6,874
Official repository of "SAMURAI: Adapting Segment Anything Model for Zero-Shot Visual Tracking with Motion-Aware Memory"
๐ [yangchris11.github.io/samurai](https://yangchris11.github.io/samurai/)61. probml/pyprobml โญ 6,827
Python code for "Probabilistic Machine learning" book by Kevin Murphy62. nicolashug/Surprise โญ 6,632
A Python scikit for building and analyzing recommender systems
๐ [surpriselib.com](http://surpriselib.com)63. project-monai/MONAI โญ 6,592
AI Toolkit for Healthcare Imaging
๐ [monai.io](https://monai.io/)64. google/automl โญ 6,384
Google Brain AutoML65. cleverhans-lab/cleverhans โญ 6,331
An adversarial example library for constructing attacks, building defenses, and benchmarking both66. open-mmlab/mmcv โญ 6,186
OpenMMLab Computer Vision Foundation
๐ [mmcv.readthedocs.io/en/latest](https://mmcv.readthedocs.io/en/latest/)67. kevinmusgrave/pytorch-metric-learning โญ 6,179
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
๐ [kevinmusgrave.github.io/pytorch-metric-learning](https://kevinmusgrave.github.io/pytorch-metric-learning/)68. google-deepmind/graphcast โญ 6,171
GraphCast: Learning skillful medium-range global weather forecasting69. uber/causalml โญ 5,481
Uplift modeling and causal inference with machine learning algorithms70. online-ml/river โญ 5,434
๐ Online machine learning in Python
๐ [riverml.xyz](https://riverml.xyz)71. mdbloice/Augmentor โญ 5,117
Image augmentation library in Python for machine learning.
๐ [augmentor.readthedocs.io/en/stable](https://augmentor.readthedocs.io/en/stable)72. rasbt/mlxtend โญ 5,039
A library of extension and helper modules for Python's data analysis and machine learning libraries.
๐ [rasbt.github.io/mlxtend](https://rasbt.github.io/mlxtend/)73. marqo-ai/marqo โญ 4,899
Unified embedding generation and search engine. Also available on cloud - cloud.marqo.ai
๐ [www.marqo.ai](https://www.marqo.ai/)74. skvark/opencv-python โญ 4,895
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](https://pypi.org/project/opencv-python/)75. apple/coremltools โญ 4,833
Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
๐ [coremltools.readme.io](https://coremltools.readme.io)76. nmslib/hnswlib โญ 4,791
Header-only C++/python library for fast approximate nearest neighbors
๐ [github.com/nmslib/hnswlib](https://github.com/nmslib/hnswlib)77. sanchit-gandhi/whisper-jax โญ 4,613
JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU.78. huggingface/autotrain-advanced โญ 4,436
AutoTrain Advanced: faster and easier training and deployments of state-of-the-art machine learning models
๐ [huggingface.co/autotrain](https://huggingface.co/autotrain)79. nv-tlabs/GET3D โญ 4,372
Generative Model of High Quality 3D Textured Shapes Learned from Images80. districtdatalabs/yellowbrick โญ 4,359
Visual analysis and diagnostic tools to facilitate machine learning model selection.
๐ [www.scikit-yb.org](http://www.scikit-yb.org/)81. lucidrains/deep-daze โญ 4,356
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/advadnoun82. huggingface/notebooks โญ 4,202
Notebooks using the Hugging Face libraries ๐ค83. py-why/EconML โญ 4,189
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](https://www.microsoft.com/en-us/research/project/alice/)84. microsoft/FLAML โญ 4,163
A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP.
๐ [microsoft.github.io/flaml](https://microsoft.github.io/FLAML/)85. cmusphinx/pocketsphinx โญ 4,147
A small speech recognizer86. ourownstory/neural_prophet โญ 4,121
NeuralProphet: A simple forecasting package
๐ [neuralprophet.com](https://neuralprophet.com)87. huggingface/speech-to-speech โญ 4,100
Speech To Speech: an effort for an open-sourced and modular GPT4-o88. priorlabs/TabPFN โญ 4,033
The TabPFN is a neural network that learned to do tabular data prediction. This is the original CUDA-supporting pytorch impelementation.
๐ [priorlabs.ai](http://priorlabs.ai)89. zjunlp/DeepKE โญ 4,018
[EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction
๐ [deepke.zjukg.cn](http://deepke.zjukg.cn/)90. rucaibox/RecBole โญ 3,843
A unified, comprehensive and efficient recommendation library
๐ [recbole.io](https://recbole.io/)91. cornellius-gp/gpytorch โญ 3,777
GPyTorch is a Gaussian process library implemented using PyTorch. GPyTorch is designed for creating scalable, flexible, and modular Gaussian process models with ease.92. yoheinakajima/instagraph โญ 3,531
Converts text input or URL into knowledge graph and displays93. lightly-ai/lightly โญ 3,464
A python library for self-supervised learning on images.
๐ [docs.lightly.ai/self-supervised-learning](https://docs.lightly.ai/self-supervised-learning/)94. huggingface/safetensors โญ 3,342
Implements a new simple format for storing tensors safely (as opposed to pickle) and that is still fast (zero-copy).
๐ [huggingface.co/docs/safetensors](https://huggingface.co/docs/safetensors)95. pytorch/glow โญ 3,311
Compiler for Neural Network hardware accelerators96. facebookresearch/vissl โญ 3,284
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
๐ [vissl.ai](https://vissl.ai)97. lucidrains/musiclm-pytorch โญ 3,267
Implementation of MusicLM, Google's new SOTA model for music generation using attention networks, in Pytorch98. hrnet/HRNet-Semantic-Segmentation โญ 3,248
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.0791999. mljar/mljar-supervised โญ 3,176
Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation
๐ [mljar.com](https://mljar.com)100. shankarpandala/lazypredict โญ 3,170
Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning101. huggingface/optimum โญ 2,975
๐ Accelerate inference and training of ๐ค Transformers, Diffusers, TIMM and Sentence Transformers with easy to use hardware optimization tools
๐ [huggingface.co/docs/optimum/main](https://huggingface.co/docs/optimum/main/)102. facebookresearch/flow_matching โญ 2,975
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](http://facebookresearch.github.io/flow_matching)103. scikit-learn-contrib/hdbscan โญ 2,957
A high performance implementation of HDBSCAN clustering.
๐ [hdbscan.readthedocs.io/en/latest](http://hdbscan.readthedocs.io/en/latest/)104. google-research/t5x โญ 2,842
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.105. nvidia/cuda-python โญ 2,825
CUDA Python: Performance meets Productivity
๐ [nvidia.github.io/cuda-python](https://nvidia.github.io/cuda-python/)106. scikit-optimize/scikit-optimize โญ 2,782
Sequential model-based optimization with a `scipy.optimize` interface
๐ [scikit-optimize.github.io](https://scikit-optimize.github.io)107. neuraloperator/neuraloperator โญ 2,774
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](https://neuraloperator.github.io/dev/index.html)108. huggingface/huggingface_hub โญ 2,758
The official Python client for the Huggingface Hub.
๐ [huggingface.co/docs/huggingface_hub](https://huggingface.co/docs/huggingface_hub)109. apple/ml-ane-transformers โญ 2,643
Reference implementation of the Transformer architecture optimized for Apple Neural Engine (ANE)110. eric-mitchell/direct-preference-optimization โญ 2,638
Reference implementation for DPO (Direct Preference Optimization)111. freedmand/semantra โญ 2,627
Semantra is a multipurpose tool for semantically searching documents. Query by meaning rather than just by matching text.112. rom1504/clip-retrieval โญ 2,593
Easily compute clip embeddings and build a clip retrieval system with them
๐ [rom1504.github.io/clip-retrieval](https://rom1504.github.io/clip-retrieval/)113. scikit-learn-contrib/category_encoders โญ 2,450
A library of sklearn compatible categorical variable encoders
๐ [contrib.scikit-learn.org/category_encoders](http://contrib.scikit-learn.org/category_encoders/)114. huggingface/evaluate โญ 2,257
๐ค Evaluate: A library for easily evaluating machine learning models and datasets.
๐ [huggingface.co/docs/evaluate](https://huggingface.co/docs/evaluate)115. qdrant/fastembed โญ 2,204
Fast, Accurate, Lightweight Python library to make State of the Art Embedding
๐ [qdrant.github.io/fastembed](https://qdrant.github.io/fastembed/)116. aws/sagemaker-python-sdk โญ 2,169
A library for training and deploying machine learning models on Amazon SageMaker
๐ [sagemaker.readthedocs.io](https://sagemaker.readthedocs.io/)117. feature-engine/feature_engine โญ 2,132
Feature engineering package with sklearn like functionality
๐ [feature-engine.trainindata.com](https://feature-engine.trainindata.com/)118. microsoft/Olive โญ 1,996
Olive: Simplify ML Model Finetuning, Conversion, Quantization, and Optimization for CPUs, GPUs and NPUs.
๐ [microsoft.github.io/olive](https://microsoft.github.io/Olive/)119. castorini/pyserini โญ 1,889
Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations.
๐ [pyserini.io](http://pyserini.io/)120. contextlab/hypertools โญ 1,847
A Python toolbox for gaining geometric insights into high-dimensional data
๐ [hypertools.readthedocs.io](http://hypertools.readthedocs.io)121. linkedin/greykite โญ 1,846
A flexible, intuitive and fast forecasting library122. bmabey/pyLDAvis โญ 1,834
Python library for interactive topic model visualization. Port of the R LDAvis package.123. rentruewang/koila โญ 1,824
Prevent PyTorch's `CUDA error: out of memory` in just 1 line of code.
๐ [koila.rentruewang.com](https://koila.rentruewang.com)124. laekov/fastmoe โญ 1,757
A fast MoE impl for PyTorch
๐ [fastmoe.ai](https://fastmoe.ai)125. stanfordmlgroup/ngboost โญ 1,757
Natural Gradient Boosting for Probabilistic Prediction126. visual-layer/fastdup โญ 1,704
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.127. microsoft/i-Code โญ 1,703
The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning.128. tensorflow/addons โญ 1,701
Useful extra functionality for TensorFlow 2.x maintained by SIG-addons129. kubeflow/katib โญ 1,606
Automated Machine Learning on Kubernetes
๐ [www.kubeflow.org/docs/components/katib](https://www.kubeflow.org/docs/components/katib)130. google/vizier โญ 1,576
Python-based research interface for blackbox and hyperparameter optimization, based on the internal Google Vizier Service.
๐ [oss-vizier.readthedocs.io](https://oss-vizier.readthedocs.io)131. jina-ai/finetuner โญ 1,504
:dart: Task-oriented embedding tuning for BERT, CLIP, etc.
๐ [finetuner.jina.ai](https://finetuner.jina.ai)132. microsoft/Semi-supervised-learning โญ 1,496
A Unified Semi-Supervised Learning Codebase (NeurIPS'22)
๐ [usb.readthedocs.io](https://usb.readthedocs.io)133. csinva/imodels โญ 1,481
Interpretable ML package ๐ for concise, transparent, and accurate predictive modeling (sklearn-compatible).
๐ [csinva.io/imodels](https://csinva.io/imodels)134. spotify/voyager โญ 1,469
๐ฐ๏ธ An approximate nearest-neighbor search library for Python and Java with a focus on ease of use, simplicity, and deployability.
๐ [spotify.github.io/voyager](https://spotify.github.io/voyager/)135. patchy631/machine-learning โญ 1,442
Machine Learning Tutorials Repository136. pytorch/FBGEMM โญ 1,400
FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/137. lightning-ai/lightning-thunder โญ 1,375
Thunder is a source-to-source compiler for PyTorch. It makes PyTorch programs faster by combining and using different hardware executors at once138. koaning/scikit-lego โญ 1,349
Extra blocks for scikit-learn pipelines.
๐ [koaning.github.io/scikit-lego](https://koaning.github.io/scikit-lego/)139. borealisai/advertorch โญ 1,348
A Toolbox for Adversarial Robustness Research140. awslabs/dgl-ke โญ 1,308
High performance, easy-to-use, and scalable package for learning large-scale knowledge graph embeddings.
๐ [dglke.dgl.ai/doc](https://dglke.dgl.ai/doc/)141. opentensor/bittensor โญ 1,183
Internet-scale Neural Networks
๐ [www.bittensor.com](https://www.bittensor.com/)142. davidmrau/mixture-of-experts โญ 1,134
PyTorch Re-Implementation of "The Sparsely-Gated Mixture-of-Experts Layer" by Noam Shazeer et al. https://arxiv.org/abs/1701.06538143. google-research/deeplab2 โญ 1,026
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.144. oml-team/open-metric-learning โญ 966
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](https://open-metric-learning.readthedocs.io/en/latest/index.html)145. huggingface/optimum-quanto โญ 961
A pytorch quantization backend for optimum146. pymc-labs/pymc-marketing โญ 891
Bayesian marketing toolbox in PyMC. Media Mix (MMM), customer lifetime value (CLV), buy-till-you-die (BTYD) models and more.
๐ [www.pymc-marketing.io](https://www.pymc-marketing.io/)147. hazyresearch/safari โญ 891
Convolutions for Sequence Modeling148. criteo/autofaiss โญ 863
Automatically create Faiss knn indices with the most optimal similarity search parameters.
๐ [criteo.github.io/autofaiss](https://criteo.github.io/autofaiss/)149. replicate/replicate-python โญ 840
Python client for Replicate
๐ [replicate.com](https://replicate.com)150. awslabs/python-deequ โญ 784
Python API for Deequ, a library built on Spark for defining "unit tests for data", which measure data quality in large datasets151. googleapis/python-aiplatform โญ 772
A Python SDK for Vertex AI, a fully managed, end-to-end platform for data science and machine learning.152. minishlab/semhash โญ 761
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](https://minish.ai/packages/semhash)153. nomic-ai/contrastors โญ 728
Contrastive learning toolkit that enables researchers and engineers to train and evaluate contrastive models efficiently.154. facebookresearch/balance โญ 701
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](https://import-balance.org)155. nicolas-hbt/pygraft โญ 691
Configurable Generation of Synthetic Schemas and Knowledge Graphs at Your Fingertips
๐ [pygraft.readthedocs.io/en/latest](https://pygraft.readthedocs.io/en/latest/)156. intel/intel-npu-acceleration-library โญ 680
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.157. huggingface/exporters โญ 661
Export Hugging Face models to Core ML and TensorFlow Lite158. qdrant/quaterion โญ 655
Blazing fast framework for fine-tuning similarity learning models
๐ [quaterion.qdrant.tech](https://quaterion.qdrant.tech/)159. hpcaitech/EnergonAI โญ 630
Large-scale model inference.160. eleutherai/sparsify โญ 584
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)161. google-deepmind/limit โญ 557
On the Theoretical Limitations of Embedding-Based Retrieval
๐ [arxiv.org/abs/2508.21038](https://arxiv.org/abs/2508.21038)162. microsoft/Focal-Transformer โญ 556
[NeurIPS 2021 Spotlight] Official code for "Focal Self-attention for Local-Global Interactions in Vision Transformers"163. deepgraphlearning/ULTRA โญ 545
A foundation model for knowledge graph reasoning164. gradio-app/trackio โญ 538
A lightweight, local-first, and free experiment tracking Python library built on top of ๐ค Datasets and Spaces.165. linkedin/FastTreeSHAP โญ 538
Fast SHAP value computation for interpreting tree-based models166. mrdbourke/m1-machine-learning-test โญ 533
Code for testing various M1 Chip benchmarks with TensorFlow.167. hkust-knowcomp/AutoSchemaKG โญ 529
A Knowledge Graph Construction Framework with Schema Generation and Knowledge Graph Completion168. raivnlab/MRL โญ 522
Code repository for the paper - "Matryoshka Representation Learning"169. nevronai/MetisFL โญ 522
The first open Federated Learning framework implemented in C++ and Python.
๐ [metisfl.org](https://metisfl.org)170. lightning-ai/litData โญ 506
Transform datasets at scale. Optimize datasets for fast AI model training.171. apple/ml-l3m โญ 161
A flexible library for training any type of large model, regardless of modality. Instead of more traditional approaches, we opt for a config-heavy approach172. dylanhogg/gptauthor โญ 79
GPTAuthor is an AI tool for writing long form, multi-chapter stories given a story prompt.## Machine Learning - Deep Learning
Machine learning libraries that cross over with deep learning in some way.
1. tensorflow/tensorflow โญ 190,689
An Open Source Machine Learning Framework for Everyone
๐ [tensorflow.org](https://tensorflow.org)2. pytorch/pytorch โญ 91,456
Tensors and Dynamic neural networks in Python with strong GPU acceleration
๐ [pytorch.org](https://pytorch.org)3. openai/whisper โญ 84,724
Robust Speech Recognition via Large-Scale Weak Supervision4. keras-team/keras โญ 63,201
Deep Learning for humans
๐ [keras.io](http://keras.io/)5. deepfakes/faceswap โญ 54,229
Deepfakes Software For All
๐ [www.faceswap.dev](https://www.faceswap.dev)6. facebookresearch/segment-anything โญ 50,797
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 โญ 39,296
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
๐ [www.deepspeed.ai](https://www.deepspeed.ai/)8. rwightman/pytorch-image-models โญ 34,705
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](https://huggingface.co/docs/timm)9. facebookresearch/detectron2 โญ 32,343
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
๐ [detectron2.readthedocs.io/en/latest](https://detectron2.readthedocs.io/en/latest/)10. xinntao/Real-ESRGAN โญ 31,651
Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.11. openai/CLIP โญ 29,773
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image12. lightning-ai/pytorch-lightning โญ 29,768
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](https://lightning.ai/pytorch-lightning)13. google-research/tuning_playbook โญ 28,911
A playbook for systematically maximizing the performance of deep learning models.14. facebookresearch/Detectron โญ 26,361
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.15. matterport/Mask_RCNN โญ 25,227
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow16. lucidrains/vit-pytorch โญ 23,344
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch17. paddlepaddle/Paddle โญ 23,024
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice ๏ผใ้ฃๆกจใๆ ธๅฟๆกๆถ๏ผๆทฑๅบฆๅญฆไน &ๆบๅจๅญฆไน ้ซๆง่ฝๅๆบใๅๅธๅผ่ฎญ็ปๅ่ทจๅนณๅฐ้จ็ฝฒ๏ผ
๐ [www.paddlepaddle.org](http://www.paddlepaddle.org/)18. pyg-team/pytorch_geometric โญ 22,585
Graph Neural Network Library for PyTorch
๐ [pyg.org](https://pyg.org)19. sanster/IOPaint โญ 21,807
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](https://www.iopaint.com/)20. apache/mxnet โญ 20,805
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](https://mxnet.apache.org)21. danielgatis/rembg โญ 19,767
Rembg is a tool to remove images background22. rasbt/deeplearning-models โญ 17,115
A collection of various deep learning architectures, models, and tips23. albumentations-team/albumentations โญ 15,044
Fast and flexible image augmentation library. Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
๐ [albumentations.ai](https://albumentations.ai)24. microsoft/Swin-Transformer โญ 14,992
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
๐ [arxiv.org/abs/2103.14030](https://arxiv.org/abs/2103.14030)25. facebookresearch/detr โญ 14,501
End-to-End Object Detection with Transformers26. nvidia/DeepLearningExamples โญ 14,386
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.27. dmlc/dgl โญ 13,971
Python package built to ease deep learning on graph, on top of existing DL frameworks.
๐ [dgl.ai](http://dgl.ai)28. mlfoundations/open_clip โญ 12,152
Open source implementation of OpenAI's CLIP (Contrastive Language-Image Pre-training).29. tencent-hunyuan/HunyuanVideo โญ 10,631
HunyuanVideo: A Systematic Framework For Large Video Generation Model
๐ [aivideo.hunyuan.tencent.com](https://aivideo.hunyuan.tencent.com)30. kornia/kornia โญ 10,593
๐ Geometric Computer Vision Library for Spatial AI
๐ [kornia.readthedocs.io](https://kornia.readthedocs.io)31. modelscope/facechain โญ 9,460
FaceChain is a deep-learning toolchain for generating your Digital-Twin.32. facebookresearch/pytorch3d โญ 9,378
PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
๐ [pytorch3d.org](https://pytorch3d.org/)33. keras-team/autokeras โญ 9,245
AutoML library for deep learning
๐ [autokeras.com](http://autokeras.com/)34. arogozhnikov/einops โญ 9,026
Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
๐ [einops.rocks](https://einops.rocks)35. bytedance/monolith โญ 8,906
A deep learning framework for large scale recommendation modeling with collisionless embedding and real time training captures.36. pyro-ppl/pyro โญ 8,818
Deep universal probabilistic programming with Python and PyTorch
๐ [pyro.ai](http://pyro.ai)37. facebookresearch/ImageBind โญ 8,721
ImageBind One Embedding Space to Bind Them All38. nvidia/apex โญ 8,716
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch39. lucidrains/imagen-pytorch โญ 8,316
Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch40. google/trax โญ 8,226
Trax โ Deep Learning with Clear Code and Speed41. xpixelgroup/BasicSR โญ 7,596
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](https://basicsr.readthedocs.io/en/latest/)42. google/flax โญ 6,671
Flax is a neural network library for JAX that is designed for flexibility.
๐ [flax.readthedocs.io](https://flax.readthedocs.io)43. skorch-dev/skorch โญ 6,075
A scikit-learn compatible neural network library that wraps PyTorch44. facebookresearch/mmf โญ 5,578
A modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
๐ [mmf.sh](https://mmf.sh/)45. mosaicml/composer โญ 5,386
Supercharge Your Model Training
๐ [docs.mosaicml.com](http://docs.mosaicml.com)46. nvidiagameworks/kaolin โญ 4,826
A PyTorch Library for Accelerating 3D Deep Learning Research47. deci-ai/super-gradients โญ 4,818
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
๐ [www.supergradients.com](https://www.supergradients.com)48. pytorch/ignite โญ 4,676
High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
๐ [pytorch-ignite.ai](https://pytorch-ignite.ai)49. facebookincubator/AITemplate โญ 4,655
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 โญ 3,956
LightGlue: Local Feature Matching at Light Speed (ICCV 2023)51. google-research/scenic โญ 3,592
Scenic: A Jax Library for Computer Vision Research and Beyond52. williamyang1991/VToonify โญ 3,585
[SIGGRAPH Asia 2022] VToonify: Controllable High-Resolution Portrait Video Style Transfer53. facebookresearch/PyTorch-BigGraph โญ 3,411
Generate embeddings from large-scale graph-structured data.
๐ [torchbiggraph.readthedocs.io](https://torchbiggraph.readthedocs.io/)54. pytorch/botorch โญ 3,294
Bayesian optimization in PyTorch
๐ [botorch.org](https://botorch.org/)55. alpa-projects/alpa โญ 3,137
Training and serving large-scale neural networks with auto parallelization.
๐ [alpa.ai](https://alpa.ai)56. deepmind/dm-haiku โญ 3,058
JAX-based neural network library
๐ [dm-haiku.readthedocs.io](https://dm-haiku.readthedocs.io)57. modelscope/ClearerVoice-Studio โญ 3,049
An AI-Powered Speech Processing Toolkit and Open Source SOTA Pretrained Models, Supporting Speech Enhancement, Separation, and Target Speaker Extraction, etc.58. explosion/thinc โญ 2,859
๐ฎ A refreshing functional take on deep learning, compatible with your favorite libraries
๐ [thinc.ai](https://thinc.ai)59. nerdyrodent/VQGAN-CLIP โญ 2,656
Just playing with getting VQGAN+CLIP running locally, rather than having to use colab.60. danielegrattarola/spektral โญ 2,381
Graph Neural Networks with Keras and Tensorflow 2.
๐ [graphneural.network](https://graphneural.network)61. google-research/electra โญ 2,356
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators62. pytorch/torchrec โญ 2,266
Pytorch domain library for recommendation systems
๐ [pytorch.org/torchrec](https://pytorch.org/torchrec/)63. fepegar/torchio โญ 2,232
Medical imaging processing for AI applications.
๐ [torchio.org](https://torchio.org)64. neuralmagic/sparseml โญ 2,145
Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models65. jeshraghian/snntorch โญ 1,634
Deep and online learning with spiking neural networks in Python
๐ [snntorch.readthedocs.io/en/latest](https://snntorch.readthedocs.io/en/latest/)66. calculatedcontent/WeightWatcher โญ 1,622
The WeightWatcher tool for predicting the accuracy of Deep Neural Networks67. tensorly/tensorly โญ 1,614
TensorLy: Tensor Learning in Python.
๐ [tensorly.org](http://tensorly.org)68. tensorflow/mesh โญ 1,612
Mesh TensorFlow: Model Parallelism Made Easier69. vt-vl-lab/FGVC โญ 1,555
[ECCV 2020] Flow-edge Guided Video Completion70. hysts/pytorch_image_classification โญ 1,409
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet71. xl0/lovely-tensors โญ 1,265
Tensors, for human consumption
๐ [xl0.github.io/lovely-tensors](https://xl0.github.io/lovely-tensors)72. deepmind/android_env โญ 1,109
RL research on Android devices.73. keras-team/keras-cv โญ 1,042
Industry-strength Computer Vision workflows with Keras74. tensorflow/similarity โญ 1,022
TensorFlow Similarity is a python package focused on making similarity learning quick and easy.75. kakaobrain/rq-vae-transformer โญ 912
The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22)76. deepmind/chex โญ 865
Chex is a library of utilities for helping to write reliable JAX code
๐ [chex.readthedocs.io](https://chex.readthedocs.io)77. mlfoundations/datacomp โญ 722
DataComp: In search of the next generation of multimodal datasets
๐ [datacomp.ai](http://datacomp.ai/)78. allenai/reward-bench โญ 610
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](https://huggingface.co/spaces/allenai/reward-bench)## Machine Learning - Interpretability
Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training.
1. slundberg/shap โญ 24,118
A game theoretic approach to explain the output of any machine learning model.
๐ [shap.readthedocs.io](https://shap.readthedocs.io)2. marcotcr/lime โญ 11,934
Lime: Explaining the predictions of any machine learning classifier3. interpretml/interpret โญ 6,614
Fit interpretable models. Explain blackbox machine learning.
๐ [interpret.ml/docs](https://interpret.ml/docs)4. arize-ai/phoenix โญ 6,277
AI Observability & Evaluation
๐ [arize.com/docs/phoenix](https://arize.com/docs/phoenix)5. pytorch/captum โญ 5,305
Model interpretability and understanding for PyTorch
๐ [captum.ai](https://captum.ai)6. tensorflow/lucid โญ 4,699
A collection of infrastructure and tools for research in neural network interpretability.7. pair-code/lit โญ 3,572
The Learning Interpretability Tool: Interactively analyze ML models to understand their behavior in an extensible and framework agnostic interface.
๐ [pair-code.github.io/lit](https://pair-code.github.io/lit)8. maif/shapash โญ 2,909
๐ Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
๐ [maif.github.io/shapash](https://maif.github.io/shapash/)9. teamhg-memex/eli5 โญ 2,772
A library for debugging/inspecting machine learning classifiers and explaining their predictions
๐ [eli5.readthedocs.io](http://eli5.readthedocs.io)10. eleutherai/pythia โญ 2,561
Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers11. seldonio/alibi โญ 2,532
Algorithms for explaining machine learning models
๐ [docs.seldon.io/projects/alibi/en/stable](https://docs.seldon.io/projects/alibi/en/stable/)12. oegedijk/explainerdashboard โญ 2,409
Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models.
๐ [explainerdashboard.readthedocs.io](http://explainerdashboard.readthedocs.io)13. transformerlensorg/TransformerLens โญ 2,335
A library for mechanistic interpretability of GPT-style language models
๐ [transformerlensorg.github.io/transformerlens](https://transformerlensorg.github.io/TransformerLens/)14. jalammar/ecco โญ 2,041
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](https://ecco.readthedocs.io)15. google-deepmind/penzai โญ 1,801
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](https://penzai.readthedocs.io/)16. trusted-ai/AIX360 โญ 1,710
Interpretability and explainability of data and machine learning models
๐ [aix360.res.ibm.com](https://aix360.res.ibm.com/)17. stanfordnlp/pyreft โญ 1,494
Stanford NLP Python library for Representation Finetuning (ReFT)
๐ [arxiv.org/abs/2404.03592](https://arxiv.org/abs/2404.03592)18. cdpierse/transformers-interpret โญ 1,358
Model explainability that works seamlessly with ๐ค transformers. Explain your transformers model in just 2 lines of code.19. selfexplainml/PiML-Toolbox โญ 1,256
PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
๐ [selfexplainml.github.io/piml-toolbox](https://selfexplainml.github.io/PiML-Toolbox)20. ethicalml/xai โญ 1,188
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](https://ethical.institute/principles.html#commitment-3)21. salesforce/OmniXAI โญ 934
OmniXAI: A Library for eXplainable AI22. jbloomaus/SAELens โญ 871
Training Sparse Autoencoders on LLms. Analyse sparse autoencoders and neural network internals.
๐ [jbloomaus.github.io/saelens](https://jbloomaus.github.io/SAELens/)23. andyzoujm/representation-engineering โญ 848
Representation Engineering: A Top-Down Approach to AI Transparency
๐ [www.ai-transparency.org](https://www.ai-transparency.org/)24. stanfordnlp/pyvene โญ 764
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](http://pyvene.ai)25. labmlai/inspectus โญ 672
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.26. ndif-team/nnsight โญ 606
The nnsight package enables interpreting and manipulating the internals of deep learned models.
๐ [nnsight.net](https://nnsight.net/)27. alignmentresearch/tuned-lens โญ 505
Tools for understanding how transformer predictions are built layer-by-layer
๐ [tuned-lens.readthedocs.io/en/latest](https://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 โญ 40,962
Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
๐ [airflow.apache.org](https://airflow.apache.org/)2. ray-project/ray โญ 37,951
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](https://ray.io)3. mlflow/mlflow โญ 21,198
Open source platform for the machine learning lifecycle
๐ [mlflow.org](https://mlflow.org)4. prefecthq/prefect โญ 19,754
Prefect is a workflow orchestration framework for building resilient data pipelines in Python.
๐ [prefect.io](https://prefect.io)5. kestra-io/kestra โญ 19,741
:zap: Workflow Automation Platform. Orchestrate & Schedule code in any language, run anywhere, 600+ plugins. Alternative to Airflow, n8n, Rundeck, VMware vRA, Zapier ...
๐ [kestra.io](https://kestra.io)6. spotify/luigi โญ 18,371
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.7. iterative/dvc โญ 14,644
๐ฆ Data Versioning and ML Experiments
๐ [dvc.org](https://dvc.org)8. horovod/horovod โญ 14,541
Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
๐ [horovod.ai](http://horovod.ai)9. jlowin/fastmcp โญ 14,335
FastMCP is the standard framework for building MCP servers and clients. FastMCP 1.0 was incorporated into the official MCP Python SDK.
๐ [gofastmcp.com](https://gofastmcp.com)10. langfuse/langfuse โญ 13,602
๐ชข 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](https://langfuse.com/docs)11. dagster-io/dagster โญ 13,559
An orchestration platform for the development, production, and observation of data assets.
๐ [dagster.io](https://dagster.io)12. bentoml/OpenLLM โญ 11,544
Run any open-source LLMs, such as DeepSeek and Llama, as OpenAI compatible API endpoint in the cloud.
๐ [bentoml.com](https://bentoml.com)13. ludwig-ai/ludwig โญ 11,524
Low-code framework for building custom LLMs, neural networks, and other AI models
๐ [ludwig.ai](http://ludwig.ai)14. dbt-labs/dbt-core โญ 11,077
dbt enables data analysts and engineers to transform their data using the same practices that software engineers use to build applications.
๐ [getdbt.com](https://getdbt.com)15. great-expectations/great_expectations โญ 10,552
Always know what to expect from your data.
๐ [docs.greatexpectations.io](https://docs.greatexpectations.io/)16. kedro-org/kedro โญ 10,423
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](https://kedro.org)17. huggingface/text-generation-inference โญ 10,311
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](http://hf.co/docs/text-generation-inference)18. netflix/metaflow โญ 8,955
Build, Manage and Deploy AI/ML Systems
๐ [metaflow.org](https://metaflow.org)19. activeloopai/deeplake โญ 8,712
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](https://activeloop.ai)20. mage-ai/mage-ai โญ 8,415
๐ง Build, run, and manage data pipelines for integrating and transforming data.
๐ [www.mage.ai](https://www.mage.ai)21. bentoml/BentoML โญ 7,885
The easiest way to serve AI apps and models - Build Model Inference APIs, Job queues, LLM apps, Multi-model pipelines, and more!
๐ [bentoml.com](https://bentoml.com)22. internlm/lmdeploy โญ 6,692
LMDeploy is a toolkit for compressing, deploying, and serving LLMs.
๐ [lmdeploy.readthedocs.io/en/latest](https://lmdeploy.readthedocs.io/en/latest/)23. evidentlyai/evidently โญ 6,385
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](https://discord.gg/xZjKRaNp8b)24. flyteorg/flyte โญ 6,351
Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
๐ [flyte.org](https://flyte.org)25. feast-dev/feast โญ 6,209
The Open Source Feature Store for AI/ML
๐ [feast.dev](https://feast.dev)26. allegroai/clearml โญ 6,090
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](https://clear.ml/docs)27. adap/flower โญ 6,064
Flower: A Friendly Federated AI Framework
๐ [flower.ai](https://flower.ai)28. aimhubio/aim โญ 5,698
Aim ๐ซ โ An easy-to-use & supercharged open-source experiment tracker.
๐ [aimstack.io](https://aimstack.io)29. zenml-io/zenml โญ 4,696
ZenML ๐: The bridge between ML and Ops. https://zenml.io.
๐ [zenml.io](https://zenml.io)30. internlm/xtuner โญ 4,641
An efficient, flexible and full-featured toolkit for fine-tuning LLM (InternLM2, Llama3, Phi3, Qwen, Mistral, ...)
๐ [xtuner.readthedocs.io/zh-cn/latest](https://xtuner.readthedocs.io/zh-cn/latest/)31. orchest/orchest โญ 4,130
Build data pipelines, the easy way ๐ ๏ธ
๐ [orchest.readthedocs.io/en/stable](https://orchest.readthedocs.io/en/stable/)32. kubeflow/pipelines โญ 3,876
Machine Learning Pipelines for Kubeflow
๐ [www.kubeflow.org/docs/components/pipelines](https://www.kubeflow.org/docs/components/pipelines/)33. polyaxon/polyaxon โญ 3,652
MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle
๐ [polyaxon.com](https://polyaxon.com)34. ploomber/ploomber โญ 3,594
The fastest โก๏ธ way to build data pipelines. Develop iteratively, deploy anywhere. โ๏ธ
๐ [docs.ploomber.io](https://docs.ploomber.io)35. towhee-io/towhee โญ 3,385
Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
๐ [towhee.io](https://towhee.io)36. determined-ai/determined โญ 3,156
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](https://determined.ai)37. leptonai/leptonai โญ 2,768
A Pythonic framework to simplify AI service building
๐ [lepton.ai](https://lepton.ai/)38. azure/PyRIT โญ 2,654
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](https://azure.github.io/PyRIT/)39. michaelfeil/infinity โญ 2,468
Infinity is a high-throughput, low-latency REST API for serving text-embeddings, reranking models, clip, clap and colpali
๐ [michaelfeil.github.io/infinity](https://michaelfeil.github.io/infinity/)40. labmlai/labml โญ 2,188
๐ Monitor deep learning model training and hardware usage from your mobile phone ๐ฑ
๐ [labml.ai](https://labml.ai)41. apache/hamilton โญ 2,182
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](https://hamilton.apache.org/)42. meltano/meltano โญ 2,131
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](https://meltano.com/)43. dstackai/dstack โญ 1,830
dstack is an open-source container orchestrator that simplifies workload orchestration and drives GPU utilization for ML teams. It works with any GPU cloud, on-prem cluster, or accelerated hardware.
๐ [dstack.ai/docs](https://dstack.ai/docs)44. dagworks-inc/burr โญ 1,720
Build applications that make decisions (chatbots, agents, simulations, etc...). Monitor, trace, persist, and execute on your own infrastructure.
๐ [burr.apache.org](https://burr.apache.org/)45. hi-primus/optimus โญ 1,514
:truck: Agile Data Preparation Workflows madeย easy with Pandas, Dask, cuDF, Dask-cuDF, Vaex and PySpark
๐ [hi-optimus.com](https://hi-optimus.com)46. vllm-project/production-stack โญ 1,477
vLLMโs reference system for K8S-native cluster-wide deployment with community-driven performance optimization
๐ [docs.vllm.ai/projects/production-stack](https://docs.vllm.ai/projects/production-stack)47. kubeflow/examples โญ 1,439
A repository to host extended examples and tutorials48. substratusai/kubeai โญ 1,016
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](https://www.kubeai.org)49. lightonai/pylate โญ 597
Built on Sentence Transformers, designed to simplify fine-tuning, inference, and retrieval with state-of-the-art ColBERT models
๐ [lightonai.github.io/pylate](https://lightonai.github.io/pylate/)## 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,223
A toolkit for developing and comparing reinforcement learning algorithms.
๐ [www.gymlibrary.dev](https://www.gymlibrary.dev)2. openai/baselines โญ 16,350
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms3. google/dopamine โญ 10,762
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
๐ [github.com/google/dopamine](https://github.com/google/dopamine)4. farama-foundation/Gymnasium โญ 9,611
An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)
๐ [gymnasium.farama.org](https://gymnasium.farama.org)5. thu-ml/tianshou โญ 8,623
An elegant PyTorch deep reinforcement learning library.
๐ [tianshou.org](https://tianshou.org)6. deepmind/pysc2 โญ 8,143
StarCraft II Learning Environment7. lucidrains/PaLM-rlhf-pytorch โญ 7,855
Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM8. tensorlayer/TensorLayer โญ 7,365
Deep Learning and Reinforcement Learning Library for Scientists and Engineers
๐ [tensorlayerx.com](http://tensorlayerx.com)9. keras-rl/keras-rl โญ 5,555
Deep Reinforcement Learning for Keras.
๐ [keras-rl.readthedocs.io](http://keras-rl.readthedocs.io/)10. deepmind/dm_control โญ 4,149
Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.11. ai4finance-foundation/ElegantRL โญ 4,087
Massively Parallel Deep Reinforcement Learning. ๐ฅ
๐ [ai4finance.org](https://ai4finance.org)12. deepmind/acme โญ 3,734
A library of reinforcement learning components and agents13. facebookresearch/ReAgent โญ 3,638
A platform for Reasoning systems (Reinforcement Learning, Contextual Bandits, etc.)
๐ [reagent.ai](https://reagent.ai)14. opendilab/DI-engine โญ 3,479
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](https://di-engine-docs.readthedocs.io)15. pettingzoo-team/PettingZoo โญ 3,024
An API standard for multi-agent reinforcement learning environments, with popular reference environments and related utilities
๐ [pettingzoo.farama.org](https://pettingzoo.farama.org)16. eureka-research/Eureka โญ 3,010
Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models" (ICLR 2024)
๐ [eureka-research.github.io](https://eureka-research.github.io/)17. pytorch/rl โญ 2,906
A modular, primitive-first, python-first PyTorch library for Reinforcement Learning.
๐ [pytorch.org/rl](https://pytorch.org/rl)18. kzl/decision-transformer โญ 2,604
Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling.19. arise-initiative/robosuite โญ 1,799
robosuite: A Modular Simulation Framework and Benchmark for Robot Learning
๐ [robosuite.ai](https://robosuite.ai)20. anthropics/hh-rlhf โญ 1,762
Human preference data for "Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback"
๐ [arxiv.org/abs/2204.05862](https://arxiv.org/abs/2204.05862)21. humancompatibleai/imitation โญ 1,530
Clean PyTorch implementations of imitation and reward learning algorithms
๐ [imitation.readthedocs.io](https://imitation.readthedocs.io/)22. denys88/rl_games โญ 1,145
RL Games: High performance RL library23. google-deepmind/meltingpot โญ 719
A suite of test scenarios for multi-agent reinforcement learning.## Natural Language Processing
Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots. Also see the LLMs and ChatGPT category for crossover.
1. huggingface/transformers โญ 146,785
๐ค 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](https://huggingface.co/transformers)2. myshell-ai/OpenVoice โญ 32,931
Instant voice cloning by MIT and MyShell. Audio foundation model.
๐ [research.myshell.ai/open-voice](https://research.myshell.ai/open-voice)3. explosion/spaCy โญ 31,939
๐ซ Industrial-strength Natural Language Processing (NLP) in Python
๐ [spacy.io](https://spacy.io)4. pytorch/fairseq โญ 31,613
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.5. vikparuchuri/marker โญ 26,453
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](https://www.datalab.to)6. microsoft/unilm โญ 21,514
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
๐ [aka.ms/generalai](https://aka.ms/GeneralAI)7. huggingface/datasets โญ 20,360
๐ค The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
๐ [huggingface.co/docs/datasets](https://huggingface.co/docs/datasets)8. vikparuchuri/surya โญ 17,776
OCR, layout analysis, reading order, table recognition in 90+ languages
๐ [www.datalab.to](https://www.datalab.to)9. ukplab/sentence-transformers โญ 17,118
State-of-the-Art Text Embeddings
๐ [www.sbert.net](https://www.sbert.net)10. m-bain/whisperX โญ 16,694
WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization)11. rare-technologies/gensim โญ 16,094
Topic Modelling for Humans
๐ [radimrehurek.com/gensim](https://radimrehurek.com/gensim)12. openai/tiktoken โญ 15,079
tiktoken is a fast BPE tokeniser for use with OpenAI's models.13. nvidia/NeMo โญ 15,061
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](https://docs.nvidia.com/nemo-framework/user-guide/latest/overview.html)14. gunthercox/ChatterBot โญ 14,364
ChatterBot is a machine learning, conversational dialog engine for creating chat bots
๐ [docs.chatterbot.us](http://docs.chatterbot.us/)15. flairnlp/flair โญ 14,219
A very simple framework for state-of-the-art Natural Language Processing (NLP)
๐ [flairnlp.github.io/flair](https://flairnlp.github.io/flair/)16. nltk/nltk โญ 14,167
NLTK Source
๐ [www.nltk.org](https://www.nltk.org)17. jina-ai/clip-as-service โญ 12,698
๐ Scalable embedding, reasoning, ranking for images and sentences with CLIP
๐ [clip-as-service.jina.ai](https://clip-as-service.jina.ai)18. allenai/allennlp โญ 11,860
An open-source NLP research library, built on PyTorch.
๐ [www.allennlp.org](http://www.allennlp.org)19. facebookresearch/seamless_communication โญ 11,589
Foundational Models for State-of-the-Art Speech and Text Translation20. neuml/txtai โญ 11,197
๐ก All-in-one open-source AI framework for semantic search, LLM orchestration and language model workflows
๐ [neuml.github.io/txtai](https://neuml.github.io/txtai)21. google/sentencepiece โญ 11,070
Unsupervised text tokenizer for Neural Network-based text generation.22. facebookresearch/ParlAI โญ 10,598
A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
๐ [parl.ai](https://parl.ai)23. doccano/doccano โญ 10,134
Open source annotation tool for machine learning practitioners.24. speechbrain/speechbrain โญ 10,119
A PyTorch-based Speech Toolkit
๐ [speechbrain.github.io](http://speechbrain.github.io)25. facebookresearch/nougat โญ 9,525
Implementation of Nougat Neural Optical Understanding for Academic Documents
๐ [facebookresearch.github.io/nougat](https://facebookresearch.github.io/nougat/)26. sloria/TextBlob โญ 9,387
Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.
๐ [textblob.readthedocs.io](https://textblob.readthedocs.io/)27. espnet/espnet โญ 9,279
End-to-End Speech Processing Toolkit
๐ [espnet.github.io/espnet](https://espnet.github.io/espnet/)28. togethercomputer/OpenChatKit โญ 9,010
OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots29. clips/pattern โญ 8,822
Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
๐ [github.com/clips/pattern/wiki](https://github.com/clips/pattern/wiki)30. deeppavlov/DeepPavlov โญ 6,906
An open source library for deep learning end-to-end dialog systems and chatbots.
๐ [deeppavlov.ai](https://deeppavlov.ai)31. maartengr/BERTopic โญ 6,888
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
๐ [maartengr.github.io/bertopic](https://maartengr.github.io/BERTopic/)32. quivrhq/MegaParse โญ 6,560
File Parser optimised for LLM Ingestion with no loss ๐ง Parse PDFs, Docx, PPTx in a format that is ideal for LLMs.
๐ [megaparse.com](https://megaparse.com)33. facebookresearch/metaseq โญ 6,527
A codebase for working with Open Pre-trained Transformers, originally forked from fairseq.34. kingoflolz/mesh-transformer-jax โญ 6,342
Model parallel transformers in JAX and Haiku35. aiwaves-cn/agents โญ 5,648
An Open-source Framework for Data-centric, Self-evolving Autonomous Language Agents36. layout-parser/layout-parser โญ 5,362
A Unified Toolkit for Deep Learning Based Document Image Analysis
๐ [layout-parser.github.io](https://layout-parser.github.io/)37. salesforce/CodeGen โญ 5,106
CodeGen is a family of open-source model for program synthesis. Trained on TPU-v4. Competitive with OpenAI Codex.38. minimaxir/textgenrnn โญ 4,937
Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.39. makcedward/nlpaug โญ 4,586
Data augmentation for NLP
๐ [makcedward.github.io](https://makcedward.github.io/)40. argilla-io/argilla โญ 4,571
Argilla is a collaboration tool for AI engineers and domain experts to build high-quality datasets
๐ [docs.argilla.io](https://docs.argilla.io)41. facebookresearch/DrQA โญ 4,490
Reading Wikipedia to Answer Open-Domain Questions42. thilinarajapakse/simpletransformers โญ 4,196
Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
๐ [simpletransformers.ai](https://simpletransformers.ai/)43. promptslab/Promptify โญ 3,962
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](https://discord.gg/m88xfYMbK6)44. maartengr/KeyBERT โญ 3,933
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](https://MaartenGr.github.io/KeyBERT/)45. life4/textdistance โญ 3,476
๐ Compute distance between sequences. 30+ algorithms, pure python implementation, common interface, optional external libs usage.46. jsvine/markovify โญ 3,351
A simple, extensible Markov chain generator.47. bytedance/lightseq โญ 3,282
LightSeq: A High Performance Library for Sequence Processing and Generation48. errbotio/errbot โญ 3,200
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](http://errbot.io)49. neuralmagic/deepsparse โญ 3,158
Sparsity-aware deep learning inference runtime for CPUs
๐ [neuralmagic.com/deepsparse](https://neuralmagic.com/deepsparse/)50. huawei-noah/Pretrained-Language-Model โญ 3,115
Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab.51. ddangelov/Top2Vec โญ 3,062
Top2Vec learns jointly embedded topic, document and word vectors.52. salesforce/CodeT5 โญ 3,023
Home of CodeT5: Open Code LLMs for Code Understanding and Generation
๐ [arxiv.org/abs/2305.07922](https://arxiv.org/abs/2305.07922)53. jbesomi/texthero โญ 2,904
Text preprocessing, representation and visualization from zero to hero.
๐ [texthero.org](https://texthero.org)54. bigscience-workshop/promptsource โญ 2,896
Toolkit for creating, sharing and using natural language prompts.55. huggingface/neuralcoref โญ 2,882
โจFast Coreference Resolution in spaCy with Neural Networks
๐ [huggingface.co/coref](https://huggingface.co/coref/)56. nvidia/nv-ingest โญ 2,704
NVIDIA-Ingest is a scalable, performance-oriented document content and metadata extraction microservice.57. huggingface/setfit โญ 2,520
SetFit is an efficient and prompt-free framework for few-shot fine-tuning of Sentence Transformers.
๐ [hf.co/docs/setfit](https://hf.co/docs/setfit)58. alibaba/EasyNLP โญ 2,154
EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit59. jamesturk/jellyfish โญ 2,144
๐ชผ a python library for doing approximate and phonetic matching of strings.
๐ [jamesturk.github.io/jellyfish](https://jamesturk.github.io/jellyfish/)60. urchade/GLiNER โญ 2,141
Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
๐ [arxiv.org/abs/2311.08526](https://arxiv.org/abs/2311.08526)61. thudm/P-tuning-v2 โญ 2,046
An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks62. featureform/featureform โญ 1,924
The Virtual Feature Store. Turn your existing data infrastructure into a feature store.
๐ [www.featureform.com](https://www.featureform.com)63. marella/ctransformers โญ 1,866
Python bindings for the Transformer models implemented in C/C++ using GGML library.64. explosion/spacy-models โญ 1,763
๐ซ Models for the spaCy Natural Language Processing (NLP) library
๐ [spacy.io](https://spacy.io)65. deepset-ai/FARM โญ 1,755
๐ก Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.
๐ [farm.deepset.ai](https://farm.deepset.ai)66. nomic-ai/nomic โญ 1,745
Interact, analyze and structure massive text, image, embedding, audio and video datasets
๐ [atlas.nomic.ai](https://atlas.nomic.ai)67. chonkie-inc/chonkie โญ 1,743
๐ฆ CHONK your texts with Chonkie โจ โ The no-nonsense RAG chunking library
๐ [docs.chonkie.ai](https://docs.chonkie.ai)68. franck-dernoncourt/NeuroNER โญ 1,712
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
๐ [neuroner.com](http://neuroner.com)69. google-research/language โญ 1,685
Shared repository for open-sourced projects from the Google AI Language team.
๐ [ai.google/research/teams/language](https://ai.google/research/teams/language/)70. plasticityai/magnitude โญ 1,649
A fast, efficient universal vector embedding utility package.71. arxiv-vanity/arxiv-vanity โญ 1,625
Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
๐ [www.arxiv-vanity.com](https://www.arxiv-vanity.com)72. chrismattmann/tika-python โญ 1,596
Tika-Python is a Python binding to the Apache Tikaโข REST services allowing Tika to be called natively in the Python community.73. intellabs/fastRAG โญ 1,588
Efficient Retrieval Augmentation and Generation Framework74. answerdotai/ModernBERT โญ 1,435
Bringing BERT into modernity via both architecture changes and scaling
๐ [arxiv.org/abs/2412.13663](https://arxiv.org/abs/2412.13663)75. dmmiller612/bert-extractive-summarizer โญ 1,434
Easy to use extractive text summarization with BERT76. pemistahl/lingua-py โญ 1,419
The most accurate natural language detection library for Python, suitable for short text and mixed-language text77. gunthercox/chatterbot-corpus โญ 1,400
A multilingual dialog corpus
๐ [corpus.chatterbot.us](http://corpus.chatterbot.us/)78. jonasgeiping/cramming โญ 1,338
Cramming the training of a (BERT-type) language model into limited compute.79. openai/grade-school-math โญ 1,292
GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems80. xhluca/bm25s โญ 1,266
Fast lexical search implementing BM25 in Python using Numpy, Numba and Scipy
๐ [bm25s.github.io](https://bm25s.github.io)81. unitaryai/detoxify โญ 1,077
Toxic Comment Classification with Pytorch Lightning and Transformers
๐ [www.unitary.ai](https://www.unitary.ai/)82. abertsch72/unlimiformer โญ 1,062
Public repo for the NeurIPS 2023 paper "Unlimiformer: Long-Range Transformers with Unlimited Length Input"83. norskregnesentral/skweak โญ 926
skweak: A software toolkit for weak supervision applied to NLP tasks84. keras-team/keras-hub โญ 913
Pretrained model hub for Keras 3.
๐ [keras.io/keras_hub](https://keras.io/keras_hub/)85. explosion/spacy-streamlit โญ 840
๐ spaCy building blocks and visualizers for Streamlit apps
๐ [share.streamlit.io/ines/spacy-streamlit-demo/master/app.py](https://share.streamlit.io/ines/spacy-streamlit-demo/master/app.py)86. paddlepaddle/RocketQA โญ 778
๐ RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models.87. maartengr/PolyFuzz โญ 769
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](https://maartengr.github.io/PolyFuzz/)88. webis-de/small-text โญ 618
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](https://small-text.readthedocs.io/)89. babelscape/rebel โญ 533
REBEL is a seq2seq model that simplifies Relation Extraction (EMNLP 2021).## Packaging
Python packaging, dependency management and bundling.
1. astral-sh/uv โญ 61,043
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](https://docs.astral.sh/uv)2. pyenv/pyenv โญ 42,573
pyenv lets you easily switch between multiple versions of Python.3. python-poetry/poetry โญ 33,413
Python packaging and dependency management made easy
๐ [python-poetry.org](https://python-poetry.org)4. pypa/pipenv โญ 25,076
A virtualenv management tool that supports a multitude of systems and nicely bridges the gaps between pip, python and virtualenv.
๐ [pipenv.pypa.io](https://pipenv.pypa.io)5. mitsuhiko/rye โญ 14,266
a Hassle-Free Python Experience
๐ [rye.astral.sh](https://rye.astral.sh)6. pyinstaller/pyinstaller โญ 12,492
Freeze (package) Python programs into stand-alone executables
๐ [www.pyinstaller.org](http://www.pyinstaller.org)7. pypa/pipx โญ 11,790
Install and Run Python Applications in Isolated Environments
๐ [pipx.pypa.io](https://pipx.pypa.io)8. pdm-project/pdm โญ 8,418
A modern Python package and dependency manager supporting the latest PEP standards
๐ [pdm-project.org](https://pdm-project.org)9. conda-forge/miniforge โญ 7,957
A conda-forge distribution.
๐ [conda-forge.org/download](https://conda-forge.org/download)10. jazzband/pip-tools โญ 7,923
A set of tools to keep your pinned Python dependencies fresh (pip-compile + pip-sync)
๐ [pip-tools.rtfd.io](https://pip-tools.rtfd.io)11. mamba-org/mamba โญ 7,481
The Fast Cross-Platform Package Manager: mamba is a reimplementation of the conda package manager in C++
๐ [mamba.readthedocs.io](https://mamba.readthedocs.io)12. conda/conda โญ 6,985
A system-level, binary package and environment manager running on all major operating systems and platforms.
๐ [docs.conda.io/projects/conda](https://docs.conda.io/projects/conda/)13. pypa/hatch โญ 6,693
Modern, extensible Python project management
๐ [hatch.pypa.io/latest](https://hatch.pypa.io/latest/)14. indygreg/PyOxidizer โญ 5,883
A modern Python application packaging and distribution tool15. pypa/virtualenv โญ 4,935
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](https://virtualenv.pypa.io)16. prefix-dev/pixi โญ 4,782
pixi is a cross-platform, multi-language package manager and workflow tool built on the foundation of the conda ecosystem.
๐ [pixi.sh](https://pixi.sh)17. spack/spack โญ 4,721
A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
๐ [spack.io](https://spack.io)18. pantsbuild/pex โญ 4,003
A tool for generating .pex (Python EXecutable) files, lock files and venvs.
๐ [docs.pex-tool.org](https://docs.pex-tool.org/)19. beeware/briefcase โญ 2,978
Tools to support converting a Python project into a standalone native application.
๐ [briefcase.readthedocs.io](https://briefcase.readthedocs.io/)20. pypa/flit โญ 2,209
Simplified packaging of Python modules
๐ [flit.pypa.io](https://flit.pypa.io/)21. linkedin/shiv โญ 1,853
shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441, but with all their dependencies included.22. marcelotduarte/cx_Freeze โญ 1,473
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](https://marcelotduarte.github.io/cx_Freeze/)23. ofek/pyapp โญ 1,437
Runtime installer for Python applications
๐ [ofek.dev/pyapp](https://ofek.dev/pyapp/)24. pypa/gh-action-pypi-publish โญ 1,051
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](https://packaging.python.org/guides/publishing-package-distribution-releases-using-github-actions-ci-cd-workflows/)25. py2exe/py2exe โญ 948
Create standalone Windows programs from Python code
๐ [www.py2exe.org](http://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](https://prefix.dev)27. python-poetry/install.python-poetry.org โญ 230
The official Poetry installation script
๐ [install.python-poetry.org](https://install.python-poetry.org)## Pandas
Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations.
1. pandas-dev/pandas โญ 45,938
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](https://pandas.pydata.org)2. pola-rs/polars โญ 34,368
Dataframes powered by a multithreaded, vectorized query engine, written in Rust
๐ [docs.pola.rs](https://docs.pola.rs)3. duckdb/duckdb โญ 30,886
DuckDB is an analytical in-process SQL database management system
๐ [www.duckdb.org](http://www.duckdb.org)4. gventuri/pandas-ai โญ 20,885
Chat with your database or your datalake (SQL, CSV, parquet). PandasAI makes data analysis conversational using LLMs and RAG.
๐ [pandas-ai.com](https://pandas-ai.com)5. kanaries/pygwalker โญ 15,009
PyGWalker: Turn your dataframe into an interactive UI for visual analysis
๐ [kanaries.net/pygwalker](https://kanaries.net/pygwalker)6. ydataai/ydata-profiling โญ 13,014
1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
๐ [docs.sdk.ydata.ai](https://docs.sdk.ydata.ai)7. rapidsai/cudf โญ 9,037
cuDF is a GPU DataFrame library for loading joining, aggregating, filtering, and otherwise manipulating data
๐ [docs.rapids.ai/api/cudf/stable](https://docs.rapids.ai/api/cudf/stable/)8. deepseek-ai/smallpond โญ 4,732
A lightweight data processing framework built on DuckDB and 3FS.9. aws/aws-sdk-pandas โญ 4,038
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](https://aws-sdk-pandas.readthedocs.io)10. unionai-oss/pandera โญ 3,906
A light-weight, flexible, and expressive statistical data testing library
๐ [www.union.ai/pandera](https://www.union.ai/pandera)11. nalepae/pandarallel โญ 3,775
A simple and efficient tool to parallelize Pandas operations on all availableย CPUs
๐ [nalepae.github.io/pandarallel](https://nalepae.github.io/pandarallel)12. adamerose/PandasGUI โญ 3,236
A GUI for Pandas DataFrames13. blaze/blaze โญ 3,201
NumPy and Pandas interface to Big Data
๐ [blaze.pydata.org](blaze.pydata.org)14. eventual-inc/Daft โญ 3,090
Distributed query engine providing simple and reliable data processing for any modality and scale
๐ [daft.ai](https://daft.ai)15. pydata/pandas-datareader โญ 3,065
Extract data from a wide range of Internet sources into a pandas DataFrame.
๐ [pydata.github.io/pandas-datareader/stable/index.html](https://pydata.github.io/pandas-datareader/stable/index.html)16. delta-io/delta-rs โญ 2,856
A native Rust library for Delta Lake, with bindings into Python
๐ [delta-io.github.io/delta-rs](https://delta-io.github.io/delta-rs/)17. scikit-learn-contrib/sklearn-pandas โญ 2,837
Pandas integration with sklearn18. jmcarpenter2/swifter โญ 2,619
A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner19. fugue-project/fugue โญ 2,093
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](https://fugue-tutorials.readthedocs.io/)20. pyjanitor-devs/pyjanitor โญ 1,431
Clean APIs for data cleaning. Python implementation of R package Janitor
๐ [pyjanitor-devs.github.io/pyjanitor](https://pyjanitor-devs.github.io/pyjanitor)21. holoviz/hvplot โญ 1,210
A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
๐ [hvplot.holoviz.org](https://hvplot.holoviz.org)22. renumics/spotlight โญ 1,185
Interactively explore unstructured datasets from your dataframe.
๐ [renumics.com](https://renumics.com)23. machow/siuba โญ 1,172
Python library for using dplyr like syntax with pandas and SQL
๐ [siuba.org](https://siuba.org)24. tkrabel/bamboolib โญ 949
bamboolib - a GUI for pandas DataFrames
๐ [bamboolib.com](https://bamboolib.com)25. mwouts/itables โญ 882
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](https://mwouts.github.io/itables/)## Performance
Performance, parallelisation and low level libraries.
1. celery/celery โญ 26,785
Distributed Task Queue (development branch)
๐ [docs.celeryq.dev](https://docs.celeryq.dev)2. google/flatbuffers โญ 24,439
FlatBuffers: Memory Efficient Serialization Library
๐ [flatbuffers.dev](https://flatbuffers.dev/)3. pybind/pybind11 โญ 16,920
Seamless operability between C++11 and Python
๐ [pybind11.readthedocs.io](https://pybind11.readthedocs.io/)4. exaloop/codon โญ 15,778
A high-performance, zero-overhead, extensible Python compiler with built-in NumPy support
๐ [docs.exaloop.io/codon](https://docs.exaloop.io/codon)5. dask/dask โญ 13,330
Parallel computing with task scheduling
๐ [dask.org](https://dask.org)6. numba/numba โญ 10,512
NumPy aware dynamic Python compiler using LLVM
๐ [numba.pydata.org](https://numba.pydata.org/)7. modin-project/modin โญ 10,222
Modin: Scale your Pandas workflows by changing a single line of code
๐ [modin.readthedocs.io](http://modin.readthedocs.io)8. vaexio/vaex โญ 8,406
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](https://vaex.io)9. nebuly-ai/optimate โญ 8,372
A collection of libraries to optimise AI model performances
๐ [www.nebuly.com](https://www.nebuly.com/)10. mher/flower โญ 6,807
Real-time monitor and web admin for Celery distributed task queue
๐ [flower.readthedocs.io](https://flower.readthedocs.io)11. python-trio/trio โญ 6,600
Trio โ a friendly Python library for async concurrency and I/O
๐ [trio.readthedocs.io](https://trio.readthedocs.io)12. ultrajson/ultrajson โญ 4,429
Ultra fast JSON decoder and encoder written in C with Python bindings
๐ [pypi.org/project/ujson](https://pypi.org/project/ujson/)13. airtai/faststream โญ 4,158
FastStream is a powerful and easy-to-use Python framework for building asynchronous services interacting with event streams such as Apache Kafka, RabbitMQ, NATS and Redis.
๐ [faststream.ag2.ai/latest](https://faststream.ag2.ai/latest/)14. tlkh/asitop โญ 4,130
Perf monitoring CLI tool for Apple Silicon
๐ [tlkh.github.io/asitop](https://tlkh.github.io/asitop/)15. facebookincubator/cinder โญ 3,650
Cinder is Meta's internal performance-oriented production version of CPython.
๐ [trycinder.com](https://trycinder.com)16. ipython/ipyparallel โญ 2,625
IPython Parallel: Interactive Parallel Computing in Python
๐ [ipyparallel.readthedocs.io](https://ipyparallel.readthedocs.io/)17. intel/intel-extension-for-transformers โญ 2,169
โก Build your chatbot within minutes on your favorite device; offer SOTA compression techniques for LLMs; run LLMs efficiently on Intel Platformsโก18. h5py/h5py โญ 2,149
HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
๐ [www.h5py.org](http://www.h5py.org)19. agronholm/anyio โญ 2,109
High level asynchronous concurrency and networking framework that works on top of either trio or asyncio20. tiangolo/asyncer โญ 2,000
Asyncer, async and await, focused on developer experience.
๐ [asyncer.tiangolo.com](https://asyncer.tiangolo.com/)21. intel/intel-extension-for-pytorch โญ 1,902
A Python package for extending the official PyTorch that can easily obtain performance on Intel platform22. faster-cpython/ideas โญ 1,720
Discussion and work tracker for Faster CPython project.23. dask/distributed โญ 1,637
A distributed task scheduler for Dask
๐ [distributed.dask.org](https://distributed.dask.org)24. nschloe/perfplot โญ 1,376
:chart_with_upwards_trend: Performance analysis for Python snippets25. intel/scikit-learn-intelex โญ 1,298
Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
๐ [uxlfoundation.github.io/scikit-learn-intelex](https://uxlfoundation.github.io/scikit-learn-intelex/)26. markshannon/faster-cpython โญ 955
How to make CPython faster.27. zerointensity/pointers.py โญ 931
Bringing the hell of pointers to Python.
๐ [pointers.zintensity.dev](https://pointers.zintensity.dev/)28. brandtbucher/specialist โญ 660
Visualize CPython's specializing, adaptive interpreter. ๐ฅ## Profiling
Memory and CPU/GPU profiling tools and libraries.
1. bloomberg/memray โญ 14,127
Memray is a memory profiler for Python
๐ [bloomberg.github.io/memray](https://bloomberg.github.io/memray/)2. benfred/py-spy โญ 13,923
Sampling profiler for Python programs3. plasma-umass/scalene โญ 12,779
Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals4. joerick/pyinstrument โญ 7,199
๐ดย Call stack profiler for Python. Shows you why your code is slow!
๐ [pyinstrument.readthedocs.io](https://pyinstrument.readthedocs.io/)5. gaogaotiantian/viztracer โญ 6,797
A debugging and profiling tool that can trace and visualize python code execution
๐ [viztracer.readthedocs.io](https://viztracer.readthedocs.io/)6. pythonprofilers/memory_profiler โญ 4,497
Monitor Memory usage of Python code
๐ [pypi.python.org/pypi/memory_profiler](http://pypi.python.org/pypi/memory_profiler)7. pyutils/line_profiler โญ 3,030
Line-by-line profiling for Python8. reloadware/reloadium โญ 2,974
Hot Reloading and Profiling for Python9. jiffyclub/snakeviz โญ 2,457
An in-browser Python profile viewer
๐ [jiffyclub.github.io/snakeviz](https://jiffyclub.github.io/snakeviz/)10. p403n1x87/austin โญ 2,081
Python frame stack sampler for CPython
๐ [pypi.org/project/austin-dist](https://pypi.org/project/austin-dist/)11. pythonspeed/filprofiler โญ 877
A Python memory profiler for data processing and scientific computing applications
๐ [pythonspeed.com/products/filmemoryprofiler](https://pythonspeed.com/products/filmemoryprofiler/)## Security
Security related libraries: vulnerability discovery, SQL injection, environment auditing.
1. swisskyrepo/PayloadsAllTheThings โญ 68,239
A list of useful payloads and bypass for Web Application Security and Pentest/CTF
๐ [swisskyrepo.github.io/payloadsallthethings](https://swisskyrepo.github.io/PayloadsAllTheThings/)2. sqlmapproject/sqlmap โญ 34,721
Automatic SQL injection and database takeover tool
๐ [sqlmap.org](http://sqlmap.org)3. certbot/certbot โญ 32,308
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 โญ 27,459
Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
๐ [trivy.dev](https://trivy.dev)5. bridgecrewio/checkov โญ 7,698
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](https://www.checkov.io/)6. nccgroup/ScoutSuite โญ 7,228
Multi-Cloud Security Auditing Tool7. pycqa/bandit โญ 7,154
Bandit is a tool designed to find common security issues in Python code.
๐ [bandit.readthedocs.io](https://bandit.readthedocs.io)8. stamparm/maltrail โญ 7,072
Malicious traffic detection system9. microsoft/presidio โญ 4,994
Context aware, pluggable and customizable PII de-identification service for text and images
๐ [microsoft.github.io/presidio](https://microsoft.github.io/presidio)10. rhinosecuritylabs/pacu โญ 4,779
The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
๐ [rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework](https://rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework/)11. dashingsoft/pyarmor โญ 4,423
A tool used to obfuscate python scripts, bind obfuscated scripts to fixed machine or expire obfuscated scripts.
๐ [pyarmor.dashingsoft.com](http://pyarmor.dashingsoft.com)12. mozilla/bleach โญ 2,707
Bleach is an allowed-list-based HTML sanitizing library that escapes or strips markup and attributes
๐ [bleach.readthedocs.io/en/latest](https://bleach.readthedocs.io/en/latest/)13. pyupio/safety โญ 1,859
Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
๐ [safetycli.com/product/safety-cli](https://safetycli.com/product/safety-cli)14. trailofbits/pip-audit โญ 1,069
Audits Python environments, requirements files and dependency trees for known security vulnerabilities, and can automatically fix them
๐ [pypi.org/project/pip-audit](https://pypi.org/project/pip-audit/)15. fadi002/de4py โญ 895
toolkit for python reverse engineering
๐ [de4py.rf.gd](https://de4py.rf.gd)16. thecyb3ralpha/BobTheSmuggler โญ 547
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. genesis-embodied-ai/Genesis โญ 25,783
Genesis is a physics platform, and generative data engine, designed for general purpose Robotics/Embodied AI/Physical AI applications
๐ [genesis-world.readthedocs.io](https://genesis-world.readthedocs.io)2. atsushisakai/PythonRobotics โญ 25,423
Python sample codes and textbook for robotics algorithms.
๐ [atsushisakai.github.io/pythonrobotics](https://atsushisakai.github.io/PythonRobotics/)3. bulletphysics/bullet3 โญ 13,533
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
๐ [bulletphysics.org](http://bulletphysics.org)4. isl-org/Open3D โญ 12,529
Open3D: A Modern Library for 3D Data Processing
๐ [www.open3d.org](http://www.open3d.org)5. dlr-rm/stable-baselines3 โญ 11,072
Stable Baselines3 (SB3) is a set of reliable implementations of reinforcement learning algorithms in PyTorch
๐ [stable-baselines3.readthedocs.io](https://stable-baselines3.readthedocs.io)6. nvidia/Cosmos โญ 8,041
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](https://github.com/nvidia-cosmos)7. qiskit/qiskit โญ 6,255
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](https://www.ibm.com/quantum/qiskit)8. nvidia/warp โญ 5,285
A Python framework for accelerated simulation, data generation and spatial computing.
๐ [nvidia.github.io/warp](https://nvidia.github.io/warp/)9. astropy/astropy โญ 4,744
Astronomy and astrophysics core library
๐ [www.astropy.org](https://www.astropy.org)10. quantumlib/Cirq โญ 4,645
An open-source Python framework for creating, editing, and invoking Noisy Intermediate-Scale Quantum (NISQ) circuits.
๐ [quantumai.google/cirq](https://quantumai.google/cirq)11. nvidia-omniverse/IsaacLab โญ 4,331
Unified framework for robot learning built on NVIDIA Isaac Sim
๐ [isaac-sim.github.io/isaaclab](https://isaac-sim.github.io/IsaacLab)12. chakazul/Lenia โญ 3,660
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](https://chakazul.github.io/Lenia/JavaScript/Lenia.html)13. projectmesa/mesa โญ 3,028
Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
๐ [mesa.readthedocs.io](https://mesa.readthedocs.io)14. openai/mujoco-py โญ 3,024
MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.15. rdkit/rdkit โญ 2,996
The official sources for the RDKit library16. google/brax โญ 2,758
Massively parallel rigidbody physics simulation on accelerator hardware.17. pennylaneai/pennylane โญ 2,726
PennyLane is a cross-platform Python library for quantum computing, quantum machine learning, and quantum chemistry. Built by researchers, for research.
๐ [pennylane.ai](https://pennylane.ai)18. taichi-dev/difftaichi โญ 2,627
10 differentiable physical simulators built with Taichi differentiable programming (DiffTaichi, ICLR 2020)19. nvidia-omniverse/IsaacGymEnvs โญ 2,529
Example RL environments for the NVIDIA Isaac Gym high performance environments20. dlr-rm/rl-baselines3-zoo โญ 2,480
A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
๐ [rl-baselines3-zoo.readthedocs.io](https://rl-baselines3-zoo.readthedocs.io)21. facebookresearch/habitat-lab โญ 2,452
A modular high-level library to train embodied AI agents across a variety of tasks and environments.
๐ [aihabitat.org](https://aihabitat.org/)22. quantecon/QuantEcon.py โญ 2,152
A community based Python library for quantitative economics
๐ [quantecon.org/quantecon-py](https://quantecon.org/quantecon-py/)23. microsoft/PromptCraft-Robotics โญ 2,029
Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
๐ [aka.ms/chatgpt-robotics](https://aka.ms/ChatGPT-Robotics)24. eloialonso/diamond โญ 1,833
DIAMOND (DIffusion As a Model Of eNvironment Dreams) is a reinforcement learning agent trained in a diffusion world model
๐ [diamond-wm.github.io](https://diamond-wm.github.io)25. tencent-hunyuan/Hunyuan3D-2.1 โญ 1,784
Tencent Hunyuan3D-2.1 is a scalable 3D asset creation system that advances state-of-the-art 3D generation
๐ [3d.hunyuan.tencent.com](https://3d.hunyuan.tencent.com/)26. deepmodeling/deepmd-kit โญ 1,703
A deep learning package for many-body potential energy representation and molecular dynamics
๐ [docs.deepmodeling.com/projects/deepmd](https://docs.deepmodeling.com/projects/deepmd/)27. bowang-lab/scGPT โญ 1,267
scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
๐ [scgpt.readthedocs.io/en/latest](https://scgpt.readthedocs.io/en/latest/)28. sail-sg/envpool โญ 1,168
C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments.
๐ [envpool.readthedocs.io](https://envpool.readthedocs.io)29. isaac-sim/IsaacSim โญ 1,155
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](https://developer.nvidia.com/isaac/sim)30. a-r-j/graphein โญ 1,111
Protein Graph Library
๐ [graphein.ai](https://graphein.ai/)31. altera-al/project-sid โญ 1,066
Project Sid: Many-agent simulations toward AI civilization technical report32. google-deepmind/materials_discovery โญ 1,015
Graph Networks for Materials Science (GNoME) is a project centered around scaling machine learning methods to tackle materials science.33. viblo/pymunk โญ 994
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](http://www.pymunk.org)34. nvidia-omniverse/OmniIsaacGymEnvs โญ 979
Reinforcement Learning Environments for Omniverse Isaac Gym35. polymathicai/the_well โญ 926
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](https://polymathic-ai.org/the_well/)36. google/evojax โญ 901
EvoJAX is a scalable, general purpose, hardware-accelerated neuroevolution toolkit built on the JAX library37. eureka-research/DrEureka โญ 899
Official Repository for "DrEureka: Language Model Guided Sim-To-Real Transfer" (RSS 2024)
๐ [eureka-research.github.io/dr-eureka](https://eureka-research.github.io/dr-eureka/)38. facebookresearch/fairo โญ 887
A modular embodied agent architecture and platform for building embodied agents39. ur-whitelab/chemcrow-public โญ 781
Chemcrow40. sakanaai/asal โญ 426
Automating the Search for Artificial Life with Foundation Models!41. arshka/PhysiX โญ 94
A Foundation Model for physics simulations42. ur-whitelab/chemcrow-runs โญ 88
ur-whitelab/chemcrow-runs## Study
Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials.
1. thealgorithms/Python โญ 202,741
All Algorithms implemented in Python
๐ [thealgorithms.github.io/python](https://thealgorithms.github.io/Python/)2. microsoft/generative-ai-for-beginners โญ 91,678
Learn the fundamentals of building Generative AI applications with our 21-lesson comprehensive course by Microsoft Cloud Advocates.
๐ [microsoft.github.io/generative-ai-for-beginners](https://microsoft.github.io/generative-ai-for-beginners/)3. labmlai/annotated_deep_learning_paper_implementations โญ 61,780
๐งโ๐ซ 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](https://nn.labml.ai)4. rasbt/LLMs-from-scratch โญ 58,705
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
๐ [amzn.to/4fqvn0d](https://amzn.to/4fqvn0D)5. mlabonne/llm-course โญ 57,201
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
๐ [mlabonne.github.io/blog](https://mlabonne.github.io/blog/)6. jakevdp/PythonDataScienceHandbook โญ 44,946
Python Data Science Handbook: full text in Jupyter Notebooks
๐ [jakevdp.github.io/pythondatasciencehandbook](http://jakevdp.github.io/PythonDataScienceHandbook)7. realpython/python-guide โญ 29,035
Python best practices guidebook, written for humans.
๐ [docs.python-guide.org](https://docs.python-guide.org)8. d2l-ai/d2l-en โญ 26,260
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](https://D2L.ai)9. christoschristofidis/awesome-deep-learning โญ 25,643
A curated list of awesome Deep Learning tutorials, projects and communities.10. hannibal046/Awesome-LLM โญ 24,199
Awesome-LLM: a curated list of Large Language Model11. wesm/pydata-book โญ 23,380
Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media12. huggingface/agents-course โญ 20,683
This repository contains the Hugging Face Agents Course.13. microsoft/recommenders โญ 20,466
Best Practices on Recommendation Systems
๐ [recommenders-team.github.io/recommenders/intro.html](https://recommenders-team.github.io/recommenders/intro.html)14. fchollet/deep-learning-with-python-notebooks โญ 19,315
Jupyter notebooks for the code samples of the book "Deep Learning with Python"15. naklecha/llama3-from-scratch โญ 15,042
llama3 implementation one matrix multiplication at a time16. graykode/nlp-tutorial โญ 14,663
Natural Language Processing Tutorial for Deep Learning Researchers
๐ [www.reddit.com/r/machinelearning/comments/amfinl/project_nlptutoral_repository_who_is_studying](https://www.reddit.com/r/MachineLearning/comments/amfinl/project_nlptutoral_repository_who_is_studying/)17. karpathy/nn-zero-to-hero โญ 14,455
Neural Networks: Zero to Hero18. mrdbourke/pytorch-deep-learning โญ 14,330
Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
๐ [learnpytorch.io](https://learnpytorch.io)19. shangtongzhang/reinforcement-learning-an-introduction โญ 14,183
Python Implementation of Reinforcement Learning: An Introduction20. nirdiamant/agents-towards-production โญ 13,271
The open-source playbook for turning AI agents into real-world products.21. zhanymkanov/fastapi-best-practices โญ 12,458
FastAPI Best Practices and Conventions we used at our startup22. karpathy/micrograd โญ 12,289
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API23. eugeneyan/open-llms โญ 12,173
๐ A list of open LLMs available for commercial use.24. handsonllm/Hands-On-Large-Language-Models โญ 12,017
Official code repo for the O'Reilly Book - "Hands-On Large Language Models"
๐ [www.llm-book.com](https://www.llm-book.com/)25. rucaibox/LLMSurvey โญ 11,660
The official GitHub page for the survey paper "A Survey of Large Language Models".
๐ [arxiv.org/abs/2303.18223](https://arxiv.org/abs/2303.18223)26. srush/GPU-Puzzles โญ 11,252
Teaching beginner GPU programming in a completely interactive fashion27. nielsrogge/Transformers-Tutorials โญ 11,055
This repository contains demos I made with the Transformers library by HuggingFace.28. openai/spinningup โญ 11,037
An educational resource to help anyone learn deep reinforcement learning.
๐ [spinningup.openai.com](https://spinningup.openai.com/)29. mooler0410/LLMsPracticalGuide โญ 9,975
A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
๐ [arxiv.org/abs/2304.13712v2](https://arxiv.org/abs/2304.13712v2)30. roboflow/notebooks โญ 7,933
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 YOLO11, RT-DETR, SAM 2, Florence-2, PaliGemma 2, and Qwen2.5VL.
๐ [roboflow.com/models](https://roboflow.com/models)31. udlbook/udlbook โญ 7,633
Understanding Deep Learning - Simon J.D. Prince32. firmai/industry-machine-learning โญ 7,368
A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
๐ [www.sov.ai](https://www.sov.ai/)33. gkamradt/langchain-tutorials โญ 7,149
Overview and tutorial of the LangChain Library34. alirezadir/Machine-Learning-Interviews โญ 6,541
This repo is meant to serve as a guide for Machine Learning/AI technical interviews.35. neetcode-gh/leetcode โญ 6,057
Leetcode solutions for NeetCode.io36. huggingface/smol-course โญ 6,009
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.37. mrdbourke/tensorflow-deep-learning โญ 5,643
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
๐ [dbourke.link/ztmtfcourse](https://dbourke.link/ZTMTFcourse)38. udacity/deep-learning-v2-pytorch โญ 5,404
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd10139. chiphuyen/aie-book โญ 4,970
Code for AI Engineering: Building Applications with Foundation Models (Chip Huyen 2025)40. timofurrer/awesome-asyncio โญ 4,838
A curated list of awesome Python asyncio frameworks, libraries, software and resources41. promptslab/Awesome-Prompt-Engineering โญ 4,681
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](https://discord.gg/m88xfYMbK6)42. huggingface/deep-rl-class โญ 4,410
This repo contains the Hugging Face Deep Reinforcement Learning Course.43. rasbt/machine-learning-book โญ 4,401
Code Repository for Machine Learning with PyTorch and Scikit-Learn
๐ [sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn](https://sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn)44. zotroneneis/machine_learning_basics โญ 4,386
Plain python implementations of basic machine learning algorithms45. huggingface/diffusion-models-class โญ 4,079
Materials for the Hugging Face Diffusion Models Course46. amanchadha/coursera-deep-learning-specialization โญ 3,813
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...47. fluentpython/example-code-2e โญ 3,659
Example code for Fluent Python, 2nd edition (O'Reilly 2022)
๐ [amzn.to/3j48u2j](https://amzn.to/3J48u2J)48. cosmicpython/book โญ 3,585
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](https://www.cosmicpython.com)49. mrdbourke/zero-to-mastery-ml โญ 3,337
All course materials for the Zero to Mastery Machine Learning and Data Science course.
๐ [dbourke.link/ztmmlcourse](https://dbourke.link/ZTMmlcourse)50. krzjoa/awesome-python-data-science โญ 2,950
Probably the best curated list of data science software in Python.
๐ [krzjoa.github.io/awesome-python-data-science](https://krzjoa.github.io/awesome-python-data-science)51. gerdm/prml โญ 2,366
Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop52. cgpotts/cs224u โญ 2,151
Code for CS224u: Natural Language Understanding53. huggingface/cookbook โญ 2,144
Community-driven practical examples of building AI applications and solving various tasks with AI using open-source tools and models.
๐ [huggingface.co/learn/cookbook](https://huggingface.co/learn/cookbook)54. cerlymarco/MEDIUM_NoteBook โญ 2,117
Repository containing notebooks of my posts on Medium55. trananhkma/fucking-awesome-python โญ 2,006
awesome-python with :octocat: โญ and ๐ด56. aburkov/theLMbook โญ 1,835
Code for Hundred-Page Language Models Book by Andriy Burkov
๐ [www.thelmbook.com](https://www.thelmbook.com)57. chandlerbang/awesome-self-supervised-gnn โญ 1,681
Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).58. atcold/NYU-DLSP21 โญ 1,625
NYU Deep Learning Spring 2021
๐ [atcold.github.io/nyu-dlsp21](https://atcold.github.io/NYU-DLSP21/)59. engineer1999/A-Curated-List-of-ML-System-Design-Case-Studies โญ 1,524
Curated collection of 300+ case studies from over 80 companies, detailing practical applications and insights into machine learning (ML) system design60. patrickloeber/MLfromscratch โญ 1,492
Machine Learning algorithm implementations from scratch.61. huggingface/evaluation-guidebook โญ 1,461
Sharing both practical insights and theoretical knowledge about LLM evaluation that we gathered while managing the Open LLM Leaderboard and designing lighteval!62. davidadsp/Generative_Deep_Learning_2nd_Edition โญ 1,308
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](https://www.oreilly.com/library/view/generative-deep-learning/9781098134174/)63. rasbt/LLM-workshop-2024 โญ 976
A 4-hour coding workshop to understand how LLMs are implemented and used64. jackhidary/quantumcomputingbook โญ 864
Companion site for the textbook Quantum Computing: An Applied Approach65. rasbt/MachineLearning-QandAI-book โญ 579
Machine Learning Q and AI book
๐ [www.amazon.com/machine-learning-ai-essential-questions/dp/1718503768](https://www.amazon.com/Machine-Learning-AI-Essential-Questions/dp/1718503768)66. rwitten/HighPerfLLMs2024 โญ 512
Build a full scale, high-performance LLM from scratch in Jax! We cover training and inference, roofline analysis, compilation, sharding, profiling and more.67. dylanhogg/awesome-python โญ 392
๐ Hand-picked awesome Python libraries and frameworks, organised by category
๐ [www.awesomepython.org](https://www.awesomepython.org)## Template
Template tools and libraries: cookiecutter repos, generators, quick-starts.
1. tiangolo/full-stack-fastapi-template โญ 34,474
Full stack, modern web application template. Using FastAPI, React, SQLModel, PostgreSQL, Docker, GitHub Actions, automatic HTTPS and more.2. cookiecutter/cookiecutter โญ 23,785
A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
๐ [pypi.org/project/cookiecutter](https://pypi.org/project/cookiecutter/)3. drivendata/cookiecutter-data-science โญ 9,087
A logical, reasonably standardized, but flexible project structure for doing and sharing data science work.
๐ [cookiecutter-data-science.drivendata.org](https://cookiecutter-data-science.drivendata.org/)4. buuntu/fastapi-react โญ 2,405
๐ Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker5. pyscaffold/pyscaffold โญ 2,213
๐ Python project template generator with batteries included
๐ [pyscaffold.org](https://pyscaffold.org)6. cjolowicz/cookiecutter-hypermodern-python โญ 1,867
Cookiecutter template for a Python package based on the Hypermodern Python article series.
๐ [cookiecutter-hypermodern-python.readthedocs.io](http://cookiecutter-hypermodern-python.readthedocs.io/)7. fmind/mlops-python-package โญ 1,312
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](https://fmind.github.io/mlops-python-package/)8. tezromach/python-package-template โญ 1,096
๐ Your next Python package needs a bleeding-edge project structure.9. martinheinz/python-project-blueprint โญ 969
Blueprint/Boilerplate For Python Projects10. fpgmaas/cookiecutter-uv โญ 925
A modern cookiecutter template for Python projects that use uv for dependency management
๐ [fpgmaas.github.io/cookiecutter-uv](https://fpgmaas.github.io/cookiecutter-uv)11. callmesora/llmops-python-package โญ 876
Best practices designed to support your LLMOps initiatives. You can use this package as part of your LLMOps toolkit or platform e.g. Model Registry, Experiment Tracking, Realtime Inference## Terminal
Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars.
1. willmcgugan/rich โญ 52,790
Rich is a Python library for rich text and beautiful formatting in the terminal.
๐ [rich.readthedocs.io/en/latest](https://rich.readthedocs.io/en/latest/)2. aider-ai/aider โญ 35,358
Aider lets you pair program with LLMs, to edit code in your local git repository
๐ [aider.chat](https://aider.chat/)3. tqdm/tqdm โญ 30,078
:zap: A Fast, Extensible Progress Bar for Python and CLI
๐ [tqdm.github.io](https://tqdm.github.io)4. willmcgugan/textual โญ 29,547
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](https://textual.textualize.io/)5. google/python-fire โญ 27,747
Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.6. anthropics/claude-code โญ 18,779
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
๐ [docs.anthropic.com/s/claude-code](https://docs.anthropic.com/s/claude-code)7. tiangolo/typer โญ 17,436
Typer, build great CLIs. Easy to code. Based on Python type hints.
๐ [typer.tiangolo.com](https://typer.tiangolo.com/)8. pallets/click โญ 16,612
Python composable command line interface toolkit
๐ [click.palletsprojects.com](https://click.palletsprojects.com)9. prompt-toolkit/python-prompt-toolkit โญ 9,814
Library for building powerful interactive command line applications in Python
๐ [python-prompt-toolkit.readthedocs.io](https://python-prompt-toolkit.readthedocs.io/)10. simonw/llm โญ 8,890
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](https://llm.datasette.io)11. saulpw/visidata โญ 8,346
A terminal spreadsheet multitool for discovering and arranging data
๐ [visidata.org](http://visidata.org)12. xxh/xxh โญ 5,667
๐ Bring your favorite shell wherever you go through the ssh. Xonsh shell, fish, zsh, osquery and so on.13. tconbeer/harlequin โญ 4,736
The SQL IDE for Your Terminal.
๐ [harlequin.sh](https://harlequin.sh)14. manrajgrover/halo โญ 2,958
๐ซ Beautiful spinners for terminal, IPython and Jupyter15. urwid/urwid โญ 2,922
Console user interface library for Python (official repo)
๐ [urwid.org](urwid.org)16. textualize/trogon โญ 2,667
Easily turn your Click CLI into a powerful terminal application17. darrenburns/elia โญ 2,215
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,804
Python library to build pretty command line user prompts โจEasy to use multi-select lists, confirmations, free text prompts ...19. jazzband/prettytable โญ 1,517
Display tabular data in a visually appealing ASCII table format
๐ [pypi.org/project/prettytable](https://pypi.org/project/PrettyTable/)20. shobrook/wut โญ 1,362
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,026
:art: MS Paint in your terminal.
๐ [pypi.org/project/textual-paint](https://pypi.org/project/textual-paint/)## Testing
Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins.
1. mitmproxy/mitmproxy โญ 39,785
An interactive TLS-capable intercepting HTTP proxy for penetration testers and software developers.
๐ [mitmproxy.org](https://mitmproxy.org)2. locustio/locust โญ 26,445
Write scalable load tests in plain Python ๐๐จ
๐ [locust.cloud](https://locust.cloud)3. microsoft/playwright-python โญ 13,360
Playwright is a Python library to automate Chromium, Firefox and WebKit browsers with a single API.
๐ [playwright.dev/python](https://playwright.dev/python/)4. pytest-dev/pytest โญ 12,864
The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
๐ [pytest.org](https://pytest.org)5. seleniumbase/SeleniumBase โญ 11,337
Python APIs for web automation, testing, and bypassing bot-detection.
๐ [seleniumbase.io](https://seleniumbase.io)6. robotframework/robotframework โญ 10,849
Generic automation framework for acceptance testing and RPA
๐ [robotframework.org](http://robotframework.org)7. confident-ai/deepeval โญ 9,115
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](https://deepeval.com)8. getmoto/moto โญ 7,956
A library that allows you to easily mock out tests based on AWS infrastructure.
๐ [docs.getmoto.org/en/latest](http://docs.getmoto.org/en/latest/)9. hypothesisworks/hypothesis โญ 7,914
The property-based testing library for Python
๐ [hypothesis.works](https://hypothesis.works)10. newsapps/beeswithmachineguns โญ 6,592
A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
๐ [apps.chicagotribune.com](http://apps.chicagotribune.com/)11. codium-ai/qodo-cover โญ 5,103
Qodo-Cover: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! ๐ป๐ค๐งช๐
๐ [qodo.ai](https://qodo.ai/)12. spulec/freezegun โญ 4,369
Let your Python tests travel through time13. getsentry/responses โญ 4,276
A utility for mocking out the Python Requests library.14. tox-dev/tox โญ 3,816
Command line driven CI frontend and development task automation tool.
๐ [tox.wiki](https://tox.wiki)15. behave/behave โญ 3,324
BDD, Python style.
๐ [behave.readthedocs.io/en/latest](https://behave.readthedocs.io/en/latest/)16. nedbat/coveragepy โญ 3,191
The code coverage tool for Python
๐ [coverage.readthedocs.io](https://coverage.readthedocs.io)17. kevin1024/vcrpy โญ 2,814
Automatically mock your HTTP interactions to simplify and speed up testing18. cobrateam/splinter โญ 2,754
splinter - python test framework for web applications
๐ [splinter.readthedocs.org/en/stable/index.html](http://splinter.readthedocs.org/en/stable/index.html)19. pytest-dev/pytest-testinfra โญ 2,428
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](https://testinfra.readthedocs.io)20. pytest-dev/pytest-mock โญ 1,965
Thin-wrapper around the mock package for easier use with pytest
๐ [pytest-mock.readthedocs.io/en/latest](https://pytest-mock.readthedocs.io/en/latest/)21. pytest-dev/pytest-cov โญ 1,910
Coverage plugin for pytest.22. pytest-dev/pytest-xdist โญ 1,649
pytest plugin for distributed testing and loop-on-failures testing modes.
๐ [pytest-xdist.readthedocs.io](https://pytest-xdist.readthedocs.io)23. pytest-dev/pytest-asyncio โญ 1,534
Asyncio support for pytest
๐ [pytest-asyncio.readthedocs.io](https://pytest-asyncio.readthedocs.io)24. taverntesting/tavern โญ 1,094
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](https://taverntesting.github.io/)## Machine Learning - Time Series
Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics.
1. facebook/prophet โญ 19,390
Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
๐ [facebook.github.io/prophet](https://facebook.github.io/prophet)2. sktime/sktime โญ 9,146
A unified framework for machine learning with time series
๐ [www.sktime.net](https://www.sktime.net)3. blue-yonder/tsfresh โญ 8,841
Automatic extraction of relevant features from time series:
๐ [tsfresh.readthedocs.io](http://tsfresh.readthedocs.io)4. unit8co/darts โญ 8,742
A python library for user-friendly forecasting and anomaly detection on time series.
๐ [unit8co.github.io/darts](https://unit8co.github.io/darts/)5. facebookresearch/Kats โญ 6,050
Kats, a kit to analyze time series data, a lightweight, easy-to-use, generalizable, and extendable framework to perform time series analysis, from understanding the key statistics and characteristics, detecting change points and anomalies, to forecasting future trends.6. awslabs/gluonts โญ 4,942
Probabilistic time series modeling in Python
๐ [ts.gluon.ai](https://ts.gluon.ai)7. google-research/timesfm โญ 4,879
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](https://research.google/blog/a-decoder-only-foundation-model-for-time-series-forecasting/)8. nixtla/statsforecast โญ 4,440
Lightning โก๏ธ fast forecasting with statistical and econometric models.
๐ [nixtlaverse.nixtla.io/statsforecast](https://nixtlaverse.nixtla.io/statsforecast)9. salesforce/Merlion โญ 4,334
Merlion: A Machine Learning Framework for Time Series Intelligence10. tdameritrade/stumpy โญ 3,948
STUMPY is a powerful and scalable Python library for modern time series analysis
๐ [stumpy.readthedocs.io/en/latest](https://stumpy.readthedocs.io/en/latest/)11. amazon-science/chronos-forecasting โญ 3,424
Chronos: Pretrained Models for Probabilistic Time Series Forecasting
๐ [arxiv.org/abs/2403.07815](https://arxiv.org/abs/2403.07815)12. aistream-peelout/flow-forecast โญ 2,206
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
๐ [flow-forecast.atlassian.net/wiki/spaces/ff/overview](https://flow-forecast.atlassian.net/wiki/spaces/FF/overview)13. rjt1990/pyflux โญ 2,129
Open source time series library for Python14. yuqinie98/PatchTST โญ 2,054
An offical implementation of PatchTST: A Time Series is Worth 64 Words: Long-term Forecasting with Transformers15. uber/orbit โญ 1,983
A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
๐ [orbit-ml.readthedocs.io/en/stable](https://orbit-ml.readthedocs.io/en/stable/)16. alkaline-ml/pmdarima โญ 1,656
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](https://www.alkaline-ml.com/pmdarima)17. time-series-foundation-models/lag-llama โญ 1,462
Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting18. winedarksea/AutoTS โญ 1,300
Automated Time Series Forecasting19. ngruver/llmtime โญ 800
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](https://arxiv.org/abs/2310.07820)20. autoviml/Auto_TS โญ 759
Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost Models on Time Series data sets with a Single Line of Code. Created by Ram Seshadri. Collaborators welcome.21. google/temporian โญ 695
Temporian is an open-source Python library for preprocessing โก and feature engineering ๐ temporal data ๐ for machine learning applications ๐ค
๐ [temporian.readthedocs.io](https://temporian.readthedocs.io)## Typing
Typing libraries: static and run-time type checking, annotations.
1. python/mypy โญ 19,495
Optional static typing for Python
๐ [www.mypy-lang.org](https://www.mypy-lang.org/)2. microsoft/pyright โญ 14,527
Static Type Checker for Python3. facebook/pyre-check โญ 7,056
Performant type-checking for python.
๐ [pyre-check.org](https://pyre-check.org/)4. python-attrs/attrs โญ 5,537
Python Classes Without Boilerplate
๐ [www.attrs.org](https://www.attrs.org/)5. instagram/MonkeyType โญ 4,909
A Python library that generates static type annotations by collecting runtime types6. google/pytype โญ 4,903
A static type analyzer for Python code
๐ [google.github.io/pytype](https://google.github.io/pytype)7. python/typeshed โญ 4,731
Collection of library stubs for Python, with static types8. koxudaxi/datamodel-code-generator โญ 3,313
Pydantic model and dataclasses.dataclass generator for easy conversion of JSON, OpenAPI, JSON Schema, and YAML data sources.
๐ [koxudaxi.github.io/datamodel-code-generator](https://koxudaxi.github.io/datamodel-code-generator/)9. facebook/pyrefly โญ 3,219
A fast type checker and IDE for Python. (A new version of Pyre)
๐ [pyrefly.org](http://pyrefly.org/)10. mtshiba/pylyzer โญ 2,852
A fast, feature-rich static code analyzer & language server for Python
๐ [mtshiba.github.io/pylyzer](http://mtshiba.github.io/pylyzer/)11. microsoft/pylance-release โญ 1,848
Fast, feature-rich language support for Python. Documentation and issues for Pylance.12. agronholm/typeguard โญ 1,677
Run-time type checker for Python13. patrick-kidger/torchtyping โญ 1,433
Type annotations and dynamic checking for a tensor's shape, dtype, names, etc.14. python/typing_extensions โญ 507
Backported and experimental type hints for Python15. robertcraigie/pyright-python โญ 227
Python command line wrapper for pyright, a static type checker
๐ [pypi.org/project/pyright](https://pypi.org/project/pyright/)## Utility
General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools.
1. yt-dlp/yt-dlp โญ 118,448
A feature-rich command-line audio/video downloader
๐ [discord.gg/h5mncfw63r](https://discord.gg/H5MNcFW63r)2. home-assistant/core โญ 80,092
๐ก Open source home automation that puts local control and privacy first.
๐ [www.home-assistant.io](https://www.home-assistant.io)3. abi/screenshot-to-code โญ 70,353
Drop in a screenshot and convert it to clean code (HTML/Tailwind/React/Vue)
๐ [screenshottocode.com](https://screenshottocode.com)4. python/cpython โญ 67,805
The Python programming language
๐ [www.python.org](https://www.python.org)5. localstack/localstack โญ 59,554
๐ป A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
๐ [localstack.cloud](https://localstack.cloud)6. faif/python-patterns โญ 41,641
A collection of design patterns/idioms in Python7. ggerganov/whisper.cpp โญ 41,445
Port of OpenAI's Whisper model in C/C++8. mingrammer/diagrams โญ 41,149
:art: Diagram as Code for prototyping cloud system architectures
๐ [diagrams.mingrammer.com](https://diagrams.mingrammer.com)9. openai/openai-python โญ 27,329
The official Python library for the OpenAI API
๐ [pypi.org/project/openai](https://pypi.org/project/openai/)10. keon/algorithms โญ 24,623
Minimal examples of data structures and algorithms in Python11. pydantic/pydantic โญ 24,444
Data validation using Python type hints
๐ [docs.pydantic.dev](https://docs.pydantic.dev)12. norvig/pytudes โญ 23,920
Python programs, usually short, of considerable difficulty, to perfect particular skills.13. squidfunk/mkdocs-material โญ 23,860
Documentation that simply works
๐ [squidfunk.github.io/mkdocs-material](https://squidfunk.github.io/mkdocs-material/)14. blakeblackshear/frigate โญ 23,778
NVR with realtime local object detection for IP cameras
๐ [frigate.video](https://frigate.video)15. facebookresearch/audiocraft โญ 22,274
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.16. delgan/loguru โญ 22,150
Python logging made (stupidly) simple17. chriskiehl/Gooey โญ 21,338
Turn (almost) any Python command line program into a full GUI application with one line18. mkdocs/mkdocs โญ 20,730
Project documentation with Markdown.
๐ [www.mkdocs.org](https://www.mkdocs.org)19. micropython/micropython โญ 20,585
MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
๐ [micropython.org](https://micropython.org)20. rustpython/RustPython โญ 20,278
A Python Interpreter written in Rust
๐ [rustpython.github.io](https://rustpython.github.io)21. higherorderco/Bend โญ 18,862
A massively parallel, high-level programming language
๐ [higherorderco.com](https://higherorderco.com)22. kivy/kivy โญ 18,464
Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
๐ [kivy.org](https://kivy.org)23. ipython/ipython โญ 16,510
Official repository for IPython itself. Other repos in the IPython organization contain things like the website, documentation builds, etc.
๐ [ipython.readthedocs.org](https://ipython.readthedocs.org)24. alievk/avatarify-python โญ 16,478
Avatars for Zoom, Skype and other video-conferencing apps.25. openai/triton โญ 16,114
Development repository for the Triton language and compiler
๐ [triton-lang.org](https://triton-lang.org/)26. google/brotli โญ 14,174
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 modeling27. pyo3/pyo3 โญ 13,972
Rust bindings for the Python interpreter
๐ [pyo3.rs](https://pyo3.rs)28. caronc/apprise โญ 13,956
Apprise - Push Notifications that work with just about every platform!
๐ [hub.docker.com/r/caronc/apprise](https://hub.docker.com/r/caronc/apprise)29. zulko/moviepy โญ 13,673
Video editing with Python
๐ [zulko.github.io/moviepy](https://zulko.github.io/moviepy/)30. nuitka/Nuitka โญ 13,462
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](http://nuitka.net)31. pyodide/pyodide โญ 13,434
Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
๐ [pyodide.org/en/stable](https://pyodide.org/en/stable/)32. python-pillow/Pillow โญ 12,902
The Python Imaging Library adds image processing capabilities to Python (Pillow is the friendly PIL fork)
๐ [python-pillow.github.io](https://python-pillow.github.io)33. pytube/pytube โญ 12,840
A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
๐ [pytube.io](https://pytube.io)34. dbader/schedule โญ 12,114
Python job scheduling for humans.
๐ [schedule.readthedocs.io](https://schedule.readthedocs.io/)35. ninja-build/ninja โญ 12,089
Ninja is a small build system with a focus on speed.
๐ [ninja-build.org](https://ninja-build.org/)36. asweigart/pyautogui โญ 11,614
A cross-platform GUI automation Python module for human beings. Used to programmatically control the mouse & keyboard.37. secdev/scapy โญ 11,548
Scapy: the Python-based interactive packet manipulation program & library.
๐ [scapy.net](https://scapy.net)38. magicstack/uvloop โญ 11,030
Ultra fast asyncio event loop.39. comet-ml/opik โญ 11,010
Opik is an open-source platform for evaluating, testing and monitoring LLM applications.
๐ [www.comet.com/docs/opik](https://www.comet.com/docs/opik/)40. pallets/jinja โญ 10,981
A very fast and expressive template engine.
๐ [jinja.palletsprojects.com](https://jinja.palletsprojects.com)41. aristocratos/bpytop โญ 10,685
Linux/OSX/FreeBSD resource monitor42. cython/cython โญ 10,126
The most widely used Python to C compiler
๐ [cython.org](https://cython.org)43. facebookresearch/hydra โญ 9,483
Hydra is a framework for elegantly configuring complex applications
๐ [hydra.cc](https://hydra.cc)44. aws/serverless-application-model โญ 9,461
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](https://aws.amazon.com/serverless/sam)45. paramiko/paramiko โญ 9,432
The leading native Python SSHv2 protocol library.
๐ [paramiko.org](http://paramiko.org)46. boto/boto3 โญ 9,429
AWS SDK for Python
๐ [aws.amazon.com/sdk-for-python](https://aws.amazon.com/sdk-for-python/)47. py-pdf/pypdf โญ 9,213
A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
๐ [pypdf.readthedocs.io/en/latest](https://pypdf.readthedocs.io/en/latest/)48. arrow-py/arrow โญ 8,879
๐น Better dates & times for Python
๐ [arrow.readthedocs.io](https://arrow.readthedocs.io)49. xonsh/xonsh โญ 8,865
:shell: Python-powered shell. Full-featured and cross-platform.
๐ [xon.sh](http://xon.sh)50. eternnoir/pyTelegramBotAPI โญ 8,490
Python Telegram bot api.51. icloud-photos-downloader/icloud_photos_downloader โญ 8,440
A command-line tool to download photos from iCloud52. jasonppy/VoiceCraft โญ 8,315
Zero-Shot Speech Editing and Text-to-Speech in the Wild53. googleapis/google-api-python-client โญ 8,315
๐ The official Python client library for Google's discovery based APIs.
๐ [googleapis.github.io/google-api-python-client/docs](https://googleapis.github.io/google-api-python-client/docs/)54. kellyjonbrazil/jc โญ 8,265
CLI tool and python library that converts the output of popular command-line tools, file-types, and common strings to JSON, YAML, or Dictionaries. This allows piping of output to tools like jq and simplifying automation scripts.55. theskumar/python-dotenv โญ 8,239
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](https://saurabh-kumar.com/python-dotenv/)56. googlecloudplatform/python-docs-samples โญ 7,760
Code samples used on cloud.google.com57. jd/tenacity โญ 7,641
Retrying library for Python
๐ [tenacity.readthedocs.io](http://tenacity.readthedocs.io)58. google/latexify_py โญ 7,514
A library to generate LaTeX expression from Python code.59. pygithub/PyGithub โญ 7,424
Typed interactions with the GitHub API v3
๐ [pygithub.readthedocs.io](https://pygithub.readthedocs.io/)60. bndr/pipreqs โญ 7,270
pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward.61. timdettmers/bitsandbytes โญ 7,212
Accessible large language models via k-bit quantization for PyTorch.
๐ [huggingface.co/docs/bitsandbytes/main/en/index](https://huggingface.co/docs/bitsandbytes/main/en/index)62. sphinx-doc/sphinx โญ 7,211
The Sphinx documentation generator
๐ [www.sphinx-doc.org](https://www.sphinx-doc.org/)63. marshmallow-code/marshmallow โญ 7,162
A lightweight library for converting complex objects to and from simple Python datatypes.
๐ [marshmallow.readthedocs.io](https://marshmallow.readthedocs.io/)64. pyca/cryptography โญ 7,130
cryptography is a package designed to expose cryptographic primitives and recipes to Python developers.
๐ [cryptography.io](https://cryptography.io)65. ijl/orjson โญ 7,130
Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy66. gorakhargosh/watchdog โญ 6,983
Python library and shell utilities to monitor filesystem events.
๐ [packages.python.org/watchdog](http://packages.python.org/watchdog/)67. hugapi/hug โญ 6,889
Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible, but no simpler.68. agronholm/apscheduler โญ 6,834
Task scheduling library for Python69. openai/point-e โญ 6,751
Point cloud diffusion for 3D model synthesis70. pdfminer/pdfminer.six โญ 6,584
Community maintained fork of pdfminer - we fathom PDF
๐ [pdfminersix.readthedocs.io](https://pdfminersix.readthedocs.io)71. sdispater/pendulum โญ 6,488
Python datetimes made easy
๐ [pendulum.eustace.io](https://pendulum.eustace.io)72. scikit-image/scikit-image โญ 6,285
Image processing in Python
๐ [scikit-image.org](https://scikit-image.org)73. wireservice/csvkit โญ 6,216
A suite of utilities for converting to and working with CSV, the king of tabular file formats.
๐ [csvkit.readthedocs.io](https://csvkit.readthedocs.io)74. pytransitions/transitions โญ 6,125
A lightweight, object-oriented finite state machine implementation in Python with many extensions75. traceloop/openllmetry โญ 6,060
Open-source observability for your LLM application, based on OpenTelemetry
๐ [www.traceloop.com/openllmetry](https://www.traceloop.com/openllmetry)76. rsalmei/alive-progress โญ 5,935
A new kind of Progress Bar, with real-time throughput, ETA, and very cool animations!77. spotify/pedalboard โญ 5,602
๐ ๐ A Python library for audio.
๐ [spotify.github.io/pedalboard](https://spotify.github.io/pedalboard)78. pywinauto/pywinauto โญ 5,497
Windows GUI Automation with Python (based on text properties)
๐ [pywinauto.github.io](http://pywinauto.github.io/)79. buildbot/buildbot โญ 5,372
Python-based continuous integration testing framework; your pull requests are more than welcome!
๐ [www.buildbot.net](https://www.buildbot.net)80. prompt-toolkit/ptpython โญ 5,328
A better Python REPL81. tebelorg/RPA-Python โญ 5,266
Python package for doing RPA82. pythonnet/pythonnet โญ 5,153
Python for .NET is a package that gives Python programmers nearly seamless integration with the .NET Common Language Runtime (CLR) and provides a powerful application scripting tool for .NET developers.
๐ [pythonnet.github.io](http://pythonnet.github.io)83. pycqa/pycodestyle โญ 5,106
Simple Python style checker in one Python file
๐ [pycodestyle.pycqa.org](https://pycodestyle.pycqa.org)84. jorgebastida/awslogs โญ 4,937
AWS CloudWatch logs for Humansโข85. pytoolz/toolz โญ 4,935
A functional standard library for Python.
๐ [toolz.readthedocs.org](http://toolz.readthedocs.org/)86. ashleve/lightning-hydra-template โญ 4,762
PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation. โก๐ฅโก87. bogdanp/dramatiq โญ 4,723
A fast and reliable background task processing library for Python 3.
๐ [dramatiq.io](https://dramatiq.io)88. pyo3/maturin โญ 4,693
Build and publish crates with pyo3, cffi and uniffi bindings as well as rust binaries as python packages
๐ [maturin.rs](https://maturin.rs)89. hhatto/autopep8 โญ 4,623
A tool that automatically formats Python code to conform to the PEP 8 style guide.
๐ [pypi.org/project/autopep8](https://pypi.org/project/autopep8/)90. pyinvoke/invoke โญ 4,568
Pythonic task management & command execution.
๐ [pyinvoke.org](http://pyinvoke.org)91. ets-labs/python-dependency-injector โญ 4,458
Dependency injection framework for Python
๐ [python-dependency-injector.ets-labs.org](https://python-dependency-injector.ets-labs.org/)92. blealtan/efficient-kan โญ 4,418
An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN).93. pyinfra-dev/pyinfra โญ 4,312
๐ง pyinfra turns Python code into shell commands and runs them on your servers. Execute ad-hoc commands and write declarative operations. Target SSH servers, local machine and Docker containers. Fast and scales from one server to thousands.
๐ [pyinfra.com](https://pyinfra.com)94. adafruit/circuitpython โญ 4,305
CircuitPython - a Python implementation for teaching coding with microcontrollers
๐ [circuitpython.org](https://circuitpython.org)95. evhub/coconut โญ 4,224
Coconut (coconut-lang.org) is a variant of Python that adds on top of Python syntax new features for simple, elegant, Pythonic functional programming.
๐ [coconut-lang.org](http://coconut-lang.org)96. miguelgrinberg/python-socketio โญ 4,201
Python Socket.IO server and client97. joblib/joblib โญ 4,107
Computing with Python functions.
๐ [joblib.readthedocs.org](http://joblib.readthedocs.org)98. hynek/structlog โญ 4,083
Simple, powerful, and fast logging for Python.
๐ [www.structlog.org](https://www.structlog.org/)99. spotify/basic-pitch โญ 4,061
A lightweight yet powerful audio-to-MIDI converter with pitch bend detection
๐ [basicpitch.io](https://basicpitch.io)100. python-markdown/markdown โญ 4,021
A Python implementation of John Gruberโs Markdown with Extension support.
๐ [python-markdown.github.io](https://python-markdown.github.io/)101. more-itertools/more-itertools โญ 3,928
More routines for operating on iterables, beyond itertools
๐ [more-itertools.rtfd.io](https://more-itertools.rtfd.io)102. zeromq/pyzmq โญ 3,926
PyZMQ: Python bindings for zeromq
๐ [zguide.zeromq.org/py:all](http://zguide.zeromq.org/py:all)103. rspeer/python-ftfy โญ 3,925
Fixes mojibake and other glitches in Unicode text, after the fact.
๐ [ftfy.readthedocs.org](http://ftfy.readthedocs.org)104. pydata/xarray โญ 3,902
N-D labeled arrays and datasets in Python
๐ [xarray.dev](https://xarray.dev)105. pypi/warehouse โญ 3,758
The Python Package Index
๐ [pypi.org](https://pypi.org)106. tartley/colorama โญ 3,699
Simple cross-platform colored terminal text in Python107. jorisschellekens/borb โญ 3,491
borb is a library for reading, creating and manipulating PDF files in python.
๐ [borbpdf.com](https://borbpdf.com/)108. osohq/oso โญ 3,486
Deprecated: See README109. suor/funcy โญ 3,436
A fancy and practical functional tools110. pyserial/pyserial โญ 3,401
Python serial port access library111. camelot-dev/camelot โญ 3,346
A Python library to extract tabular data from PDFs
๐ [camelot-py.readthedocs.io](https://camelot-py.readthedocs.io)112. pydantic/logfire โญ 3,325
Uncomplicated Observability for Python and beyond! ๐ชต๐ฅ
๐ [logfire.pydantic.dev/docs](https://logfire.pydantic.dev/docs/)113. libaudioflux/audioFlux โญ 3,108
A library for audio and music analysis, feature extraction.
๐ [audioflux.top](https://audioflux.top)114. tinche/aiofiles โญ 3,097
Library for handling local disk files in asyncio applications.115. legrandin/pycryptodome โญ 3,048
A self-contained cryptographic library for Python
๐ [www.pycryptodome.org](https://www.pycryptodome.org)116. jcrist/msgspec โญ 2,987
A fast serialization and validation library, with builtin support for JSON, MessagePack, YAML, and TOML
๐ [jcristharif.com/msgspec](https://jcristharif.com/msgspec/)117. tox-dev/pipdeptree โญ 2,900
A command line utility to display dependency tree of the installed Python packages
๐ [pypi.python.org/pypi/pipdeptree](https://pypi.python.org/pypi/pipdeptree)118. lxml/lxml โญ 2,870
The lxml XML toolkit for Python
๐ [lxml.de](https://lxml.de/)119. cdgriffith/Box โญ 2,738
Python dictionaries with advanced dot notation access
๐ [github.com/cdgriffith/box/wiki](https://github.com/cdgriffith/Box/wiki)120. whylabs/whylogs โญ 2,732
An open-source data logging library for machine learning models and data pipelines. ๐ Provides visibility into data quality & model performance over time. ๐ก๏ธ Supports privacy-preserving data collection, ensuring safety & robustness. ๐
๐ [whylogs.readthedocs.io](https://whylogs.readthedocs.io/)121. yaml/pyyaml โญ 2,719
Canonical source repository for PyYAML122. pypa/setuptools โญ 2,715
Official project repository for the Setuptools build system
๐ [pypi.org/project/setuptools](https://pypi.org/project/setuptools/)123. pexpect/pexpect โญ 2,714
A Python module for controlling interactive programs in a pseudo-terminal
๐ [pexpect.readthedocs.io](http://pexpect.readthedocs.io/)124. liiight/notifiers โญ 2,704
The easy way to send notifications
๐ [notifiers.readthedocs.io](http://notifiers.readthedocs.io/)125. scrapinghub/dateparser โญ 2,693
python parser for human readable dates126. litl/backoff โญ 2,685
Python library providing function decorators for configurable backoff and retry127. rhettbull/osxphotos โญ 2,666
Python app to work with pictures and associated metadata from Apple Photos on macOS. Also includes a package to provide programmatic access to the Photos library, pictures, and metadata.128. hgrecco/pint โญ 2,592
Operate and manipulate physical quantities in Python
๐ [pint.readthedocs.org](http://pint.readthedocs.org/)129. grantjenks/python-diskcache โญ 2,565
Python disk-backed cache (Django-compatible). Faster than Redis and Memcached. Pure-Python.
๐ [www.grantjenks.com/docs/diskcache](http://www.grantjenks.com/docs/diskcache/)130. tkem/cachetools โญ 2,547
Various memoizing collections and decorators, including variants of the Python Standard Library's @lru_cache function decorator131. nschloe/tikzplotlib โญ 2,513
๐ Save matplotlib figures as TikZ/PGFplots for smooth integration into LaTeX.132. dosisod/refurb โญ 2,511
A tool for refurbishing and modernizing Python codebases133. pyston/pyston โญ 2,509
(No longer maintained) A faster and highly-compatible implementation of the Python programming language.
๐ [www.pyston.org](https://www.pyston.org/)134. dateutil/dateutil โญ 2,484
Useful extensions to the standard Python datetime features135. pndurette/gTTS โญ 2,482
Python library and CLI tool to interface with Google Translate's text-to-speech API
๐ [gtts.readthedocs.org](http://gtts.readthedocs.org/)136. kiminewt/pyshark โญ 2,391
Python wrapper for tshark, allowing python packet parsing using wireshark dissectors137. nateshmbhat/pyttsx3 โญ 2,370
Offline Text To Speech synthesis for python138. abseil/abseil-py โญ 2,370
A collection of Python library code for building Python applications. The code is collected from Google's own Python code base, and has been extensively tested and used in production.139. astanin/python-tabulate โญ 2,367
Pretty-print tabular data in Python, a library and a command-line utility. Repository migrated from bitbucket.org/astanin/python-tabulate.
๐ [pypi.org/project/tabulate](https://pypi.org/project/tabulate/)140. pyparsing/pyparsing โญ 2,361
Python library for creating PEG parsers141. seperman/deepdiff โญ 2,298
DeepDiff: Deep Difference and search of any Python object/data. DeepHash: Hash of any object based on its contents. Delta: Use deltas to reconstruct objects by adding deltas together.
๐ [zepworks.com](http://zepworks.com)142. omry/omegaconf โญ 2,184
Flexible Python configuration system. The last one you will ever need.143. mitmproxy/pdoc โญ 2,159
API Documentation for Python Projects
๐ [pdoc.dev](https://pdoc.dev)144. grahamdumpleton/wrapt โญ 2,152
A Python module for decorators, wrappers and monkey patching.145. ianmiell/shutit โญ 2,143
Automation framework for programmers
๐ [ianmiell.github.io/shutit](http://ianmiell.github.io/shutit/)146. ariebovenberg/whenever โญ 2,131
โฐ Modern datetime library for Python
๐ [whenever.rtfd.io](https://whenever.rtfd.io)147. google/gin-config โญ 2,111
Gin provides a lightweight configuration framework for Python148. hbldh/bleak โญ 2,105
A cross platform Bluetooth Low Energy Client for Python using asyncio149. anthropics/anthropic-sdk-python โญ 2,103
SDK providing access to Anthropic's safety-first language model APIs150. numba/llvmlite โญ 2,096
A lightweight LLVM python binding for writing JIT compilers
๐ [llvmlite.pydata.org](https://llvmlite.pydata.org/)151. python-rope/rope โญ 2,078
a python refactoring library152. open-telemetry/opentelemetry-python โญ 2,067
OpenTelemetry Python API and SDK
๐ [opentelemetry.io](https://opentelemetry.io)153. samuelcolvin/watchfiles โญ 2,047
Simple, modern and fast file watching and code reload for Python, written in Rust
๐ [watchfiles.helpmanual.io](https://watchfiles.helpmanual.io)154. pyfilesystem/pyfilesystem2 โญ 2,045
Python's Filesystem abstraction layer
๐ [www.pyfilesystem.org](https://www.pyfilesystem.org)155. julienpalard/Pipe โญ 2,044
A Python library to use infix notation in Python156. p0dalirius/Coercer โญ 2,022
A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods.
๐ [podalirius.net](https://podalirius.net/)157. landscapeio/prospector โญ 2,018
Inspects Python source files and provides information about type and location of classes, methods etc158. pygments/pygments โญ 1,994
Pygments is a generic syntax highlighter written in Python
๐ [pygments.org](http://pygments.org/)159. carpedm20/emoji โญ 1,980
emoji terminal output for Python160. home-assistant/supervisor โญ 1,971
๐ก Home Assistant Supervisor
๐ [home-assistant.io/hassio](https://home-assistant.io/hassio/)161. pydoit/doit โญ 1,952
CLI task management & automation tool
๐ [pydoit.org](http://pydoit.org)162. chaostoolkit/chaostoolkit โญ 1,943
Chaos Engineering Toolkit & Orchestration for Developers
๐ [chaostoolkit.org](https://chaostoolkit.org)163. mkdocstrings/mkdocstrings โญ 1,930
๐ Automatic documentation from sources, for MkDocs.
๐ [mkdocstrings.github.io](https://mkdocstrings.github.io/)164. konradhalas/dacite โญ 1,892
Simple creation of data classes from dictionaries.165. rubik/radon โญ 1,859
Various code metrics for Python code
๐ [radon.readthedocs.org](http://radon.readthedocs.org/)166. joowani/binarytree โญ 1,813
Python Library for Studying Binary Trees
๐ [binarytree.readthedocs.io](http://binarytree.readthedocs.io)167. kalliope-project/kalliope โญ 1,741
Kalliope is a framework that will help you to create your own personal assistant.
๐ [kalliope-project.github.io](https://kalliope-project.github.io/)168. karpathy/rendergit โญ 1,732
Render any git repo into a single static HTML page for humans or LLMs169. quodlibet/mutagen โญ 1,731
Python module for handling audio metadata
๐ [mutagen.readthedocs.io](https://mutagen.readthedocs.io)170. instagram/LibCST โญ 1,710
A concrete syntax tree parser and serializer library for Python that preserves many aspects of Python's abstract syntax tree
๐ [libcst.readthedocs.io](https://libcst.readthedocs.io/)171. aerkalov/ebooklib โญ 1,651
A library for managing EPUB2/EPUB3. It's capable of reading and writing EPUB files programmatically.
๐ [ebooklib.readthedocs.io](https://ebooklib.readthedocs.io/)172. facebookincubator/Bowler โญ 1,612
Safe code refactoring for modern Python.
๐ [pybowler.io](https://pybowler.io/)173. lcompilers/lpython โญ 1,601
Python compiler
๐ [lpython.org](https://lpython.org/)174. fabiocaccamo/python-benedict โญ 1,570
๐ dict subclass with keylist/keypath support, built-in I/O operations (base64, csv, html, ini, json, pickle, plist, query-string, toml, xls, xml, yaml), s3 support and many utilities.175. chrishayuk/mcp-cli โญ 1,541
A protocol-level CLI designed to interact with a Model Context Protocol server. The client allows users to send commands, query data, and interact with various resources provided by the server.176. extensityai/symbolicai โญ 1,519
Compositional Differentiable Programming Library - divide-and-conquer approach to break down a complex problem into smaller, more manageable problems.177. nficano/python-lambda โญ 1,508
A toolkit for developing and deploying serverless Python code in AWS Lambda.178. aws-samples/aws-glue-samples โญ 1,504
AWS Glue code samples179. lidatong/dataclasses-json โญ 1,451
Easily serialize Data Classes to and from JSON180. brandon-rhodes/python-patterns โญ 1,437
Source code behind the python-patterns.guide site by Brandon Rhodes181. pypy/pypy โญ 1,431
PyPy is a very fast and compliant implementation of the Python language.
๐ [pypy.org](https://pypy.org)182. aio-libs/yarl โญ 1,424
Yet another URL library
๐ [yarl.aio-libs.org](https://yarl.aio-libs.org)183. oracle/graalpython โญ 1,418
GraalPy โ A high-performance embeddable Python 3 runtime for Java
๐ [www.graalvm.org/python](https://www.graalvm.org/python/)184. ossf/criticality_score โญ 1,380
Gives criticality score for an open source project185. pyfpdf/fpdf2 โญ 1,310
Simple PDF generation for Python
๐ [py-pdf.github.io/fpdf2](https://py-pdf.github.io/fpdf2/)186. lukasschwab/arxiv.py โญ 1,299
Python wrapper for the arXiv API187. daveebbelaar/python-whatsapp-bot โญ 1,282
This guide will walk you through the process of creating a WhatsApp bot using the Meta (formerly Facebook) Cloud API with pure Python, and Flask
๐ [www.datalumina.com](https://www.datalumina.com)188. pyo3/rust-numpy โญ 1,254
PyO3-based Rust bindings of the NumPy C-API189. juanbindez/pytubefix โญ 1,233
Python3 library for downloading YouTube Videos.
๐ [pytubefix.readthedocs.io](https://pytubefix.readthedocs.io)190. milvus-io/pymilvus โญ 1,222
Python SDK for Milvus Vector Database191. fsspec/filesystem_spec โญ 1,192
A specification that python filesystems should adhere to.192. pdoc3/pdoc โญ 1,174
๐ :arrow_right: ๐ Auto-generate API documentation for Python projects
๐ [pdoc3.github.io/pdoc](https://pdoc3.github.io/pdoc/)193. fastai/fastcore โญ 1,042
Python supercharged for the fastai library
๐ [fastcore.fast.ai](http://fastcore.fast.ai)194. lastmile-ai/aiconfig โญ 1,034
AIConfig saves prompts, models and model parameters as source control friendly configs. This allows you to iterate on prompts and model parameters separately from your application code.
๐ [aiconfig.lastmileai.dev](https://aiconfig.lastmileai.dev)195. qdrant/qdrant-client โญ 1,024
Python client for Qdrant vector search engine
๐ [qdrant.tech](https://qdrant.tech)196. barracuda-fsh/pyobd โญ 1,018
An OBD-II compliant car diagnostic tool197. pydantic/pydantic-settings โญ 975
Settings management using pydantic
๐ [docs.pydantic.dev/latest/usage/pydantic_settings](https://docs.pydantic.dev/latest/usage/pydantic_settings/)198. modal-labs/modal-examples โญ 898
Examples of programs built using Modal
๐ [modal.com/docs](https://modal.com/docs)199. samuelcolvin/dirty-equals โญ 892
Doing dirty (but extremely useful) things with equals.
๐ [dirty-equals.helpmanual.io](https://dirty-equals.helpmanual.io)200. tox-dev/filelock โญ 869
A platform independent file lock in Python, which provides a simple way of inter-process communication
๐ [py-filelock.readthedocs.io](https://py-filelock.readthedocs.io)201. open-telemetry/opentelemetry-python-contrib โญ 863
OpenTelemetry instrumentation for Python modules
๐ [opentelemetry.io](https://opentelemetry.io)202. secretiveshell/MCP-Bridge โญ 811
A middleware to provide an openAI compatible endpoint that can call MCP tools203. pypa/build โญ 798
A simple, correct Python build frontend
๐ [build.pypa.io](https://build.pypa.io)204. platformdirs/platformdirs โญ 779
A small Python module for determining appropriate platform-specific dirs, e.g. a "user data dir".
๐ [platformdirs.readthedocs.io](https://platformdirs.readthedocs.io)205. argoproj-labs/hera โญ 750
Hera makes Python code easy to orchestrate on Argo Workflows through native Python integrations. It lets you construct and submit your Workflows entirely in Python. โญ๏ธ Remember to star!
๐ [hera.rtfd.io](https://hera.rtfd.io)206. tavily-ai/tavily-python โญ 744
The Tavily Python wrapper allows for easy interaction with the Tavily API, offering the full range of our search and extract functionalities directly from your Python programs.
๐ [docs.tavily.com](https://docs.tavily.com)207. gefyrahq/gefyra โญ 735
Blazingly-fast ๐, rock-solid, local application development :arrow_right: with Kubernetes.
๐ [gefyra.dev](https://gefyra.dev)208. nv7-github/googlesearch โญ 699
A Python library for scraping the Google search engine.
๐ [pypi.org/project/googlesearch-python](https://pypi.org/project/googlesearch-python/)209. google/pyglove โญ 666
Manipulating Python Programs210. chinapandaman/PyPDFForm โญ 662
๐ฅ The Python library for PDF forms.
๐ [chinapandaman.github.io/pypdfform](https://chinapandaman.github.io/PyPDFForm/)211. fastai/ghapi โญ 657
A delightful and complete interface to GitHub's amazing API
๐ [ghapi.fast.ai](https://ghapi.fast.ai/)212. salesforce/logai โญ 626
LogAI - An open-source library for log analytics and intelligence213. pypdfium2-team/pypdfium2 โญ 593
Python bindings to PDFium. Reasonably cross-platform.
๐ [pypdfium2.readthedocs.io](https://pypdfium2.readthedocs.io/)214. methexis-inc/terminal-copilot โญ 571
A smart terminal assistant that helps you find the right command.215. steamship-core/steamship-langchain โญ 513
steamship-langchain216. neuml/annotateai โญ 332
Automatically annotates papers using Large Language Models (LLMs)## Vizualisation
Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL.
1. apache/superset โญ 67,050
Apache Superset is a Data Visualization and Data Exploration Platform
๐ [superset.apache.org](https://superset.apache.org/)2. streamlit/streamlit โญ 40,354
Streamlit โ A faster way to build and share data apps.
๐ [streamlit.io](https://streamlit.io)3. gradio-app/gradio โญ 38,965
Build and share delightful machine learning apps, all in Python. ๐ Star to support our work!
๐ [www.gradio.app](http://www.gradio.app)4. danny-avila/LibreChat โญ 27,845
LibreChat is a free, open source AI chat platform. This Web UI offers vast customization, supporting numerous AI providers, services, and integrations.
๐ [librechat.ai](https://librechat.ai/)5. plotly/dash โญ 23,280
Data Apps & Dashboards for Python. No JavaScript Required.
๐ [plotly.com/dash](https://plotly.com/dash)6. matplotlib/matplotlib โญ 21,419
matplotlib: plotting with Python
๐ [matplotlib.org/stable](https://matplotlib.org/stable/)7. bokeh/bokeh โญ 19,958
Interactive Data Visualization in the browser, from Python
๐ [bokeh.org](https://bokeh.org)8. plotly/plotly.py โญ 17,426
The interactive graphing library for Python โจ
๐ [plotly.com/python](https://plotly.com/python/)9. visgl/deck.gl โญ 13,338
WebGL2 powered visualization framework
๐ [deck.gl](https://deck.gl)10. mwaskom/seaborn โญ 13,268
Statistical data visualization in Python
๐ [seaborn.pydata.org](https://seaborn.pydata.org)11. microsoft/data-formulator โญ 12,690
Transform data and create rich visualizations iteratively with AI
๐ [arxiv.org/abs/2408.16119](https://arxiv.org/abs/2408.16119)12. marceloprates/prettymaps โญ 11,693
Draw pretty maps from OpenStreetMap data! Built with osmnx +matplotlib + shapely
๐ [prettymaps.streamlit.app](https://prettymaps.streamlit.app/)13. nvidia/TensorRT-LLM โญ 10,980
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and support state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that orchestrate the inference execution in performant ...
๐ [nvidia.github.io/tensorrt-llm](https://nvidia.github.io/TensorRT-LLM)14. altair-viz/altair โญ 9,881
Declarative visualization library for Python
๐ [altair-viz.github.io](https://altair-viz.github.io/)15. renpy/renpy โญ 5,668
The Ren'Py Visual Novel Engine
๐ [www.renpy.org](http://www.renpy.org/)16. holoviz/panel โญ 5,298
Panel: The powerful data exploration & web app framework for Python
๐ [panel.holoviz.org](https://panel.holoviz.org)17. lux-org/lux โญ 5,288
Automatically visualize your pandas dataframe via a single print! ๐ ๐ก18. man-group/dtale โญ 4,943
Visualizer for pandas data structures
๐ [alphatechadmin.pythonanywhere.com](http://alphatechadmin.pythonanywhere.com)19. has2k1/plotnine โญ 4,288
A Grammar of Graphics for Python
๐ [plotnine.org](https://plotnine.org)20. pyqtgraph/pyqtgraph โญ 4,117
Fast data visualization and GUI tools for scientific / engineering applications
๐ [www.pyqtgraph.org](https://www.pyqtgraph.org)21. residentmario/missingno โญ 4,112
missingno provides a small toolset of flexible and easy-to-use missing data visualizations and utilities that allows you to get a quick visual summary of the completeness (or lack thereof) of your dataset.22. vispy/vispy โญ 3,453
Main repository for Vispy
๐ [vispy.org](http://vispy.org)23. pyvista/pyvista โญ 3,182
3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK)
๐ [docs.pyvista.org](https://docs.pyvista.org)24. ml-tooling/opyrator โญ 3,131
๐ช Turns your machine learning code into microservices with web API, interactive GUI, and more.
๐ [opyrator-playground.mltooling.org](https://opyrator-playground.mltooling.org)25. netflix/flamescope โญ 3,074
FlameScope is a visualization tool for exploring different time ranges as Flame Graphs.26. mckinsey/vizro โญ 2,991
Vizro is a low-code toolkit for building high-quality data visualization apps.
๐ [vizro.readthedocs.io/en/stable](https://vizro.readthedocs.io/en/stable/)27. holoviz/holoviews โญ 2,808
With Holoviews, your data visualizes itself.
๐ [holoviews.org](https://holoviews.org)28. facebookresearch/hiplot โญ 2,797
HiPlot makes understanding high dimensional data easy
๐ [facebookresearch.github.io/hiplot](https://facebookresearch.github.io/hiplot/)29. kozea/pygal โญ 2,711
pygal is a dynamic SVG charting library written in python.
๐ [www.pygal.org](https://www.pygal.org)30. napari/napari โญ 2,414
A fast, interactive, multi-dimensional image viewer for Python. It's designed for browsing, annotating, and analyzing large multi-dimensional images.
๐ [napari.org](https://napari.org)31. marcomusy/vedo โญ 2,164
A python module for scientific analysis of 3D data based on VTK and Numpy
๐ [vedo.embl.es](https://vedo.embl.es)32. datapane/datapane โญ 1,398
Build and share data reports in 100% Python
๐ [datapane.com](https://datapane.com)33. facultyai/dash-bootstrap-components โญ 1,173
Bootstrap components for Plotly Dash
๐ [dash-bootstrap-components.com](https://dash-bootstrap-components.com)34. nomic-ai/deepscatter โญ 1,123
Zoomable, animated scatterplots in the browser that scales over a billion points35. holoviz/holoviz โญ 877
High-level tools to simplify visualization in Python.
๐ [holoviz.org](https://holoviz.org/)36. hazyresearch/meerkat โญ 843
Creative interactive views of any dataset.37. anvaka/word2vec-graph โญ 710
Exploring word2vec embeddings as a graph of nearest neighbors
๐ [anvaka.github.io/pm/#/galaxy/word2vec-wiki?cx=-4651&cy=4492&cz=-1988&lx=-0.0915&ly=-0.9746&lz=-0.2030&lw=0.0237&ml=300&s=1.75&l=1&v=d50_clean_small](https://anvaka.github.io/pm/#/galaxy/word2vec-wiki?cx=-4651&cy=4492&cz=-1988&lx=-0.0915&ly=-0.9746&lz=-0.2030&lw=0.0237&ml=300&s=1.75&l=1&v=d50_clean_small)## Web
Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management.
1. tiangolo/fastapi โญ 87,130
FastAPI framework, high performance, easy to learn, fast to code, ready for production
๐ [fastapi.tiangolo.com](https://fastapi.tiangolo.com/)2. django/django โญ 84,187
The Web framework for perfectionists with deadlines.
๐ [www.djangoproject.com](https://www.djangoproject.com/)3. pallets/flask โญ 69,926
The Python micro framework for building web applications.
๐ [flask.palletsprojects.com](https://flask.palletsprojects.com)4. sherlock-project/sherlock โญ 66,568
Hunt down social media accounts by username across social networks
๐ [sherlockproject.xyz](https://sherlockproject.xyz)5. psf/requests โญ 53,025
A simple, yet elegant, HTTP library.
๐ [requests.readthedocs.io/en/latest](https://requests.readthedocs.io/en/latest/)6. reflex-dev/reflex โญ 23,532
๐ธ๏ธ Web apps in pure Python ๐
๐ [reflex.dev](https://reflex.dev)7. tornadoweb/tornado โญ 22,040
Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
๐ [www.tornadoweb.org](http://www.tornadoweb.org/)8. vincigit00/Scrapegraph-ai โญ 20,242
ScrapeGraphAI is a web scraping python library that uses LLM and direct graph logic to create scraping pipelines for websites and local documents
๐ [scrapegraphai.com](https://scrapegraphai.com)9. wagtail/wagtail โญ 19,408
A Django content management system focused on flexibility and user experience
๐ [wagtail.org](https://wagtail.org)10. huge-success/sanic โญ 18,432
Accelerate your web app development | Build fast. Run fast.
๐ [sanic.dev](https://sanic.dev)11. pyscript/pyscript โญ 18,418
A framework that allows users to create rich Python applications in the browser using HTML's interface and the power of Pyodide, WASM, and modern web technologies.
๐ [pyscript.net](https://pyscript.net/)12. aio-libs/aiohttp โญ 15,808
Asynchronous HTTP client/server framework for asyncio and Python
๐ [docs.aiohttp.org](https://docs.aiohttp.org)13. encode/httpx โญ 14,304
A next generation HTTP client for Python. ๐ฆ
๐ [www.python-httpx.org](https://www.python-httpx.org/)14. flet-dev/flet โญ 13,601
Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required.
๐ [flet.dev](https://flet.dev)15. getpelican/pelican โญ 12,942
Static site generator that supports Markdown and reST syntax. Powered by Python.
๐ [getpelican.com](https://getpelican.com)16. zauberzeug/nicegui โญ 12,825
Create web-based user interfaces with Python. The nice way.
๐ [nicegui.io](https://nicegui.io)17. encode/starlette โญ 11,213
The little ASGI framework that shines. ๐
๐ [www.starlette.io](https://www.starlette.io/)18. aws/chalice โญ 10,886
Python Serverless Microframework for AWS19. benoitc/gunicorn โญ 10,182
gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications.
๐ [www.gunicorn.org](http://www.gunicorn.org)20. falconry/falcon โญ 9,689
The no-magic web API and microservices framework for Python developers, with an emphasis on reliability and performance at scale.
๐ [falcon.readthedocs.io](https://falcon.readthedocs.io)21. encode/uvicorn โญ 9,454
An ASGI web server, for Python. ๐ฆ
๐ [www.uvicorn.org](https://www.uvicorn.org/)22. bottlepy/bottle โญ 8,625
bottle.py is a fast and simple micro-framework for python web-applications.
๐ [bottlepy.org](http://bottlepy.org/)23. vitalik/django-ninja โญ 8,349
๐จ Fast, Async-ready, Openapi, type hints based framework for building APIs
๐ [django-ninja.dev](https://django-ninja.dev)24. graphql-python/graphene โญ 8,203
GraphQL framework for Python
๐ [graphene-python.org](http://graphene-python.org/)25. reactive-python/reactpy โญ 8,100
ReactPy is a library for building user interfaces in Python without Javascript
๐ [reactpy.dev](https://reactpy.dev)26. starlite-api/litestar โญ 6,928
Production-ready, Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs
๐ [litestar.dev](https://litestar.dev/)27. pallets/werkzeug โญ 6,755
The comprehensive WSGI web application library.
๐ [werkzeug.palletsprojects.com](https://werkzeug.palletsprojects.com)28. pyeve/eve โญ 6,730
REST API framework designed for human beings
๐ [python-eve.org](https://python-eve.org)29. webpy/webpy โญ 5,914
web.py is a web framework for python that is as simple as it is powerful.
๐ [webpy.org](http://webpy.org)30. fastapi-users/fastapi-users โญ 5,371
Ready-to-use and customizable users management for FastAPI
๐ [fastapi-users.github.io/fastapi-users](https://fastapi-users.github.io/fastapi-users/)31. stephenmcd/mezzanine โญ 4,804
CMS framework for Django
๐ [mezzanine.jupo.org](http://mezzanine.jupo.org)32. nameko/nameko โญ 4,741
A microservices framework for Python that lets service developers concentrate on application logic and encourages testability.
๐ [www.nameko.io](https://www.nameko.io)33. pywebio/PyWebIO โญ 4,719
Write interactive web app in script way.
๐ [pywebio.readthedocs.io](https://pywebio.readthedocs.io)34. strawberry-graphql/strawberry โญ 4,324
A GraphQL library for Python that leverages type annotations ๐
๐ [strawberry.rocks](https://strawberry.rocks)35. h2oai/wave โญ 4,128
H2O Wave is a software stack for building beautiful, low-latency, realtime, browser-based applications and dashboards entirely in Python/R without using HTML, Javascript, or CSS.
๐ [wave.h2o.ai](https://wave.h2o.ai)36. freddyaboulton/fastrtc โญ 4,115
Turn any python function into a real-time audio and video stream over WebRTC or WebSockets.
๐ [fastrtc.org](https://fastrtc.org/)37. pylons/pyramid โญ 4,037
Pyramid - A Python web framework
๐ [trypyramid.com](https://trypyramid.com/)38. websocket-client/websocket-client โญ 3,663
WebSocket client for Python
๐ [github.com/websocket-client/websocket-client](https://github.com/websocket-client/websocket-client)39. unbit/uwsgi โญ 3,508
uWSGI application server container
๐ [projects.unbit.it/uwsgi](http://projects.unbit.it/uwsgi)40. pallets/quart โญ 3,360
An async Python micro framework for building web applications.
๐ [quart.palletsprojects.com](https://quart.palletsprojects.com)41. fastapi-admin/fastapi-admin โญ 3,325
A fast admin dashboard based on FastAPI and TortoiseORM with tabler ui, inspired by Django admin
๐ [fastapi-admin-docs.long2ice.io](https://fastapi-admin-docs.long2ice.io)42. flipkart-incubator/Astra โญ 2,594
Automated Security Testing For REST API's43. django/daphne โญ 2,540
Daphne is a HTTP, HTTP2 and WebSocket protocol server for ASGI and ASGI-HTTP, developed to power Django Channels.44. s3rius/FastAPI-template โญ 2,348
Feature rich robust FastAPI template.45. dot-agent/nextpy โญ 2,298
๐คSelf-Modifying Framework from the Future ๐ฎ World's First AMS
๐ [dotagent.ai](https://dotagent.ai)46. masoniteframework/masonite โญ 2,288
The Modern And Developer Centric Python Web Framework. Be sure to read the documentation and join the Discord channel for questions: https://discord.gg/TwKeFahmPZ
๐ [docs.masoniteproject.com](http://docs.masoniteproject.com)47. python-restx/flask-restx โญ 2,220
Fork of Flask-RESTPlus: Fully featured framework for fast, easy and documented API development with Flask
๐ [flask-restx.readthedocs.io/en/latest](https://flask-restx.readthedocs.io/en/latest/)48. neoteroi/BlackSheep โญ 2,195
Fast ASGI web framework for Python
๐ [www.neoteroi.dev/blacksheep](https://www.neoteroi.dev/blacksheep/)49. dmontagu/fastapi-utils โญ 2,101
Reusable utilities for FastAPI: a number of utilities to help reduce boilerplate and reuse common functionality across projects
๐ [fastapiutils.github.io/fastapi-utils](https://fastapiutils.github.io/fastapi-utils/)50. jordaneremieff/mangum โญ 1,926
An adapter for running ASGI applications in AWS Lambda to handle Function URL, API Gateway, ALB, and Lambda@Edge events
๐ [mangum.fastapiexpert.com](http://mangum.fastapiexpert.com/)51. indico/indico โญ 1,913
Indico - A feature-rich event management system, made @ CERN, the place where the Web was born.
๐ [getindico.io](https://getindico.io)52. cherrypy/cherrypy โญ 1,911
CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev
๐ [docs.cherrypy.dev](https://docs.cherrypy.dev)53. long2ice/fastapi-cache โญ 1,593
fastapi-cache is a tool to cache fastapi response and function result, with backends support redis and memcached.
๐ [github.com/long2ice/fastapi-cache](https://github.com/long2ice/fastapi-cache)54. rstudio/py-shiny โญ 1,537
Shiny for Python
๐ [shiny.posit.co/py](https://shiny.posit.co/py/)55. awtkns/fastapi-crudrouter โญ 1,520
A dynamic FastAPI router that automatically creates CRUD routes for your models
๐ [fastapi-crudrouter.awtkns.com](https://fastapi-crudrouter.awtkns.com)56. whitphx/stlite โญ 1,432
A port of Streamlit to WebAssembly, powered by Pyodide.
๐ [edit.share.stlite.net](https://edit.share.stlite.net)57. pgjones/hypercorn โญ 1,345
Hypercorn is an ASGI and WSGI Server based on Hyper libraries and inspired by Gunicorn.58. magicstack/httptools โญ 1,259
Fast HTTP parser59. koxudaxi/fastapi-code-generator โญ 1,223
This code generator creates FastAPI app from an openapi file.60. aeternalis-ingenium/FastAPI-Backend-Template โญ 762
A backend project template with FastAPI, PostgreSQL with asynchronous SQLAlchemy 2.0, Alembic for asynchronous database migration, and Docker.---
Interactive version: [www.awesomepython.org](https://www.awesomepython.org/), Hugging Face Dataset: [awesome-python](https://huggingface.co/datasets/dylanhogg/awesome-python)
Please raise a new issue to suggest a Python repo that you would like to see added.
1,862 hand-picked awesome Python libraries and frameworks, updated 28 Sep 2025
[](https://hits.seeyoufarm.com)