# Awesome Python [![Awesome](https://awesome.re/badge.svg)](https://awesome.re) ![Last commit](https://img.shields.io/github/last-commit/dylanhogg/awesome-python) [![License: MIT](https://img.shields.io/badge/license-MIT-green.svg)](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 17 Nov 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 (105 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 (119 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 (29 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 (360 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 (173 repos) - [Machine Learning - Deep Learning](#machine-learning---deep-learning) - Machine learning libraries that cross over with deep learning in some way (79 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 (50 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 (22 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 (44 repos) - [Study](#study) - Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials (68 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 (217 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. karpathy/nanochat โญ 36,884 A full-stack implementation of an LLM like ChatGPT in a single, clean, minimal, hackable, dependency-lite codebase 2. deepnote/deepnote โญ 1,980 Deepnote is a successor of Jupyter. It uses the Deepnote kernel which is more powerful but still backwards compatible so you can seamlessly move between both, but adds an AI agent, sleek UI, new block types, and native data integrations. ๐Ÿ”— [deepnote.com/?utm_source=github&utm_medium=github&utm_campaign=github&utm_content=readme_main](https://deepnote.com/?utm_source=github&utm_medium=github&utm_campaign=github&utm_content=readme_main) 3. vllm-project/semantic-router โญ 1,604 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) 4. leochlon/hallbayes โญ 1,113 Hallucination Risk Calculator & Prompt Re-engineering Toolkit (OpenAI-only) 5. thinking-machines-lab/batch_invariant_ops โญ 798 Defeating Nondeterminism in LLM Inference: fixing floating-point non-associativity 6. facebookresearch/cwm โญ 627 Code World Model (CWM) is a 32-billion-parameter open-weights LLM, to advance research on code generation with world models. 7. google-deepmind/limit โญ 566 On the Theoretical Limitations of Embedding-Based Retrieval ๐Ÿ”— [arxiv.org/abs/2508.21038](https://arxiv.org/abs/2508.21038) 8. xaviviro/python-toon โญ 262 A compact data format optimized for transmitting structured information to Large Language Models (LLMs) with 30-60% fewer tokens than JSON. 9. ivebotunac/PrimoAgent โญ 214 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/) 10. apple/ml-l3m โญ 174 A flexible library for training any type of large model, regardless of modality. Instead of more traditional approaches, we opt for a config-heavy approach ## Agentic AI Agentic AI libraries, frameworks and tools: AI agents, workflows, autonomous decision-making, goal-oriented tasks, and API integrations. 1. logspace-ai/langflow โญ 127,537 Langflow is a powerful tool for building and deploying AI-powered agents and workflows. ๐Ÿ”— [www.langflow.org](http://www.langflow.org) 2. langchain-ai/langchain โญ 116,644 ๐Ÿฆœ๐Ÿ”— Build context-aware reasoning applications ๐Ÿ”— [python.langchain.com](https://python.langchain.com) 3. langgenius/dify โญ 115,738 Production-ready platform for agentic workflow development. ๐Ÿ”— [dify.ai](https://dify.ai) 4. browser-use/browser-use โญ 70,816 Browser use is the easiest way to connect your AI agents with the browser. ๐Ÿ”— [browser-use.com](https://browser-use.com) 5. geekan/MetaGPT โญ 58,790 ๐ŸŒŸ The Multi-Agent Framework: First AI Software Company, Towards Natural Language Programming ๐Ÿ”— [mgx.dev](https://mgx.dev/) 6. microsoft/autogen โญ 50,447 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 โญ 44,575 LlamaIndex is the leading framework for building LLM-powered agents over your data. ๐Ÿ”— [docs.llamaindex.ai](https://docs.llamaindex.ai) 8. mem0ai/mem0 โญ 40,810 Enhances AI assistants and agents with an intelligent memory layer, enabling personalized AI interactions ๐Ÿ”— [mem0.ai](https://mem0.ai) 9. crewaiinc/crewAI โญ 38,819 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 โญ 34,089 High-performance SDK and runtime for multi-agent systems. Build, run and manage secure multi-agent systems in your cloud. ๐Ÿ”— [docs.agno.com](https://docs.agno.com) 11. github/spec-kit โญ 31,151 Toolkit to help you get started with Spec-Driven Development: specifications become executable, directly generating working implementations 12. openbmb/ChatDev โญ 27,486 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) 13. stanford-oval/storm โญ 27,474 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) 14. composiohq/composio โญ 25,740 Composio equips your AI agents & LLMs with 100+ high-quality integrations via function calling ๐Ÿ”— [docs.composio.dev](https://docs.composio.dev) 15. assafelovic/gpt-researcher โญ 23,699 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. microsoft/OmniParser โญ 23,622 OmniParser is a comprehensive method for parsing user interface screenshots into structured and easy-to-understand elements 17. huggingface/smolagents โญ 23,201 ๐Ÿค— smolagents: a barebones library for agents that think in code. ๐Ÿ”— [huggingface.co/docs/smolagents](https://huggingface.co/docs/smolagents) 18. fosowl/agenticSeek โญ 22,037 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. yoheinakajima/babyagi โญ 21,860 GPT-4 powered task-driven autonomous agent ๐Ÿ”— [babyagi.org](https://babyagi.org/) 20. openai/swarm โญ 20,474 A framework exploring ergonomic, lightweight multi-agent orchestration. 21. a2aproject/A2A โญ 20,073 An open protocol enabling communication and interoperability between opaque agentic applications. ๐Ÿ”— [a2a-protocol.org](https://a2a-protocol.org/) 22. langchain-ai/langgraph โญ 19,407 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/) 23. unity-technologies/ml-agents โญ 18,709 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) 24. letta-ai/letta โญ 18,642 Letta (formerly MemGPT) is a framework for creating LLM services with memory. ๐Ÿ”— [docs.letta.com](https://docs.letta.com/) 25. camel-ai/owl โญ 18,161 ๐Ÿฆ‰ OWL: Optimized Workforce Learning for General Multi-Agent Assistance in Real-World Task Automation 26. dzhng/deep-research โญ 17,848 An AI-powered research assistant that performs iterative, deep research on any topic by combining search engines, web scraping, and large language models. 27. bytedance/deer-flow โญ 17,316 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. alibaba-nlp/DeepResearch โญ 17,200 Tongyi Deep Research, the Leading Open-source Deep Research Agent ๐Ÿ”— [tongyi-agent.github.io/blog/introducing-tongyi-deep-research](https://tongyi-agent.github.io/blog/introducing-tongyi-deep-research/) 29. nirdiamant/GenAI_Agents โญ 17,135 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. 30. google-gemini/gemini-fullstack-langgraph-quickstart โญ 16,977 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) 31. openai/openai-agents-python โญ 15,224 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/) 32. camel-ai/camel โญ 14,421 ๐Ÿซ 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/) 33. google/adk-python โญ 13,442 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/) 34. emcie-co/parlant โญ 13,418 LLM agents built for control. Designed for real-world use. Deployed in minutes. ๐Ÿ”— [www.parlant.io](https://www.parlant.io) 35. agentscope-ai/agentscope โญ 12,899 AgentScope: Agent-Oriented Programming for Building LLM Applications ๐Ÿ”— [doc.agentscope.io](https://doc.agentscope.io/) 36. pydantic/pydantic-ai โญ 12,773 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) 37. smol-ai/developer โญ 12,160 the first library to let you embed a developer agent in your own app! ๐Ÿ”— [twitter.com/smolmodels](https://twitter.com/SmolModels) 38. sakanaai/AI-Scientist โญ 11,567 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. 39. asyncfuncai/deepwiki-open โญ 10,987 Custom implementation of DeepWiki, automatically creates beautiful, interactive wikis for any GitHub, GitLab, or BitBucket repository ๐Ÿ”— [asyncfunc.mintlify.app](https://asyncfunc.mintlify.app/) 40. langchain-ai/open_deep_research โญ 9,040 Open Deep Research is an open source assistant that automates research and produces customizable reports on any topic 41. ag-ui-protocol/ag-ui โญ 8,290 AG-UI: the Agent-User Interaction Protocol. Bring Agents into Frontend Applications. ๐Ÿ”— [ag-ui.com](https://ag-ui.com) 42. meta-llama/llama-stack โญ 8,097 Llama Stack standardizes the building blocks needed to bring genai applications to market. These blocks cover model training and fine-tuning, evaluation, and running AI agents in production ๐Ÿ”— [llamastack.github.io](https://llamastack.github.io) 43. microsoft/magentic-ui โญ 7,734 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/) 44. upsonic/Upsonic โญ 7,654 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) 45. zilliztech/deep-searcher โญ 7,011 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/) 46. awslabs/agent-squad โญ 6,942 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/) 47. mnotgod96/AppAgent โญ 6,155 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/) 48. prefecthq/marvin โญ 5,957 an ambient intelligence library ๐Ÿ”— [askmarvin.ai](https://askmarvin.ai) 49. x-plug/MobileAgent โญ 5,944 Mobile-Agent: The Powerful GUI Agent Family 50. openai/openai-cs-agents-demo โญ 5,806 Demo of a Customer Service Agent interface built on top of the OpenAI Agents SDK 51. humanlayer/humanlayer โญ 5,539 HumanLayer is an API and SDK that enables AI Agents to contact humans for help, feedback, and approvals. ๐Ÿ”— [humanlayer.dev/code](https://humanlayer.dev/code) 52. pyspur-dev/pyspur โญ 5,515 A visual playground for agentic workflows: Iterate over your agents 10x faster ๐Ÿ”— [pyspur.dev](https://pyspur.dev) 53. kyegomez/swarms โญ 5,297 The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework. Website: https://swarms.ai ๐Ÿ”— [docs.swarms.world](https://docs.swarms.world) 54. brainblend-ai/atomic-agents โญ 5,072 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. 55. landing-ai/vision-agent โญ 5,060 VisionAgent is a library that helps you utilize agent frameworks to generate code to solve your vision task 56. crewaiinc/crewAI-examples โญ 5,033 A collection of examples that show how to use CrewAI framework to automate workflows. 57. meta-llama/llama-stack-apps โญ 4,275 Agentic components of the Llama Stack APIs 58. codelion/openevolve โญ 4,041 Evolutionary coding agent (like AlphaEvolve) enabling automated scientific and algorithmic discovery 59. rowboatlabs/rowboat โญ 3,742 AI-powered multi-agent builder ๐Ÿ”— [www.rowboatlabs.com](https://www.rowboatlabs.com) 60. langroid/langroid โญ 3,719 Harness LLMs with Multi-Agent Programming ๐Ÿ”— [langroid.github.io/langroid](https://langroid.github.io/langroid/) 61. getzep/zep โญ 3,679 Zep is a memory platform for AI agents that learns from user interactions and business data ๐Ÿ”— [help.getzep.com](https://help.getzep.com) 62. joshuac215/agent-service-toolkit โญ 3,678 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) 63. ag2ai/ag2 โญ 3,622 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) 64. strands-agents/sdk-python โญ 3,614 A model-driven approach to building AI agents in just a few lines of code. ๐Ÿ”— [strandsagents.com](https://strandsagents.com) 65. openmanus/OpenManus-RL โญ 3,492 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. 66. going-doer/Paper2Code โญ 3,416 A multi-agent LLM system that transforms paper into a code repository. It follows a three-stage pipeline: planning, analysis, and code generation, each handled by specialized agents. 67. tencentcloudadp/youtu-agent โญ 3,228 A flexible, high-performance framework for building, running, and evaluating autonomous agents ๐Ÿ”— [tencentcloudadp.github.io/youtu-agent](https://tencentcloudadp.github.io/youtu-agent/) 68. facebookresearch/Pearl โญ 2,939 A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta. 69. cheshire-cat-ai/core โญ 2,859 AI agent microservice ๐Ÿ”— [cheshirecat.ai](https://cheshirecat.ai) 70. i-am-bee/beeai-framework โญ 2,843 Build production-ready AI agents in both Python and Typescript. ๐Ÿ”— [framework.beeai.dev](http://framework.beeai.dev) 71. om-ai-lab/OmAgent โญ 2,556 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) 72. griptape-ai/griptape โญ 2,385 Modular Python framework for AI agents and workflows with chain-of-thought reasoning, tools, and memory. ๐Ÿ”— [www.griptape.ai](https://www.griptape.ai) 73. langchain-ai/executive-ai-assistant โญ 2,091 Executive AI Assistant (EAIA) is an AI agent that attempts to do the job of an Executive Assistant (EA). 74. btahir/open-deep-research โญ 2,079 Open source alternative to Gemini Deep Research. Generate reports with AI based on search results. ๐Ÿ”— [opendeepresearch.vercel.app](https://opendeepresearch.vercel.app) 75. run-llama/llama_deploy โญ 2,053 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/) 76. agentops-ai/AgentStack โญ 1,930 AgentStack scaffolds your agent stack - The tech stack that collectively is your agent 77. openautocoder/Agentless โญ 1,924 Agentless๐Ÿฑ: an agentless approach to automatically solve software development problems 78. swe-agent/mini-swe-agent โญ 1,809 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) 79. weaviate/elysia โญ 1,714 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. 80. msoedov/agentic_security โญ 1,638 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) 81. sakanaai/AI-Scientist-v2 โญ 1,605 The AI Scientist-v2: Workshop-Level Automated Scientific Discovery via Agentic Tree Search 82. vllm-project/semantic-router โญ 1,604 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) 83. agentera/Agently โญ 1,434 Agently is a development framework that helps developers build AI agent native application really fast. ๐Ÿ”— [agently.tech](http://agently.tech) 84. shengranhu/ADAS โญ 1,428 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/) 85. link-agi/AutoAgents โญ 1,419 [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) 86. prefecthq/ControlFlow โญ 1,380 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) 87. szczyglis-dev/py-gpt โญ 1,254 Desktop AI Assistant powered by GPT-5, GPT-4, o1, o3, Gemini, Claude, Ollama, DeepSeek, Perplexity, Grok, Bielik, chat, vision, voice, RAG, image and video generation, agents, tools, MCP, plugins, speech synthesis and recognition, web search, memory, presets, assistants,and more. Linux, Windows, Mac ๐Ÿ”— [pygpt.net](https://pygpt.net) 88. langchain-ai/langgraph-swarm-py โญ 1,164 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/) 89. jd-opensource/OxyGent โญ 1,146 OxyGent is a modular multi-agent framework that lets you build, deploy, and evolve AI teams ๐Ÿ”— [oxygent.jd.com](https://oxygent.jd.com) 90. plurai-ai/intellagent โญ 1,136 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/) 91. thudm/CogAgent โญ 1,055 An open-sourced end-to-end VLM-based GUI Agent 92. strnad/CrewAI-Studio โญ 1,035 agentic,gui,automation 93. google-deepmind/concordia โญ 1,031 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. 94. bytedance-seed/m3-agent โญ 985 Seeing, Listening, Remembering, and Reasoning: A Multimodal Agent with Long-Term Memory 95. victordibia/autogen-ui โญ 964 Web UI for AutoGen (A Framework Multi-Agent LLM Applications) 96. thytu/Agentarium โญ 933 Framework for managing and orchestrating AI agents with ease. Agentarium provides a flexible and intuitive way to create, manage, and coordinate interactions between multiple AI agents in various environments. 97. deedy/mac_computer_use โญ 822 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) 98. salesforceairesearch/AgentLite โญ 633 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. 99. codingmoh/open-codex โญ 628 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. 100. alpha-innovator/InternAgent โญ 526 When Agent Becomes the Scientist โ€“ Building Closed-Loop System from Hypothesis to Verification ๐Ÿ”— [alpha-innovator.github.io/internagent-project-page](https://alpha-innovator.github.io/InternAgent-project-page) 101. quantalogic/quantalogic โญ 447 QuantaLogic is a ReAct (Reasoning & Action) framework for building advanced AI agents. The cli version include coding capabilities comparable to Aider. 102. sakanaai/AI-Scientist-ICLR2025-Workshop-Experiment โญ 270 A paper produced by The AI Scientist passed a peer-review process at a workshop in a top machine learning conference 103. agentscope-ai/agentscope-runtime โญ 150 AgentScope Runtime: secure sandboxed tool execution and scalable agent deployment ๐Ÿ”— [runtime.agentscope.io](https://runtime.agentscope.io/) 104. mannaandpoem/OpenManus โญ 141 Open source version of Manus, the general AI agent 105. prithivirajdamodaran/Route0x โญ 116 A production-grade query routing solution, leveraging LLMs while optimizing for cost per query ## Code Quality Code quality tooling: linters, formatters, pre-commit hooks, unused code removal. 1. astral-sh/ruff โญ 42,824 An extremely fast Python linter and code formatter, written in Rust. ๐Ÿ”— [docs.astral.sh/ruff](https://docs.astral.sh/ruff) 2. psf/black โญ 40,993 The uncompromising Python code formatter ๐Ÿ”— [black.readthedocs.io/en/stable](https://black.readthedocs.io/en/stable/) 3. pre-commit/pre-commit โญ 14,417 A framework for managing and maintaining multi-language pre-commit hooks. ๐Ÿ”— [pre-commit.com](https://pre-commit.com) 4. google/yapf โญ 13,942 A formatter for Python files 5. sqlfluff/sqlfluff โญ 9,213 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,830 A Python utility / library to sort imports. ๐Ÿ”— [pycqa.github.io/isort](https://pycqa.github.io/isort/) 7. davidhalter/jedi โญ 6,024 Awesome autocompletion, static analysis and refactoring library for python ๐Ÿ”— [jedi.readthedocs.io](http://jedi.readthedocs.io) 8. pycqa/pylint โญ 5,571 It's not just a linter that annoys you! ๐Ÿ”— [pylint.readthedocs.io/en/latest](https://pylint.readthedocs.io/en/latest/) 9. jendrikseipp/vulture โญ 4,065 Find dead Python code 10. asottile/pyupgrade โญ 3,901 A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language. 11. pycqa/flake8 โญ 3,694 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,776 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,373 Fork of the python-language-server project, maintained by the Spyder IDE team and the community 14. codespell-project/codespell โญ 2,226 check code for common misspellings 15. sourcery-ai/sourcery โญ 1,719 Instant AI code reviews ๐Ÿ”— [sourcery.ai](https://sourcery.ai) 16. callowayproject/bump-my-version โญ 531 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 โญ 486 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 โญ 43,309 Free, open source crypto trading bot ๐Ÿ”— [www.freqtrade.io](https://www.freqtrade.io) 2. ccxt/ccxt โญ 39,036 A cryptocurrency trading API with more than 100 exchanges in JavaScript / TypeScript / Python / C# / PHP / Go ๐Ÿ”— [docs.ccxt.com](https://docs.ccxt.com) 3. crytic/slither โญ 5,924 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,382 A python interface for interacting with the Ethereum blockchain and ecosystem. ๐Ÿ”— [web3py.readthedocs.io](http://web3py.readthedocs.io) 5. ethereum/consensus-specs โญ 3,797 Ethereum Proof-of-Stake Consensus Specifications ๐Ÿ”— [ethereum.github.io/consensus-specs](https://ethereum.github.io/consensus-specs/) 6. cyberpunkmetalhead/Binance-volatility-trading-bot โญ 3,480 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,572 Cryptocurrency Exchange Websocket Data Feed Handler 8. ethereum/py-evm โญ 2,360 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 โญ 2,025 Details on how to get Binance public data 10. ofek/bit โญ 1,307 Bitcoin made easy. ๐Ÿ”— [ofek.dev/bit](https://ofek.dev/bit/) 11. man-c/pycoingecko โญ 1,091 Python wrapper for the CoinGecko API 12. palkeo/panoramix โญ 884 Ethereum decompiler 13. coinbase/agentkit โญ 867 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 โญ 78 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 โญ 80,505 A utility for converting files to Markdown, supports: PDF, PPT, Word, Excel, Images etc 2. scrapy/scrapy โญ 58,428 Scrapy, a fast high-level web crawling & scraping framework for Python. ๐Ÿ”— [scrapy.org](https://scrapy.org) 3. pathwaycom/pathway โญ 44,754 Python ETL framework for stream processing, real-time analytics, LLM pipelines, and RAG. ๐Ÿ”— [pathway.com](https://pathway.com) 4. apache/spark โญ 42,016 Apache Spark - A unified analytics engine for large-scale data processing ๐Ÿ”— [spark.apache.org](https://spark.apache.org/) 5. ds4sd/docling โญ 40,597 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) 6. mindsdb/mindsdb โญ 36,247 AI Analytics and Knowledge Engine for RAG over large-scale, heterogeneous data. - The only MCP Server you'll ever need ๐Ÿ”— [mindsdb.com](https://mindsdb.com) 7. jaidedai/EasyOCR โญ 28,064 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) 8. getredash/redash โญ 27,833 Make Your Company Data Driven. Connect to any data source, easily visualize, dashboard and share your data. ๐Ÿ”— [redash.io](http://redash.io/) 9. qdrant/qdrant โญ 26,426 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 โญ 24,943 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 โญ 23,712 Open-source search and retrieval database for AI applications. ๐Ÿ”— [www.trychroma.com](https://www.trychroma.com/) 12. airbytehq/airbyte โญ 19,693 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. avaiga/taipy โญ 18,751 Turns Data and AI algorithms into production-ready web applications in no time. ๐Ÿ”— [www.taipy.io](https://www.taipy.io) 14. joke2k/faker โญ 18,736 Faker is a Python package that generates fake data for you. ๐Ÿ”— [faker.readthedocs.io](https://faker.readthedocs.io) 15. binux/pyspider โญ 16,900 A Powerful Spider(Web Crawler) System in Python. ๐Ÿ”— [docs.pyspider.org](http://docs.pyspider.org/) 16. tiangolo/sqlmodel โญ 16,874 SQL databases in Python, designed for simplicity, compatibility, and robustness. ๐Ÿ”— [sqlmodel.tiangolo.com](https://sqlmodel.tiangolo.com/) 17. twintproject/twint โญ 16,227 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 โญ 16,022 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 โญ 14,707 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,265 Redis Python client 21. cyclotruc/gitingest โญ 12,676 Turn any Git repository into a prompt-friendly text ingest for LLMs. ๐Ÿ”— [gitingest.com](https://gitingest.com) 22. s0md3v/Photon โญ 12,247 Incredibly fast crawler designed for OSINT. 23. coleifer/peewee โญ 11,709 a small, expressive orm -- supports postgresql, mysql, sqlite and cockroachdb ๐Ÿ”— [docs.peewee-orm.com](http://docs.peewee-orm.com/) 24. sqlalchemy/sqlalchemy โญ 10,960 The Database Toolkit for Python ๐Ÿ”— [www.sqlalchemy.org](https://www.sqlalchemy.org) 25. googleapis/genai-toolbox โญ 10,806 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/) 26. simonw/datasette โญ 10,362 An open source multi-tool for exploring and publishing data ๐Ÿ”— [datasette.io](https://datasette.io) 27. voxel51/fiftyone โญ 9,919 Refine high-quality datasets and visual AI models ๐Ÿ”— [fiftyone.ai](https://fiftyone.ai) 28. gristlabs/grist-core โญ 9,806 Grist is the evolution of spreadsheets. ๐Ÿ”— [www.getgrist.com](https://www.getgrist.com) 29. bigscience-workshop/petals โญ 9,801 ๐ŸŒธ Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading ๐Ÿ”— [petals.dev](https://petals.dev) 30. yzhao062/pyod โญ 9,482 A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques ๐Ÿ”— [pyod.readthedocs.io](http://pyod.readthedocs.io) 31. tobymao/sqlglot โญ 8,389 Python SQL Parser and Transpiler ๐Ÿ”— [sqlglot.com](https://sqlglot.com/) 32. lancedb/lancedb โญ 7,667 Developer-friendly, embedded retrieval engine for multimodal AI. Search More; Manage Less. ๐Ÿ”— [lancedb.github.io/lancedb](https://lancedb.github.io/lancedb/) 33. alirezamika/autoscraper โญ 6,984 A Smart, Automatic, Fast and Lightweight Web Scraper for Python 34. kaggle/kaggle-api โญ 6,869 Official Kaggle API 35. madmaze/pytesseract โญ 6,229 A Python wrapper for Google Tesseract 36. ibis-project/ibis โญ 6,133 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) 37. vi3k6i5/flashtext โญ 5,680 Extract Keywords from sentence or Replace keywords in sentences. 38. airbnb/knowledge-repo โญ 5,527 A next-generation curated knowledge sharing platform for data scientists and other technical professions. 39. superduperdb/superduper โญ 5,216 Superduper: End-to-end framework for building custom AI applications and agents. ๐Ÿ”— [superduper.io](https://superduper.io) 40. rapidai/RapidOCR โญ 5,064 ๐Ÿ“„ Awesome OCR multiple programing languages toolkits based on ONNXRuntime, OpenVINO, PaddlePaddle and PyTorch. ๐Ÿ”— [rapidai.github.io/rapidocrdocs](https://rapidai.github.io/RapidOCRDocs) 41. facebookresearch/AugLy โญ 5,046 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/) 42. giskard-ai/giskard-oss โญ 4,907 ๐Ÿข Open-Source Evaluation & Testing library for LLM Agents ๐Ÿ”— [docs.giskard.ai](https://docs.giskard.ai) 43. adbar/trafilatura โญ 4,764 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) 44. jazzband/tablib โญ 4,718 Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c. ๐Ÿ”— [tablib.readthedocs.io](https://tablib.readthedocs.io/) 45. amundsen-io/amundsen โญ 4,664 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/) 46. lk-geimfari/mimesis โญ 4,624 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) 47. mongodb/mongo-python-driver โญ 4,280 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. dlt-hub/dlt โญ 4,246 data load tool (dlt) is an open source Python library that makes data loading easy ๐Ÿ› ๏ธ ๐Ÿ”— [dlthub.com/docs](https://dlthub.com/docs) 49. rom1504/img2dataset โญ 4,182 Easily turn large sets of image urls to an image dataset. Can download, resize and package 100M urls in 20h on one machine. 50. andialbrecht/sqlparse โญ 3,939 A non-validating SQL parser module for Python 51. deepchecks/deepchecks โญ 3,911 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. praw-dev/praw โญ 3,857 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/) 53. jmcnamara/XlsxWriter โญ 3,840 A Python module for creating Excel XLSX files. ๐Ÿ”— [xlsxwriter.readthedocs.io](https://xlsxwriter.readthedocs.io) 54. mlabonne/llm-datasets โญ 3,762 Curated list of datasets and tools for post-training. ๐Ÿ”— [mlabonne.github.io/blog](https://mlabonne.github.io/blog) 55. sqlalchemy/alembic โญ 3,664 A database migrations tool for SQLAlchemy. 56. run-llama/llama-hub โญ 3,477 A library of data loaders for LLMs made by the community -- to be used with LlamaIndex and/or LangChain ๐Ÿ”— [llamahub.ai](https://llamahub.ai/) 57. pyeve/cerberus โญ 3,246 Lightweight, extensible data validation library for Python ๐Ÿ”— [python-cerberus.org](http://python-cerberus.org) 58. sdv-dev/SDV โญ 3,197 Synthetic data generation for tabular data ๐Ÿ”— [docs.sdv.dev/sdv](https://docs.sdv.dev/sdv) 59. docarray/docarray โญ 3,106 Represent, send, store and search multimodal data ๐Ÿ”— [docs.docarray.org](https://docs.docarray.org/) 60. pallets/itsdangerous โญ 3,059 Safely pass trusted data to untrusted environments and back. ๐Ÿ”— [itsdangerous.palletsprojects.com](https://itsdangerous.palletsprojects.com) 61. datafold/data-diff โญ 2,988 Compare tables within or across databases ๐Ÿ”— [docs.datafold.com](https://docs.datafold.com) 62. goldsmith/Wikipedia โญ 2,960 A Pythonic wrapper for the Wikipedia API ๐Ÿ”— [wikipedia.readthedocs.org](https://wikipedia.readthedocs.org/) 63. mangiucugna/json_repair โญ 2,837 A python module to repair invalid JSON from LLMs ๐Ÿ”— [pypi.org/project/json-repair](https://pypi.org/project/json-repair/) 64. awslabs/amazon-redshift-utils โญ 2,806 Amazon Redshift Utils contains utilities, scripts and view which are useful in a Redshift environment 65. kayak/pypika โญ 2,726 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,683 Fast job queuing and RPC in python with asyncio and redis. ๐Ÿ”— [arq-docs.helpmanual.io](https://arq-docs.helpmanual.io/) 67. huggingface/datatrove โญ 2,659 DataTrove is a library to process, filter and deduplicate text data at a very large scale. It provides a set of prebuilt commonly used processing blocks with a framework to easily add custom functionality 68. pynamodb/PynamoDB โญ 2,539 A pythonic interface to Amazon's DynamoDB ๐Ÿ”— [pynamodb.readthedocs.io](http://pynamodb.readthedocs.io) 69. pikepdf/pikepdf โญ 2,482 A Python library for reading and writing PDF, powered by QPDF ๐Ÿ”— [pikepdf.readthedocs.io](https://pikepdf.readthedocs.io/) 70. sfu-db/connector-x โญ 2,419 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) 71. uqfoundation/dill โญ 2,381 serialize all of Python ๐Ÿ”— [dill.rtfd.io](http://dill.rtfd.io) 72. aminalaee/sqladmin โญ 2,369 SQLAlchemy Admin for FastAPI and Starlette ๐Ÿ”— [aminalaee.github.io/sqladmin](https://aminalaee.github.io/sqladmin/) 73. emirozer/fake2db โญ 2,339 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,338 PyGraphistry is a Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer 75. milvus-io/bootcamp โญ 2,255 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) 76. accenture/AmpliGraph โญ 2,223 Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org 77. agronholm/sqlacodegen โญ 2,215 Automatic model code generator for SQLAlchemy 78. simonw/sqlite-utils โญ 1,897 Python CLI utility and library for manipulating SQLite databases ๐Ÿ”— [sqlite-utils.datasette.io](https://sqlite-utils.datasette.io) 79. uber/petastorm โญ 1,859 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. 80. aio-libs/aiomysql โญ 1,840 aiomysql is a library for accessing a MySQL database from the asyncio ๐Ÿ”— [aiomysql.rtfd.io](https://aiomysql.rtfd.io) 81. matthewwithanm/python-markdownify โญ 1,813 Convert HTML to Markdown 82. simple-salesforce/simple-salesforce โญ 1,808 A very simple Salesforce.com REST API client for Python 83. zarr-developers/zarr-python โญ 1,797 An implementation of chunked, compressed, N-dimensional arrays for Python. ๐Ÿ”— [zarr.readthedocs.io](https://zarr.readthedocs.io) 84. collerek/ormar โญ 1,777 python async orm with fastapi in mind and pydantic validation ๐Ÿ”— [collerek.github.io/ormar](https://collerek.github.io/ormar/) 85. scholarly-python-package/scholarly โญ 1,710 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,605 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,579 Synthetic data generators for tabular and time-series data ๐Ÿ”— [docs.sdk.ydata.ai](https://docs.sdk.ydata.ai) 88. d-star-ai/dsRAG โญ 1,501 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. huggingface/aisheets โญ 1,499 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) 90. quixio/quix-streams โญ 1,453 Python Streaming DataFrames for Kafka ๐Ÿ”— [docs.quix.io](https://docs.quix.io) 91. google/tensorstore โญ 1,449 Library for reading and writing large multi-dimensional arrays. ๐Ÿ”— [google.github.io/tensorstore](https://google.github.io/tensorstore/) 92. mchong6/JoJoGAN โญ 1,436 Official PyTorch repo for JoJoGAN: One Shot Face Stylization 93. sdispater/orator โญ 1,416 The Orator ORM provides a simple yet beautiful ActiveRecord implementation. ๐Ÿ”— [orator-orm.com](https://orator-orm.com) 94. aio-libs/aiocache โญ 1,360 Asyncio cache manager for redis, memcached and memory ๐Ÿ”— [aiocache.readthedocs.io](http://aiocache.readthedocs.io) 95. igorbenav/fastcrud โญ 1,278 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/) 96. eliasdabbas/advertools โญ 1,274 advertools - online marketing productivity and analysis tools ๐Ÿ”— [advertools.readthedocs.io](https://advertools.readthedocs.io) 97. meta-llama/synthetic-data-kit โญ 1,250 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/) 98. pytorch/data โญ 1,227 A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries. 99. duckdb/dbt-duckdb โญ 1,153 dbt (http://getdbt.com) adapter for DuckDB (http://duckdb.org) 100. brettkromkamp/contextualise โญ 1,079 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/) 101. uber/fiber โญ 1,048 Distributed Computing for AI Made Simple ๐Ÿ”— [uber.github.io/fiber](https://uber.github.io/fiber/) 102. goccy/bigquery-emulator โญ 987 BigQuery emulator provides a way to launch a BigQuery server on your local machine for testing and development. 103. scikit-hep/awkward โญ 908 Manipulate JSON-like data with NumPy-like idioms. ๐Ÿ”— [awkward-array.org](https://awkward-array.org) 104. weaviate/recipes โญ 891 This repository shares end-to-end notebooks on how to use various Weaviate features and integrations! 105. apache/iceberg-python โญ 883 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/) 106. macbre/sql-metadata โญ 875 Uses tokenized query returned by python-sqlparse and generates query metadata ๐Ÿ”— [pypi.python.org/pypi/sql-metadata](https://pypi.python.org/pypi/sql-metadata) 107. koaning/human-learn โญ 821 Natural Intelligence is still a pretty good idea. ๐Ÿ”— [koaning.github.io/human-learn](https://koaning.github.io/human-learn/) 108. unstructured-io/unstructured-api โญ 814 API for Open-Source Pre-Processing Tools for Unstructured Data 109. ibm/data-prep-kit โญ 809 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/) 110. googleapis/python-bigquery โญ 784 Python Client for Google BigQuery 111. kagisearch/vectordb โญ 757 A minimal Python package for storing and retrieving text using chunking, embeddings, and vector search. ๐Ÿ”— [vectordb.com](https://vectordb.com) 112. hyperqueryhq/whale โญ 727 ๐Ÿณ The stupidly simple CLI workspace for your data warehouse. ๐Ÿ”— [rsyi.gitbook.io/whale](https://rsyi.gitbook.io/whale) 113. dgarnitz/vectorflow โญ 696 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 โญ 633 A Python vector database you just need - no more, no less. 115. koaning/bulk โญ 597 Bulk is a quick UI developer tool to apply some bulk labels. 116. stackloklabs/deepfabric โญ 584 Promptwright is a Python library designed for generating large synthetic datasets using LLMs ๐Ÿ”— [lukehinds.github.io/deepfabric](https://lukehinds.github.io/deepfabric/) 117. apache/datafusion-python โญ 507 This is a Python library that binds to Apache Arrow in-memory query engine DataFusion ๐Ÿ”— [datafusion.apache.org/python](https://datafusion.apache.org/python) 118. github/innovationgraph โญ 502 GitHub Innovation Graph ๐Ÿ”— [innovationgraph.github.com](https://innovationgraph.github.com/) 119. titan-systems/titan โญ 477 Snowflake infrastructure-as-code. Provision environments, automate deploys, CI/CD. Manage RBAC, users, roles, and data access. Declarative Python Resource API. ## Debugging Debugging and tracing tools. 1. cool-rr/PySnooper โญ 16,572 Never use print for debugging again 2. gruns/icecream โญ 9,899 ๐Ÿฆ Never use print() to debug again. 3. shobrook/rebound โญ 4,131 Instant Stack Overflow results whenever an exception is thrown 4. inducer/pudb โญ 3,156 Full-screen console debugger for Python ๐Ÿ”— [documen.tician.de/pudb](https://documen.tician.de/pudb/) 5. gotcha/ipdb โญ 1,940 Integration of IPython pdb 6. alexmojaki/heartrate โญ 1,828 Simple real time visualisation of the execution of a Python program. 7. alexmojaki/birdseye โญ 1,695 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,429 pdb++, a drop-in replacement for pdb (the Python debugger) 9. alexmojaki/snoop โญ 1,401 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 โญ 157,053 Stable Diffusion web UI 2. comfyanonymous/ComfyUI โญ 90,015 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,549 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,809 High-Resolution Image Synthesis with Latent Diffusion Models 5. lllyasviel/ControlNet โญ 33,123 Let us control diffusion models! 6. huggingface/diffusers โญ 30,995 ๐Ÿค— Diffusers: State-of-the-art diffusion models for image, video, and audio generation in PyTorch. ๐Ÿ”— [huggingface.co/docs/diffusers](https://huggingface.co/docs/diffusers) 7. invoke-ai/InvokeAI โญ 25,953 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-V โญ 22,024 MiniCPM-V 4.5: A GPT-4o Level MLLM for Single Image, Multi Image and High-FPS Video Understanding on Your Phone 9. apple/ml-stable-diffusion โญ 17,625 Stable Diffusion with Core ML on Apple Silicon 10. borisdayma/dalle-mini โญ 14,810 DALLยทE Mini - Generate images from a text prompt ๐Ÿ”— [www.craiyon.com](https://www.craiyon.com) 11. divamgupta/diffusionbee-stable-diffusion-ui โญ 13,404 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,375 High-Resolution Image Synthesis with Latent Diffusion Models 13. instantid/InstantID โญ 11,826 InstantID: Zero-shot Identity-Preserving Generation in Seconds ๐Ÿ”ฅ ๐Ÿ”— [instantid.github.io](https://instantid.github.io/) 14. facebookresearch/dinov2 โญ 11,655 PyTorch code and models for the DINOv2 self-supervised learning method. 15. lucidrains/DALLE2-pytorch โญ 11,332 Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch 16. opengvlab/InternVL โญ 9,284 [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/) 17. idea-research/GroundingDINO โญ 8,997 [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) 18. ashawkey/stable-dreamfusion โญ 8,728 Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion. 19. carson-katri/dream-textures โญ 8,078 Stable Diffusion built-in to Blender 20. xavierxiao/Dreambooth-Stable-Diffusion โญ 7,745 Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion 21. timothybrooks/instruct-pix2pix โญ 6,802 PyTorch implementation of InstructPix2Pix, an instruction-based image editing model, based on the original CompVis/stable_diffusion repo. 22. openai/consistency_models โญ 6,412 Official repo for consistency models. 23. salesforce/BLIP โญ 5,509 PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation 24. nateraw/stable-diffusion-videos โญ 4,620 Create ๐Ÿ”ฅ videos with Stable Diffusion by exploring the latent space and morphing between text prompts 25. lkwq007/stablediffusion-infinity โญ 3,880 Outpainting with Stable Diffusion on an infinite canvas 26. jina-ai/discoart โญ 3,832 ๐Ÿชฉ Create Disco Diffusion artworks in one line 27. mlc-ai/web-stable-diffusion โญ 3,681 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/improved-diffusion โญ 3,678 Release for Improved Denoising Diffusion Probabilistic Models 29. openai/glide-text2im โญ 3,661 GLIDE: a diffusion-based text-conditional image synthesis model 30. google-research/big_vision โญ 3,161 Official codebase used to develop Vision Transformer, SigLIP, MLP-Mixer, LiT and more. 31. open-compass/VLMEvalKit โญ 3,123 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) 32. saharmor/dalle-playground โญ 2,753 A playground to generate images from any text prompt using Stable Diffusion (past: using DALL-E Mini) 33. stability-ai/stability-sdk โญ 2,430 SDK for interacting with stability.ai APIs (e.g. stable diffusion inference) ๐Ÿ”— [platform.stability.ai](https://platform.stability.ai/) 34. thudm/CogVLM2 โญ 2,416 GPT4V-level open-source multi-modal model based on Llama3-8B 35. coyote-a/ultimate-upscale-for-automatic1111 โญ 1,755 Ultimate SD Upscale extension for AUTOMATIC1111 Stable Diffusion web UI 36. divamgupta/stable-diffusion-tensorflow โญ 1,606 Stable Diffusion in TensorFlow / Keras 37. nvlabs/prismer โญ 1,305 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,149 [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 โญ 936 A minimal PyTorch implementation of probabilistic diffusion models for 2D datasets. 40. thereforegames/unprompted โญ 808 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 โญ 626 โšก 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 โญ 52,910 Financial data platform for analysts, quants and AI agents. ๐Ÿ”— [openbb.co](https://openbb.co) 2. virattt/ai-hedge-fund โญ 41,603 AI-powered hedge fund. The goal of this project is to explore the use of AI to make trading decisions. 3. microsoft/qlib โญ 31,753 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. ranaroussi/yfinance โญ 19,280 Download market data from Yahoo! Finance's API ๐Ÿ”— [ranaroussi.github.io/yfinance](https://ranaroussi.github.io/yfinance) 5. quantopian/zipline โญ 19,006 Zipline, a Pythonic Algorithmic Trading Library ๐Ÿ”— [www.zipline.io](https://www.zipline.io) 6. mementum/backtrader โญ 18,937 Python Backtesting library for trading strategies ๐Ÿ”— [www.backtrader.com](https://www.backtrader.com) 7. ai4finance-foundation/FinGPT โญ 17,657 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,721 FinRLยฎ: Financial Reinforcement Learning. ๐Ÿ”ฅ ๐Ÿ”— [ai4finance.org](https://ai4finance.org) 9. quantconnect/Lean โญ 12,449 Lean Algorithmic Trading Engine by QuantConnect (Python, C#) ๐Ÿ”— [lean.io](https://lean.io) 10. ta-lib/ta-lib-python โญ 11,240 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,433 Python toolkit for quantitative finance ๐Ÿ”— [developer.gs.com/discover/products/gs-quant](https://developer.gs.com/discover/products/gs-quant/) 12. kernc/backtesting.py โญ 7,248 ๐Ÿ”Ž ๐Ÿ“ˆ ๐Ÿ ๐Ÿ’ฐ Backtest trading strategies in Python. ๐Ÿ”— [kernc.github.io/backtesting.py](https://kernc.github.io/backtesting.py/) 13. shiyu-coder/Kronos โญ 6,901 Open-source foundation model for financial candlesticks, trained on data from over 45 global exchanges 14. ranaroussi/quantstats โญ 6,269 Portfolio analytics for quants, written in Python 15. quantopian/pyfolio โญ 6,092 Portfolio and risk analytics in Python ๐Ÿ”— [quantopian.github.io/pyfolio](https://quantopian.github.io/pyfolio) 16. polakowo/vectorbt โญ 5,865 Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research. ๐Ÿ”— [vectorbt.dev](https://vectorbt.dev) 17. borisbanushev/stockpredictionai โญ 5,059 In this noteboook I will create a complete process for predicting stock price movements. Follow along and we will achieve some pretty good results. For that purpose we will use a Generative Adversarial Network (GAN) with LSTM, a type of Recurrent Neural Network, as generator, and a Convolutional Neural Networ... 18. google/tf-quant-finance โญ 5,002 High-performance TensorFlow library for quantitative finance. 19. gbeced/pyalgotrade โญ 4,608 Python Algorithmic Trading Library ๐Ÿ”— [gbeced.github.io/pyalgotrade](http://gbeced.github.io/pyalgotrade/) 20. matplotlib/mplfinance โญ 4,190 Financial Markets Data Visualization using Matplotlib ๐Ÿ”— [pypi.org/project/mplfinance](https://pypi.org/project/mplfinance/) 21. quantopian/alphalens โญ 3,905 Performance analysis of predictive (alpha) stock factors ๐Ÿ”— [quantopian.github.io/alphalens](http://quantopian.github.io/alphalens) 22. zvtvz/zvt โญ 3,779 modular quant framework. ๐Ÿ”— [zvt.readthedocs.io/en/latest](https://zvt.readthedocs.io/en/latest/) 23. cuemacro/finmarketpy โญ 3,652 Python library for backtesting trading strategies & analyzing financial markets (formerly pythalesians) ๐Ÿ”— [www.cuemacro.com](http://www.cuemacro.com) 24. robcarver17/pysystemtrade โญ 3,028 Systematic Trading in python 25. pmorissette/bt โญ 2,693 bt - flexible backtesting for Python ๐Ÿ”— [pmorissette.github.io/bt](http://pmorissette.github.io/bt) 26. quantopian/research_public โญ 2,679 Quantitative research and educational materials ๐Ÿ”— [www.quantopian.com/lectures](https://www.quantopian.com/lectures) 27. domokane/FinancePy โญ 2,548 A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives. 28. pmorissette/ffn โญ 2,373 ffn - a financial function library for Python ๐Ÿ”— [pmorissette.github.io/ffn](pmorissette.github.io/ffn) 29. blankly-finance/blankly โญ 2,363 ๐Ÿš€ ๐Ÿ’ธ 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) 30. cuemacro/findatapy โญ 1,915 Python library to download market data via Bloomberg, Eikon, Quandl, Yahoo etc. 31. quantopian/empyrical โญ 1,410 Common financial risk and performance metrics. Used by zipline and pyfolio. ๐Ÿ”— [quantopian.github.io/empyrical](https://quantopian.github.io/empyrical) 32. idanya/algo-trader โญ 845 Trading bot with support for realtime trading, backtesting, custom strategies and much more. 33. chancefocus/PIXIU โญ 784 This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI). 34. gbeced/basana โญ 768 A Python async and event driven framework for algorithmic trading, with a focus on crypto currencies. 35. nasdaq/data-link-python โญ 567 A Python library for Nasdaq Data Link's RESTful API 36. ivebotunac/PrimoAgent โญ 214 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,683 A retro game engine for Python 2. microsoft/TRELLIS โญ 10,695 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,321 ๐Ÿ๐ŸŽฎ 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,910 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,666 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,446 A game engine powered by python and panda3d. ๐Ÿ”— [pokepetter.github.io/ursina](https://pokepetter.github.io/ursina/) 7. pyglet/pyglet โญ 2,090 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,882 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,516 Blender addons to make the bridge between Blender and geographic data 2. python-visualization/folium โญ 7,237 Python Data. Leaflet.js Maps. ๐Ÿ”— [python-visualization.github.io/folium](https://python-visualization.github.io/folium/) 3. osgeo/gdal โญ 5,535 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,273 Download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap. ๐Ÿ”— [osmnx.readthedocs.io](https://osmnx.readthedocs.io) 5. geopandas/geopandas โญ 4,909 Python tools for geographic data ๐Ÿ”— [geopandas.org](http://geopandas.org/) 6. shapely/shapely โญ 4,265 Manipulation and analysis of geometric objects ๐Ÿ”— [shapely.readthedocs.io/en/stable](https://shapely.readthedocs.io/en/stable/) 7. giswqs/geemap โญ 3,757 A Python package for interactive geospatial analysis and visualization with Google Earth Engine. ๐Ÿ”— [geemap.org](https://geemap.org) 8. microsoft/torchgeo โญ 3,668 TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data ๐Ÿ”— [www.osgeo.org/projects/torchgeo](https://www.osgeo.org/projects/torchgeo/) 9. opengeos/leafmap โญ 3,480 A Python package for interactive mapping and geospatial analysis with minimal coding in a Jupyter environment ๐Ÿ”— [leafmap.org](https://leafmap.org) 10. holoviz/datashader โญ 3,458 Quickly and accurately render even the largest data. ๐Ÿ”— [datashader.org](http://datashader.org) 11. opengeos/segment-geospatial โญ 3,411 A Python package for segmenting geospatial data with the Segment Anything Model (SAM) ๐Ÿ”— [samgeo.gishub.org](https://samgeo.gishub.org) 12. google/earthengine-api โญ 3,059 Python and JavaScript bindings for calling the Earth Engine API. 13. rasterio/rasterio โญ 2,411 Rasterio reads and writes geospatial raster datasets ๐Ÿ”— [rasterio.readthedocs.io](https://rasterio.readthedocs.io/) 14. mcordts/cityscapesScripts โญ 2,306 README and scripts for the Cityscapes Dataset 15. apache/sedona โญ 2,202 A cluster computing framework for processing large-scale geospatial data ๐Ÿ”— [sedona.apache.org](https://sedona.apache.org/) 16. azavea/raster-vision โญ 2,164 An open source library and framework for deep learning on satellite and aerial imagery. ๐Ÿ”— [docs.rastervision.io](https://docs.rastervision.io) 17. plant99/felicette โญ 1,826 Satellite imagery for dummies. 18. gboeing/osmnx-examples โญ 1,727 Gallery of OSMnx tutorials, usage examples, and feature demonstrations. ๐Ÿ”— [osmnx.readthedocs.io](https://osmnx.readthedocs.io) 19. microsoft/GlobalMLBuildingFootprints โญ 1,664 Worldwide building footprints derived from satellite imagery 20. jupyter-widgets/ipyleaflet โญ 1,531 A Jupyter - Leaflet.js bridge ๐Ÿ”— [ipyleaflet.readthedocs.io](https://ipyleaflet.readthedocs.io) 21. pysal/pysal โญ 1,421 PySAL: Python Spatial Analysis Library Meta-Package ๐Ÿ”— [pysal.org/pysal](http://pysal.org/pysal) 22. anitagraser/movingpandas โญ 1,348 Movement trajectory classes and functions built on top of GeoPandas ๐Ÿ”— [movingpandas.org](http://movingpandas.org) 23. sentinel-hub/eo-learn โญ 1,194 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,181 High-level geospatial data visualization library for Python. ๐Ÿ”— [residentmario.github.io/geoplot/index.html](https://residentmario.github.io/geoplot/index.html) 25. osgeo/grass โญ 1,020 GRASS - free and open-source geospatial processing engine ๐Ÿ”— [grass.osgeo.org](https://grass.osgeo.org) 26. opengeos/streamlit-geospatial โญ 976 A multi-page streamlit app for geospatial ๐Ÿ”— [huggingface.co/spaces/giswqs/streamlit](https://huggingface.co/spaces/giswqs/Streamlit) 27. developmentseed/titiler โญ 952 Build your own Raster dynamic map tile services ๐Ÿ”— [developmentseed.org/titiler](https://developmentseed.org/titiler/) 28. makepath/xarray-spatial โญ 893 Raster-based Spatial Analytics for Python ๐Ÿ”— [xarray-spatial.readthedocs.io](https://xarray-spatial.readthedocs.io/) 29. datasystemslab/GeoTorchAI โญ 510 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 โญ 16,218 Network Analysis in Python ๐Ÿ”— [networkx.org](https://networkx.org) 2. stellargraph/stellargraph โญ 3,027 StellarGraph - Machine Learning on Graphs ๐Ÿ”— [stellargraph.readthedocs.io](https://stellargraph.readthedocs.io/) 3. westhealth/pyvis โญ 1,137 Python package for creating and visualizing interactive network graphs. ๐Ÿ”— [pyvis.readthedocs.io/en/latest](http://pyvis.readthedocs.io/en/latest/) 4. microsoft/graspologic โญ 948 graspologic is a package for graph statistical algorithms ๐Ÿ”— [graspologic-org.github.io/graspologic](https://graspologic-org.github.io/graspologic/) 5. rampasek/GraphGPS โญ 785 Recipe for a General, Powerful, Scalable Graph Transformer 6. dylanhogg/llmgraph โญ 468 Create knowledge graphs with LLMs ## GUI Graphical user interface libraries and toolkits. 1. hoffstadt/DearPyGui โญ 14,782 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,666 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 โญ 10,041 An easy and fast way to create a Python GUI ๐Ÿ 4. samuelcolvin/FastUI โญ 8,881 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,464 Build GUI for your Python program with JavaScript, HTML, and CSS ๐Ÿ”— [pywebview.flowrl.com](https://pywebview.flowrl.com) 6. beeware/toga โญ 5,193 A Python native, OS native GUI toolkit. ๐Ÿ”— [toga.readthedocs.io/en/latest](https://toga.readthedocs.io/en/latest/) 7. dddomodossola/remi โญ 3,633 Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet. 8. wxwidgets/Phoenix โญ 2,537 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. marimo-team/marimo โญ 16,256 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) 2. jupyterlab/jupyterlab โญ 14,821 JupyterLab computational environment. ๐Ÿ”— [jupyterlab.readthedocs.io](https://jupyterlab.readthedocs.io/) 3. jupyter/notebook โญ 12,634 Jupyter Interactive Notebook ๐Ÿ”— [jupyter-notebook.readthedocs.io](https://jupyter-notebook.readthedocs.io/) 4. garrettj403/SciencePlots โญ 8,254 Matplotlib styles for scientific plotting 5. mwouts/jupytext โญ 6,996 Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts ๐Ÿ”— [jupytext.readthedocs.io](https://jupytext.readthedocs.io) 6. nteract/papermill โญ 6,278 ๐Ÿ“š Parameterize, execute, and analyze notebooks ๐Ÿ”— [papermill.readthedocs.io/en/latest](http://papermill.readthedocs.io/en/latest/) 7. voila-dashboards/voila โญ 5,822 Voilร  turns Jupyter notebooks into standalone web applications ๐Ÿ”— [voila.readthedocs.io](https://voila.readthedocs.io) 8. connorferster/handcalcs โญ 5,786 Python library for converting Python calculations into rendered latex. 9. jupyterlite/jupyterlite โญ 4,591 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,150 Create beautiful, publication-quality books and documents from computational content. ๐Ÿ”— [next.jupyterbook.org](https://next.jupyterbook.org) 11. jupyterlab/jupyterlab-desktop โญ 4,124 JupyterLab desktop application, based on Electron. 12. jupyterlab/jupyter-ai โญ 3,829 A generative AI extension for JupyterLab ๐Ÿ”— [jupyter-ai.readthedocs.io](https://jupyter-ai.readthedocs.io/) 13. jupyter-widgets/ipywidgets โญ 3,267 Interactive Widgets for the Jupyter Notebook ๐Ÿ”— [ipywidgets.readthedocs.io](https://ipywidgets.readthedocs.io) 14. quantopian/qgrid โญ 3,080 An interactive grid for sorting, filtering, and editing DataFrames in Jupyter notebooks 15. jupyter/nbdime โญ 2,778 Tools for diffing and merging of Jupyter notebooks. ๐Ÿ”— [nbdime.readthedocs.io](http://nbdime.readthedocs.io) 16. mito-ds/mito โญ 2,568 Jupyter extensions that help you write code faster: Context aware AI Chat, Autocomplete, and Spreadsheet ๐Ÿ”— [trymito.io](https://trymito.io) 17. jupyter/nbviewer โญ 2,265 nbconvert as a web service: Render Jupyter Notebooks as static web pages ๐Ÿ”— [nbviewer.jupyter.org](https://nbviewer.jupyter.org) 18. deepnote/deepnote โญ 1,980 Deepnote is a successor of Jupyter. It uses the Deepnote kernel which is more powerful but still backwards compatible so you can seamlessly move between both, but adds an AI agent, sleek UI, new block types, and native data integrations. ๐Ÿ”— [deepnote.com/?utm_source=github&utm_medium=github&utm_campaign=github&utm_content=readme_main](https://deepnote.com/?utm_source=github&utm_medium=github&utm_campaign=github&utm_content=readme_main) 19. maartenbreddels/ipyvolume โญ 1,959 3d plotting for Python in the Jupyter notebook based on IPython widgets using WebGL 20. jupyter-lsp/jupyterlab-lsp โญ 1,944 Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol ๐Ÿ”— [jupyterlab-lsp.readthedocs.io](https://jupyterlab-lsp.readthedocs.io) 21. jupyter/nbconvert โญ 1,876 Jupyter Notebook Conversion ๐Ÿ”— [nbconvert.readthedocs.io](https://nbconvert.readthedocs.io/) 22. koaning/drawdata โญ 1,534 Draw datasets from within Python notebooks. ๐Ÿ”— [koaning.github.io/drawdata](https://koaning.github.io/drawdata/) 23. nbqa-dev/nbQA โญ 1,158 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) 24. 8080labs/pyforest โญ 1,117 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) 25. vizzuhq/ipyvizzu โญ 970 Build animated charts in Jupyter Notebook and similar environments with a simple Python syntax. ๐Ÿ”— [ipyvizzu.vizzuhq.com](https://ipyvizzu.vizzuhq.com) 26. aws/graph-notebook โญ 799 Library extending Jupyter notebooks to integrate with Apache TinkerPop, openCypher, and RDF SPARQL. ๐Ÿ”— [github.com/aws/graph-notebook](https://github.com/aws/graph-notebook) 27. 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) 28. xiaohk/stickyland โญ 569 Break the linear presentation of Jupyter Notebooks with sticky cells! ๐Ÿ”— [xiaohk.github.io/stickyland](https://xiaohk.github.io/stickyland/) 29. infuseai/colab-xterm โญ 469 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 โญ 178,815 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 โญ 111,608 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 โญ 99,541 A strong Mixture-of-Experts (MoE) language model with 671B total parameters with 37B activated for each token. 4. ggerganov/llama.cpp โญ 87,208 LLM inference in C/C++ 5. nomic-ai/gpt4all โญ 76,745 GPT4All: Run Local LLMs on Any Device. Open-source and available for commercial use. ๐Ÿ”— [nomic.ai/gpt4all](https://nomic.ai/gpt4all) 6. modelcontextprotocol/servers โญ 69,508 A collection of reference implementations for the Model Context Protocol (MCP), as well as references to community built servers ๐Ÿ”— [modelcontextprotocol.io](https://modelcontextprotocol.io) 7. infiniflow/ragflow โญ 65,505 RAGFlow is a leading open-source Retrieval-Augmented Generation (RAG) engine that fuses cutting-edge RAG with Agent capabilities to create a superior context layer for LLMs ๐Ÿ”— [ragflow.io](https://ragflow.io) 8. xtekky/gpt4free โญ 65,176 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) 9. killianlucas/open-interpreter โญ 60,583 A natural language interface for computers ๐Ÿ”— [openinterpreter.com](http://openinterpreter.com/) 10. hiyouga/LLaMA-Factory โญ 59,703 Unified Efficient Fine-Tuning of 100+ LLMs & VLMs (ACL 2024) ๐Ÿ”— [llamafactory.readthedocs.io](https://llamafactory.readthedocs.io) 11. vllm-project/vllm โญ 59,438 A high-throughput and memory-efficient inference and serving engine for LLMs ๐Ÿ”— [docs.vllm.ai](https://docs.vllm.ai) 12. facebookresearch/llama โญ 58,781 Inference code for Llama models 13. imartinez/private-gpt โญ 56,605 Interact with your documents using the power of GPT, 100% privately, no data leaks ๐Ÿ”— [privategpt.dev](https://privategpt.dev) 14. gpt-engineer-org/gpt-engineer โญ 54,908 CLI platform to experiment with codegen. Precursor to: https://lovable.dev 15. unclecode/crawl4ai โญ 54,189 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) 16. xai-org/grok-1 โญ 50,515 This repository contains JAX example code for loading and running the Grok-1 open-weights model. 17. unslothai/unsloth โญ 46,583 Fine-tuning & Reinforcement Learning for LLMs. ๐Ÿฆฅ Train OpenAI gpt-oss, DeepSeek-R1, Qwen3, Gemma 3, TTS 2x faster with 70% less VRAM. ๐Ÿ”— [docs.unsloth.ai](https://docs.unsloth.ai/) 18. oobabooga/text-generation-webui โญ 45,111 The definitive Web UI for local AI, with powerful features and easy setup. ๐Ÿ”— [oobabooga.gumroad.com/l/deep_reason](https://oobabooga.gumroad.com/l/deep_reason) 19. karpathy/nanoGPT โญ 44,820 The simplest, fastest repository for training/finetuning medium-sized GPTs. 20. pathwaycom/llm-app โญ 41,441 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/) 21. hpcaitech/ColossalAI โญ 41,194 Making large AI models cheaper, faster and more accessible ๐Ÿ”— [www.colossalai.org](https://www.colossalai.org) 22. thudm/ChatGLM-6B โญ 41,120 ChatGLM-6B: An Open Bilingual Dialogue Language Model | ๅผ€ๆบๅŒ่ฏญๅฏน่ฏ่ฏญ่จ€ๆจกๅž‹ 23. lm-sys/FastChat โญ 39,132 An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena. 24. quivrhq/quivr โญ 38,466 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) 25. laion-ai/Open-Assistant โญ 37,470 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) 26. karpathy/nanochat โญ 36,884 A full-stack implementation of an LLM like ChatGPT in a single, clean, minimal, hackable, dependency-lite codebase 27. moymix/TaskMatrix โญ 34,374 Connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting. 28. danielmiessler/Fabric โญ 33,705 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) 29. pythagora-io/gpt-pilot โญ 33,411 The first real AI developer 30. exo-explore/exo โญ 31,689 Run your own AI cluster at home. Unify your existing devices into one powerful GPU: iPhone, iPad, Android, Mac, NVIDIA, Raspberry Pi etc 31. khoj-ai/khoj โญ 31,234 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) 32. tatsu-lab/stanford_alpaca โญ 30,165 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) 33. berriai/litellm โญ 29,536 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/) 34. meta-llama/llama3 โญ 29,003 The official Meta Llama 3 GitHub site 35. stanfordnlp/dspy โญ 28,858 DSPy: The framework for programmingโ€”not promptingโ€”language models ๐Ÿ”— [dspy.ai](https://dspy.ai) 36. microsoft/graphrag โญ 28,482 A modular graph-based Retrieval-Augmented Generation (RAG) system ๐Ÿ”— [microsoft.github.io/graphrag](https://microsoft.github.io/graphrag/) 37. karpathy/llm.c โญ 27,749 LLM training in simple, pure C/CUDA. There is no need for 245MB of PyTorch or 107MB of cPython 38. microsoft/semantic-kernel โญ 26,360 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) 39. vision-cair/MiniGPT-4 โญ 25,739 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) 40. huggingface/open-r1 โญ 25,496 The goal of this repo is to build the missing pieces of the R1 pipeline such that everybody can reproduce and build on top of it 41. qwenlm/Qwen3 โญ 24,887 Qwen3 is the large language model series developed by Qwen team, Alibaba Cloud. 42. cinnamon/kotaemon โญ 24,460 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/) 43. microsoft/JARVIS โญ 24,383 JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf 44. openai/gpt-2 โญ 24,234 Code for the paper "Language Models are Unsupervised Multitask Learners" ๐Ÿ”— [openai.com/blog/better-language-models](https://openai.com/blog/better-language-models/) 45. haotian-liu/LLaVA โญ 23,659 [NeurIPS'23 Oral] Visual Instruction Tuning (LLaVA) built towards GPT-4V level capabilities and beyond. ๐Ÿ”— [llava.hliu.cc](https://llava.hliu.cc) 46. deepset-ai/haystack โญ 22,851 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) 47. karpathy/minGPT โญ 22,659 A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training 48. microsoft/BitNet โญ 22,607 Official inference framework for 1-bit LLMs (e.g., BitNet b1.58). It offers a suite of optimized kernels, that support fast and lossless inference of 1.58-bit models 49. nirdiamant/RAG_Techniques โญ 22,147 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. 50. mlc-ai/mlc-llm โญ 21,432 Universal LLM Deployment Engine with ML Compilation ๐Ÿ”— [llm.mlc.ai](https://llm.mlc.ai/) 51. openai/chatgpt-retrieval-plugin โญ 21,226 The ChatGPT Retrieval Plugin lets you easily find personal or work documents by asking questions in natural language. 52. guidance-ai/guidance โญ 20,805 A guidance language for controlling large language models. 53. rasahq/rasa โญ 20,720 ๐Ÿ’ฌ 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/) 54. vanna-ai/vanna โญ 20,712 RAG (Retrieval-Augmented Generation) framework for SQL generation and related functionality. ๐Ÿ”— [vanna.ai/docs](https://vanna.ai/docs/) 55. anthropics/claude-cookbooks โญ 20,539 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. 56. dao-ailab/flash-attention โญ 19,784 Fast and memory-efficient exact attention 57. huggingface/peft โญ 19,746 ๐Ÿค— PEFT: State-of-the-art Parameter-Efficient Fine-Tuning. ๐Ÿ”— [huggingface.co/docs/peft](https://huggingface.co/docs/peft) 58. stitionai/devika โญ 19,487 Devika is an advanced AI software engineer that can understand high-level human instructions, break them down into steps, research relevant information, and write code to achieve the given objective. ๐Ÿ”— [opcode.sh](https://opcode.sh) 59. qwenlm/Qwen โญ 19,430 The official repo of Qwen (้€šไน‰ๅƒ้—ฎ) chat & pretrained large language model proposed by Alibaba Cloud. 60. modelcontextprotocol/python-sdk โญ 19,025 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) 61. tloen/alpaca-lora โญ 18,956 Instruct-tune LLaMA on consumer hardware 62. karpathy/llama2.c โญ 18,810 Inference Llama 2 in one file of pure C 63. sgl-project/sglang โญ 18,606 SGLang is a fast serving framework for large language models and vision language models. ๐Ÿ”— [docs.sglang.ai](https://docs.sglang.ai/) 64. facebookresearch/llama-cookbook โญ 17,924 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/) 65. openai/evals โญ 17,037 Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks. 66. idea-research/Grounded-Segment-Anything โญ 16,971 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) 67. transformeroptimus/SuperAGI โญ 16,759 <โšก๏ธ> 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/) 68. mlc-ai/web-llm โญ 16,585 High-performance In-browser LLM Inference Engine ๐Ÿ”— [webllm.mlc.ai](https://webllm.mlc.ai) 69. facebookresearch/codellama โญ 16,367 Inference code for CodeLlama models 70. google/langextract โญ 16,089 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/) 71. mayooear/ai-pdf-chatbot-langchain โญ 16,025 AI PDF chatbot agent built with LangChain & LangGraph ๐Ÿ”— [www.youtube.com/watch?v=of6soldiewu](https://www.youtube.com/watch?v=OF6SolDiEwU) 72. lvwerra/trl โญ 15,739 Train transformer language models with reinforcement learning. ๐Ÿ”— [hf.co/docs/trl](http://hf.co/docs/trl) 73. thudm/ChatGLM2-6B โญ 15,698 ChatGLM2-6B: An Open Bilingual Chat LLM | ๅผ€ๆบๅŒ่ฏญๅฏน่ฏ่ฏญ่จ€ๆจกๅž‹ 74. kvcache-ai/ktransformers โญ 15,130 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/) 75. fauxpilot/fauxpilot โญ 14,747 FauxPilot - an open-source alternative to GitHub Copilot server 76. skyvern-ai/skyvern โญ 14,518 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) 77. llmware-ai/llmware โญ 14,457 Unified framework for building enterprise RAG pipelines with small, specialized models ๐Ÿ”— [llmware-ai.github.io/llmware](https://llmware-ai.github.io/llmware/) 78. volcengine/verl โญ 14,021 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) 79. blinkdl/RWKV-LM โญ 13,997 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... 80. qwenlm/Qwen3-Coder โญ 13,837 Qwen3-Coder is the code version of Qwen3, the large language model series developed by Qwen team, Alibaba Cloud. 81. nvidia/Megatron-LM โญ 13,748 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) 82. swivid/F5-TTS โญ 13,344 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) 83. lightning-ai/litgpt โญ 12,815 20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale. ๐Ÿ”— [lightning.ai](https://lightning.ai) 84. lightning-ai/litgpt โญ 12,815 20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale. ๐Ÿ”— [lightning.ai](https://lightning.ai) 85. paddlepaddle/PaddleNLP โญ 12,787 Easy-to-use and powerful LLM and SLM library with awesome model zoo. ๐Ÿ”— [paddlenlp.readthedocs.io](https://paddlenlp.readthedocs.io) 86. microsoft/LoRA โญ 12,770 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) 87. dottxt-ai/outlines โญ 12,651 Structured Text Generation from LLMs ๐Ÿ”— [dottxt-ai.github.io/outlines](https://dottxt-ai.github.io/outlines/) 88. shishirpatil/gorilla โญ 12,452 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/) 89. andrewyng/aisuite โญ 12,362 Simple, unified interface to multiple Generative AI providers. aisuite makes it easy for developers to use multiple LLM through a standardized interface. 90. jiayi-pan/TinyZero โญ 12,229 TinyZero is a reproduction of DeepSeek R1 Zero in countdown and multiplication tasks. 91. canner/WrenAI โญ 12,167 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) 92. openlmlab/MOSS โญ 12,051 An open-source tool-augmented conversational language model from Fudan University ๐Ÿ”— [txsun1997.github.io/blogs/moss.html](https://txsun1997.github.io/blogs/moss.html) 93. h2oai/h2ogpt โญ 11,923 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) 94. google-research/vision_transformer โญ 11,830 Vision Transformer and MLP-Mixer Architectures 95. qwenlm/Qwen-Agent โญ 11,804 Agent framework and applications built upon Qwen>=3.0, featuring Function Calling, MCP, Code Interpreter, RAG, Chrome extension, etc. ๐Ÿ”— [pypi.org/project/qwen-agent](https://pypi.org/project/qwen-agent/) 96. instructor-ai/instructor โญ 11,564 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/) 97. explodinggradients/ragas โญ 10,989 Supercharge Your LLM Application Evaluations ๐Ÿš€ ๐Ÿ”— [docs.ragas.io](https://docs.ragas.io) 98. databrickslabs/dolly โญ 10,798 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) 99. chainlit/chainlit โญ 10,788 Build Conversational AI in minutes โšก๏ธ ๐Ÿ”— [docs.chainlit.io](https://docs.chainlit.io) 100. microsoft/promptflow โญ 10,787 Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring. ๐Ÿ”— [microsoft.github.io/promptflow](https://microsoft.github.io/promptflow/) 101. sapientinc/HRM โญ 10,763 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) 102. artidoro/qlora โญ 10,679 QLoRA: Efficient Finetuning of Quantized LLMs ๐Ÿ”— [arxiv.org/abs/2305.14314](https://arxiv.org/abs/2305.14314) 103. axolotl-ai-cloud/axolotl โญ 10,554 Go ahead and axolotl questions ๐Ÿ”— [docs.axolotl.ai](https://docs.axolotl.ai) 104. mistralai/mistral-inference โญ 10,486 Official inference library for Mistral models ๐Ÿ”— [mistral.ai](https://mistral.ai/) 105. eleutherai/lm-evaluation-harness โญ 10,272 A framework for few-shot evaluation of language models. ๐Ÿ”— [www.eleuther.ai](https://www.eleuther.ai) 106. modelscope/ms-swift โญ 10,191 Use PEFT or Full-parameter to CPT/SFT/DPO/GRPO 500+ LLMs (Qwen3, Qwen3-MoE, Llama4, GLM4.5, InternLM3, DeepSeek-R1, ...) and 200+ MLLMs (Qwen3-VL, Qwen3-Omni, InternVL3.5, Ovis2.5, Llava, GLM4v, Phi4, ...) (AAAI 2025). ๐Ÿ”— [swift.readthedocs.io/zh-cn/latest](https://swift.readthedocs.io/zh-cn/latest/) 107. karpathy/minbpe โญ 9,982 Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization. 108. anthropics/claude-quickstarts โญ 9,948 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. 109. abetlen/llama-cpp-python โญ 9,633 Simple Python bindings for @ggerganov's llama.cpp library. ๐Ÿ”— [llama-cpp-python.readthedocs.io](https://llama-cpp-python.readthedocs.io) 110. e2b-dev/E2B โญ 9,610 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) 111. mshumer/gpt-prompt-engineer โญ 9,597 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. 112. blinkdl/ChatRWKV โญ 9,505 ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source. 113. skypilot-org/skypilot โญ 8,794 Run, manage, and scale AI workloads on any AI infrastructure. Use one system to access & manage all AI compute (Kubernetes, 17+ clouds, or on-prem). ๐Ÿ”— [docs.skypilot.co](https://docs.skypilot.co/) 114. jzhang38/TinyLlama โญ 8,758 The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens. 115. vaibhavs10/insanely-fast-whisper โญ 8,682 An opinionated CLI to transcribe Audio files w/ Whisper on-device! Powered by ๐Ÿค— Transformers, Optimum & flash-attn 116. thudm/CodeGeeX โญ 8,652 CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023) ๐Ÿ”— [codegeex.cn](https://codegeex.cn) 117. apple/ml-ferret โญ 8,650 Ferret: Refer and Ground Anything Anywhere at Any Granularity 118. vikhyat/moondream โญ 8,600 A tiny open-source computer-vision language model designed to run efficiently on edge devices ๐Ÿ”— [moondream.ai](https://moondream.ai) 119. promptfoo/promptfoo โญ 8,588 Test your prompts, agents, and RAGs. AI Red teaming, pentesting, and vulnerability scanning for LLMs. Compare performance of GPT, Claude, Gemini, Llama, and more. Simple declarative configs with command line and CI/CD integration. ๐Ÿ”— [promptfoo.dev](https://promptfoo.dev) 120. optimalscale/LMFlow โญ 8,465 An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All. ๐Ÿ”— [optimalscale.github.io/lmflow](https://optimalscale.github.io/LMFlow/) 121. sjtu-ipads/PowerInfer โญ 8,347 High-speed Large Language Model Serving for Local Deployment 122. eleutherai/gpt-neo โญ 8,289 An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library. ๐Ÿ”— [www.eleuther.ai](https://www.eleuther.ai) 123. pipecat-ai/pipecat โญ 8,259 Open Source framework for voice and multimodal conversational AI 124. lianjiatech/BELLE โญ 8,232 BELLE: Be Everyone's Large Language model Engine๏ผˆๅผ€ๆบไธญๆ–‡ๅฏน่ฏๅคงๆจกๅž‹๏ผ‰ 125. plachtaa/VALL-E-X โญ 7,924 An open source implementation of Microsoft's VALL-E X zero-shot TTS model. Demo is available in https://plachtaa.github.io/vallex/ 126. 01-ai/Yi โญ 7,841 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) 127. zilliztech/GPTCache โญ 7,779 Semantic cache for LLMs. Fully integrated with LangChain and llama_index. ๐Ÿ”— [gptcache.readthedocs.io](https://gptcache.readthedocs.io) 128. future-house/paper-qa โญ 7,737 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) 129. thudm/GLM-130B โญ 7,680 GLM-130B: An Open Bilingual Pre-Trained Model (ICLR 2023) 130. sweepai/sweep โญ 7,592 Sweep: AI coding assistant for JetBrains ๐Ÿ”— [sweep.dev](https://sweep.dev) 131. topoteretes/cognee โญ 7,556 Memory for AI Agents in 6 lines of code ๐Ÿ”— [docs.cognee.ai](https://docs.cognee.ai) 132. openlm-research/open_llama โญ 7,520 OpenLLaMA: An Open Reproduction of LLaMA 133. bigcode-project/starcoder โญ 7,459 Home of StarCoder: fine-tuning & inference! 134. weaviate/Verba โญ 7,363 Retrieval Augmented Generation (RAG) chatbot powered by Weaviate 135. eleutherai/gpt-neox โญ 7,307 An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries ๐Ÿ”— [www.eleuther.ai](https://www.eleuther.ai/) 136. bytedance/Dolphin โญ 7,291 A novel multimodal document image parsing model following an analyze-then-parse paradigm 137. bhaskatripathi/pdfGPT โญ 7,148 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) 138. internlm/InternLM โญ 7,063 Official release of InternLM series (InternLM, InternLM2, InternLM2.5, InternLM3). ๐Ÿ”— [internlm.readthedocs.io](https://internlm.readthedocs.io/) 139. mit-han-lab/streaming-llm โญ 7,055 [ICLR 2024] Efficient Streaming Language Models with Attention Sinks ๐Ÿ”— [arxiv.org/abs/2309.17453](https://arxiv.org/abs/2309.17453) 140. apple/corenet โญ 7,016 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. 141. geeeekexplorer/nano-vllm โญ 6,958 A lightweight vLLM implementation built from scratch. 142. apple/ml-fastvlm โญ 6,716 FastVLM: Efficient Vision Encoding for Vision Language Models 143. langchain-ai/opengpts โญ 6,714 An open source effort to create a similar experience to OpenAI's GPTs and Assistants API. 144. nirdiamant/Prompt_Engineering โญ 6,600 A comprehensive collection of tutorials and implementations for Prompt Engineering techniques, ranging from fundamental concepts to advanced strategies. 145. run-llama/rags โญ 6,511 RAGs is a Streamlit app that lets you create a RAG pipeline from a data source using natural language. 146. minedojo/Voyager โญ 6,392 An Open-Ended Embodied Agent with Large Language Models ๐Ÿ”— [voyager.minedojo.org](https://voyager.minedojo.org/) 147. nat/openplayground โญ 6,358 An LLM playground you can run on your laptop 148. arcee-ai/mergekit โญ 6,338 Tools for merging pretrained large language models. 149. qwenlm/Qwen-VL โญ 6,275 The official repo of Qwen-VL (้€šไน‰ๅƒ้—ฎ-VL) chat & pretrained large vision language model proposed by Alibaba Cloud. 150. lyogavin/airllm โญ 6,257 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. 151. boundaryml/baml โญ 6,217 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) 152. open-compass/opencompass โญ 6,125 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/) 153. pytorch-labs/gpt-fast โญ 6,111 Simple and efficient pytorch-native transformer text generation in <1000 LOC of python. 154. langchain-ai/chat-langchain โญ 6,103 Locally hosted chatbot specifically focused on question answering over the LangChain documentation ๐Ÿ”— [chat.langchain.com](https://chat.langchain.com) 155. 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. 156. lmcache/LMCache โญ 6,063 LMCache is an LLM serving engine extension to reduce TTFT and increase throughput, especially under long-context scenarios ๐Ÿ”— [lmcache.ai](https://lmcache.ai/) 157. yuliang-liu/MonkeyOCR โญ 6,016 A lightweight LMM-based Document Parsing Model with a Structure-Recognition-Relation Triplet Paradigm 158. allenai/OLMo โญ 6,016 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) 159. guardrails-ai/guardrails โญ 5,739 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) 160. linkedin/Liger-Kernel โญ 5,712 Efficient Triton Kernels for LLM Training ๐Ÿ”— [openreview.net/pdf?id=36sjait42g](https://openreview.net/pdf?id=36SjAIT42G) 161. microsoft/promptbase โญ 5,685 promptbase is an evolving collection of resources, best practices, and example scripts for eliciting the best performance from foundation models. 162. microsoft/LLMLingua โญ 5,462 [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/) 163. openbmb/ToolBench โญ 5,264 [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/) 164. dsdanielpark/Bard-API โญ 5,241 The unofficial python package that returns response of Google Bard through cookie value. ๐Ÿ”— [pypi.org/project/bardapi](https://pypi.org/project/bardapi/) 165. nvidia/Guardrails โญ 5,112 NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems. 166. katanaml/sparrow โญ 5,004 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) 167. 1rgs/jsonformer โญ 4,831 A Bulletproof Way to Generate Structured JSON from Language Models 168. togethercomputer/RedPajama-Data โญ 4,825 The RedPajama-Data repository contains code for preparing large datasets for training large language models. 169. agiresearch/AIOS โญ 4,687 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) 170. h2oai/h2o-llmstudio โญ 4,652 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) 171. kyegomez/tree-of-thoughts โญ 4,540 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) 172. gibsonai/Memori โญ 4,492 Memori enables any LLM to remember conversations, learn from interactions, and maintain context across sessions ๐Ÿ”— [memorilabs.ai](https://memorilabs.ai) 173. yizhongw/self-instruct โญ 4,486 Aligning pretrained language models with instruction data generated by themselves. 174. microsoft/BioGPT โญ 4,460 Implementation of BioGPT: Generative Pre-trained Transformer for Biomedical Text Generation and Mining 175. turboderp/exllamav2 โญ 4,334 A fast inference library for running LLMs locally on modern consumer-class GPUs 176. ragapp/ragapp โญ 4,334 The easiest way to use Agentic RAG in any enterprise 177. marker-inc-korea/AutoRAG โญ 4,333 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/) 178. instruction-tuning-with-gpt-4/GPT-4-LLM โญ 4,331 Instruction Tuning with GPT-4 ๐Ÿ”— [instruction-tuning-with-gpt-4.github.io](https://instruction-tuning-with-gpt-4.github.io/) 179. lm-sys/RouteLLM โญ 4,307 A framework for serving and evaluating LLM routers - save LLM costs without compromising quality 180. vllm-project/aibrix โญ 4,277 AIBrix delivers a cloud-native solution optimized for deploying, managing, and scaling large language model (LLM) inference, tailored specifically to enterprise needs. 181. truefoundry/cognita โญ 4,259 RAG (Retrieval Augmented Generation) Framework for building modular, open source applications for production by TrueFoundry ๐Ÿ”— [cognita.truefoundry.com](https://cognita.truefoundry.com) 182. llm-attacks/llm-attacks โญ 4,238 This is the official repository for "Universal and Transferable Adversarial Attacks on Aligned Language Models" ๐Ÿ”— [llm-attacks.org](https://llm-attacks.org/) 183. kiln-ai/Kiln โญ 4,218 The easiest tool for fine-tuning LLM models, synthetic data generation, and collaborating on datasets. ๐Ÿ”— [kiln.tech](https://kiln.tech) 184. mshumer/gpt-llm-trainer โญ 4,154 Input a description of your task, and the system will generate a dataset, parse it, and fine-tune a LLaMA 2 model for you 185. microsoft/LMOps โญ 4,144 General technology for enabling AI capabilities w/ LLMs and MLLMs ๐Ÿ”— [aka.ms/generalai](https://aka.ms/GeneralAI) 186. neo4j-labs/llm-graph-builder โญ 4,132 Transform unstructured data into a structured Knowledge Graph stored in Neo4j with LLMs ๐Ÿ”— [llm-graph-builder.neo4jlabs.com](https://llm-graph-builder.neo4jlabs.com/) 187. openai/simple-evals โญ 4,090 Lightweight library for evaluating language models 188. eth-sri/lmql โญ 4,060 A language for constraint-guided and efficient LLM programming. ๐Ÿ”— [lmql.ai](https://lmql.ai) 189. huggingface/text-embeddings-inference โญ 4,056 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) 190. openai/harmony โญ 4,011 Renderer for the harmony response format to be used with gpt-oss 191. deep-agent/R1-V โญ 3,948 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. 192. defog-ai/sqlcoder โญ 3,904 SoTA LLM for converting natural language questions to SQL queries 193. flashinfer-ai/flashinfer โญ 3,843 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) 194. ravenscroftj/turbopilot โญ 3,813 Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU 195. meta-llama/PurpleLlama โญ 3,807 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. 196. sylphai-inc/AdalFlow โญ 3,787 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/) 197. mmabrouk/llm-workflow-engine โญ 3,709 Power CLI and Workflow manager for LLMs (core package) 198. hiyouga/EasyR1 โญ 3,705 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) 199. bclavie/RAGatouille โญ 3,690 Bridging the gap between state-of-the-art research and alchemical RAG pipeline practices. 200. lightning-ai/LitServe โญ 3,579 The easiest way to deploy agents, MCP servers, models, RAG, pipelines and more. No MLOps. No YAML. ๐Ÿ”— [lightning.ai/litserve](https://lightning.ai/litserve) 201. next-gpt/NExT-GPT โญ 3,566 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/) 202. minimaxir/simpleaichat โญ 3,521 Python package for easily interfacing with chat apps, with robust features and minimal code complexity. 203. iryna-kondr/scikit-llm โญ 3,481 Seamlessly integrate LLMs into scikit-learn. ๐Ÿ”— [beastbyte.ai](https://beastbyte.ai/) 204. predibase/lorax โญ 3,445 Multi-LoRA inference server that scales to 1000s of fine-tuned LLMs ๐Ÿ”— [loraexchange.ai](https://loraexchange.ai) 205. jaymody/picoGPT โญ 3,412 An unnecessarily tiny implementation of GPT-2 in NumPy. 206. minimaxir/gpt-2-simple โญ 3,406 Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts 207. verazuo/jailbreak_llms โญ 3,369 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/) 208. novasky-ai/SkyThought โญ 3,337 Sky-T1: Train your own O1 preview model within $450 ๐Ÿ”— [novasky-ai.github.io](https://novasky-ai.github.io/) 209. deep-diver/LLM-As-Chatbot โญ 3,337 LLM as a Chatbot Service 210. huggingface/smollm โญ 3,294 Everything about the SmolLM and SmolVLM family of models ๐Ÿ”— [huggingface.co/huggingfacetb](https://huggingface.co/HuggingFaceTB) 211. mit-han-lab/llm-awq โญ 3,283 AWQ: Activation-aware Weight Quantization for LLM Compression and Acceleration 212. pytorch/executorch โญ 3,277 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/) 213. luodian/Otter โญ 3,270 ๐Ÿฆฆ 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/) 214. agenta-ai/agenta โญ 3,217 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) 215. evolvinglmms-lab/lmms-eval โญ 3,134 One-for-All Multimodal Evaluation Toolkit Across Text, Image, Video, and Audio Tasks ๐Ÿ”— [www.lmms-lab.com](https://www.lmms-lab.com) 216. cohere-ai/cohere-toolkit โญ 3,117 Cohere Toolkit is a collection of prebuilt components enabling users to quickly build and deploy RAG applications. 217. microsoft/torchscale โญ 3,117 Foundation Architecture for (M)LLMs ๐Ÿ”— [aka.ms/generalai](https://aka.ms/GeneralAI) 218. mistralai/mistral-finetune โญ 3,028 A light-weight codebase that enables memory-efficient and performant finetuning of Mistral's models. It is based on LoRA. 219. ruc-nlpir/FlashRAG โญ 3,021 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) 220. li-plus/chatglm.cpp โญ 2,975 C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & GLM4(V) 221. baichuan-inc/Baichuan-13B โญ 2,962 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) 222. freedomintelligence/LLMZoo โญ 2,940 โšกLLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.โšก 223. hegelai/prompttools โญ 2,937 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) 224. argilla-io/distilabel โญ 2,896 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) 225. noahshinn/reflexion โญ 2,880 [NeurIPS 2023] Reflexion: Language Agents with Verbal Reinforcement Learning 226. deepseek-ai/DualPipe โญ 2,865 DualPipe is an innovative bidirectional pipeline parallelism algorithm introduced in the DeepSeek-V3 Technical Report. 227. truera/trulens โญ 2,815 Evaluation and Tracking for LLM Experiments and AI Agents ๐Ÿ”— [www.trulens.org](https://www.trulens.org/) 228. juncongmoo/pyllama โญ 2,800 LLaMA: Open and Efficient Foundation Language Models 229. alpha-vllm/LLaMA2-Accessory โญ 2,787 An Open-source Toolkit for LLM Development ๐Ÿ”— [llama2-accessory.readthedocs.io](https://llama2-accessory.readthedocs.io/) 230. janhq/cortex.cpp โญ 2,760 Cortex is a Local AI API Platform that is used to run and customize LLMs. ๐Ÿ”— [cortex.so](https://cortex.so) 231. paperswithcode/galai โญ 2,738 Model API for GALACTICA 232. vectifyai/PageIndex โญ 2,651 A document indexing system that builds search tree structures from long documents, making them ready for reasoning-based RAG ๐Ÿ”— [pageindex.ai](https://pageindex.ai) 233. roboflow/maestro โญ 2,632 streamline the fine-tuning process for multimodal models: PaliGemma 2, Florence-2, and Qwen2.5-VL ๐Ÿ”— [maestro.roboflow.com](https://maestro.roboflow.com) 234. databricks/dbrx โญ 2,568 Code examples and resources for DBRX, a large language model developed by Databricks ๐Ÿ”— [www.databricks.com](https://www.databricks.com/) 235. googleapis/python-genai โญ 2,561 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/) 236. ofa-sys/OFA โญ 2,536 Official repository of OFA (ICML 2022). Paper: OFA: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework 237. langwatch/langwatch โญ 2,531 LangWatch is an open platform for Observing, Evaluating and Optimizing your LLM and Agentic applications. ๐Ÿ”— [langwatch.ai](https://langwatch.ai) 238. intel/neural-compressor โญ 2,503 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/) 239. young-geng/EasyLM โญ 2,495 Large language models (LLMs) made easy, EasyLM is a one stop solution for pre-training, finetuning, evaluating and serving LLMs in JAX/Flax. 240. spcl/graph-of-thoughts โญ 2,487 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) 241. azure-samples/graphrag-accelerator โญ 2,385 One-click deploy of a Knowledge Graph powered RAG (GraphRAG) in Azure ๐Ÿ”— [github.com/microsoft/graphrag](https://github.com/microsoft/graphrag) 242. civitai/sd_civitai_extension โญ 2,382 All of the Civitai models inside Automatic 1111 Stable Diffusion Web UI 243. uptrain-ai/uptrain โญ 2,323 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/) 244. facebookresearch/large_concept_model โญ 2,290 Large Concept Models: Language modeling in a sentence representation space 245. casper-hansen/AutoAWQ โญ 2,251 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/) 246. huggingface/nanotron โญ 2,244 Minimalistic large language model 3D-parallelism training 247. openai/finetune-transformer-lm โญ 2,244 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) 248. illuin-tech/colpali โญ 2,234 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) 249. akariasai/self-rag โญ 2,204 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/) 250. ist-daslab/gptq โญ 2,192 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) 251. microsoft/Megatron-DeepSpeed โญ 2,166 Ongoing research training transformer language models at scale, including: BERT & GPT-2 252. protectai/llm-guard โญ 2,117 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. tairov/llama2.mojo โญ 2,117 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) 254. epfllm/meditron โญ 2,092 Meditron is a suite of open-source medical Large Language Models (LLMs). ๐Ÿ”— [huggingface.co/epfl-llm](https://huggingface.co/epfl-llm) 255. openai/image-gpt โญ 2,068 Archived. Code and models from the paper "Generative Pretraining from Pixels" 256. facebookresearch/chameleon โญ 2,055 Repository for Meta Chameleon, a mixed-modal early-fusion foundation model from FAIR. ๐Ÿ”— [arxiv.org/abs/2405.09818](https://arxiv.org/abs/2405.09818) 257. lucidrains/toolformer-pytorch โญ 2,049 Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI 258. vllm-project/llm-compressor โญ 2,040 Transformers-compatible library for applying various compression algorithms to LLMs for optimized deployment with vLLM ๐Ÿ”— [docs.vllm.ai/projects/llm-compressor](https://docs.vllm.ai/projects/llm-compressor) 259. neulab/prompt2model โญ 2,006 A system that takes a natural language task description to train a small special-purpose model that is conducive for deployment. 260. openai/gpt-2-output-dataset โญ 1,995 Dataset of GPT-2 outputs for research in detection, biases, and more 261. huggingface/lighteval โญ 1,982 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) 262. google-gemini/genai-processors โญ 1,973 GenAI Processors is a lightweight Python library that enables efficient, parallel content processing. 263. noamgat/lm-format-enforcer โญ 1,933 Enforce the output format (JSON Schema, Regex etc) of a language model 264. ai-hypercomputer/maxtext โญ 1,919 MaxText is a high performance, highly scalable, open-source LLM written in pure Python/Jax and targeting Google Cloud TPUs and GPUs for training and inference. ๐Ÿ”— [maxtext.readthedocs.io](https://maxtext.readthedocs.io) 265. minishlab/model2vec โญ 1,852 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) 266. huggingface/picotron โญ 1,841 Minimalist & most-hackable repository for pre-training Llama-like models with 4D Parallelism (Data, Tensor, Pipeline, Context parallel) 267. minimaxir/aitextgen โญ 1,841 A robust Python tool for text-based AI training and generation using GPT-2. ๐Ÿ”— [docs.aitextgen.io](https://docs.aitextgen.io) 268. openai/gpt-discord-bot โญ 1,834 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. 269. ray-project/llm-applications โญ 1,832 A comprehensive guide to building RAG-based LLM applications for production. 270. agentops-ai/tokencost โญ 1,815 Easy token price estimates for 400+ LLMs. TokenOps. ๐Ÿ”— [agentops.ai](https://agentops.ai) 271. qwenlm/Qwen-Audio โญ 1,802 The official repo of Qwen-Audio (้€šไน‰ๅƒ้—ฎ-Audio) chat & pretrained large audio language model proposed by Alibaba Cloud. 272. jennyzzt/dgm โญ 1,680 Self-improving system that iteratively modifies its own code and empirically validates each change 273. jina-ai/thinkgpt โญ 1,583 Agent techniques to augment your LLM and push it beyong its limits 274. meetkai/functionary โญ 1,582 Chat language model that can use tools and interpret the results 275. answerdotai/rerankers โญ 1,546 Welcome to rerankers! Our goal is to provide users with a simple API to use any reranking models. 276. run-llama/llama-lab โญ 1,506 Llama Lab is a repo dedicated to building cutting-edge projects using LlamaIndex 277. chatarena/chatarena โญ 1,503 ChatArena (or Chat Arena) is a Multi-Agent Language Game Environments for LLMs. The goal is to develop communication and collaboration capabilities of AIs. 278. 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. 279. farizrahman4u/loopgpt โญ 1,457 Re-implementation of Auto-GPT as a python package, written with modularity and extensibility in mind. 280. nirdiamant/Controllable-RAG-Agent โญ 1,445 An advanced Retrieval-Augmented Generation (RAG) solution designed to tackle complex questions that simple semantic similarity-based retrieval cannot solve 281. karpathy/nano-llama31 โญ 1,429 This repo is to Llama 3.1 what nanoGPT is to GPT-2. i.e. it is a minimal, dependency-free implementation of the Llama 3.1 architecture 282. bigscience-workshop/Megatron-DeepSpeed โญ 1,419 Ongoing research training transformer language models at scale, including: BERT & GPT-2 283. explosion/spacy-transformers โญ 1,395 ๐Ÿ›ธ Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy ๐Ÿ”— [spacy.io/usage/embeddings-transformers](https://spacy.io/usage/embeddings-transformers) 284. facebookresearch/MobileLLM โญ 1,372 Training code of MobileLLM introduced in our work: "MobileLLM: Optimizing Sub-billion Parameter Language Models for On-Device Use Cases" 285. mlfoundations/dclm โญ 1,369 DataComp for Language Models 286. protectai/rebuff โญ 1,356 Rebuff is designed to protect AI applications from prompt injection (PI) attacks through a multi-layered defense ๐Ÿ”— [playground.rebuff.ai](https://playground.rebuff.ai) 287. explosion/spacy-llm โญ 1,318 ๐Ÿฆ™ Integrating LLMs into structured NLP pipelines ๐Ÿ”— [spacy.io/usage/large-language-models](https://spacy.io/usage/large-language-models) 288. keirp/automatic_prompt_engineer โญ 1,316 Large Language Models Are Human-Level Prompt Engineers 289. mlc-ai/xgrammar โญ 1,288 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) 290. hao-ai-lab/LookaheadDecoding โญ 1,281 Break the Sequential Dependency of LLM Inference Using Lookahead Decoding ๐Ÿ”— [arxiv.org/abs/2402.02057](https://arxiv.org/abs/2402.02057) 291. deepseek-ai/EPLB โญ 1,273 Expert Parallelism Load Balancer across GPUs 292. ray-project/ray-llm โญ 1,262 RayLLM - LLMs on Ray (Archived). Read README for more info. ๐Ÿ”— [docs.ray.io/en/latest](https://docs.ray.io/en/latest/) 293. srush/MiniChain โญ 1,234 A tiny library for coding with large language models. ๐Ÿ”— [srush-minichain.hf.space](https://srush-minichain.hf.space/) 294. run-llama/semtools โญ 1,201 Semantic search and document parsing tools for the command line 295. sumandora/remove-refusals-with-transformers โญ 1,165 A proof-of-concept implementation to remove refusals from an LLM model without using TransformerLens 296. ibm/Dromedary โญ 1,143 Dromedary: towards helpful, ethical and reliable LLMs. 297. 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) 298. centerforaisafety/hle โญ 1,114 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) 299. leochlon/hallbayes โญ 1,113 Hallucination Risk Calculator & Prompt Re-engineering Toolkit (OpenAI-only) 300. nousresearch/Hermes-Function-Calling โญ 1,089 Code for the Hermes Pro Large Language Model to perform function calling based on the provided schema. It allows users to query the model and retrieve information related to stock prices, company fundamentals, financial statements 301. rlancemartin/auto-evaluator โญ 1,088 Evaluation tool for LLM QA chains ๐Ÿ”— [autoevaluator.langchain.com](https://autoevaluator.langchain.com/) 302. cerebras/modelzoo โญ 1,077 Examples of common deep learning models that can be trained on Cerebras hardware 303. datadreamer-dev/DataDreamer โญ 1,062 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) 304. ctlllll/LLM-ToolMaker โญ 1,042 Large Language Models as Tool Makers 305. microsoft/Llama-2-Onnx โญ 1,026 A Microsoft optimized version of the Llama 2 model, available from Meta 306. pinecone-io/canopy โญ 1,022 Retrieval Augmented Generation (RAG) framework and context engine powered by Pinecone ๐Ÿ”— [www.pinecone.io](https://www.pinecone.io/) 307. nomic-ai/pygpt4all โญ 1,016 Official supported Python bindings for llama.cpp + gpt4all ๐Ÿ”— [nomic-ai.github.io/pygpt4all](https://nomic-ai.github.io/pygpt4all/) 308. huggingface/optimum-nvidia โญ 1,004 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) 309. wandb/weave โญ 998 Weave is a toolkit for developing AI-powered applications, built by Weights & Biases. ๐Ÿ”— [wandb.me/weave](https://wandb.me/weave) 310. prometheus-eval/prometheus-eval โญ 996 Evaluate your LLM's response with Prometheus and GPT4 ๐Ÿ’ฏ 311. ajndkr/lanarky โญ 994 The web framework for building LLM microservices [deprecated] ๐Ÿ”— [lanarky.ajndkr.com](https://lanarky.ajndkr.com/) 312. likejazz/llama3.np โญ 990 llama3.np is a pure NumPy implementation for Llama 3 model. 313. utkusen/promptmap โญ 986 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. 314. langchain-ai/langsmith-cookbook โญ 967 LangSmith is a platform for building production-grade LLM applications. ๐Ÿ”— [langsmith-cookbook.vercel.app](https://langsmith-cookbook.vercel.app) 315. cagostino/npcpy โญ 965 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. 316. soulter/hugging-chat-api โญ 928 HuggingChat Python API๐Ÿค— 317. muennighoff/sgpt โญ 873 SGPT: GPT Sentence Embeddings for Semantic Search ๐Ÿ”— [arxiv.org/abs/2202.08904](https://arxiv.org/abs/2202.08904) 318. opengvlab/OmniQuant โญ 853 [ICLR2024 spotlight] OmniQuant is a simple and powerful quantization technique for LLMs. 319. oliveirabruno01/babyagi-asi โญ 800 BabyAGI: an Autonomous and Self-Improving agent, or BASI 320. thinking-machines-lab/batch_invariant_ops โญ 798 Defeating Nondeterminism in LLM Inference: fixing floating-point non-associativity 321. junruxiong/IncarnaMind โญ 795 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) 322. cyberark/FuzzyAI โญ 776 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. 323. tag-research/TAG-Bench โญ 757 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) 324. opengenerativeai/GenossGPT โญ 750 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/) 325. developersdigest/llm-api-engine โญ 732 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) 326. salesforce/xgen โญ 721 Salesforce open-source LLMs with 8k sequence length. 327. bytedtsinghua-sia/MemAgent โญ 703 A MemAgent framework that can be extrapolated to 3.5M, along with a training framework for RL training of any agent workflow. 328. squeezeailab/SqueezeLLM โญ 702 [ICML 2024] SqueezeLLM: Dense-and-Sparse Quantization ๐Ÿ”— [arxiv.org/abs/2306.07629](https://arxiv.org/abs/2306.07629) 329. lupantech/ScienceQA โญ 691 Data and code for NeurIPS 2022 Paper "Learn to Explain: Multimodal Reasoning via Thought Chains for Science Question Answering". 330. magnivorg/prompt-layer-library โญ 672 ๐Ÿฐ PromptLayer - Maintain a log of your prompts and OpenAI API requests. Track, debug, and replay old completions. ๐Ÿ”— [www.promptlayer.com](https://www.promptlayer.com) 331. tsinghuadatabasegroup/DB-GPT โญ 666 LLM As Database Administrator ๐Ÿ”— [dbgpt.dbmind.cn](http://dbgpt.dbmind.cn/) 332. microsoft/VPTQ โญ 657 Extreme Low-bit Vector Post-Training Quantization for Large Language Models 333. langchain-ai/langsmith-sdk โญ 651 LangSmith Client SDK Implementations ๐Ÿ”— [docs.smith.langchain.com](https://docs.smith.langchain.com/) 334. metauto-ai/agent-as-a-judge โญ 640 โš–๏ธ The First Coding Agent-as-a-Judge ๐Ÿ”— [arxiv.org/pdf/2410.10934](https://arxiv.org/pdf/2410.10934) 335. facebookresearch/cwm โญ 627 Code World Model (CWM) is a 32-billion-parameter open-weights LLM, to advance research on code generation with world models. 336. modal-labs/llm-finetuning โญ 623 Guide for fine-tuning Llama/Mistral/CodeLlama models and more 337. judahpaul16/gpt-home โญ 611 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) 338. zhudotexe/kani โญ 590 kani (ใ‚ซใƒ‹) is a highly hackable microframework for tool-calling language models. (NLP-OSS @ EMNLP 2023) ๐Ÿ”— [kani.readthedocs.io](https://kani.readthedocs.io) 339. qixucen/atom โญ 588 Atom of Thoughts (AoT) is a new reasoning framework that represents the solution as a composition of atomic questions. This approach transforms the reasoning process into a Markov process with atomic states 340. huggingface/text-clustering โญ 578 Easily embed, cluster and semantically label text datasets 341. predibase/llm_distillation_playbook โญ 576 Best practices for distilling large language models. 342. eugeneyan/obsidian-copilot โญ 554 ๐Ÿค– A prototype assistant for writing and thinking ๐Ÿ”— [eugeneyan.com/writing/obsidian-copilot](https://eugeneyan.com/writing/obsidian-copilot/) 343. declare-lab/instruct-eval โญ 548 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/) 344. likenneth/honest_llama โญ 548 Inference-Time Intervention: Eliciting Truthful Answers from a Language Model 345. vahe1994/SpQR โญ 546 Quantization algorithm and the model evaluation code for SpQR method for LLM compression 346. hazyresearch/ama_prompting โญ 546 Ask Me Anything language model prompting 347. deepseek-ai/DeepSeek-Prover-V1.5 โญ 539 DeepSeek-Prover-V1.5: Harnessing Proof Assistant Feedback for Reinforcement Learning and Monte-Carlo Tree Search 348. kbressem/medAlpaca โญ 539 LLM finetuned for medical question answering 349. continuum-llms/chatgpt-memory โญ 532 Allows to scale the ChatGPT API to multiple simultaneous sessions with infinite contextual and adaptive memory powered by GPT and Redis datastore. 350. hazyresearch/H3 โญ 517 Language Modeling with the H3 State Space Model 351. reasoning-machines/pal โญ 511 PaL: Program-Aided Language Models (ICML 2023) ๐Ÿ”— [reasonwithpal.com](https://reasonwithpal.com) 352. alphasecio/langchain-examples โญ 504 A collection of apps powered by the LangChain LLM framework. ๐Ÿ”— [go.alphasec.io/langchain-examples](https://go.alphasec.io/langchain-examples) 353. krlabsorg/LettuceDetect โญ 503 LettuceDetect is a lightweight and efficient tool for detecting hallucinations in Retrieval-Augmented Generation (RAG) systems. It identifies unsupported parts of an answer by comparing it to the provided context. ๐Ÿ”— [krlabs.eu/lettucedetect](http://krlabs.eu/LettuceDetect/) 354. codelion/adaptive-classifier โญ 465 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. 355. quotient-ai/judges โญ 288 judges is a small library to use and create LLM-as-a-Judge evaluators. The purpose of judges is to have a curated set of LLM evaluators in a low-friction format across a variety of use cases 356. stanford-oval/suql โญ 286 SUQL: Conversational Search over Structured and Unstructured Data with LLMs ๐Ÿ”— [arxiv.org/abs/2311.09818](https://arxiv.org/abs/2311.09818) 357. emissary-tech/legit-rag โญ 266 A modular Retrieval-Augmented Generation (RAG) system built with FastAPI, Qdrant, and OpenAI. 358. xaviviro/python-toon โญ 262 A compact data format optimized for transmitting structured information to Large Language Models (LLMs) with 30-60% fewer tokens than JSON. 359. dottxt-ai/outlines-core โญ 252 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) 360. jina-ai/llm-query-expansion โญ 57 Query Expension for Better Query Embedding using LLMs ## Math and Science Mathematical, numerical and scientific libraries. 1. numpy/numpy โญ 30,498 The fundamental package for scientific computing with Python. ๐Ÿ”— [numpy.org](https://numpy.org) 2. camdavidsonpilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers โญ 28,094 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,578 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,414 This is a reference to ease developers into mathematical notation by showing comparisons with Python code 5. scipy/scipy โญ 14,059 SciPy library main repository ๐Ÿ”— [scipy.org](https://scipy.org) 6. sympy/sympy โญ 13,967 A computer algebra system written in pure Python ๐Ÿ”— [sympy.org](https://sympy.org/) 7. google/or-tools โญ 12,550 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,409 Z3 is a theorem prover from Microsoft Research with a Python language binding. 9. cupy/cupy โญ 10,528 NumPy & SciPy for GPU ๐Ÿ”— [cupy.dev](https://cupy.dev) 10. google-deepmind/alphageometry โญ 4,655 Solving Olympiad Geometry without Human Demonstrations 11. pim-book/programmers-introduction-to-mathematics โญ 3,618 Code for A Programmer's Introduction to Mathematics ๐Ÿ”— [pimbook.org](https://pimbook.org) 12. mikedh/trimesh โญ 3,357 Python library for loading and using triangular meshes. ๐Ÿ”— [trimesh.org](https://trimesh.org) 13. talalalrawajfeh/mathematics-roadmap โญ 3,194 A Comprehensive Roadmap to Mathematics 14. pyro-ppl/numpyro โญ 2,535 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,377 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,291 An object-oriented algebraic modeling language in Python for structured optimization problems. ๐Ÿ”— [www.pyomo.org](https://www.pyomo.org) 17. facebookresearch/theseus โญ 1,946 A library for differentiable nonlinear optimization 18. arviz-devs/arviz โญ 1,733 Exploratory analysis of Bayesian models with Python ๐Ÿ”— [python.arviz.org](https://python.arviz.org) 19. google-research/torchsde โญ 1,673 Differentiable SDE solvers with GPU support and efficient sensitivity analysis. 20. dynamicslab/pysindy โญ 1,669 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,408 Computations and statistics on manifolds with geometric structures. ๐Ÿ”— [geomstats.ai](http://geomstats.ai) 22. cma-es/pycma โญ 1,227 pycma is a Python implementation of CMA-ES and a few related numerical optimization tools. 23. pymc-labs/CausalPy โญ 1,042 A Python package for causal inference in quasi-experimental settings ๐Ÿ”— [causalpy.readthedocs.io](https://causalpy.readthedocs.io) 24. lean-dojo/LeanDojo โญ 708 Tool for data extraction and interacting with Lean programmatically. ๐Ÿ”— [leandojo.org/leandojo.html](https://leandojo.org/leandojo.html) 25. brandondube/prysm โญ 310 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 โญ 297 Retrieval-Augmented Theorem Provers for Lean ๐Ÿ”— [leandojo.org/leandojo.html](https://leandojo.org/leandojo.html) 27. albahnsen/pycircular โญ 105 pycircular is a Python module for circular data analysis 28. gbillotey/Fractalshades โญ 35 Arbitrary-precision fractal explorer - Python package ## Machine Learning - General General and classical machine learning libraries. See below for other sections covering specialised ML areas. 1. openai/openai-cookbook โญ 68,240 Examples and guides for using the OpenAI API ๐Ÿ”— [cookbook.openai.com](https://cookbook.openai.com) 2. scikit-learn/scikit-learn โญ 63,559 scikit-learn: machine learning in Python ๐Ÿ”— [scikit-learn.org](https://scikit-learn.org) 3. suno-ai/bark โญ 38,553 ๐Ÿ”Š Text-Prompted Generative Audio Model 4. facebookresearch/faiss โญ 37,374 A library for efficient similarity search and clustering of dense vectors. ๐Ÿ”— [faiss.ai](https://faiss.ai) 5. tencentarc/GFPGAN โญ 37,110 GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration. 6. google-research/google-research โญ 36,458 This repository contains code released by Google Research ๐Ÿ”— [research.google](https://research.google) 7. roboflow/supervision โญ 35,474 We write your reusable computer vision tools. ๐Ÿ’œ ๐Ÿ”— [supervision.roboflow.com](https://supervision.roboflow.com) 8. google/jax โญ 33,610 Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more ๐Ÿ”— [docs.jax.dev](https://docs.jax.dev) 9. open-mmlab/mmdetection โญ 31,754 OpenMMLab Detection Toolbox and Benchmark ๐Ÿ”— [mmdetection.readthedocs.io](https://mmdetection.readthedocs.io) 10. google/mediapipe โญ 31,515 Cross-platform, customizable ML solutions for live and streaming media. ๐Ÿ”— [ai.google.dev/edge/mediapipe](https://ai.google.dev/edge/mediapipe) 11. lutzroeder/netron โญ 31,500 Visualizer for neural network, deep learning and machine learning models ๐Ÿ”— [netron.app](https://netron.app) 12. ageron/handson-ml2 โญ 29,433 A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2. 13. dmlc/xgboost โญ 27,448 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/) 14. facebookresearch/fastText โญ 26,366 A library for efficient learning of word representations and sentence classification. ๐Ÿ”— [fasttext.cc](https://fasttext.cc/) 15. modular/modular โญ 24,922 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,951 Latex code for making neural networks diagrams 17. ml-explore/mlx โญ 22,394 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/) 18. jina-ai/serve โญ 21,753 โ˜๏ธ Build multimodal AI applications with cloud-native stack ๐Ÿ”— [jina.ai/serve](https://jina.ai/serve) 19. onnx/onnx โญ 19,670 Open standard for machine learning interoperability ๐Ÿ”— [onnx.ai](https://onnx.ai/) 20. huggingface/candle โญ 18,237 Candle is a minimalist ML framework for Rust with a focus on performance (including GPU support) and ease of use. 21. microsoft/onnxruntime โญ 17,997 ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator ๐Ÿ”— [onnxruntime.ai](https://onnxruntime.ai) 22. microsoft/LightGBM โญ 17,707 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/) 23. tensorflow/tensor2tensor โญ 16,527 Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research. 24. ddbourgin/numpy-ml โญ 16,154 Machine learning, in numpy ๐Ÿ”— [numpy-ml.readthedocs.io](https://numpy-ml.readthedocs.io/) 25. google-gemini/cookbook โญ 15,056 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) 26. aleju/imgaug โญ 14,678 Image augmentation for machine learning experiments. ๐Ÿ”— [imgaug.readthedocs.io](http://imgaug.readthedocs.io) 27. neonbjb/tortoise-tts โญ 14,622 A multi-voice TTS system trained with an emphasis on quality 28. deepmind/deepmind-research โญ 14,349 This repository contains implementations and illustrative code to accompany DeepMind publications 29. microsoft/nni โญ 14,278 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) 30. jindongwang/transferlearning โญ 14,096 Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-่ฟ็งปๅญฆไน  ๐Ÿ”— [transferlearning.xyz](http://transferlearning.xyz/) 31. spotify/annoy โญ 13,975 Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk 32. deepmind/alphafold โญ 13,860 Implementation of the inference pipeline of AlphaFold v2 33. ggerganov/ggml โญ 13,228 Tensor library for machine learning 34. optuna/optuna โญ 12,783 A hyperparameter optimization framework ๐Ÿ”— [optuna.org](https://optuna.org) 35. facebookresearch/AnimatedDrawings โญ 12,692 Code to accompany "A Method for Animating Children's Drawings of the Human Figure" 36. thudm/CogVideo โญ 11,973 text and image to video generation: CogVideoX (2024) and CogVideo (ICLR 2023) 37. statsmodels/statsmodels โญ 10,984 Statsmodels: statistical modeling and econometrics in Python ๐Ÿ”— [www.statsmodels.org/devel](http://www.statsmodels.org/devel/) 38. cleanlab/cleanlab โญ 10,937 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. wandb/wandb โญ 10,376 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) 40. twitter/the-algorithm-ml โญ 10,367 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) 41. megvii-basedetection/YOLOX โญ 10,107 YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/ 42. epistasislab/tpot โญ 9,996 A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming. ๐Ÿ”— [epistasislab.github.io/tpot](http://epistasislab.github.io/tpot/) 43. facebookresearch/xformers โญ 9,975 Hackable and optimized Transformers building blocks, supporting a composable construction. ๐Ÿ”— [facebookresearch.github.io/xformers](https://facebookresearch.github.io/xformers/) 44. pycaret/pycaret โญ 9,535 An open-source, low-code machine learning library in Python ๐Ÿ”— [www.pycaret.org](https://www.pycaret.org) 45. awslabs/autogluon โญ 9,460 Fast and Accurate ML in 3 Lines of Code ๐Ÿ”— [auto.gluon.ai](https://auto.gluon.ai/) 46. pymc-devs/pymc โญ 9,275 Bayesian Modeling and Probabilistic Programming in Python ๐Ÿ”— [www.pymc.io](https://www.pymc.io) 47. open-mmlab/mmsegmentation โญ 9,260 OpenMMLab Semantic Segmentation Toolbox and Benchmark. ๐Ÿ”— [mmsegmentation.readthedocs.io/en/main](https://mmsegmentation.readthedocs.io/en/main/) 48. huggingface/accelerate โญ 9,180 ๐Ÿš€ 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,871 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,602 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,963 Automated Machine Learning with scikit-learn ๐Ÿ”— [automl.github.io/auto-sklearn](https://automl.github.io/auto-sklearn) 52. lmcinnes/umap โญ 7,956 Uniform Manifold Approximation and Projection 53. ml-explore/mlx-examples โญ 7,897 Examples in the MLX framework 54. py-why/dowhy โญ 7,741 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,543 An open source python library for automated feature engineering ๐Ÿ”— [www.featuretools.com](https://www.featuretools.com) 56. hyperopt/hyperopt โญ 7,476 Distributed Asynchronous Hyperparameter Optimization in Python ๐Ÿ”— [hyperopt.github.io/hyperopt](http://hyperopt.github.io/hyperopt) 57. hips/autograd โญ 7,365 Efficiently computes derivatives of NumPy code. 58. open-mmlab/mmagic โญ 7,275 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,040 A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning ๐Ÿ”— [imbalanced-learn.org](https://imbalanced-learn.org) 60. yangchris11/samurai โญ 6,954 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,912 Python code for "Probabilistic Machine learning" book by Kevin Murphy 62. project-monai/MONAI โญ 6,880 AI Toolkit for Healthcare Imaging ๐Ÿ”— [monai.io](https://monai.io/) 63. nicolashug/Surprise โญ 6,681 A Python scikit for building and analyzing recommender systems ๐Ÿ”— [surpriselib.com](http://surpriselib.com) 64. google/automl โญ 6,400 Google Brain AutoML 65. cleverhans-lab/cleverhans โญ 6,366 An adversarial example library for constructing attacks, building defenses, and benchmarking both 66. google-deepmind/graphcast โญ 6,333 GraphCast: Learning skillful medium-range global weather forecasting 67. open-mmlab/mmcv โญ 6,269 OpenMMLab Computer Vision Foundation ๐Ÿ”— [mmcv.readthedocs.io/en/latest](https://mmcv.readthedocs.io/en/latest/) 68. kevinmusgrave/pytorch-metric-learning โญ 6,233 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/) 69. uber/causalml โญ 5,600 Uplift modeling and causal inference with machine learning algorithms 70. online-ml/river โญ 5,568 ๐ŸŒŠ Online machine learning in Python ๐Ÿ”— [riverml.xyz](https://riverml.xyz) 71. google-deepmind/graph_nets โญ 5,387 Graph Nets is DeepMind's library for building graph networks in Tensorflow and Sonnet. ๐Ÿ”— [arxiv.org/abs/1806.01261](https://arxiv.org/abs/1806.01261) 72. mdbloice/Augmentor โญ 5,132 Image augmentation library in Python for machine learning. ๐Ÿ”— [augmentor.readthedocs.io/en/stable](https://augmentor.readthedocs.io/en/stable) 73. rasbt/mlxtend โญ 5,073 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/) 74. skvark/opencv-python โญ 5,022 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. marqo-ai/marqo โญ 4,972 Unified embedding generation and search engine. Also available on cloud - cloud.marqo.ai ๐Ÿ”— [www.marqo.ai](https://www.marqo.ai/) 76. apple/coremltools โญ 4,967 Core ML tools contain supporting tools for Core ML model conversion, editing, and validation. ๐Ÿ”— [coremltools.readme.io](https://coremltools.readme.io) 77. nmslib/hnswlib โญ 4,924 Header-only C++/python library for fast approximate nearest neighbors ๐Ÿ”— [github.com/nmslib/hnswlib](https://github.com/nmslib/hnswlib) 78. sanchit-gandhi/whisper-jax โญ 4,633 JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU. 79. priorlabs/TabPFN โญ 4,523 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) 80. huggingface/autotrain-advanced โญ 4,498 AutoTrain Advanced: faster and easier training and deployments of state-of-the-art machine learning models ๐Ÿ”— [huggingface.co/autotrain](https://huggingface.co/autotrain) 81. nv-tlabs/GET3D โญ 4,410 Generative Model of High Quality 3D Textured Shapes Learned from Images 82. districtdatalabs/yellowbrick โญ 4,373 Visual analysis and diagnostic tools to facilitate machine learning model selection. ๐Ÿ”— [www.scikit-yb.org](http://www.scikit-yb.org/) 83. lucidrains/deep-daze โญ 4,343 Simple command line tool for text to image generation using OpenAI's CLIP and Siren (Implicit neural representation network). Technique was originally created by https://twitter.com/advadnoun 84. huggingface/notebooks โญ 4,329 Notebooks using the Hugging Face libraries ๐Ÿค— 85. py-why/EconML โญ 4,322 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/) 86. microsoft/FLAML โญ 4,221 A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP. ๐Ÿ”— [microsoft.github.io/flaml](https://microsoft.github.io/FLAML/) 87. cmusphinx/pocketsphinx โญ 4,203 A small speech recognizer 88. huggingface/speech-to-speech โญ 4,194 Speech To Speech: an effort for an open-sourced and modular GPT4-o 89. ourownstory/neural_prophet โญ 4,179 NeuralProphet: A simple forecasting package ๐Ÿ”— [neuralprophet.com](https://neuralprophet.com) 90. zjunlp/DeepKE โญ 4,134 [EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction ๐Ÿ”— [deepke.zjukg.cn](http://deepke.zjukg.cn/) 91. rucaibox/RecBole โญ 4,000 A unified, comprehensive and efficient recommendation library ๐Ÿ”— [recbole.io](https://recbole.io/) 92. cornellius-gp/gpytorch โญ 3,776 GPyTorch is a Gaussian process library implemented using PyTorch. GPyTorch is designed for creating scalable, flexible, and modular Gaussian process models with ease. 93. lightly-ai/lightly โญ 3,549 A python library for self-supervised learning on images. ๐Ÿ”— [docs.lightly.ai/self-supervised-learning](https://docs.lightly.ai/self-supervised-learning/) 94. yoheinakajima/instagraph โญ 3,535 Converts text input or URL into knowledge graph and displays 95. facebookresearch/flow_matching โญ 3,479 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) 96. huggingface/safetensors โญ 3,468 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) 97. pytorch/glow โญ 3,313 Compiler for Neural Network hardware accelerators 98. facebookresearch/vissl โญ 3,289 VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images. ๐Ÿ”— [vissl.ai](https://vissl.ai) 99. lucidrains/musiclm-pytorch โญ 3,281 Implementation of MusicLM, Google's new SOTA model for music generation using attention networks, in Pytorch 100. hrnet/HRNet-Semantic-Segmentation โญ 3,274 The OCR approach is rephrased as Segmentation Transformer: https://arxiv.org/abs/1909.11065. This is an official implementation of semantic segmentation for HRNet. https://arxiv.org/abs/1908.07919 101. shankarpandala/lazypredict โญ 3,236 Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning 102. mljar/mljar-supervised โญ 3,210 Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation ๐Ÿ”— [mljar.com](https://mljar.com) 103. huggingface/optimum โญ 3,109 ๐Ÿš€ 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/) 104. scikit-learn-contrib/hdbscan โญ 3,000 A high performance implementation of HDBSCAN clustering. ๐Ÿ”— [hdbscan.readthedocs.io/en/latest](http://hdbscan.readthedocs.io/en/latest/) 105. nvidia/cuda-python โญ 2,989 CUDA Python: Performance meets Productivity ๐Ÿ”— [nvidia.github.io/cuda-python](https://nvidia.github.io/cuda-python/) 106. neuraloperator/neuraloperator โญ 2,956 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) 107. huggingface/huggingface_hub โญ 2,955 The official Python client for the Hugging Face Hub. ๐Ÿ”— [huggingface.co/docs/huggingface_hub](https://huggingface.co/docs/huggingface_hub) 108. google-research/t5x โญ 2,889 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. 109. scikit-optimize/scikit-optimize โญ 2,795 Sequential model-based optimization with a `scipy.optimize` interface ๐Ÿ”— [scikit-optimize.github.io](https://scikit-optimize.github.io) 110. eric-mitchell/direct-preference-optimization โญ 2,744 Reference implementation for DPO (Direct Preference Optimization) 111. freedmand/semantra โญ 2,660 Semantra is a multipurpose tool for semantically searching documents. Query by meaning rather than just by matching text. 112. apple/ml-ane-transformers โญ 2,657 Reference implementation of the Transformer architecture optimized for Apple Neural Engine (ANE) 113. rom1504/clip-retrieval โญ 2,653 Easily compute clip embeddings and build a clip retrieval system with them ๐Ÿ”— [rom1504.github.io/clip-retrieval](https://rom1504.github.io/clip-retrieval/) 114. scikit-learn-contrib/category_encoders โญ 2,463 A library of sklearn compatible categorical variable encoders ๐Ÿ”— [contrib.scikit-learn.org/category_encoders](http://contrib.scikit-learn.org/category_encoders/) 115. qdrant/fastembed โญ 2,418 Fast, Accurate, Lightweight Python library to make State of the Art Embedding ๐Ÿ”— [qdrant.github.io/fastembed](https://qdrant.github.io/fastembed/) 116. huggingface/evaluate โญ 2,335 ๐Ÿค— Evaluate: A library for easily evaluating machine learning models and datasets. ๐Ÿ”— [huggingface.co/docs/evaluate](https://huggingface.co/docs/evaluate) 117. benedekrozemberczki/karateclub โญ 2,255 Karate Club is an unsupervised machine learning extension library for NetworkX. ๐Ÿ”— [karateclub.readthedocs.io](https://karateclub.readthedocs.io) 118. aws/sagemaker-python-sdk โญ 2,192 A library for training and deploying machine learning models on Amazon SageMaker ๐Ÿ”— [sagemaker.readthedocs.io](https://sagemaker.readthedocs.io/) 119. feature-engine/feature_engine โญ 2,134 Feature engineering package with sklearn like functionality ๐Ÿ”— [feature-engine.trainindata.com](https://feature-engine.trainindata.com/) 120. microsoft/Olive โญ 2,124 Olive: Simplify ML Model Finetuning, Conversion, Quantization, and Optimization for CPUs, GPUs and NPUs. ๐Ÿ”— [microsoft.github.io/olive](https://microsoft.github.io/Olive/) 121. castorini/pyserini โญ 1,946 Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations. ๐Ÿ”— [pyserini.io](http://pyserini.io/) 122. contextlab/hypertools โญ 1,869 A Python toolbox for gaining geometric insights into high-dimensional data ๐Ÿ”— [hypertools.readthedocs.io](http://hypertools.readthedocs.io) 123. linkedin/greykite โญ 1,851 A flexible, intuitive and fast forecasting library 124. bmabey/pyLDAvis โญ 1,840 Python library for interactive topic model visualization. Port of the R LDAvis package. 125. rentruewang/koila โญ 1,829 Prevent PyTorch's `CUDA error: out of memory` in just 1 line of code. ๐Ÿ”— [koila.rentruewang.com](https://koila.rentruewang.com) 126. laekov/fastmoe โญ 1,799 A fast MoE impl for PyTorch ๐Ÿ”— [fastmoe.ai](https://fastmoe.ai) 127. stanfordmlgroup/ngboost โญ 1,782 Natural Gradient Boosting for Probabilistic Prediction 128. visual-layer/fastdup โญ 1,737 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. 129. microsoft/i-Code โญ 1,709 The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning. 130. tensorflow/addons โญ 1,707 Useful extra functionality for TensorFlow 2.x maintained by SIG-addons 131. kubeflow/katib โญ 1,631 Automated Machine Learning on Kubernetes ๐Ÿ”— [www.kubeflow.org/docs/components/katib](https://www.kubeflow.org/docs/components/katib) 132. google/vizier โญ 1,601 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) 133. microsoft/Semi-supervised-learning โญ 1,533 A Unified Semi-Supervised Learning Codebase (NeurIPS'22) ๐Ÿ”— [usb.readthedocs.io](https://usb.readthedocs.io) 134. spotify/voyager โญ 1,508 ๐Ÿ›ฐ๏ธ 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. jina-ai/finetuner โญ 1,503 :dart: Task-oriented embedding tuning for BERT, CLIP, etc. ๐Ÿ”— [finetuner.jina.ai](https://finetuner.jina.ai) 136. csinva/imodels โญ 1,501 Interpretable ML package ๐Ÿ” for concise, transparent, and accurate predictive modeling (sklearn-compatible). ๐Ÿ”— [csinva.io/imodels](https://csinva.io/imodels) 137. patchy631/machine-learning โญ 1,457 Machine Learning Tutorials Repository 138. pytorch/FBGEMM โญ 1,443 FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/ 139. lightning-ai/lightning-thunder โญ 1,413 Thunder is a source-to-source compiler for PyTorch. It makes PyTorch programs faster by combining and using different hardware executors at once 140. koaning/scikit-lego โญ 1,362 Extra blocks for scikit-learn pipelines. ๐Ÿ”— [koaning.github.io/scikit-lego](https://koaning.github.io/scikit-lego/) 141. borealisai/advertorch โญ 1,356 A Toolbox for Adversarial Robustness Research 142. awslabs/dgl-ke โญ 1,323 High performance, easy-to-use, and scalable package for learning large-scale knowledge graph embeddings. ๐Ÿ”— [dglke.dgl.ai/doc](https://dglke.dgl.ai/doc/) 143. opentensor/bittensor โญ 1,245 Internet-scale Neural Networks ๐Ÿ”— [www.bittensor.com](https://www.bittensor.com/) 144. davidmrau/mixture-of-experts โญ 1,181 PyTorch Re-Implementation of "The Sparsely-Gated Mixture-of-Experts Layer" by Noam Shazeer et al. https://arxiv.org/abs/1701.06538 145. google-research/deeplab2 โญ 1,024 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. 146. huggingface/optimum-quanto โญ 987 A pytorch quantization backend for optimum 147. oml-team/open-metric-learning โญ 975 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) 148. pymc-labs/pymc-marketing โญ 952 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/) 149. gradio-app/trackio โญ 930 A lightweight, local-first, and free experiment tracking library from Hugging Face ๐Ÿค— 150. hazyresearch/safari โญ 897 Convolutions for Sequence Modeling 151. criteo/autofaiss โญ 871 Automatically create Faiss knn indices with the most optimal similarity search parameters. ๐Ÿ”— [criteo.github.io/autofaiss](https://criteo.github.io/autofaiss/) 152. replicate/replicate-python โญ 870 Python client for Replicate ๐Ÿ”— [replicate.com](https://replicate.com) 153. minishlab/semhash โญ 810 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) 154. googleapis/python-aiplatform โญ 801 A Python SDK for Vertex AI, a fully managed, end-to-end platform for data science and machine learning. 155. awslabs/python-deequ โญ 796 Python API for Deequ, a library built on Spark for defining "unit tests for data", which measure data quality in large datasets 156. nomic-ai/contrastors โญ 750 Contrastive learning toolkit that enables researchers and engineers to train and evaluate contrastive models efficiently. 157. facebookresearch/balance โญ 702 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) 158. intel/intel-npu-acceleration-library โญ 692 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. 159. nicolas-hbt/pygraft โญ 689 Configurable Generation of Synthetic Schemas and Knowledge Graphs at Your Fingertips ๐Ÿ”— [pygraft.readthedocs.io/en/latest](https://pygraft.readthedocs.io/en/latest/) 160. huggingface/exporters โญ 675 Export Hugging Face models to Core ML and TensorFlow Lite 161. qdrant/quaterion โญ 657 Blazing fast framework for fine-tuning similarity learning models ๐Ÿ”— [quaterion.qdrant.tech](https://quaterion.qdrant.tech/) 162. hpcaitech/EnergonAI โญ 631 Large-scale model inference. 163. eleutherai/sparsify โญ 630 This library trains k-sparse autoencoders (SAEs) on the residual stream activations of HuggingFace language models, roughly following the recipe detailed in Scaling and evaluating sparse autoencoders (Gao et al. 2024) 164. deepgraphlearning/ULTRA โญ 567 A foundation model for knowledge graph reasoning 165. google-deepmind/limit โญ 566 On the Theoretical Limitations of Embedding-Based Retrieval ๐Ÿ”— [arxiv.org/abs/2508.21038](https://arxiv.org/abs/2508.21038) 166. raivnlab/MRL โญ 564 Code repository for the paper - "Matryoshka Representation Learning" 167. hkust-knowcomp/AutoSchemaKG โญ 551 A Knowledge Graph Construction Framework with Schema Generation and Knowledge Graph Completion 168. lightning-ai/litData โญ 543 Transform datasets at scale. Optimize datasets for fast AI model training. 169. linkedin/FastTreeSHAP โญ 542 Fast SHAP value computation for interpreting tree-based models 170. mrdbourke/m1-machine-learning-test โญ 534 Code for testing various M1 Chip benchmarks with TensorFlow. 171. nevronai/MetisFL โญ 522 The first open Federated Learning framework implemented in C++ and Python. ๐Ÿ”— [metisfl.org](https://metisfl.org) 172. apple/ml-l3m โญ 174 A flexible library for training any type of large model, regardless of modality. Instead of more traditional approaches, we opt for a config-heavy approach 173. dylanhogg/gptauthor โญ 88 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 โญ 191,911 An Open Source Machine Learning Framework for Everyone ๐Ÿ”— [tensorflow.org](https://tensorflow.org) 2. pytorch/pytorch โญ 93,691 Tensors and Dynamic neural networks in Python with strong GPU acceleration ๐Ÿ”— [pytorch.org](https://pytorch.org) 3. openai/whisper โญ 88,989 Robust Speech Recognition via Large-Scale Weak Supervision 4. keras-team/keras โญ 63,451 Deep Learning for humans ๐Ÿ”— [keras.io](http://keras.io/) 5. deepfakes/faceswap โญ 54,536 Deepfakes Software For All ๐Ÿ”— [www.faceswap.dev](https://www.faceswap.dev) 6. facebookresearch/segment-anything โญ 52,001 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 โญ 40,304 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 โญ 35,405 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 โญ 33,437 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 โญ 32,720 Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration. 11. openai/CLIP โญ 30,921 CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image 12. lightning-ai/pytorch-lightning โญ 30,205 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 โญ 29,216 A playbook for systematically maximizing the performance of deep learning models. 14. facebookresearch/Detectron โญ 26,372 FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. 15. matterport/Mask_RCNN โญ 25,366 Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow 16. lucidrains/vit-pytorch โญ 24,092 Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch 17. paddlepaddle/Paddle โญ 23,260 PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice ๏ผˆใ€Ž้ฃžๆกจใ€ๆ ธๅฟƒๆก†ๆžถ๏ผŒๆทฑๅบฆๅญฆไน &ๆœบๅ™จๅญฆไน ้ซ˜ๆ€ง่ƒฝๅ•ๆœบใ€ๅˆ†ๅธƒๅผ่ฎญ็ปƒๅ’Œ่ทจๅนณๅฐ้ƒจ็ฝฒ๏ผ‰ ๐Ÿ”— [www.paddlepaddle.org](http://www.paddlepaddle.org/) 18. pyg-team/pytorch_geometric โญ 22,958 Graph Neural Network Library for PyTorch ๐Ÿ”— [pyg.org](https://pyg.org) 19. sanster/IOPaint โญ 22,156 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,825 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 โญ 20,622 Rembg is a tool to remove images background 22. rasbt/deeplearning-models โญ 17,254 A collection of various deep learning architectures, models, and tips 23. microsoft/Swin-Transformer โญ 15,249 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) 24. albumentations-team/albumentations โญ 15,159 Fast and flexible image augmentation library. Paper about the library: https://www.mdpi.com/2078-2489/11/2/125 ๐Ÿ”— [albumentations.ai](https://albumentations.ai) 25. facebookresearch/detr โญ 14,745 End-to-End Object Detection with Transformers 26. nvidia/DeepLearningExamples โญ 14,512 State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure. 27. dmlc/dgl โญ 14,084 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,700 Open source implementation of OpenAI's CLIP (Contrastive Language-Image Pre-training). 29. tencent-hunyuan/HunyuanVideo โญ 11,104 HunyuanVideo: A Systematic Framework For Large Video Generation Model ๐Ÿ”— [aivideo.hunyuan.tencent.com](https://aivideo.hunyuan.tencent.com) 30. kornia/kornia โญ 10,782 ๐Ÿ Geometric Computer Vision Library for Spatial AI ๐Ÿ”— [kornia.readthedocs.io](https://kornia.readthedocs.io) 31. facebookresearch/pytorch3d โญ 9,535 PyTorch3D is FAIR's library of reusable components for deep learning with 3D data ๐Ÿ”— [pytorch3d.org](https://pytorch3d.org/) 32. modelscope/facechain โญ 9,487 FaceChain is a deep-learning toolchain for generating your Digital-Twin. 33. keras-team/autokeras โญ 9,270 AutoML library for deep learning ๐Ÿ”— [autokeras.com](http://autokeras.com/) 34. arogozhnikov/einops โญ 9,206 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,965 A deep learning framework for large scale recommendation modeling with collisionless embedding and real time training captures. 36. pyro-ppl/pyro โญ 8,871 Deep universal probabilistic programming with Python and PyTorch ๐Ÿ”— [pyro.ai](http://pyro.ai) 37. nvidia/apex โญ 8,811 A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch 38. facebookresearch/ImageBind โญ 8,799 ImageBind One Embedding Space to Bind Them All 39. lucidrains/imagen-pytorch โญ 8,368 Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch 40. google/trax โญ 8,286 Trax โ€” Deep Learning with Clear Code and Speed 41. xpixelgroup/BasicSR โญ 7,787 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,832 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,116 A scikit-learn compatible neural network library that wraps PyTorch 44. facebookresearch/mmf โญ 5,595 A modular framework for vision & language multimodal research from Facebook AI Research (FAIR) ๐Ÿ”— [mmf.sh](https://mmf.sh/) 45. mosaicml/composer โญ 5,414 Supercharge Your Model Training ๐Ÿ”— [docs.mosaicml.com](http://docs.mosaicml.com) 46. deci-ai/super-gradients โญ 4,917 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) 47. nvidiagameworks/kaolin โญ 4,909 A PyTorch Library for Accelerating 3D Deep Learning Research 48. pytorch/ignite โญ 4,700 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,679 AITemplate is a Python framework which renders neural network into high performance CUDA/HIP C++ code. Specialized for FP16 TensorCore (NVIDIA GPU) and MatrixCore (AMD GPU) inference. 50. cvg/LightGlue โญ 4,094 LightGlue: Local Feature Matching at Light Speed (ICCV 2023) 51. google-research/scenic โญ 3,683 Scenic: A Jax Library for Computer Vision Research and Beyond 52. williamyang1991/VToonify โญ 3,590 [SIGGRAPH Asia 2022] VToonify: Controllable High-Resolution Portrait Video Style Transfer 53. modelscope/ClearerVoice-Studio โญ 3,452 An AI-Powered Speech Processing Toolkit and Open Source SOTA Pretrained Models, Supporting Speech Enhancement, Separation, and Target Speaker Extraction, etc. 54. facebookresearch/PyTorch-BigGraph โญ 3,414 Generate embeddings from large-scale graph-structured data. ๐Ÿ”— [torchbiggraph.readthedocs.io](https://torchbiggraph.readthedocs.io/) 55. pytorch/botorch โญ 3,360 Bayesian optimization in PyTorch ๐Ÿ”— [botorch.org](https://botorch.org/) 56. alpa-projects/alpa โญ 3,155 Training and serving large-scale neural networks with auto parallelization. ๐Ÿ”— [alpa.ai](https://alpa.ai) 57. deepmind/dm-haiku โญ 3,100 JAX-based neural network library ๐Ÿ”— [dm-haiku.readthedocs.io](https://dm-haiku.readthedocs.io) 58. explosion/thinc โญ 2,876 ๐Ÿ”ฎ A refreshing functional take on deep learning, compatible with your favorite libraries ๐Ÿ”— [thinc.ai](https://thinc.ai) 59. nerdyrodent/VQGAN-CLIP โญ 2,658 Just playing with getting VQGAN+CLIP running locally, rather than having to use colab. 60. danielegrattarola/spektral โญ 2,384 Graph Neural Networks with Keras and Tensorflow 2. ๐Ÿ”— [graphneural.network](https://graphneural.network) 61. google-research/electra โญ 2,362 ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators 62. pytorch/torchrec โญ 2,355 Pytorch domain library for recommendation systems ๐Ÿ”— [pytorch.org/torchrec](https://pytorch.org/torchrec/) 63. fepegar/torchio โญ 2,277 Medical imaging processing for AI applications. ๐Ÿ”— [docs.torchio.org](https://docs.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 models 65. jeshraghian/snntorch โญ 1,726 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,670 The WeightWatcher tool for predicting the accuracy of Deep Neural Networks 67. tensorly/tensorly โญ 1,635 TensorLy: Tensor Learning in Python. ๐Ÿ”— [tensorly.org](http://tensorly.org) 68. tensorflow/mesh โญ 1,617 Mesh TensorFlow: Model Parallelism Made Easier 69. vt-vl-lab/FGVC โญ 1,556 [ECCV 2020] Flow-edge Guided Video Completion 70. google-deepmind/jraph โญ 1,449 A Graph Neural Network Library in Jax ๐Ÿ”— [jraph.readthedocs.io/en/latest](https://jraph.readthedocs.io/en/latest/) 71. hysts/pytorch_image_classification โญ 1,421 PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet 72. xl0/lovely-tensors โญ 1,292 Tensors, for human consumption ๐Ÿ”— [xl0.github.io/lovely-tensors](https://xl0.github.io/lovely-tensors) 73. deepmind/android_env โญ 1,140 RL research on Android devices. 74. keras-team/keras-cv โญ 1,048 Industry-strength Computer Vision workflows with Keras 75. tensorflow/similarity โญ 1,023 TensorFlow Similarity is a python package focused on making similarity learning quick and easy. 76. kakaobrain/rq-vae-transformer โญ 956 The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22) 77. deepmind/chex โญ 884 Chex is a library of utilities for helping to write reliable JAX code ๐Ÿ”— [chex.readthedocs.io](https://chex.readthedocs.io) 78. mlfoundations/datacomp โญ 742 DataComp: In search of the next generation of multimodal datasets ๐Ÿ”— [datacomp.ai](http://datacomp.ai/) 79. allenai/reward-bench โญ 639 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,481 A game theoretic approach to explain the output of any machine learning model. ๐Ÿ”— [shap.readthedocs.io](https://shap.readthedocs.io) 2. marcotcr/lime โญ 12,003 Lime: Explaining the predictions of any machine learning classifier 3. arize-ai/phoenix โญ 7,158 AI Observability & Evaluation ๐Ÿ”— [arize.com/docs/phoenix](https://arize.com/docs/phoenix) 4. interpretml/interpret โญ 6,686 Fit interpretable models. Explain blackbox machine learning. ๐Ÿ”— [interpret.ml/docs](https://interpret.ml/docs) 5. pytorch/captum โญ 5,414 Model interpretability and understanding for PyTorch ๐Ÿ”— [captum.ai](https://captum.ai) 6. tensorflow/lucid โญ 4,697 A collection of infrastructure and tools for research in neural network interpretability. 7. pair-code/lit โญ 3,596 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,957 ๐Ÿ”… 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. transformerlensorg/TransformerLens โญ 2,635 A library for mechanistic interpretability of GPT-style language models ๐Ÿ”— [transformerlensorg.github.io/transformerlens](https://transformerlensorg.github.io/TransformerLens/) 11. eleutherai/pythia โญ 2,622 Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers 12. seldonio/alibi โญ 2,561 Algorithms for explaining machine learning models ๐Ÿ”— [docs.seldon.io/projects/alibi/en/stable](https://docs.seldon.io/projects/alibi/en/stable/) 13. oegedijk/explainerdashboard โญ 2,448 Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models. ๐Ÿ”— [explainerdashboard.readthedocs.io](http://explainerdashboard.readthedocs.io) 14. jalammar/ecco โญ 2,059 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,822 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,738 Interpretability and explainability of data and machine learning models ๐Ÿ”— [aix360.res.ibm.com](https://aix360.res.ibm.com/) 17. stanfordnlp/pyreft โญ 1,512 Stanford NLP Python library for Representation Finetuning (ReFT) ๐Ÿ”— [arxiv.org/abs/2404.03592](https://arxiv.org/abs/2404.03592) 18. cdpierse/transformers-interpret โญ 1,381 Model explainability that works seamlessly with ๐Ÿค— transformers. Explain your transformers model in just 2 lines of code. 19. selfexplainml/PiML-Toolbox โญ 1,266 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,200 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. jbloomaus/SAELens โญ 981 Training Sparse Autoencoders on LLms. Analyse sparse autoencoders and neural network internals. ๐Ÿ”— [jbloomaus.github.io/saelens](https://jbloomaus.github.io/SAELens/) 22. salesforce/OmniXAI โญ 950 OmniXAI: A Library for eXplainable AI 23. andyzoujm/representation-engineering โญ 884 Representation Engineering: A Top-Down Approach to AI Transparency ๐Ÿ”— [www.ai-transparency.org](https://www.ai-transparency.org/) 24. stanfordnlp/pyvene โญ 815 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 โญ 686 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 โญ 673 The nnsight package enables interpreting and manipulating the internals of deep learned models. ๐Ÿ”— [nnsight.net](https://nnsight.net/) 27. alignmentresearch/tuned-lens โญ 529 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 โญ 42,663 Apache Airflow - A platform to programmatically author, schedule, and monitor workflows ๐Ÿ”— [airflow.apache.org](https://airflow.apache.org/) 2. ray-project/ray โญ 39,190 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 โญ 22,336 The open source developer platform to build AI/LLM applications and models with confidence. Enhance your AI applications with end-to-end tracking, observability, and evaluations, all in one integrated platform. ๐Ÿ”— [mlflow.org](https://mlflow.org) 4. kestra-io/kestra โญ 21,856 Orchestrate everything - from scripts to data, infra, AI, and business - as code, with UI and AI Copilot. Simple. Fast. Scalable. ๐Ÿ”— [kestra.io](https://kestra.io) 5. prefecthq/prefect โญ 20,504 Prefect is a workflow orchestration framework for building resilient data pipelines in Python. ๐Ÿ”— [prefect.io](https://prefect.io) 6. jlowin/fastmcp โญ 18,592 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) 7. spotify/luigi โญ 18,513 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. 8. langfuse/langfuse โญ 16,772 ๐Ÿชข 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) 9. iterative/dvc โญ 14,931 ๐Ÿฆ‰ Data Versioning and ML Experiments ๐Ÿ”— [dvc.org](https://dvc.org) 10. horovod/horovod โญ 14,600 Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet. ๐Ÿ”— [horovod.ai](http://horovod.ai) 11. dagster-io/dagster โญ 14,145 An orchestration platform for the development, production, and observation of data assets. ๐Ÿ”— [dagster.io](https://dagster.io) 12. bentoml/OpenLLM โญ 11,819 Run any open-source LLMs, such as DeepSeek and Llama, as OpenAI compatible API endpoint in the cloud. ๐Ÿ”— [bentoml.com](https://bentoml.com) 13. dbt-labs/dbt-core โญ 11,600 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) 14. ludwig-ai/ludwig โญ 11,596 Low-code framework for building custom LLMs, neural networks, and other AI models ๐Ÿ”— [ludwig.ai](http://ludwig.ai) 15. great-expectations/great_expectations โญ 10,802 Always know what to expect from your data. ๐Ÿ”— [docs.greatexpectations.io](https://docs.greatexpectations.io/) 16. kedro-org/kedro โญ 10,564 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,544 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 โญ 9,554 Build, Manage and Deploy AI/ML Systems ๐Ÿ”— [metaflow.org](https://metaflow.org) 19. activeloopai/deeplake โญ 8,852 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,485 ๐Ÿง™ Build, run, and manage data pipelines for integrating and transforming data. ๐Ÿ”— [www.mage.ai](https://www.mage.ai) 21. bentoml/BentoML โญ 8,108 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 โญ 7,134 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,669 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,527 Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks. ๐Ÿ”— [flyte.org](https://flyte.org) 25. feast-dev/feast โญ 6,367 The Open Source Feature Store for AI/ML ๐Ÿ”— [feast.dev](https://feast.dev) 26. allegroai/clearml โญ 6,307 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,292 Flower: A Friendly Federated AI Framework ๐Ÿ”— [flower.ai](https://flower.ai) 28. aimhubio/aim โญ 5,816 Aim ๐Ÿ’ซ โ€” An easy-to-use & supercharged open-source experiment tracker. ๐Ÿ”— [aimstack.io](https://aimstack.io) 29. zenml-io/zenml โญ 4,914 ZenML ๐Ÿ™: MLOps for Reliable AI: from Classical ML to Agents. https://zenml.io. ๐Ÿ”— [zenml.io](https://zenml.io) 30. internlm/xtuner โญ 4,912 A Next-Generation Training Engine Built for Ultra-Large MoE Models ๐Ÿ”— [xtuner.readthedocs.io/zh-cn/latest](https://xtuner.readthedocs.io/zh-cn/latest/) 31. orchest/orchest โญ 4,141 Build data pipelines, the easy way ๐Ÿ› ๏ธ ๐Ÿ”— [orchest.readthedocs.io/en/stable](https://orchest.readthedocs.io/en/stable/) 32. kubeflow/pipelines โญ 3,955 Machine Learning Pipelines for Kubeflow ๐Ÿ”— [www.kubeflow.org/docs/components/pipelines](https://www.kubeflow.org/docs/components/pipelines/) 33. polyaxon/polyaxon โญ 3,682 MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle ๐Ÿ”— [polyaxon.com](https://polyaxon.com) 34. ploomber/ploomber โญ 3,604 The fastest โšก๏ธ way to build data pipelines. Develop iteratively, deploy anywhere. โ˜๏ธ ๐Ÿ”— [docs.ploomber.io](https://docs.ploomber.io) 35. towhee-io/towhee โญ 3,426 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,185 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. azure/PyRIT โญ 2,945 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/) 38. leptonai/leptonai โญ 2,791 A Pythonic framework to simplify AI service building ๐Ÿ”— [lepton.ai](https://lepton.ai/) 39. michaelfeil/infinity โญ 2,479 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. apache/hamilton โญ 2,275 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/) 41. labmlai/labml โญ 2,231 ๐Ÿ”Ž Monitor deep learning model training and hardware usage from your mobile phone ๐Ÿ“ฑ ๐Ÿ”— [labml.ai](https://labml.ai) 42. meltano/meltano โญ 2,213 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,916 dstack is an open-source control plane for running development, training, and inference jobs on GPUsโ€”across hyperscalers, neoclouds, or on-prem. ๐Ÿ”— [dstack.ai](https://dstack.ai) 44. vllm-project/production-stack โญ 1,823 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) 45. dagworks-inc/burr โญ 1,804 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/) 46. hi-primus/optimus โญ 1,519 :truck: Agile Data Preparation Workflows madeย easy with Pandas, Dask, cuDF, Dask-cuDF, Vaex and PySpark ๐Ÿ”— [hi-optimus.com](https://hi-optimus.com) 47. kubeflow/examples โญ 1,447 A repository to host extended examples and tutorials 48. substratusai/kubeai โญ 1,074 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. arize-ai/openinference โญ 632 OpenInference is a set of conventions and plugins that is complimentary to OpenTelemetry to enable tracing of AI applications. ๐Ÿ”— [arize-ai.github.io/openinference](https://arize-ai.github.io/openinference/) 50. lightonai/pylate โญ 608 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,617 A toolkit for developing and comparing reinforcement learning algorithms. ๐Ÿ”— [www.gymlibrary.dev](https://www.gymlibrary.dev) 2. openai/baselines โญ 16,458 OpenAI Baselines: high-quality implementations of reinforcement learning algorithms 3. google/dopamine โญ 10,804 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 โญ 10,303 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,825 An elegant PyTorch deep reinforcement learning library. ๐Ÿ”— [tianshou.org](https://tianshou.org) 6. deepmind/pysc2 โญ 8,185 StarCraft II Learning Environment 7. lucidrains/PaLM-rlhf-pytorch โญ 7,869 Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM 8. tensorlayer/TensorLayer โญ 7,375 Deep Learning and Reinforcement Learning Library for Scientists and Engineers ๐Ÿ”— [tensorlayerx.com](http://tensorlayerx.com) 9. keras-rl/keras-rl โญ 5,554 Deep Reinforcement Learning for Keras. ๐Ÿ”— [keras-rl.readthedocs.io](http://keras-rl.readthedocs.io/) 10. deepmind/dm_control โญ 4,251 Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo. 11. ai4finance-foundation/ElegantRL โญ 4,186 Massively Parallel Deep Reinforcement Learning. ๐Ÿ”ฅ ๐Ÿ”— [ai4finance.org](https://ai4finance.org) 12. deepmind/acme โญ 3,797 A library of reinforcement learning components and agents 13. facebookresearch/ReAgent โญ 3,662 A platform for Reasoning systems (Reinforcement Learning, Contextual Bandits, etc.) ๐Ÿ”— [reagent.ai](https://reagent.ai) 14. opendilab/DI-engine โญ 3,524 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,134 An API standard for multi-agent reinforcement learning environments, with popular reference environments and related utilities ๐Ÿ”— [pettingzoo.farama.org](https://pettingzoo.farama.org) 16. pytorch/rl โญ 3,085 A modular, primitive-first, python-first PyTorch library for Reinforcement Learning. ๐Ÿ”— [pytorch.org/rl](https://pytorch.org/rl) 17. eureka-research/Eureka โญ 3,048 Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models" (ICLR 2024) ๐Ÿ”— [eureka-research.github.io](https://eureka-research.github.io/) 18. kzl/decision-transformer โญ 2,664 Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling. 19. arise-initiative/robosuite โญ 1,954 robosuite: A Modular Simulation Framework and Benchmark for Robot Learning ๐Ÿ”— [robosuite.ai](https://robosuite.ai) 20. anthropics/hh-rlhf โญ 1,783 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,600 Clean PyTorch implementations of imitation and reward learning algorithms ๐Ÿ”— [imitation.readthedocs.io](https://imitation.readthedocs.io/) 22. denys88/rl_games โญ 1,208 RL Games: High performance RL library 23. google-deepmind/meltingpot โญ 740 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 โญ 150,627 ๐Ÿค— 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 โญ 34,558 Instant voice cloning by MIT and MyShell. Audio foundation model. ๐Ÿ”— [research.myshell.ai/open-voice](https://research.myshell.ai/open-voice) 3. explosion/spaCy โญ 32,586 ๐Ÿ’ซ Industrial-strength Natural Language Processing (NLP) in Python ๐Ÿ”— [spacy.io](https://spacy.io) 4. pytorch/fairseq โญ 31,847 Facebook AI Research Sequence-to-Sequence Toolkit written in Python. 5. vikparuchuri/marker โญ 29,043 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,756 Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities ๐Ÿ”— [aka.ms/generalai](https://aka.ms/GeneralAI) 7. huggingface/datasets โญ 20,710 ๐Ÿค— The largest hub of ready-to-use datasets for AI models with fast, easy-to-use and efficient data manipulation tools ๐Ÿ”— [huggingface.co/docs/datasets](https://huggingface.co/docs/datasets) 8. vikparuchuri/surya โญ 18,649 OCR, layout analysis, reading order, table recognition in 90+ languages ๐Ÿ”— [www.datalab.to](https://www.datalab.to) 9. m-bain/whisperX โญ 18,008 WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization) 10. ukplab/sentence-transformers โญ 17,627 State-of-the-Art Text Embeddings ๐Ÿ”— [www.sbert.net](https://www.sbert.net) 11. rare-technologies/gensim โญ 16,203 Topic Modelling for Humans ๐Ÿ”— [radimrehurek.com/gensim](https://radimrehurek.com/gensim) 12. openai/tiktoken โญ 16,098 tiktoken is a fast BPE tokeniser for use with OpenAI's models. 13. nvidia/NeMo โญ 15,809 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,419 ChatterBot is a machine learning, conversational dialog engine for creating chat bots ๐Ÿ”— [docs.chatterbot.us](http://docs.chatterbot.us/) 15. nltk/nltk โญ 14,314 NLTK Source ๐Ÿ”— [www.nltk.org](https://www.nltk.org) 16. flairnlp/flair โญ 14,295 A very simple framework for state-of-the-art Natural Language Processing (NLP) ๐Ÿ”— [flairnlp.github.io/flair](https://flairnlp.github.io/flair/) 17. jina-ai/clip-as-service โญ 12,750 ๐Ÿ„ 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,878 An open-source NLP research library, built on PyTorch. ๐Ÿ”— [www.allennlp.org](http://www.allennlp.org) 19. facebookresearch/seamless_communication โญ 11,668 Foundational Models for State-of-the-Art Speech and Text Translation 20. neuml/txtai โญ 11,660 ๐Ÿ’ก 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,327 Unsupervised text tokenizer for Neural Network-based text generation. 22. facebookresearch/ParlAI โญ 10,621 A framework for training and evaluating AI models on a variety of openly available dialogue datasets. ๐Ÿ”— [parl.ai](https://parl.ai) 23. speechbrain/speechbrain โญ 10,513 A PyTorch-based Speech Toolkit ๐Ÿ”— [speechbrain.github.io](http://speechbrain.github.io) 24. doccano/doccano โญ 10,301 Open source annotation tool for machine learning practitioners. 25. facebookresearch/nougat โญ 9,664 Implementation of Nougat Neural Optical Understanding for Academic Documents ๐Ÿ”— [facebookresearch.github.io/nougat](https://facebookresearch.github.io/nougat/) 26. espnet/espnet โญ 9,494 End-to-End Speech Processing Toolkit ๐Ÿ”— [espnet.github.io/espnet](https://espnet.github.io/espnet/) 27. sloria/TextBlob โญ 9,436 Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more. ๐Ÿ”— [textblob.readthedocs.io](https://textblob.readthedocs.io/) 28. togethercomputer/OpenChatKit โญ 9,015 OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots 29. clips/pattern โญ 8,838 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. quivrhq/MegaParse โญ 7,189 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) 31. maartengr/BERTopic โญ 7,084 Leveraging BERT and c-TF-IDF to create easily interpretable topics. ๐Ÿ”— [maartengr.github.io/bertopic](https://maartengr.github.io/BERTopic/) 32. deeppavlov/DeepPavlov โญ 6,933 An open source library for deep learning end-to-end dialog systems and chatbots. ๐Ÿ”— [deeppavlov.ai](https://deeppavlov.ai) 33. facebookresearch/metaseq โญ 6,545 A codebase for working with Open Pre-trained Transformers, originally forked from fairseq. 34. kingoflolz/mesh-transformer-jax โญ 6,346 Model parallel transformers in JAX and Haiku 35. aiwaves-cn/agents โญ 5,730 An Open-source Framework for Data-centric, Self-evolving Autonomous Language Agents 36. layout-parser/layout-parser โญ 5,516 A Unified Toolkit for Deep Learning Based Document Image Analysis ๐Ÿ”— [layout-parser.github.io](https://layout-parser.github.io/) 37. salesforce/CodeGen โญ 5,133 CodeGen is a family of open-source model for program synthesis. Trained on TPU-v4. Competitive with OpenAI Codex. 38. minimaxir/textgenrnn โญ 4,936 Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code. 39. argilla-io/argilla โญ 4,711 Argilla is a collaboration tool for AI engineers and domain experts to build high-quality datasets ๐Ÿ”— [argilla-io.github.io/argilla/latest](https://argilla-io.github.io/argilla/latest/) 40. makcedward/nlpaug โญ 4,624 Data augmentation for NLP ๐Ÿ”— [makcedward.github.io](https://makcedward.github.io/) 41. facebookresearch/DrQA โญ 4,490 Reading Wikipedia to Answer Open-Domain Questions 42. promptslab/Promptify โญ 4,257 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) 43. thilinarajapakse/simpletransformers โญ 4,215 Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI ๐Ÿ”— [simpletransformers.ai](https://simpletransformers.ai/) 44. maartengr/KeyBERT โญ 4,015 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,493 ๐Ÿ“ Compute distance between sequences. 30+ algorithms, pure python implementation, common interface, optional external libs usage. 46. jsvine/markovify โญ 3,369 A simple, extensible Markov chain generator. 47. bytedance/lightseq โญ 3,289 LightSeq: A High Performance Library for Sequence Processing and Generation 48. errbotio/errbot โญ 3,228 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,155 Sparsity-aware deep learning inference runtime for CPUs ๐Ÿ”— [neuralmagic.com/deepsparse](https://neuralmagic.com/deepsparse/) 50. huawei-noah/Pretrained-Language-Model โญ 3,139 Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab. 51. ddangelov/Top2Vec โญ 3,084 Top2Vec learns jointly embedded topic, document and word vectors. 52. salesforce/CodeT5 โญ 3,063 Home of CodeT5: Open Code LLMs for Code Understanding and Generation ๐Ÿ”— [arxiv.org/abs/2305.07922](https://arxiv.org/abs/2305.07922) 53. bigscience-workshop/promptsource โญ 2,942 Toolkit for creating, sharing and using natural language prompts. 54. jbesomi/texthero โญ 2,908 Text preprocessing, representation and visualization from zero to hero. ๐Ÿ”— [texthero.org](https://texthero.org) 55. huggingface/neuralcoref โญ 2,885 โœจFast Coreference Resolution in spaCy with Neural Networks ๐Ÿ”— [huggingface.co/coref](https://huggingface.co/coref/) 56. nvidia/nv-ingest โญ 2,745 NVIDIA-Ingest is a scalable, performance-oriented document content and metadata extraction microservice. ๐Ÿ”— [docs.nvidia.com/nemo/retriever/latest/extraction/overview](https://docs.nvidia.com/nemo/retriever/latest/extraction/overview/) 57. huggingface/setfit โญ 2,572 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. chonkie-inc/chonkie โญ 2,489 ๐Ÿฆ› CHONK docs with Chonkie โœจ โ€” The no-nonsense RAG library ๐Ÿ”— [docs.chonkie.ai](https://docs.chonkie.ai) 59. urchade/GLiNER โญ 2,391 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) 60. alibaba/EasyNLP โญ 2,169 EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit 61. jamesturk/jellyfish โญ 2,154 ๐Ÿชผ a python library for doing approximate and phonetic matching of strings. ๐Ÿ”— [jamesturk.github.io/jellyfish](https://jamesturk.github.io/jellyfish/) 62. thudm/P-tuning-v2 โญ 2,059 An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks 63. featureform/featureform โญ 1,943 The Virtual Feature Store. Turn your existing data infrastructure into a feature store. ๐Ÿ”— [www.featureform.com](https://www.featureform.com) 64. marella/ctransformers โญ 1,877 Python bindings for the Transformer models implemented in C/C++ using GGML library. 65. nomic-ai/nomic โญ 1,824 Interact, analyze and structure massive text, image, embedding, audio and video datasets ๐Ÿ”— [atlas.nomic.ai](https://atlas.nomic.ai) 66. explosion/spacy-models โญ 1,807 ๐Ÿ’ซ Models for the spaCy Natural Language Processing (NLP) library ๐Ÿ”— [spacy.io](https://spacy.io) 67. deepset-ai/FARM โญ 1,753 ๐Ÿก Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering. ๐Ÿ”— [farm.deepset.ai](https://farm.deepset.ai) 68. intellabs/fastRAG โญ 1,728 Efficient Retrieval Augmentation and Generation Framework 69. franck-dernoncourt/NeuroNER โญ 1,717 Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results. ๐Ÿ”— [neuroner.com](http://neuroner.com) 70. google-research/language โญ 1,709 Shared repository for open-sourced projects from the Google AI Language team. ๐Ÿ”— [ai.google/research/teams/language](https://ai.google/research/teams/language/) 71. plasticityai/magnitude โญ 1,654 A fast, efficient universal vector embedding utility package. 72. arxiv-vanity/arxiv-vanity โญ 1,627 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) 73. chrismattmann/tika-python โญ 1,625 Tika-Python is a Python binding to the Apache Tikaโ„ข REST services allowing Tika to be called natively in the Python community. 74. answerdotai/ModernBERT โญ 1,530 Bringing BERT into modernity via both architecture changes and scaling ๐Ÿ”— [arxiv.org/abs/2412.13663](https://arxiv.org/abs/2412.13663) 75. pemistahl/lingua-py โญ 1,509 The most accurate natural language detection library for Python, suitable for short text and mixed-language text 76. dmmiller612/bert-extractive-summarizer โญ 1,440 Easy to use extractive text summarization with BERT 77. gunthercox/chatterbot-corpus โญ 1,407 A multilingual dialog corpus ๐Ÿ”— [corpus.chatterbot.us](http://corpus.chatterbot.us/) 78. jonasgeiping/cramming โญ 1,349 Cramming the training of a (BERT-type) language model into limited compute. 79. xhluca/bm25s โญ 1,346 Fast lexical search implementing BM25 in Python using Numpy, Numba and Scipy ๐Ÿ”— [bm25s.github.io](https://bm25s.github.io) 80. openai/grade-school-math โญ 1,335 GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems 81. unitaryai/detoxify โญ 1,119 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. keras-team/keras-hub โญ 937 Pretrained model hub for Keras 3. ๐Ÿ”— [keras.io/keras_hub](https://keras.io/keras_hub/) 84. norskregnesentral/skweak โญ 926 skweak: A software toolkit for weak supervision applied to NLP tasks 85. explosion/spacy-streamlit โญ 843 ๐Ÿ‘‘ 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. maartengr/PolyFuzz โญ 784 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/) 87. paddlepaddle/RocketQA โญ 781 ๐Ÿš€ RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models. 88. webis-de/small-text โญ 628 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. fastino-ai/GLiNER2 โญ 93 GLiNER2 unifies Named Entity Recognition, Text Classification, and Structured Data Extraction into a single 205M parameter model. It provides efficient CPU-based inference without requiring complex pipelines or external API dependencies. ## Packaging Python packaging, dependency management and bundling. 1. astral-sh/uv โญ 69,104 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 โญ 43,294 pyenv lets you easily switch between multiple versions of Python. 3. python-poetry/poetry โญ 33,927 Python packaging and dependency management made easy ๐Ÿ”— [python-poetry.org](https://python-poetry.org) 4. pypa/pipenv โญ 25,098 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,303 a Hassle-Free Python Experience ๐Ÿ”— [rye.astral.sh](https://rye.astral.sh) 6. pyinstaller/pyinstaller โญ 12,640 Freeze (package) Python programs into stand-alone executables ๐Ÿ”— [www.pyinstaller.org](http://www.pyinstaller.org) 7. pypa/pipx โญ 12,105 Install and Run Python Applications in Isolated Environments ๐Ÿ”— [pipx.pypa.io](https://pipx.pypa.io) 8. conda-forge/miniforge โญ 8,593 A conda-forge distribution. ๐Ÿ”— [conda-forge.org/download](https://conda-forge.org/download) 9. pdm-project/pdm โญ 8,472 A modern Python package and dependency manager supporting the latest PEP standards ๐Ÿ”— [pdm-project.org](https://pdm-project.org) 10. jazzband/pip-tools โญ 7,940 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,671 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 โญ 7,118 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,832 Modern, extensible Python project management ๐Ÿ”— [hatch.pypa.io/latest](https://hatch.pypa.io/latest/) 14. indygreg/PyOxidizer โญ 5,962 A modern Python application packaging and distribution tool 15. prefix-dev/pixi โญ 5,361 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) 16. pypa/virtualenv โญ 4,968 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) 17. spack/spack โญ 4,804 A flexible package manager that supports multiple versions, configurations, platforms, and compilers. ๐Ÿ”— [spack.io](https://spack.io) 18. pantsbuild/pex โญ 4,098 A tool for generating .pex (Python EXecutable) files, lock files and venvs. ๐Ÿ”— [docs.pex-tool.org](https://docs.pex-tool.org/) 19. beeware/briefcase โญ 3,082 Tools to support converting a Python project into a standalone native application. ๐Ÿ”— [briefcase.readthedocs.io](https://briefcase.readthedocs.io/) 20. pypa/flit โญ 2,227 Simplified packaging of Python modules ๐Ÿ”— [flit.pypa.io](https://flit.pypa.io/) 21. linkedin/shiv โญ 1,878 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. ofek/pyapp โญ 1,755 Runtime installer for Python applications ๐Ÿ”— [ofek.dev/pyapp](https://ofek.dev/pyapp/) 23. marcelotduarte/cx_Freeze โญ 1,491 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/) 24. pypa/gh-action-pypi-publish โญ 1,090 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 โญ 964 Create standalone Windows programs from Python code ๐Ÿ”— [www.py2exe.org](http://www.py2exe.org) 26. prefix-dev/rip โญ 667 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 โญ 238 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 โญ 46,739 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 โญ 35,555 Extremely fast Query Engine for DataFrames, written in Rust ๐Ÿ”— [docs.pola.rs](https://docs.pola.rs) 3. duckdb/duckdb โญ 33,192 DuckDB is an analytical in-process SQL database management system ๐Ÿ”— [www.duckdb.org](http://www.duckdb.org) 4. gventuri/pandas-ai โญ 22,197 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,227 PyGWalker: Turn your dataframe into an interactive UI for visual analysis ๐Ÿ”— [kanaries.net/pygwalker](https://kanaries.net/pygwalker) 6. ydataai/ydata-profiling โญ 13,166 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,231 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,787 A lightweight data processing framework built on DuckDB and 3FS. 9. eventual-inc/Daft โญ 4,548 Distributed query engine providing simple and reliable data processing for any modality and scale ๐Ÿ”— [daft.ai](https://daft.ai) 10. aws/aws-sdk-pandas โญ 4,065 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) 11. unionai-oss/pandera โญ 4,037 A light-weight, flexible, and expressive statistical data testing library ๐Ÿ”— [www.union.ai/pandera](https://www.union.ai/pandera) 12. nalepae/pandarallel โญ 3,792 A simple and efficient tool to parallelize Pandas operations on all availableย CPUs ๐Ÿ”— [nalepae.github.io/pandarallel](https://nalepae.github.io/pandarallel) 13. adamerose/PandasGUI โญ 3,248 A GUI for Pandas DataFrames 14. blaze/blaze โญ 3,200 NumPy and Pandas interface to Big Data ๐Ÿ”— [blaze.pydata.org](blaze.pydata.org) 15. pydata/pandas-datareader โญ 3,102 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,965 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,842 Pandas integration with sklearn 18. jmcarpenter2/swifter โญ 2,630 A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner 19. fugue-project/fugue โญ 2,116 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,457 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,267 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,195 Interactively explore unstructured datasets from your dataframe. ๐Ÿ”— [renumics.com](https://renumics.com) 23. machow/siuba โญ 1,175 Python library for using dplyr like syntax with pandas and SQL ๐Ÿ”— [siuba.org](https://siuba.org) 24. tkrabel/bamboolib โญ 951 bamboolib - a GUI for pandas DataFrames ๐Ÿ”— [bamboolib.com](https://bamboolib.com) 25. mwouts/itables โญ 914 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 โญ 27,290 Distributed Task Queue (development branch) ๐Ÿ”— [docs.celeryq.dev](https://docs.celeryq.dev) 2. google/flatbuffers โญ 24,813 FlatBuffers: Memory Efficient Serialization Library ๐Ÿ”— [flatbuffers.dev](https://flatbuffers.dev/) 3. pybind/pybind11 โญ 17,325 Seamless operability between C++11 and Python ๐Ÿ”— [pybind11.readthedocs.io](https://pybind11.readthedocs.io/) 4. exaloop/codon โญ 15,931 A high-performance, zero-overhead, extensible Python compiler with built-in NumPy support ๐Ÿ”— [docs.exaloop.io](https://docs.exaloop.io) 5. dask/dask โญ 13,508 Parallel computing with task scheduling ๐Ÿ”— [dask.org](https://dask.org) 6. numba/numba โญ 10,646 NumPy aware dynamic Python compiler using LLVM ๐Ÿ”— [numba.pydata.org](https://numba.pydata.org/) 7. modin-project/modin โญ 10,286 Modin: Scale your Pandas workflows by changing a single line of code ๐Ÿ”— [modin.readthedocs.io](http://modin.readthedocs.io) 8. vaexio/vaex โญ 8,432 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,365 A collection of libraries to optimise AI model performances ๐Ÿ”— [www.nebuly.com](https://www.nebuly.com/) 10. mher/flower โญ 6,948 Real-time monitor and web admin for Celery distributed task queue ๐Ÿ”— [flower.readthedocs.io](https://flower.readthedocs.io) 11. python-trio/trio โญ 6,878 Trio โ€“ a friendly Python library for async concurrency and I/O ๐Ÿ”— [trio.readthedocs.io](https://trio.readthedocs.io) 12. airtai/faststream โญ 4,596 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/) 13. ultrajson/ultrajson โญ 4,446 Ultra fast JSON decoder and encoder written in C with Python bindings ๐Ÿ”— [pypi.org/project/ujson](https://pypi.org/project/ujson/) 14. tlkh/asitop โญ 4,240 Perf monitoring CLI tool for Apple Silicon ๐Ÿ”— [tlkh.github.io/asitop](https://tlkh.github.io/asitop/) 15. facebookincubator/cinder โญ 3,711 Cinder is Meta's internal performance-oriented production version of CPython. ๐Ÿ”— [trycinder.com](https://trycinder.com) 16. ipython/ipyparallel โญ 2,624 IPython Parallel: Interactive Parallel Computing in Python ๐Ÿ”— [ipyparallel.readthedocs.io](https://ipyparallel.readthedocs.io/) 17. agronholm/anyio โญ 2,230 High level asynchronous concurrency and networking framework that works on top of either Trio or asyncio 18. h5py/h5py โญ 2,172 HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format. ๐Ÿ”— [www.h5py.org](http://www.h5py.org) 19. intel/intel-extension-for-transformers โญ 2,165 โšก Build your chatbot within minutes on your favorite device; offer SOTA compression techniques for LLMs; run LLMs efficiently on Intel Platformsโšก 20. tiangolo/asyncer โญ 2,143 Asyncer, async and await, focused on developer experience. ๐Ÿ”— [asyncer.tiangolo.com](https://asyncer.tiangolo.com/) 21. intel/intel-extension-for-pytorch โญ 1,970 A Python package for extending the official PyTorch that can easily obtain performance on Intel platform 22. faster-cpython/ideas โญ 1,720 Discussion and work tracker for Faster CPython project. 23. dask/distributed โญ 1,651 A distributed task scheduler for Dask ๐Ÿ”— [distributed.dask.org](https://distributed.dask.org) 24. nschloe/perfplot โญ 1,381 :chart_with_upwards_trend: Performance analysis for Python snippets 25. intel/scikit-learn-intelex โญ 1,313 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 โญ 957 How to make CPython faster. 27. zerointensity/pointers.py โญ 937 Bringing the hell of pointers to Python. ๐Ÿ”— [pointers.zintensity.dev](https://pointers.zintensity.dev/) 28. brandtbucher/specialist โญ 661 Visualize CPython's specializing, adaptive interpreter. ๐Ÿ”ฅ ## Profiling Memory and CPU/GPU profiling tools and libraries. 1. bloomberg/memray โญ 14,445 Memray is a memory profiler for Python ๐Ÿ”— [bloomberg.github.io/memray](https://bloomberg.github.io/memray/) 2. benfred/py-spy โญ 14,378 Sampling profiler for Python programs 3. plasma-umass/scalene โญ 12,990 Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals 4. joerick/pyinstrument โญ 7,379 ๐Ÿšดย Call stack profiler for Python. Shows you why your code is slow! ๐Ÿ”— [pyinstrument.readthedocs.io](https://pyinstrument.readthedocs.io/) 5. gaogaotiantian/viztracer โญ 7,086 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,532 Monitor Memory usage of Python code ๐Ÿ”— [pypi.python.org/pypi/memory_profiler](http://pypi.python.org/pypi/memory_profiler) 7. pyutils/line_profiler โญ 3,117 Line-by-line profiling for Python 8. reloadware/reloadium โญ 2,986 Hot Reloading and Profiling for Python 9. jiffyclub/snakeviz โญ 2,499 An in-browser Python profile viewer ๐Ÿ”— [jiffyclub.github.io/snakeviz](https://jiffyclub.github.io/snakeviz/) 10. p403n1x87/austin โญ 2,120 Python frame stack sampler for CPython ๐Ÿ”— [pypi.org/project/austin-dist](https://pypi.org/project/austin-dist/) 11. pythonspeed/filprofiler โญ 886 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 โญ 70,416 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 โญ 35,436 Automatic SQL injection and database takeover tool ๐Ÿ”— [sqlmap.org](http://sqlmap.org) 3. certbot/certbot โญ 32,483 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 โญ 29,299 Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more ๐Ÿ”— [trivy.dev](https://trivy.dev) 5. bridgecrewio/checkov โญ 8,040 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,365 Multi-Cloud Security Auditing Tool 7. pycqa/bandit โญ 7,356 Bandit is a tool designed to find common security issues in Python code. ๐Ÿ”— [bandit.readthedocs.io](https://bandit.readthedocs.io) 8. stamparm/maltrail โญ 7,212 Malicious traffic detection system 9. microsoft/presidio โญ 5,690 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,917 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,643 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,718 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,901 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,113 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 โญ 918 toolkit for python reverse engineering 16. thecyb3ralpha/BobTheSmuggler โญ 557 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 โญ 27,329 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,969 Python sample codes and textbook for robotics algorithms. ๐Ÿ”— [atsushisakai.github.io/pythonrobotics](https://atsushisakai.github.io/PythonRobotics/) 3. bulletphysics/bullet3 โญ 13,803 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,827 Open3D: A Modern Library for 3D Data Processing ๐Ÿ”— [www.open3d.org](http://www.open3d.org) 5. dlr-rm/stable-baselines3 โญ 11,686 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,059 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,533 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,596 A Python framework for accelerated simulation, data generation and spatial computing. ๐Ÿ”— [nvidia.github.io/warp](https://nvidia.github.io/warp/) 9. nvidia-omniverse/IsaacLab โญ 5,050 Unified framework for robot learning built on NVIDIA Isaac Sim ๐Ÿ”— [isaac-sim.github.io/isaaclab](https://isaac-sim.github.io/IsaacLab) 10. astropy/astropy โญ 4,862 Astronomy and astrophysics core library ๐Ÿ”— [www.astropy.org](https://www.astropy.org) 11. quantumlib/Cirq โญ 4,715 Python framework for creating, editing, and invoking Noisy Intermediate-Scale Quantum (NISQ) circuits. ๐Ÿ”— [quantumai.google/cirq](https://quantumai.google/cirq) 12. chakazul/Lenia โญ 3,683 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,168 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. rdkit/rdkit โญ 3,096 The official sources for the RDKit library 15. openai/mujoco-py โญ 3,073 MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3. 16. google/brax โญ 2,875 Massively parallel rigidbody physics simulation on accelerator hardware. 17. pennylaneai/pennylane โญ 2,834 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. nvidia-omniverse/IsaacGymEnvs โญ 2,673 Example RL environments for the NVIDIA Isaac Gym high performance environments 19. taichi-dev/difftaichi โญ 2,668 10 differentiable physical simulators built with Taichi differentiable programming (DiffTaichi, ICLR 2020) 20. facebookresearch/habitat-lab โญ 2,585 A modular high-level library to train embodied AI agents across a variety of tasks and environments. ๐Ÿ”— [aihabitat.org](https://aihabitat.org/) 21. dlr-rm/rl-baselines3-zoo โญ 2,568 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) 22. quantecon/QuantEcon.py โญ 2,204 A community based Python library for quantitative economics ๐Ÿ”— [quantecon.org/quantecon-py](https://quantecon.org/quantecon-py/) 23. tencent-hunyuan/Hunyuan3D-2.1 โญ 2,201 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/) 24. microsoft/PromptCraft-Robotics โญ 2,056 Community for applying LLMs to robotics and a robot simulator with ChatGPT integration ๐Ÿ”— [aka.ms/chatgpt-robotics](https://aka.ms/ChatGPT-Robotics) 25. eloialonso/diamond โญ 1,871 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) 26. deepmodeling/deepmd-kit โญ 1,762 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. isaac-sim/IsaacSim โญ 1,523 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) 28. bowang-lab/scGPT โญ 1,329 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/) 29. sail-sg/envpool โญ 1,196 C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments. ๐Ÿ”— [envpool.readthedocs.io](https://envpool.readthedocs.io) 30. altera-al/project-sid โญ 1,138 Project Sid: Many-agent simulations toward AI civilization technical report 31. a-r-j/graphein โญ 1,133 Protein Graph Library ๐Ÿ”— [graphein.ai](https://graphein.ai/) 32. polymathicai/the_well โญ 1,124 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/) 33. google-deepmind/materials_discovery โญ 1,047 Graph Networks for Materials Science (GNoME) is a project centered around scaling machine learning methods to tackle materials science. 34. viblo/pymunk โญ 1,020 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) 35. nvidia-omniverse/OmniIsaacGymEnvs โญ 1,006 Reinforcement Learning Environments for Omniverse Isaac Gym 36. google/evojax โญ 917 EvoJAX is a scalable, general purpose, hardware-accelerated neuroevolution toolkit built on the JAX library 37. eureka-research/DrEureka โญ 902 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 โญ 894 A modular embodied agent architecture and platform for building embodied agents 39. ur-whitelab/chemcrow-public โญ 815 Chemcrow 40. vandijklab/cell2sentence โญ 734 Cell2Sentence (C2S-Scale) framework for applying Large Language Models (LLMs) to single-cell transcriptomics. 41. araffin/sbx โญ 507 SBX: Stable Baselines Jax (SB3 + Jax) RL algorithms 42. sakanaai/asal โญ 429 Automating the Search for Artificial Life with Foundation Models! 43. arshka/PhysiX โญ 103 A Foundation Model for physics simulations 44. ur-whitelab/chemcrow-runs โญ 92 ur-whitelab/chemcrow-runs ## Study Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials. 1. thealgorithms/Python โญ 209,909 All Algorithms implemented in Python ๐Ÿ”— [thealgorithms.github.io/python](https://thealgorithms.github.io/Python/) 2. microsoft/generative-ai-for-beginners โญ 99,714 Learn the fundamentals of building Generative AI applications with our 21-lesson comprehensive course by Microsoft Cloud Advocates. 3. rasbt/LLMs-from-scratch โญ 74,440 Implement a ChatGPT-like LLM in PyTorch from scratch, step by step ๐Ÿ”— [amzn.to/4fqvn0d](https://amzn.to/4fqvn0D) 4. mlabonne/llm-course โญ 64,359 Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks. ๐Ÿ”— [mlabonne.github.io/blog](https://mlabonne.github.io/blog/) 5. labmlai/annotated_deep_learning_paper_implementations โญ 63,418 ๐Ÿง‘โ€๐Ÿซ 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) 6. jakevdp/PythonDataScienceHandbook โญ 45,657 Python Data Science Handbook: full text in Jupyter Notebooks ๐Ÿ”— [jakevdp.github.io/pythondatasciencehandbook](http://jakevdp.github.io/PythonDataScienceHandbook) 7. realpython/python-guide โญ 29,264 Python best practices guidebook, written for humans. ๐Ÿ”— [docs.python-guide.org](https://docs.python-guide.org) 8. d2l-ai/d2l-en โญ 27,033 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 โญ 26,274 A curated list of awesome Deep Learning tutorials, projects and communities. 10. hannibal046/Awesome-LLM โญ 25,191 Awesome-LLM: a curated list of Large Language Model 11. wesm/pydata-book โญ 23,761 Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media 12. huggingface/agents-course โญ 22,815 This repository contains the Hugging Face Agents Course. 13. microsoft/recommenders โญ 20,965 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,580 Jupyter notebooks for the code samples of the book "Deep Learning with Python" 15. karpathy/nn-zero-to-hero โญ 17,816 Neural Networks: Zero to Hero 16. handsonllm/Hands-On-Large-Language-Models โญ 16,168 Official code repo for the O'Reilly Book - "Hands-On Large Language Models" ๐Ÿ”— [www.llm-book.com](https://www.llm-book.com/) 17. mrdbourke/pytorch-deep-learning โญ 15,828 Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course. ๐Ÿ”— [learnpytorch.io](https://learnpytorch.io) 18. naklecha/llama3-from-scratch โญ 15,162 llama3 implementation one matrix multiplication at a time 19. graykode/nlp-tutorial โญ 14,754 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/) 20. shangtongzhang/reinforcement-learning-an-introduction โญ 14,325 Python Implementation of Reinforcement Learning: An Introduction 21. zhanymkanov/fastapi-best-practices โญ 13,670 FastAPI Best Practices and Conventions we used at our startup 22. nirdiamant/agents-towards-production โญ 13,466 The open-source playbook for turning AI agents into real-world products. 23. karpathy/micrograd โญ 12,859 A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API 24. eugeneyan/open-llms โญ 12,425 ๐Ÿ“‹ A list of open LLMs available for commercial use. 25. rucaibox/LLMSurvey โญ 11,853 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,516 Teaching beginner GPU programming in a completely interactive fashion 27. nielsrogge/Transformers-Tutorials โญ 11,262 This repository contains demos I made with the Transformers library by HuggingFace. 28. openai/spinningup โญ 11,261 An educational resource to help anyone learn deep reinforcement learning. ๐Ÿ”— [spinningup.openai.com](https://spinningup.openai.com/) 29. mooler0410/LLMsPracticalGuide โญ 10,054 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. chiphuyen/aie-book โญ 9,911 Code for AI Engineering: Building Applications with Foundation Models (Chip Huyen 2025) 31. roboflow/notebooks โญ 8,532 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) 32. udlbook/udlbook โญ 8,247 Understanding Deep Learning - Simon J.D. Prince 33. firmai/industry-machine-learning โญ 7,395 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/) 34. gkamradt/langchain-tutorials โญ 7,257 Overview and tutorial of the LangChain Library 35. alirezadir/Machine-Learning-Interviews โญ 6,960 This repo is meant to serve as a guide for Machine Learning/AI technical interviews. 36. huggingface/smol-course โญ 6,421 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. neetcode-gh/leetcode โญ 6,156 Leetcode solutions for NeetCode.io 38. mrdbourke/tensorflow-deep-learning โญ 5,748 All course materials for the Zero to Mastery Deep Learning with TensorFlow course. ๐Ÿ”— [dbourke.link/ztmtfcourse](https://dbourke.link/ZTMTFcourse) 39. udacity/deep-learning-v2-pytorch โญ 5,431 Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101 40. promptslab/Awesome-Prompt-Engineering โญ 4,972 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) 41. timofurrer/awesome-asyncio โญ 4,897 A curated list of awesome Python asyncio frameworks, libraries, software and resources 42. rasbt/machine-learning-book โญ 4,677 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) 43. huggingface/deep-rl-class โญ 4,544 This repo contains the Hugging Face Deep Reinforcement Learning Course. 44. zotroneneis/machine_learning_basics โญ 4,402 Plain python implementations of basic machine learning algorithms 45. huggingface/diffusion-models-class โญ 4,147 Materials for the Hugging Face Diffusion Models Course 46. amanchadha/coursera-deep-learning-specialization โญ 3,990 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. engineer1999/A-Curated-List-of-ML-System-Design-Case-Studies โญ 3,812 Curated collection of 300+ case studies from over 80 companies, detailing practical applications and insights into machine learning (ML) system design 48. fluentpython/example-code-2e โญ 3,768 Example code for Fluent Python, 2nd edition (O'Reilly 2022) ๐Ÿ”— [amzn.to/3j48u2j](https://amzn.to/3J48u2J) 49. cosmicpython/book โญ 3,622 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) 50. mrdbourke/zero-to-mastery-ml โญ 3,472 All course materials for the Zero to Mastery Machine Learning and Data Science course. ๐Ÿ”— [dbourke.link/ztmmlcourse](https://dbourke.link/ZTMmlcourse) 51. krzjoa/awesome-python-data-science โญ 3,126 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) 52. gerdm/prml โญ 2,444 Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop 53. huggingface/cookbook โญ 2,274 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. cgpotts/cs224u โญ 2,158 Code for CS224u: Natural Language Understanding 55. cerlymarco/MEDIUM_NoteBook โญ 2,125 Repository containing notebooks of my posts on Medium 56. trananhkma/fucking-awesome-python โญ 2,038 awesome-python with :octocat: โญ and ๐Ÿด 57. aburkov/theLMbook โญ 1,929 Code for Hundred-Page Language Models Book by Andriy Burkov ๐Ÿ”— [www.thelmbook.com](https://www.thelmbook.com) 58. chandlerbang/awesome-self-supervised-gnn โญ 1,687 Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN). 59. huggingface/evaluation-guidebook โญ 1,652 Sharing both practical insights and theoretical knowledge about LLM evaluation that we gathered while managing the Open LLM Leaderboard and designing lighteval! 60. atcold/NYU-DLSP21 โญ 1,643 NYU Deep Learning Spring 2021 ๐Ÿ”— [atcold.github.io/nyu-dlsp21](https://atcold.github.io/NYU-DLSP21/) 61. patrickloeber/MLfromscratch โญ 1,523 Machine Learning algorithm implementations from scratch. 62. davidadsp/Generative_Deep_Learning_2nd_Edition โญ 1,379 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 โญ 1,034 A 4-hour coding workshop to understand how LLMs are implemented and used 64. jackhidary/quantumcomputingbook โญ 883 Companion site for the textbook Quantum Computing: An Applied Approach 65. rasbt/MachineLearning-QandAI-book โญ 659 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 โญ 538 Build a full scale, high-performance LLM from scratch in Jax! We cover training and inference, roofline analysis, compilation, sharding, profiling and more. 67. towardsai/ragbook-notebooks โญ 507 Repository for the "Building LLMs for Production" book by Towards AI. ๐Ÿ”— [academy.towardsai.net/courses/buildingllmsforproduction](https://academy.towardsai.net/courses/buildingllmsforproduction) 68. dylanhogg/awesome-python โญ 407 ๐Ÿ 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 โญ 38,133 Full stack, modern web application template. Using FastAPI, React, SQLModel, PostgreSQL, Docker, GitHub Actions, automatic HTTPS and more. 2. cookiecutter/cookiecutter โญ 24,140 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,325 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,450 ๐Ÿš€ Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker 5. pyscaffold/pyscaffold โญ 2,231 ๐Ÿ›  Python project template generator with batteries included ๐Ÿ”— [pyscaffold.org](https://pyscaffold.org) 6. cjolowicz/cookiecutter-hypermodern-python โญ 1,885 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,353 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,093 ๐Ÿš€ Your next Python package needs a bleeding-edge project structure. 9. fpgmaas/cookiecutter-uv โญ 1,069 A modern cookiecutter template for Python projects that use uv for dependency management ๐Ÿ”— [fpgmaas.github.io/cookiecutter-uv](https://fpgmaas.github.io/cookiecutter-uv) 10. martinheinz/python-project-blueprint โญ 969 Blueprint/Boilerplate For Python Projects 11. callmesora/llmops-python-package โญ 881 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 โญ 53,945 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 โญ 37,773 Aider lets you pair program with LLMs, to edit code in your local git repository ๐Ÿ”— [aider.chat](https://aider.chat/) 3. anthropics/claude-code โญ 35,488 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) 4. willmcgugan/textual โญ 31,279 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. tqdm/tqdm โญ 30,492 :zap: A Fast, Extensible Progress Bar for Python and CLI ๐Ÿ”— [tqdm.github.io](https://tqdm.github.io) 6. google/python-fire โญ 27,911 Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object. 7. tiangolo/typer โญ 18,003 Typer, build great CLIs. Easy to code. Based on Python type hints. ๐Ÿ”— [typer.tiangolo.com](https://typer.tiangolo.com/) 8. pallets/click โญ 16,878 Python composable command line interface toolkit ๐Ÿ”— [click.palletsprojects.com](https://click.palletsprojects.com) 9. prompt-toolkit/python-prompt-toolkit โญ 9,981 Library for building powerful interactive command line applications in Python ๐Ÿ”— [python-prompt-toolkit.readthedocs.io](https://python-prompt-toolkit.readthedocs.io/) 10. simonw/llm โญ 9,842 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,479 A terminal spreadsheet multitool for discovering and arranging data ๐Ÿ”— [visidata.org](http://visidata.org) 12. xxh/xxh โญ 5,767 ๐Ÿš€ Bring your favorite shell wherever you go through the ssh. Xonsh shell, fish, zsh, osquery and so on. 13. tconbeer/harlequin โญ 5,089 The SQL IDE for Your Terminal. ๐Ÿ”— [harlequin.sh](https://harlequin.sh) 14. manrajgrover/halo โญ 2,969 ๐Ÿ’ซ Beautiful spinners for terminal, IPython and Jupyter 15. urwid/urwid โญ 2,951 Console user interface library for Python (official repo) ๐Ÿ”— [urwid.org](urwid.org) 16. textualize/trogon โญ 2,712 Easily turn your Click CLI into a powerful terminal application 17. darrenburns/elia โญ 2,306 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,888 Python library to build pretty command line user prompts โœจEasy to use multi-select lists, confirmations, free text prompts ... 19. jazzband/prettytable โญ 1,549 Display tabular data in a visually appealing ASCII table format ๐Ÿ”— [pypi.org/project/prettytable](https://pypi.org/project/PrettyTable/) 20. shobrook/wut โญ 1,386 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,060 :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 โญ 40,721 An interactive TLS-capable intercepting HTTP proxy for penetration testers and software developers. ๐Ÿ”— [mitmproxy.org](https://mitmproxy.org) 2. locustio/locust โญ 26,877 Write scalable load tests in plain Python ๐Ÿš—๐Ÿ’จ ๐Ÿ”— [locust.cloud](https://locust.cloud) 3. microsoft/playwright-python โญ 13,756 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 โญ 13,131 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,685 Python APIs for web automation, testing, and bypassing bot-detection. ๐Ÿ”— [seleniumbase.io](https://seleniumbase.io) 6. confident-ai/deepeval โญ 11,440 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) 7. robotframework/robotframework โญ 11,119 Generic automation framework for acceptance testing and RPA ๐Ÿ”— [robotframework.org](http://robotframework.org) 8. hypothesisworks/hypothesis โญ 8,096 The property-based testing library for Python ๐Ÿ”— [hypothesis.works](https://hypothesis.works) 9. getmoto/moto โญ 8,046 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/) 10. newsapps/beeswithmachineguns โญ 6,603 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,180 Qodo-Cover: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! ๐Ÿ’ป๐Ÿค–๐Ÿงช๐Ÿž ๐Ÿ”— [qodo.ai](https://qodo.ai/) 12. spulec/freezegun โญ 4,431 Let your Python tests travel through time 13. getsentry/responses โญ 4,292 A utility for mocking out the Python Requests library. 14. tox-dev/tox โญ 3,841 Command line driven CI frontend and development task automation tool. ๐Ÿ”— [tox.wiki](https://tox.wiki) 15. behave/behave โญ 3,373 BDD, Python style. ๐Ÿ”— [behave.readthedocs.io/en/latest](https://behave.readthedocs.io/en/latest/) 16. nedbat/coveragepy โญ 3,252 The code coverage tool for Python ๐Ÿ”— [coverage.readthedocs.io](https://coverage.readthedocs.io) 17. kevin1024/vcrpy โญ 2,861 Automatically mock your HTTP interactions to simplify and speed up testing 18. cobrateam/splinter โญ 2,753 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,440 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,982 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,951 Coverage plugin for pytest. 22. pytest-dev/pytest-xdist โญ 1,710 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,568 Asyncio support for pytest ๐Ÿ”— [pytest-asyncio.readthedocs.io](https://pytest-asyncio.readthedocs.io) 24. taverntesting/tavern โญ 1,114 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,654 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,281 A unified framework for machine learning with time series ๐Ÿ”— [www.sktime.net](https://www.sktime.net) 3. blue-yonder/tsfresh โญ 8,973 Automatic extraction of relevant features from time series: ๐Ÿ”— [tsfresh.readthedocs.io](http://tsfresh.readthedocs.io) 4. unit8co/darts โญ 8,932 A python library for user-friendly forecasting and anomaly detection on time series. ๐Ÿ”— [unit8co.github.io/darts](https://unit8co.github.io/darts/) 5. google-research/timesfm โญ 6,559 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/) 6. facebookresearch/Kats โญ 6,204 Kats, a kit to analyze time series data, a lightweight, easy-to-use, generalizable, and extendable framework to perform time series analysis, from understanding the key statistics and characteristics, detecting change points and anomalies, to forecasting future trends. 7. awslabs/gluonts โญ 5,020 Probabilistic time series modeling in Python ๐Ÿ”— [ts.gluon.ai](https://ts.gluon.ai) 8. nixtla/statsforecast โญ 4,528 Lightning โšก๏ธ fast forecasting with statistical and econometric models. ๐Ÿ”— [nixtlaverse.nixtla.io/statsforecast](https://nixtlaverse.nixtla.io/statsforecast) 9. salesforce/Merlion โญ 4,365 Merlion: A Machine Learning Framework for Time Series Intelligence 10. tdameritrade/stumpy โญ 3,998 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,697 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,235 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. yuqinie98/PatchTST โญ 2,193 An offical implementation of PatchTST: A Time Series is Worth 64 Words: Long-term Forecasting with Transformers 14. rjt1990/pyflux โญ 2,135 Open source time series library for Python 15. uber/orbit โญ 2,000 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,677 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,493 Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting 18. winedarksea/AutoTS โญ 1,323 Automated Time Series Forecasting 19. ngruver/llmtime โญ 801 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 โญ 760 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 โญ 704 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) 22. microsoft/robustlearn โญ 501 Robust machine learning for responsible AI ๐Ÿ”— [aka.ms/roblearn](http://aka.ms/roblearn) ## Typing Typing libraries: static and run-time type checking, annotations. 1. python/mypy โญ 19,849 Optional static typing for Python ๐Ÿ”— [www.mypy-lang.org](https://www.mypy-lang.org/) 2. microsoft/pyright โญ 14,850 Static Type Checker for Python 3. facebook/pyre-check โญ 7,093 Performant type-checking for python. ๐Ÿ”— [pyre-check.org](https://pyre-check.org/) 4. python-attrs/attrs โญ 5,623 Python Classes Without Boilerplate ๐Ÿ”— [www.attrs.org](https://www.attrs.org/) 5. google/pytype โญ 5,003 A static type analyzer for Python code ๐Ÿ”— [google.github.io/pytype](https://google.github.io/pytype) 6. instagram/MonkeyType โญ 4,942 A Python library that generates static type annotations by collecting runtime types 7. python/typeshed โญ 4,865 Collection of library stubs for Python, with static types 8. facebook/pyrefly โญ 3,784 A fast type checker and IDE for Python. (A new version of Pyre) ๐Ÿ”— [pyrefly.org](http://pyrefly.org/) 9. koxudaxi/datamodel-code-generator โญ 3,502 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/) 10. mtshiba/pylyzer โญ 2,866 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,912 Fast, feature-rich language support for Python. Documentation and issues for Pylance. 12. agronholm/typeguard โญ 1,705 Run-time type checker for Python 13. patrick-kidger/torchtyping โญ 1,447 Type annotations and dynamic checking for a tensor's shape, dtype, names, etc. 14. python/typing_extensions โญ 530 Backported and experimental type hints for Python 15. robertcraigie/pyright-python โญ 246 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 โญ 129,580 A feature-rich command-line audio/video downloader ๐Ÿ”— [discord.gg/h5mncfw63r](https://discord.gg/H5MNcFW63r) 2. home-assistant/core โญ 81,762 ๐Ÿก 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,940 Drop in a screenshot and convert it to clean code (HTML/Tailwind/React/Vue) ๐Ÿ”— [screenshottocode.com](https://screenshottocode.com) 4. python/cpython โญ 69,134 The Python programming language ๐Ÿ”— [www.python.org](https://www.python.org) 5. localstack/localstack โญ 60,716 ๐Ÿ’ป A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline ๐Ÿ”— [localstack.cloud](https://localstack.cloud) 6. ggerganov/whisper.cpp โญ 43,635 Port of OpenAI's Whisper model in C/C++ 7. faif/python-patterns โญ 42,215 A collection of design patterns/idioms in Python 8. mingrammer/diagrams โญ 41,562 :art: Diagram as Code for prototyping cloud system architectures ๐Ÿ”— [diagrams.mingrammer.com](https://diagrams.mingrammer.com) 9. openai/openai-python โญ 28,817 The official Python library for the OpenAI API ๐Ÿ”— [pypi.org/project/openai](https://pypi.org/project/openai/) 10. blakeblackshear/frigate โญ 26,248 NVR with realtime local object detection for IP cameras ๐Ÿ”— [frigate.video](https://frigate.video) 11. pydantic/pydantic โญ 25,366 Data validation using Python type hints ๐Ÿ”— [docs.pydantic.dev](https://docs.pydantic.dev) 12. keon/algorithms โญ 24,769 Minimal examples of data structures and algorithms in Python 13. squidfunk/mkdocs-material โญ 24,699 Documentation that simply works ๐Ÿ”— [squidfunk.github.io/mkdocs-material](https://squidfunk.github.io/mkdocs-material/) 14. norvig/pytudes โญ 24,032 Python programs, usually short, of considerable difficulty, to perfect particular skills. 15. delgan/loguru โญ 22,823 Python logging made (stupidly) simple ๐Ÿ”— [loguru.readthedocs.io](https://loguru.readthedocs.io) 16. facebookresearch/audiocraft โญ 22,512 Audiocraft is a library for audio processing and generation with deep learning. It features the state-of-the-art EnCodec audio compressor / tokenizer, along with MusicGen, a simple and controllable music generation LM with textual and melodic conditioning. 17. chriskiehl/Gooey โญ 21,591 Turn (almost) any Python command line program into a full GUI application with one line 18. mkdocs/mkdocs โญ 21,127 Project documentation with Markdown. ๐Ÿ”— [www.mkdocs.org](https://www.mkdocs.org) 19. micropython/micropython โญ 20,900 MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems ๐Ÿ”— [micropython.org](https://micropython.org) 20. rustpython/RustPython โญ 20,571 A Python Interpreter written in Rust ๐Ÿ”— [rustpython.github.io](https://rustpython.github.io) 21. higherorderco/Bend โญ 19,024 A massively parallel, high-level programming language ๐Ÿ”— [higherorderco.com](https://higherorderco.com) 22. kivy/kivy โญ 18,653 Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS ๐Ÿ”— [kivy.org](https://kivy.org) 23. openai/triton โญ 17,126 Development repository for the Triton language and compiler ๐Ÿ”— [triton-lang.org](https://triton-lang.org/) 24. ipython/ipython โญ 16,580 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) 25. alievk/avatarify-python โญ 16,521 Avatars for Zoom, Skype and other video-conferencing apps. 26. caronc/apprise โญ 14,578 Apprise - Push Notifications that work with just about every platform! ๐Ÿ”— [hub.docker.com/r/caronc/apprise](https://hub.docker.com/r/caronc/apprise) 27. comet-ml/opik โญ 14,516 Opik is an open-source platform for evaluating, testing and monitoring LLM applications. ๐Ÿ”— [www.comet.com/docs/opik](https://www.comet.com/docs/opik/) 28. pyo3/pyo3 โญ 14,501 Rust bindings for the Python interpreter ๐Ÿ”— [pyo3.rs](https://pyo3.rs) 29. google/brotli โญ 14,325 Brotli is a generic-purpose lossless compression algorithm that compresses data using a combination of a modern variant of the LZ77 algorithm, Huffman coding and 2nd order context modeling 30. zulko/moviepy โญ 13,963 Video editing with Python ๐Ÿ”— [zulko.github.io/moviepy](https://zulko.github.io/moviepy/) 31. nuitka/Nuitka โญ 13,912 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) 32. pyodide/pyodide โญ 13,750 Pyodide is a Python distribution for the browser and Node.js based on WebAssembly ๐Ÿ”— [pyodide.org/en/stable](https://pyodide.org/en/stable/) 33. python-pillow/Pillow โญ 13,106 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) 34. pytube/pytube โญ 12,956 A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos. ๐Ÿ”— [pytube.io](https://pytube.io) 35. ninja-build/ninja โญ 12,302 Ninja is a small build system with a focus on speed. ๐Ÿ”— [ninja-build.org](https://ninja-build.org/) 36. dbader/schedule โญ 12,154 Python job scheduling for humans. ๐Ÿ”— [schedule.readthedocs.io](https://schedule.readthedocs.io/) 37. asweigart/pyautogui โญ 11,929 A cross-platform GUI automation Python module for human beings. Used to programmatically control the mouse & keyboard. 38. secdev/scapy โญ 11,738 Scapy: the Python-based interactive packet manipulation program & library. ๐Ÿ”— [scapy.net](https://scapy.net) 39. magicstack/uvloop โญ 11,304 Ultra fast asyncio event loop. 40. pallets/jinja โญ 11,178 A very fast and expressive template engine. ๐Ÿ”— [jinja.palletsprojects.com](https://jinja.palletsprojects.com) 41. aristocratos/bpytop โญ 10,769 Linux/OSX/FreeBSD resource monitor 42. cython/cython โญ 10,320 The most widely used Python to C compiler ๐Ÿ”— [cython.org](https://cython.org) 43. facebookresearch/hydra โญ 9,794 Hydra is a framework for elegantly configuring complex applications ๐Ÿ”— [hydra.cc](https://hydra.cc) 44. boto/boto3 โญ 9,545 Boto3, an AWS SDK for Python ๐Ÿ”— [aws.amazon.com/sdk-for-python](https://aws.amazon.com/sdk-for-python/) 45. paramiko/paramiko โญ 9,512 The leading native Python SSHv2 protocol library. ๐Ÿ”— [paramiko.org](http://paramiko.org) 46. aws/serverless-application-model โญ 9,499 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) 47. py-pdf/pypdf โญ 9,437 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. xonsh/xonsh โญ 8,991 :shell: Python-powered shell. Full-featured and cross-platform. ๐Ÿ”— [xon.sh](http://xon.sh) 49. icloud-photos-downloader/icloud_photos_downloader โญ 8,928 A command-line tool to download photos from iCloud 50. arrow-py/arrow โญ 8,928 ๐Ÿน Better dates & times for Python ๐Ÿ”— [arrow.readthedocs.io](https://arrow.readthedocs.io) 51. eternnoir/pyTelegramBotAPI โญ 8,565 Python Telegram bot api. 52. googleapis/google-api-python-client โญ 8,498 ๐Ÿ 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/) 53. theskumar/python-dotenv โญ 8,401 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/) 54. jasonppy/VoiceCraft โญ 8,396 Zero-Shot Speech Editing and Text-to-Speech in the Wild 55. kellyjonbrazil/jc โญ 8,387 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. 56. jd/tenacity โญ 7,910 Retrying library for Python ๐Ÿ”— [tenacity.readthedocs.io](http://tenacity.readthedocs.io) 57. googlecloudplatform/python-docs-samples โญ 7,846 Code samples used on cloud.google.com 58. timdettmers/bitsandbytes โญ 7,627 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) 59. google/latexify_py โญ 7,568 A library to generate LaTeX expression from Python code. 60. pygithub/PyGithub โญ 7,548 Typed interactions with the GitHub API v3 ๐Ÿ”— [pygithub.readthedocs.io](https://pygithub.readthedocs.io/) 61. ijl/orjson โญ 7,445 Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy 62. sphinx-doc/sphinx โญ 7,408 The Sphinx documentation generator ๐Ÿ”— [www.sphinx-doc.org](https://www.sphinx-doc.org/) 63. bndr/pipreqs โญ 7,343 pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward. 64. pyca/cryptography โญ 7,246 cryptography is a package designed to expose cryptographic primitives and recipes to Python developers. ๐Ÿ”— [cryptography.io](https://cryptography.io) 65. marshmallow-code/marshmallow โญ 7,190 A lightweight library for converting complex objects to and from simple Python datatypes. ๐Ÿ”— [marshmallow.readthedocs.io](https://marshmallow.readthedocs.io/) 66. gorakhargosh/watchdog โญ 7,106 Python library and shell utilities to monitor filesystem events. ๐Ÿ”— [packages.python.org/watchdog](http://packages.python.org/watchdog/) 67. agronholm/apscheduler โญ 7,017 Task scheduling library for Python 68. hugapi/hug โญ 6,896 Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible, but no simpler. 69. openai/point-e โญ 6,792 Point cloud diffusion for 3D model synthesis 70. pdfminer/pdfminer.six โญ 6,741 Community maintained fork of pdfminer - we fathom PDF ๐Ÿ”— [pdfminersix.readthedocs.io](https://pdfminersix.readthedocs.io) 71. sdispater/pendulum โญ 6,558 Python datetimes made easy ๐Ÿ”— [pendulum.eustace.io](https://pendulum.eustace.io) 72. traceloop/openllmetry โญ 6,451 Open-source observability for your GenAI or LLM application, based on OpenTelemetry ๐Ÿ”— [www.traceloop.com/openllmetry](https://www.traceloop.com/openllmetry) 73. scikit-image/scikit-image โญ 6,356 Image processing in Python ๐Ÿ”— [scikit-image.org](https://scikit-image.org) 74. wireservice/csvkit โญ 6,255 A suite of utilities for converting to and working with CSV, the king of tabular file formats. ๐Ÿ”— [csvkit.readthedocs.io](https://csvkit.readthedocs.io) 75. pytransitions/transitions โญ 6,245 A lightweight, object-oriented finite state machine implementation in Python with many extensions 76. rsalmei/alive-progress โญ 6,129 A new kind of Progress Bar, with real-time throughput, ETA, and very cool animations! 77. spotify/pedalboard โญ 5,785 ๐ŸŽ› ๐Ÿ”Š A Python library for audio. ๐Ÿ”— [spotify.github.io/pedalboard](https://spotify.github.io/pedalboard) 78. pywinauto/pywinauto โญ 5,666 Windows GUI Automation with Python (based on text properties) ๐Ÿ”— [pywinauto.github.io](http://pywinauto.github.io/) 79. buildbot/buildbot โญ 5,389 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,357 A better Python REPL 81. tebelorg/RPA-Python โญ 5,346 Python package for doing RPA 82. pythonnet/pythonnet โญ 5,266 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,118 Simple Python style checker in one Python file ๐Ÿ”— [pycodestyle.pycqa.org](https://pycodestyle.pycqa.org) 84. pytoolz/toolz โญ 5,040 A functional standard library for Python. ๐Ÿ”— [toolz.readthedocs.org](http://toolz.readthedocs.org/) 85. jorgebastida/awslogs โญ 4,960 AWS CloudWatch logs for Humansโ„ข 86. pyo3/maturin โญ 4,936 Build and publish crates with pyo3, cffi and uniffi bindings as well as rust binaries as python packages ๐Ÿ”— [maturin.rs](https://maturin.rs) 87. ashleve/lightning-hydra-template โญ 4,903 PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation. โšก๐Ÿ”ฅโšก 88. bogdanp/dramatiq โญ 4,901 A fast and reliable background task processing library for Python 3. ๐Ÿ”— [dramatiq.io](https://dramatiq.io) 89. hhatto/autopep8 โญ 4,638 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,624 Pythonic task management & command execution. ๐Ÿ”— [pyinvoke.org](http://pyinvoke.org) 91. ets-labs/python-dependency-injector โญ 4,606 Dependency injection framework for Python ๐Ÿ”— [python-dependency-injector.ets-labs.org](https://python-dependency-injector.ets-labs.org/) 92. blealtan/efficient-kan โญ 4,480 An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN). 93. pyinfra-dev/pyinfra โญ 4,438 ๐Ÿ”ง 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,347 CircuitPython - a Python implementation for teaching coding with microcontrollers ๐Ÿ”— [circuitpython.org](https://circuitpython.org) 95. spotify/basic-pitch โญ 4,285 A lightweight yet powerful audio-to-MIDI converter with pitch bend detection ๐Ÿ”— [basicpitch.io](https://basicpitch.io) 96. hynek/structlog โญ 4,275 Simple, powerful, and fast logging for Python. ๐Ÿ”— [www.structlog.org](https://www.structlog.org/) 97. evhub/coconut โญ 4,264 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) 98. miguelgrinberg/python-socketio โญ 4,257 Python Socket.IO server and client 99. joblib/joblib โญ 4,235 Computing with Python functions. ๐Ÿ”— [joblib.readthedocs.org](http://joblib.readthedocs.org) 100. python-markdown/markdown โญ 4,095 A Python implementation of John Gruberโ€™s Markdown with Extension support. ๐Ÿ”— [python-markdown.github.io](https://python-markdown.github.io/) 101. pydata/xarray โญ 3,988 N-D labeled arrays and datasets in Python ๐Ÿ”— [xarray.dev](https://xarray.dev) 102. zeromq/pyzmq โญ 3,984 PyZMQ: Python bindings for zeromq ๐Ÿ”— [zguide.zeromq.org/py:all](http://zguide.zeromq.org/py:all) 103. more-itertools/more-itertools โญ 3,983 More routines for operating on iterables, beyond itertools ๐Ÿ”— [more-itertools.rtfd.io](https://more-itertools.rtfd.io) 104. rspeer/python-ftfy โญ 3,969 Fixes mojibake and other glitches in Unicode text, after the fact. ๐Ÿ”— [ftfy.readthedocs.org](http://ftfy.readthedocs.org) 105. pypi/warehouse โญ 3,840 The Python Package Index ๐Ÿ”— [pypi.org](https://pypi.org) 106. tartley/colorama โญ 3,725 Simple cross-platform colored terminal text in Python 107. pydantic/logfire โญ 3,626 Uncomplicated Observability for Python and beyond! ๐Ÿชต๐Ÿ”ฅ ๐Ÿ”— [logfire.pydantic.dev/docs](https://logfire.pydantic.dev/docs/) 108. jorisschellekens/borb โญ 3,528 borb is a library for reading, creating and manipulating PDF files in python. ๐Ÿ”— [borbpdf.com](https://borbpdf.com/) 109. osohq/oso โญ 3,490 Deprecated: See README 110. camelot-dev/camelot โญ 3,469 A Python library to extract tabular data from PDFs ๐Ÿ”— [camelot-py.readthedocs.io](https://camelot-py.readthedocs.io) 111. suor/funcy โญ 3,457 A fancy and practical functional tools 112. pyserial/pyserial โญ 3,435 Python serial port access library 113. libaudioflux/audioFlux โญ 3,172 A library for audio and music analysis, feature extraction. ๐Ÿ”— [audioflux.top](https://audioflux.top) 114. jcrist/msgspec โญ 3,165 A fast serialization and validation library, with builtin support for JSON, MessagePack, YAML, and TOML ๐Ÿ”— [jcristharif.com/msgspec](https://jcristharif.com/msgspec/) 115. tinche/aiofiles โญ 3,157 Library for handling local disk files in asyncio applications. 116. legrandin/pycryptodome โญ 3,109 A self-contained cryptographic library for Python ๐Ÿ”— [www.pycryptodome.org](https://www.pycryptodome.org) 117. tox-dev/pipdeptree โญ 2,933 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,929 The lxml XML toolkit for Python ๐Ÿ”— [lxml.de](https://lxml.de/) 119. rhettbull/osxphotos โญ 2,873 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. 120. yaml/pyyaml โญ 2,779 Canonical source repository for PyYAML 121. cdgriffith/Box โญ 2,772 Python dictionaries with advanced dot notation access ๐Ÿ”— [github.com/cdgriffith/box/wiki](https://github.com/cdgriffith/Box/wiki) 122. whylabs/whylogs โญ 2,761 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/) 123. pypa/setuptools โญ 2,754 Official project repository for the Setuptools build system ๐Ÿ”— [pypi.org/project/setuptools](https://pypi.org/project/setuptools/) 124. pexpect/pexpect โญ 2,754 A Python module for controlling interactive programs in a pseudo-terminal ๐Ÿ”— [pexpect.readthedocs.io](http://pexpect.readthedocs.io/) 125. scrapinghub/dateparser โญ 2,728 python parser for human readable dates 126. liiight/notifiers โญ 2,719 The easy way to send notifications ๐Ÿ”— [notifiers.readthedocs.io](http://notifiers.readthedocs.io/) 127. litl/backoff โญ 2,701 Python library providing function decorators for configurable backoff and retry 128. hgrecco/pint โญ 2,634 Operate and manipulate physical quantities in Python ๐Ÿ”— [pint.readthedocs.org](http://pint.readthedocs.org/) 129. grantjenks/python-diskcache โญ 2,623 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,604 Various memoizing collections and decorators, including variants of the Python Standard Library's @lru_cache function decorator 131. dateutil/dateutil โญ 2,543 Useful extensions to the standard Python datetime features 132. nschloe/tikzplotlib โญ 2,532 ๐Ÿ“Š Save matplotlib figures as TikZ/PGFplots for smooth integration into LaTeX. 133. pndurette/gTTS โญ 2,528 Python library and CLI tool to interface with Google Translate's text-to-speech API ๐Ÿ”— [gtts.readthedocs.org](http://gtts.readthedocs.org/) 134. dosisod/refurb โญ 2,514 A tool for refurbishing and modernizing Python codebases 135. pyston/pyston โญ 2,508 (No longer maintained) A faster and highly-compatible implementation of the Python programming language. ๐Ÿ”— [www.pyston.org](https://www.pyston.org/) 136. astanin/python-tabulate โญ 2,445 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/) 137. kiminewt/pyshark โญ 2,424 Python wrapper for tshark, allowing python packet parsing using wireshark dissectors 138. nateshmbhat/pyttsx3 โญ 2,420 Offline Text To Speech synthesis for python 139. abseil/abseil-py โญ 2,404 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. 140. seperman/deepdiff โญ 2,395 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) 141. pyparsing/pyparsing โญ 2,392 Python library for creating PEG parsers 142. samuelcolvin/watchfiles โญ 2,321 Simple, modern and fast file watching and code reload for Python, written in Rust ๐Ÿ”— [watchfiles.helpmanual.io](https://watchfiles.helpmanual.io) 143. anthropics/anthropic-sdk-python โญ 2,298 SDK providing access to Anthropic's safety-first language model APIs 144. omry/omegaconf โญ 2,251 Flexible Python configuration system. The last one you will ever need. 145. mitmproxy/pdoc โญ 2,207 API Documentation for Python Projects ๐Ÿ”— [pdoc.dev](https://pdoc.dev) 146. grahamdumpleton/wrapt โญ 2,203 A Python module for decorators, wrappers and monkey patching. 147. ariebovenberg/whenever โญ 2,198 โฐ Modern datetime library for Python ๐Ÿ”— [whenever.rtfd.io](https://whenever.rtfd.io) 148. hbldh/bleak โญ 2,198 A cross platform Bluetooth Low Energy Client for Python using asyncio 149. open-telemetry/opentelemetry-python โญ 2,174 OpenTelemetry Python API and SDK ๐Ÿ”— [opentelemetry.io](https://opentelemetry.io) 150. ianmiell/shutit โญ 2,142 Automation framework for programmers ๐Ÿ”— [ianmiell.github.io/shutit](http://ianmiell.github.io/shutit/) 151. numba/llvmlite โญ 2,141 A lightweight LLVM python binding for writing JIT compilers ๐Ÿ”— [llvmlite.pydata.org](https://llvmlite.pydata.org/) 152. google/gin-config โญ 2,125 Gin provides a lightweight configuration framework for Python 153. python-rope/rope โญ 2,123 a python refactoring library 154. p0dalirius/Coercer โญ 2,084 A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods. ๐Ÿ”— [podalirius.net](https://podalirius.net/) 155. julienpalard/Pipe โญ 2,070 A Python library to use infix notation in Python 156. pyfilesystem/pyfilesystem2 โญ 2,066 Python's Filesystem abstraction layer ๐Ÿ”— [www.pyfilesystem.org](https://www.pyfilesystem.org) 157. pygments/pygments โญ 2,044 Pygments is a generic syntax highlighter written in Python ๐Ÿ”— [pygments.org](http://pygments.org/) 158. landscapeio/prospector โญ 2,038 Inspects Python source files and provides information about type and location of classes, methods etc 159. home-assistant/supervisor โญ 2,021 ๐Ÿก Home Assistant Supervisor ๐Ÿ”— [home-assistant.io/hassio](https://home-assistant.io/hassio/) 160. carpedm20/emoji โญ 2,002 emoji terminal output for Python 161. mkdocstrings/mkdocstrings โญ 1,976 ๐Ÿ“˜ Automatic documentation from sources, for MkDocs. ๐Ÿ”— [mkdocstrings.github.io](https://mkdocstrings.github.io/) 162. pydoit/doit โญ 1,969 CLI task management & automation tool ๐Ÿ”— [pydoit.org](http://pydoit.org) 163. chaostoolkit/chaostoolkit โญ 1,962 Chaos Engineering Toolkit & Orchestration for Developers ๐Ÿ”— [chaostoolkit.org](https://chaostoolkit.org) 164. konradhalas/dacite โญ 1,957 Simple creation of data classes from dictionaries. 165. rubik/radon โญ 1,887 Various code metrics for Python code ๐Ÿ”— [radon.readthedocs.org](http://radon.readthedocs.org/) 166. joowani/binarytree โญ 1,815 Python Library for Studying Binary Trees ๐Ÿ”— [binarytree.readthedocs.io](http://binarytree.readthedocs.io) 167. quodlibet/mutagen โญ 1,778 Python module for handling audio metadata ๐Ÿ”— [mutagen.readthedocs.io](https://mutagen.readthedocs.io) 168. instagram/LibCST โญ 1,761 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/) 169. karpathy/rendergit โญ 1,751 Render any git repo into a single static HTML page for humans or LLMs 170. kalliope-project/kalliope โญ 1,750 Kalliope is a framework that will help you to create your own personal assistant. ๐Ÿ”— [kalliope-project.github.io](https://kalliope-project.github.io/) 171. chrishayuk/mcp-cli โญ 1,715 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. 172. aerkalov/ebooklib โญ 1,691 A library for managing EPUB2/EPUB3. It's capable of reading and writing EPUB files programmatically. ๐Ÿ”— [ebooklib.readthedocs.io](https://ebooklib.readthedocs.io/) 173. imageio/imageio โญ 1,649 Python library for reading and writing image data ๐Ÿ”— [imageio.readthedocs.io](https://imageio.readthedocs.io) 174. facebookincubator/Bowler โญ 1,616 Safe code refactoring for modern Python. ๐Ÿ”— [pybowler.io](https://pybowler.io/) 175. lcompilers/lpython โญ 1,611 Python compiler ๐Ÿ”— [lpython.org](https://lpython.org/) 176. extensityai/symbolicai โญ 1,607 Compositional Differentiable Programming Library - divide-and-conquer approach to break down a complex problem into smaller, more manageable problems. 177. fabiocaccamo/python-benedict โญ 1,586 ๐Ÿ“˜ 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. 178. aws-samples/aws-glue-samples โญ 1,518 AWS Glue code samples 179. nficano/python-lambda โญ 1,515 A toolkit for developing and deploying serverless Python code in AWS Lambda. 180. pypy/pypy โญ 1,508 PyPy is a very fast and compliant implementation of the Python language. ๐Ÿ”— [pypy.org](https://pypy.org) 181. oracle/graalpython โญ 1,471 GraalPy โ€“ A high-performance embeddable Python 3 runtime for Java ๐Ÿ”— [www.graalvm.org/python](https://www.graalvm.org/python/) 182. lidatong/dataclasses-json โญ 1,468 Easily serialize Data Classes to and from JSON 183. brandon-rhodes/python-patterns โญ 1,464 Source code behind the python-patterns.guide site by Brandon Rhodes 184. aio-libs/yarl โญ 1,451 Yet another URL library ๐Ÿ”— [yarl.aio-libs.org](https://yarl.aio-libs.org) 185. ossf/criticality_score โญ 1,402 Gives criticality score for an open source project 186. pyfpdf/fpdf2 โญ 1,374 Simple PDF generation for Python ๐Ÿ”— [py-pdf.github.io/fpdf2](https://py-pdf.github.io/fpdf2/) 187. daveebbelaar/python-whatsapp-bot โญ 1,358 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. lukasschwab/arxiv.py โญ 1,353 Python wrapper for the arXiv API 189. juanbindez/pytubefix โญ 1,329 Python3 library for downloading YouTube Videos. ๐Ÿ”— [pytubefix.readthedocs.io](https://pytubefix.readthedocs.io) 190. pyo3/rust-numpy โญ 1,284 PyO3-based Rust bindings of the NumPy C-API 191. milvus-io/pymilvus โญ 1,280 Python SDK for Milvus Vector Database 192. fsspec/filesystem_spec โญ 1,226 A specification that python filesystems should adhere to. 193. pdoc3/pdoc โญ 1,180 ๐Ÿ โžก๏ธ ๐Ÿ“œ Auto-generate API documentation for Python projects ๐Ÿ”— [pdoc3.github.io/pdoc](https://pdoc3.github.io/pdoc/) 194. qdrant/qdrant-client โญ 1,110 Python client for Qdrant vector search engine ๐Ÿ”— [qdrant.tech](https://qdrant.tech) 195. pydantic/pydantic-settings โญ 1,102 Settings management using pydantic ๐Ÿ”— [docs.pydantic.dev/latest/usage/pydantic_settings](https://docs.pydantic.dev/latest/usage/pydantic_settings/) 196. barracuda-fsh/pyobd โญ 1,071 An OBD-II compliant car diagnostic tool 197. fastai/fastcore โญ 1,056 Python supercharged for the fastai library ๐Ÿ”— [fastcore.fast.ai](http://fastcore.fast.ai) 198. lastmile-ai/aiconfig โญ 1,055 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) 199. modal-labs/modal-examples โญ 980 Examples of programs built using Modal ๐Ÿ”— [modal.com/docs](https://modal.com/docs) 200. samuelcolvin/dirty-equals โญ 918 Doing dirty (but extremely useful) things with equals. ๐Ÿ”— [dirty-equals.helpmanual.io](https://dirty-equals.helpmanual.io) 201. open-telemetry/opentelemetry-python-contrib โญ 908 OpenTelemetry instrumentation for Python modules ๐Ÿ”— [opentelemetry.io](https://opentelemetry.io) 202. tox-dev/filelock โญ 892 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) 203. secretiveshell/MCP-Bridge โญ 860 A middleware to provide an openAI compatible endpoint that can call MCP tools 204. tavily-ai/tavily-python โญ 842 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) 205. platformdirs/platformdirs โญ 828 A small Python module for determining appropriate platform-specific dirs, e.g. a "user data dir". ๐Ÿ”— [platformdirs.readthedocs.io](https://platformdirs.readthedocs.io) 206. pypa/build โญ 809 A simple, correct Python build frontend ๐Ÿ”— [build.pypa.io](https://build.pypa.io) 207. argoproj-labs/hera โญ 793 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) 208. gefyrahq/gefyra โญ 747 Blazingly-fast ๐Ÿš€, rock-solid, local application development :arrow_right: with Kubernetes. ๐Ÿ”— [gefyra.dev](https://gefyra.dev) 209. nv7-github/googlesearch โญ 739 A Python library for scraping the Google search engine. ๐Ÿ”— [pypi.org/project/googlesearch-python](https://pypi.org/project/googlesearch-python/) 210. chinapandaman/PyPDFForm โญ 731 ๐Ÿ”ฅ The Python library for PDF forms. ๐Ÿ”— [chinapandaman.github.io/pypdfform](https://chinapandaman.github.io/PyPDFForm/) 211. salesforce/logai โญ 696 LogAI - An open-source library for log analytics and intelligence 212. google/pyglove โญ 692 Manipulating Python Programs 213. fastai/ghapi โญ 667 A delightful and complete interface to GitHub's amazing API ๐Ÿ”— [ghapi.fast.ai](https://ghapi.fast.ai/) 214. pypdfium2-team/pypdfium2 โญ 651 Python bindings to PDFium, reasonably cross-platform. ๐Ÿ”— [pypdfium2.readthedocs.io](https://pypdfium2.readthedocs.io/) 215. methexis-inc/terminal-copilot โญ 570 A smart terminal assistant that helps you find the right command. 216. steamship-core/steamship-langchain โญ 508 steamship-langchain 217. neuml/annotateai โญ 354 Automatically annotates papers using Large Language Models (LLMs) ## Vizualisation Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL. 1. apache/superset โญ 68,352 Apache Superset is a Data Visualization and Data Exploration Platform ๐Ÿ”— [superset.apache.org](https://superset.apache.org/) 2. streamlit/streamlit โญ 41,653 Streamlit โ€” A faster way to build and share data apps. ๐Ÿ”— [streamlit.io](https://streamlit.io) 3. gradio-app/gradio โญ 40,107 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 โญ 30,556 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 โญ 24,129 Data Apps & Dashboards for Python. No JavaScript Required. ๐Ÿ”— [plotly.com/dash](https://plotly.com/dash) 6. matplotlib/matplotlib โญ 21,764 matplotlib: plotting with Python ๐Ÿ”— [matplotlib.org/stable](https://matplotlib.org/stable/) 7. bokeh/bokeh โญ 20,113 Interactive Data Visualization in the browser, from Python ๐Ÿ”— [bokeh.org](https://bokeh.org) 8. plotly/plotly.py โญ 17,801 The interactive graphing library for Python โœจ ๐Ÿ”— [plotly.com/python](https://plotly.com/python/) 9. microsoft/data-formulator โญ 13,728 Transform data and create rich visualizations iteratively with AI ๐Ÿ”— [arxiv.org/abs/2408.16119](https://arxiv.org/abs/2408.16119) 10. visgl/deck.gl โญ 13,504 WebGL2 powered visualization framework ๐Ÿ”— [deck.gl](https://deck.gl) 11. mwaskom/seaborn โญ 13,479 Statistical data visualization in Python ๐Ÿ”— [seaborn.pydata.org](https://seaborn.pydata.org) 12. marceloprates/prettymaps โญ 11,920 Draw pretty maps from OpenStreetMap data! Built with osmnx +matplotlib + shapely ๐Ÿ”— [prettymaps.streamlit.app](https://prettymaps.streamlit.app/) 13. nvidia/TensorRT-LLM โญ 11,772 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 โญ 10,043 Declarative visualization library for Python ๐Ÿ”— [altair-viz.github.io](https://altair-viz.github.io/) 15. renpy/renpy โญ 5,876 The Ren'Py Visual Novel Engine ๐Ÿ”— [www.renpy.org](http://www.renpy.org/) 16. holoviz/panel โญ 5,439 Panel: The powerful data exploration & web app framework for Python ๐Ÿ”— [panel.holoviz.org](https://panel.holoviz.org) 17. lux-org/lux โญ 5,316 Automatically visualize your pandas dataframe via a single print! ๐Ÿ“Š ๐Ÿ’ก 18. man-group/dtale โญ 4,991 Visualizer for pandas data structures ๐Ÿ”— [alphatechadmin.pythonanywhere.com](http://alphatechadmin.pythonanywhere.com) 19. has2k1/plotnine โญ 4,378 A Grammar of Graphics for Python ๐Ÿ”— [plotnine.org](https://plotnine.org) 20. pyqtgraph/pyqtgraph โญ 4,178 Fast data visualization and GUI tools for scientific / engineering applications ๐Ÿ”— [www.pyqtgraph.org](https://www.pyqtgraph.org) 21. residentmario/missingno โญ 4,143 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,478 Main repository for Vispy ๐Ÿ”— [vispy.org](http://vispy.org) 23. mckinsey/vizro โญ 3,382 Vizro is a low-code toolkit for building high-quality data visualization apps. ๐Ÿ”— [vizro.readthedocs.io/en/stable](https://vizro.readthedocs.io/en/stable/) 24. pyvista/pyvista โญ 3,308 3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK) ๐Ÿ”— [docs.pyvista.org](https://docs.pyvista.org) 25. ml-tooling/opyrator โญ 3,132 ๐Ÿช„ Turns your machine learning code into microservices with web API, interactive GUI, and more. ๐Ÿ”— [opyrator-playground.mltooling.org](https://opyrator-playground.mltooling.org) 26. netflix/flamescope โญ 3,089 FlameScope is a visualization tool for exploring different time ranges as Flame Graphs. 27. holoviz/holoviews โญ 2,827 With Holoviews, your data visualizes itself. ๐Ÿ”— [holoviews.org](https://holoviews.org) 28. facebookresearch/hiplot โญ 2,800 HiPlot makes understanding high dimensional data easy ๐Ÿ”— [facebookresearch.github.io/hiplot](https://facebookresearch.github.io/hiplot/) 29. kozea/pygal โญ 2,733 pygal is a dynamic SVG charting library written in python. ๐Ÿ”— [www.pygal.org](https://www.pygal.org) 30. napari/napari โญ 2,497 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,203 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,402 Build and share data reports in 100% Python ๐Ÿ”— [datapane.com](https://datapane.com) 33. facultyai/dash-bootstrap-components โญ 1,193 Bootstrap components for Plotly Dash ๐Ÿ”— [dash-bootstrap-components.com](https://dash-bootstrap-components.com) 34. nomic-ai/deepscatter โญ 1,131 Zoomable, animated scatterplots in the browser that scales over a billion points 35. holoviz/holoviz โญ 897 High-level tools to simplify visualization in Python. ๐Ÿ”— [holoviz.org](https://holoviz.org/) 36. hazyresearch/meerkat โญ 844 Explore and understand your training and validation data. 37. anvaka/word2vec-graph โญ 711 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 โญ 90,374 FastAPI framework, high performance, easy to learn, fast to code, ready for production ๐Ÿ”— [fastapi.tiangolo.com](https://fastapi.tiangolo.com/) 2. django/django โญ 85,317 The Web framework for perfectionists with deadlines. ๐Ÿ”— [www.djangoproject.com](https://www.djangoproject.com/) 3. pallets/flask โญ 70,493 The Python micro framework for building web applications. ๐Ÿ”— [flask.palletsprojects.com](https://flask.palletsprojects.com) 4. sherlock-project/sherlock โญ 69,202 Hunt down social media accounts by username across social networks ๐Ÿ”— [sherlockproject.xyz](https://sherlockproject.xyz) 5. psf/requests โญ 53,336 A simple, yet elegant, HTTP library. ๐Ÿ”— [requests.readthedocs.io/en/latest](https://requests.readthedocs.io/en/latest/) 6. reflex-dev/reflex โญ 25,928 ๐Ÿ•ธ๏ธ Web apps in pure Python ๐Ÿ ๐Ÿ”— [reflex.dev](https://reflex.dev) 7. tornadoweb/tornado โญ 22,262 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 โญ 21,414 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,680 A Django content management system focused on flexibility and user experience ๐Ÿ”— [wagtail.org](https://wagtail.org) 10. pyscript/pyscript โญ 18,571 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/) 11. huge-success/sanic โญ 18,501 Accelerate your web app development | Build fast. Run fast. ๐Ÿ”— [sanic.dev](https://sanic.dev) 12. aio-libs/aiohttp โญ 16,023 Asynchronous HTTP client/server framework for asyncio and Python ๐Ÿ”— [docs.aiohttp.org](https://docs.aiohttp.org) 13. encode/httpx โญ 14,601 A next generation HTTP client for Python. ๐Ÿฆ‹ ๐Ÿ”— [www.python-httpx.org](https://www.python-httpx.org/) 14. flet-dev/flet โญ 14,468 Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required. ๐Ÿ”— [flet.dev](https://flet.dev) 15. zauberzeug/nicegui โญ 14,054 Create web-based user interfaces with Python. The nice way. ๐Ÿ”— [nicegui.io](https://nicegui.io) 16. getpelican/pelican โญ 13,031 Static site generator that supports Markdown and reST syntax. Powered by Python. ๐Ÿ”— [getpelican.com](https://getpelican.com) 17. encode/starlette โญ 11,514 The little ASGI framework that shines. ๐ŸŒŸ ๐Ÿ”— [starlette.dev](https://starlette.dev) 18. aws/chalice โญ 10,935 Python Serverless Microframework for AWS 19. benoitc/gunicorn โญ 10,282 gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications. ๐Ÿ”— [www.gunicorn.org](http://www.gunicorn.org) 20. encode/uvicorn โญ 9,899 An ASGI web server, for Python. ๐Ÿฆ„ ๐Ÿ”— [uvicorn.dev](https://uvicorn.dev) 21. falconry/falcon โญ 9,723 The no-magic web API and microservices framework for Python developers, with a focus on reliability and performance at scale. ๐Ÿ”— [falcon.readthedocs.io](https://falcon.readthedocs.io) 22. bottlepy/bottle โญ 8,670 bottle.py is a fast and simple micro-framework for python web-applications. ๐Ÿ”— [bottlepy.org](http://bottlepy.org/) 23. vitalik/django-ninja โญ 8,600 ๐Ÿ’จ Fast, Async-ready, Openapi, type hints based framework for building APIs ๐Ÿ”— [django-ninja.dev](https://django-ninja.dev) 24. graphql-python/graphene โญ 8,217 GraphQL framework for Python ๐Ÿ”— [graphene-python.org](http://graphene-python.org/) 25. reactive-python/reactpy โญ 8,132 ReactPy is a library for building user interfaces in Python without Javascript ๐Ÿ”— [reactpy.dev](https://reactpy.dev) 26. starlite-api/litestar โญ 7,481 Production-ready, Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs ๐Ÿ”— [litestar.dev](https://litestar.dev/) 27. pallets/werkzeug โญ 6,792 The comprehensive WSGI web application library. ๐Ÿ”— [werkzeug.palletsprojects.com](https://werkzeug.palletsprojects.com) 28. pyeve/eve โญ 6,734 REST API framework designed for human beings ๐Ÿ”— [python-eve.org](https://python-eve.org) 29. webpy/webpy โญ 5,924 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,608 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,820 CMS framework for Django ๐Ÿ”— [mezzanine.jupo.org](http://mezzanine.jupo.org) 32. pywebio/PyWebIO โญ 4,753 Write interactive web app in script way. ๐Ÿ”— [pywebio.readthedocs.io](https://pywebio.readthedocs.io) 33. nameko/nameko โญ 4,745 A microservices framework for Python that lets service developers concentrate on application logic and encourages testability. ๐Ÿ”— [www.nameko.io](https://www.nameko.io) 34. strawberry-graphql/strawberry โญ 4,426 A GraphQL library for Python that leverages type annotations ๐Ÿ“ ๐Ÿ”— [strawberry.rocks](https://strawberry.rocks) 35. freddyaboulton/fastrtc โญ 4,331 Turn any python function into a real-time audio and video stream over WebRTC or WebSockets. ๐Ÿ”— [fastrtc.org](https://fastrtc.org/) 36. h2oai/wave โญ 4,189 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) 37. pylons/pyramid โญ 4,048 Pyramid - A Python web framework ๐Ÿ”— [trypyramid.com](https://trypyramid.com/) 38. websocket-client/websocket-client โญ 3,679 WebSocket client for Python ๐Ÿ”— [websocket-client.readthedocs.io](https://websocket-client.readthedocs.io/) 39. unbit/uwsgi โญ 3,518 uWSGI application server container ๐Ÿ”— [projects.unbit.it/uwsgi](http://projects.unbit.it/uwsgi) 40. pallets/quart โญ 3,474 An async Python micro framework for building web applications. ๐Ÿ”— [quart.palletsprojects.com](https://quart.palletsprojects.com) 41. fastapi-admin/fastapi-admin โญ 3,461 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,612 Automated Security Testing For REST API's 43. django/daphne โญ 2,580 Daphne is a HTTP, HTTP2 and WebSocket protocol server for ASGI and ASGI-HTTP, developed to power Django Channels. 44. s3rius/FastAPI-template โญ 2,427 Feature rich robust FastAPI template. 45. dot-agent/nextpy โญ 2,323 ๐Ÿค–Self-Modifying Framework from the Future ๐Ÿ”ฎ World's First AMS ๐Ÿ”— [dotagent.ai](https://dotagent.ai) 46. masoniteframework/masonite โญ 2,312 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. neoteroi/BlackSheep โญ 2,246 Fast ASGI web framework for Python ๐Ÿ”— [www.neoteroi.dev/blacksheep](https://www.neoteroi.dev/blacksheep/) 48. python-restx/flask-restx โญ 2,234 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/) 49. dmontagu/fastapi-utils โญ 2,167 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,990 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,960 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,924 CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev ๐Ÿ”— [docs.cherrypy.dev](https://docs.cherrypy.dev) 53. long2ice/fastapi-cache โญ 1,657 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,615 Shiny for Python ๐Ÿ”— [shiny.posit.co/py](https://shiny.posit.co/py/) 55. awtkns/fastapi-crudrouter โญ 1,547 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,481 A port of Streamlit to WebAssembly, powered by Pyodide. ๐Ÿ”— [edit.share.stlite.net](https://edit.share.stlite.net) 57. pgjones/hypercorn โญ 1,425 Hypercorn is an ASGI and WSGI Server based on Hyper libraries and inspired by Gunicorn. 58. magicstack/httptools โญ 1,282 Fast HTTP parser 59. koxudaxi/fastapi-code-generator โญ 1,252 This code generator creates FastAPI app from an openapi file. 60. aeternalis-ingenium/FastAPI-Backend-Template โญ 798 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,888 hand-picked awesome Python libraries and frameworks, updated 17 Nov 2025 [![Hits](https://hits.seeyoufarm.com/api/count/incr/badge.svg?url=https%3A%2F%2Fgithub.com%2Fdylanhogg%2Fawesome-python&count_bg=%2379C83D&title_bg=%23555555&icon=&icon_color=%23E7E7E7&title=hits&edge_flat=false)](https://hits.seeyoufarm.com)