Hand-picked awesome Python libraries and frameworks, organised by category ๐
Interactive version: www.awesomepython.org
Updated 08 Dec 2024
- 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)
- Code Quality - Code quality tooling: linters, formatters, pre-commit hooks, unused code removal (17 repos)
- Crypto and Blockchain - Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum virtual machine, solidity (13 repos)
- Data - General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks (107 repos)
- Debugging - Debugging and tracing tools (10 repos)
- Diffusion Text to Image - Text-to-image diffusion model libraries, tools and apps for generating images from natural language (42 repos)
- Finance - Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives (33 repos)
- Game Development - Game development tools, engines and libraries (6 repos)
- GIS - Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections (29 repos)
- Graph - Graphs and network libraries: network analysis, graph machine learning, visualisation (6 repos)
- GUI - Graphical user interface libraries and toolkits (8 repos)
- Jupyter - Jupyter and JupyterLab and Notebook tools, libraries and plugins (27 repos)
- LLMs and ChatGPT - Large language model and GPT libraries and frameworks: auto-gpt, agents, QnA, chain-of-thought workflows, API integations. Also see the Natural Language Processing category for crossover (304 repos)
- Math and Science - Mathematical, numerical and scientific libraries (26 repos)
- Machine Learning - General - General and classical machine learning libraries. See below for other sections covering specialised ML areas (159 repos)
- Machine Learning - Deep Learning - Machine learning libraries that cross over with deep learning in some way (76 repos)
- Machine Learning - Interpretability - Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training (22 repos)
- Machine Learning - Ops - MLOps tools, frameworks and libraries: intersection of machine learning, data engineering and DevOps; deployment, health, diagnostics and governance of ML models (44 repos)
- Machine Learning - Reinforcement - Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF (24 repos)
- Machine Learning - Time Series - Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics (19 repos)
- Natural Language Processing - Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots. Also see the LLMs and ChatGPT category for crossover (86 repos)
- Packaging - Python packaging, dependency management and bundling (28 repos)
- Pandas - Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations (24 repos)
- Performance - Performance, parallelisation and low level libraries (28 repos)
- Profiling - Memory and CPU/GPU profiling tools and libraries (11 repos)
- Security - Security related libraries: vulnerability discovery, SQL injection, environment auditing (14 repos)
- Simulation - Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation. Also see the Maths and Science category for crossover (33 repos)
- Study - Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials (57 repos)
- Template - Template tools and libraries: cookiecutter repos, generators, quick-starts (9 repos)
- Terminal - Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars (15 repos)
- Testing - Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins (24 repos)
- Typing - Typing libraries: static and run-time type checking, annotations (12 repos)
- Utility - General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools (206 repos)
- Vizualisation - Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL (35 repos)
- Web - Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management (58 repos)
Awesome Python is regularly updated, and this category lists the most recently created GitHub repositories from all the other repositories here.
-
swivid/F5-TTS โญ 7,785
Official code for "F5-TTS: A Fairytaler that Fakes Fluent and Faithful Speech with Flow Matching"
๐ arxiv.org/abs/2410.06885 -
yangchris11/samurai โญ 5,721
Official repository of "SAMURAI: Adapting Segment Anything Model for Zero-Shot Visual Tracking with Motion-Aware Memory"
๐ yangchris11.github.io/samurai -
bhavnicksm/chonkie โญ 1,806
๐ฆ CHONK your texts with Chonkie โจ - The no-nonsense RAG chunking library
๐ docs.chonkie.ai -
huggingface/smollm โญ 1,354
Everything about the SmolLM & SmolLM2 family of models
๐ huggingface.co/huggingfacetb -
huggingface/evaluation-guidebook โญ 880
Sharing both practical insights and theoretical knowledge about LLM evaluation that we gathered while managing the Open LLM Leaderboard and designing lighteval! -
modelcontextprotocol/python-sdk โญ 739
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 -
deedy/mac_computer_use โญ 662
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 -
tag-research/TAG-Bench โญ 611
Table-Augmented Generation (TAG) is a unified and general-purpose paradigm for answering natural language questions over databases
๐ arxiv.org/pdf/2408.14717 -
stackloklabs/promptwright โญ 319
Promptwright is a Python library designed for generating large synthetic datasets using LLMs -
cfahlgren1/observers โญ 215
A Lightweight Library for AI Observability
Code quality tooling: linters, formatters, pre-commit hooks, unused code removal.
-
psf/black โญ 39,277
The uncompromising Python code formatter
๐ black.readthedocs.io/en/stable -
astral-sh/ruff โญ 33,448
An extremely fast Python linter and code formatter, written in Rust.
๐ docs.astral.sh/ruff -
pre-commit/pre-commit โญ 13,048
A framework for managing and maintaining multi-language pre-commit hooks.
๐ pre-commit.com -
sqlfluff/sqlfluff โญ 8,183
A modular SQL linter and auto-formatter with support for multiple dialects and templated code.
๐ www.sqlfluff.com -
pycqa/isort โญ 6,536
A Python utility / library to sort imports.
๐ pycqa.github.io/isort -
davidhalter/jedi โญ 5,832
Awesome autocompletion, static analysis and refactoring library for python
๐ jedi.readthedocs.io -
pycqa/pylint โญ 5,337
It's not just a linter that annoys you!
๐ pylint.readthedocs.io/en/latest -
asottile/pyupgrade โญ 3,627
A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language. -
jendrikseipp/vulture โญ 3,545
Find dead Python code -
pycqa/flake8 โญ 3,473
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 -
wemake-services/wemake-python-styleguide โญ 2,557
The strictest and most opinionated python linter ever!
๐ wemake-python-styleguide.rtfd.io -
python-lsp/python-lsp-server โญ 1,972
Fork of the python-language-server project, maintained by the Spyder IDE team and the community -
codespell-project/codespell โญ 1,949
check code for common misspellings -
sourcery-ai/sourcery โญ 1,573
Instant AI code reviews
๐ sourcery.ai -
akaihola/darker โญ 638
Apply black reformatting to Python files only in regions changed since a given commit. For a practical usage example, see the blog post at https://dev.to/akaihola/improving-python-code-incrementally-3f7a
๐ pypi.org/project/darker -
tconbeer/sqlfmt โญ 418
sqlfmt formats your dbt SQL files so you don't have to
๐ sqlfmt.com
Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum virtual machine, solidity.
-
ccxt/ccxt โญ 33,481
A JavaScript / TypeScript / Python / C# / PHP cryptocurrency trading API with support for more than 100 bitcoin/altcoin exchanges
๐ docs.ccxt.com -
freqtrade/freqtrade โญ 31,903
Free, open source crypto trading bot
๐ www.freqtrade.io -
crytic/slither โญ 5,375
Static Analyzer for Solidity and Vyper
๐ blog.trailofbits.com/2018/10/19/slither-a-solidity-static-analysis-framework -
ethereum/web3.py โญ 5,063
A python interface for interacting with the Ethereum blockchain and ecosystem.
๐ web3py.readthedocs.io -
ethereum/consensus-specs โญ 3,591
Ethereum Proof-of-Stake Consensus Specifications -
cyberpunkmetalhead/Binance-volatility-trading-bot โญ 3,428
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. -
ethereum/py-evm โญ 2,275
A Python implementation of the Ethereum Virtual Machine
๐ py-evm.readthedocs.io/en/latest -
bmoscon/cryptofeed โญ 2,271
Cryptocurrency Exchange Websocket Data Feed Handler -
binance/binance-public-data โญ 1,580
Details on how to get Binance public data -
ofek/bit โญ 1,252
Bitcoin made easy.
๐ ofek.dev/bit -
man-c/pycoingecko โญ 1,052
Python wrapper for the CoinGecko API -
dylanhogg/awesome-crypto โญ 68
A list of awesome crypto and blockchain projects
๐ www.awesomecrypto.xyz
General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks.
-
scrapy/scrapy โญ 53,416
Scrapy, a fast high-level web crawling & scraping framework for Python.
๐ scrapy.org -
apache/spark โญ 40,125
Apache Spark - A unified analytics engine for large-scale data processing
๐ spark.apache.org -
mindsdb/mindsdb โญ 26,892
Platform for building AI that can learn and answer questions over federated data.
๐ mindsdb.com -
getredash/redash โญ 26,536
Make Your Company Data Driven. Connect to any data source, easily visualize, dashboard and share your data.
๐ redash.io -
jaidedai/EasyOCR โญ 24,766
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
๐ www.jaided.ai -
qdrant/qdrant โญ 20,873
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 -
humansignal/label-studio โญ 19,658
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 -
joke2k/faker โญ 17,833
Faker is a Python package that generates fake data for you.
๐ faker.readthedocs.io -
avaiga/taipy โญ 17,153
Turns Data and AI algorithms into production-ready web applications in no time.
๐ www.taipy.io -
binux/pyspider โญ 16,512
A Powerful Spider(Web Crawler) System in Python.
๐ docs.pyspider.org -
airbytehq/airbyte โญ 16,389
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 -
twintproject/twint โญ 15,866
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. -
chroma-core/chroma โญ 15,728
the AI-native open-source embedding database
๐ www.trychroma.com -
tiangolo/sqlmodel โญ 14,739
SQL databases in Python, designed for simplicity, compatibility, and robustness.
๐ sqlmodel.tiangolo.com -
apache/arrow โญ 14,702
Apache Arrow is the universal columnar format and multi-language toolbox for fast data interchange and in-memory analytics
๐ arrow.apache.org -
coleifer/peewee โญ 11,243
a small, expressive orm -- supports postgresql, mysql, sqlite and cockroachdb
๐ docs.peewee-orm.com -
s0md3v/Photon โญ 11,110
Incredibly fast crawler designed for OSINT. -
sqlalchemy/sqlalchemy โญ 9,760
The Database Toolkit for Python
๐ www.sqlalchemy.org -
simonw/datasette โญ 9,616
An open source multi-tool for exploring and publishing data
๐ datasette.io -
bigscience-workshop/petals โญ 9,272
๐ธ Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
๐ petals.dev -
voxel51/fiftyone โญ 8,942
Refine high-quality datasets and visual AI models
๐ fiftyone.ai -
yzhao062/pyod โญ 8,633
A Python Library for Outlier and Anomaly Detection, Integrating Classical and Deep Learning Techniques
๐ pyod.readthedocs.io -
gristlabs/grist-core โญ 7,342
Grist is the evolution of spreadsheets.
๐ www.getgrist.com -
tobymao/sqlglot โญ 6,836
Python SQL Parser and Transpiler
๐ sqlglot.com -
alirezamika/autoscraper โญ 6,510
A Smart, Automatic, Fast and Lightweight Web Scraper for Python -
kaggle/kaggle-api โญ 6,323
Official Kaggle API -
madmaze/pytesseract โญ 5,899
A Python wrapper for Google Tesseract -
vi3k6i5/flashtext โญ 5,598
Extract Keywords from sentence or Replace keywords in sentences. -
airbnb/knowledge-repo โญ 5,487
A next-generation curated knowledge sharing platform for data scientists and other technical professions. -
pathwaycom/pathway โญ 5,433
Python ETL framework for stream processing, real-time analytics, LLM pipelines, and RAG.
๐ pathway.com -
ibis-project/ibis โญ 5,369
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 -
facebookresearch/AugLy โญ 4,971
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 -
lancedb/lancedb โญ 4,904
Developer-friendly, serverless vector database for AI applications. Easily add long-term memory to your LLM apps!
๐ lancedb.github.io/lancedb -
superduperdb/superduper โญ 4,848
Superduper: Build end-to-end AI applications and agent workflows on your existing data infrastructure and preferred tools - without migrating your data.
๐ superduper.io -
jazzband/tablib โญ 4,634
Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.
๐ tablib.readthedocs.io -
amundsen-io/amundsen โญ 4,456
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 -
lk-geimfari/mimesis โญ 4,453
Mimesis is a robust data generator for Python that can produce a wide range of fake data in multiple languages.
๐ mimesis.name -
mongodb/mongo-python-driver โญ 4,168
PyMongo - the Official MongoDB Python driver
๐ www.mongodb.com/docs/languages/python/pymongo-driver/current -
giskard-ai/giskard โญ 4,109
๐ข Open-Source Evaluation & Testing for AI & LLM systems
๐ docs.giskard.ai -
andialbrecht/sqlparse โญ 3,771
A non-validating SQL parser module for Python -
rom1504/img2dataset โญ 3,768
Easily turn large sets of image urls to an image dataset. Can download, resize and package 100M urls in 20h on one machine. -
jmcnamara/XlsxWriter โญ 3,668
A Python module for creating Excel XLSX files.
๐ xlsxwriter.readthedocs.io -
deepchecks/deepchecks โญ 3,639
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 -
praw-dev/praw โญ 3,538
PRAW, an acronym for "Python Reddit API Wrapper", is a python package that allows for simple access to Reddit's API.
๐ praw.readthedocs.io -
run-llama/llama-hub โญ 3,456
A library of data loaders for LLMs made by the community -- to be used with LlamaIndex and/or LangChain
๐ llamahub.ai -
pyeve/cerberus โญ 3,177
Lightweight, extensible data validation library for Python
๐ python-cerberus.org -
rapidai/RapidOCR โญ 3,163
๐ Awesome OCR multiple programing languages toolkits based on ONNXRuntime, OpenVINO and PaddlePaddle.
๐ rapidai.github.io/rapidocrdocs -
zoomeranalytics/xlwings โญ 3,009
xlwings is a Python library that makes it easy to call Python from Excel and vice versa. It works with Excel on Windows and macOS as well as with Google Sheets and Excel on the web.
๐ www.xlwings.org -
docarray/docarray โญ 2,992
Represent, send, store and search multimodal data
๐ docs.docarray.org -
datafold/data-diff โญ 2,949
Compare tables within or across databases
๐ docs.datafold.com -
pallets/itsdangerous โญ 2,940
Safely pass trusted data to untrusted environments and back.
๐ itsdangerous.palletsprojects.com -
sqlalchemy/alembic โญ 2,921
A database migrations tool for SQLAlchemy. -
goldsmith/Wikipedia โญ 2,891
A Pythonic wrapper for the Wikipedia API
๐ wikipedia.readthedocs.org -
dlt-hub/dlt โญ 2,775
data load tool (dlt) is an open source Python library that makes data loading easy ๐ ๏ธ
๐ dlthub.com/docs -
awslabs/amazon-redshift-utils โญ 2,775
Amazon Redshift Utils contains utilities, scripts and view which are useful in a Redshift environment -
kayak/pypika โญ 2,552
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 -
pynamodb/PynamoDB โญ 2,460
A pythonic interface to Amazon's DynamoDB
๐ pynamodb.readthedocs.io -
sdv-dev/SDV โญ 2,406
Synthetic data generation for tabular data
๐ docs.sdv.dev/sdv -
uqfoundation/dill โญ 2,285
serialize all of Python
๐ dill.rtfd.io -
emirozer/fake2db โญ 2,283
Generate fake but valid data filled databases for test purposes using most popular patterns(AFAIK). Current support is sqlite, mysql, postgresql, mongodb, redis, couchdb. -
samuelcolvin/arq โญ 2,195
Fast job queuing and RPC in python with asyncio and redis.
๐ arq-docs.helpmanual.io -
graphistry/pygraphistry โญ 2,174
PyGraphistry is a Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer -
accenture/AmpliGraph โญ 2,161
Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org -
mlabonne/llm-datasets โญ 2,089
High-quality datasets, tools, and concepts for LLM fine-tuning. -
huggingface/datatrove โญ 2,077
Freeing data processing from scripting madness by providing a set of platform-agnostic customizable pipeline processing blocks. -
sfu-db/connector-x โญ 2,032
Fastest library to load data from DB to DataFrames in Rust and Python
๐ sfu-db.github.io/connector-x -
aminalaee/sqladmin โญ 1,947
SQLAlchemy Admin for FastAPI and Starlette
๐ aminalaee.dev/sqladmin -
agronholm/sqlacodegen โญ 1,931
Automatic model code generator for SQLAlchemy -
milvus-io/bootcamp โญ 1,922
Dealing with all unstructured data, such as reverse image search, audio search, molecular search, video analysis, question and answer systems, NLP, etc.
๐ milvus.io -
uber/petastorm โญ 1,803
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. -
aio-libs/aiomysql โญ 1,768
aiomysql is a library for accessing a MySQL database from the asyncio
๐ aiomysql.rtfd.io -
simple-salesforce/simple-salesforce โญ 1,706
A very simple Salesforce.com REST API client for Python -
simonw/sqlite-utils โญ 1,700
Python CLI utility and library for manipulating SQLite databases
๐ sqlite-utils.datasette.io -
collerek/ormar โญ 1,683
python async orm with fastapi in mind and pydantic validation
๐ collerek.github.io/ormar -
zarr-developers/zarr-python โญ 1,540
An implementation of chunked, compressed, N-dimensional arrays for Python.
๐ zarr.readthedocs.io -
eleutherai/the-pile โญ 1,509
The Pile is a large, diverse, open source language modelling data set that consists of many smaller datasets combined together. -
ydataai/ydata-synthetic โญ 1,455
Synthetic data generators for tabular and time-series data
๐ docs.synthetic.ydata.ai -
scholarly-python-package/scholarly โญ 1,435
Retrieve author and publication information from Google Scholar in a friendly, Pythonic way without having to worry about CAPTCHAs!
๐ scholarly.readthedocs.io -
sdispater/orator โญ 1,425
The Orator ORM provides a simple yet beautiful ActiveRecord implementation.
๐ orator-orm.com -
mchong6/JoJoGAN โญ 1,420
Official PyTorch repo for JoJoGAN: One Shot Face Stylization -
aio-libs/aiopg โญ 1,401
aiopg is a library for accessing a PostgreSQL database from the asyncio
๐ aiopg.readthedocs.io -
google/tensorstore โญ 1,358
Library for reading and writing large multi-dimensional arrays.
๐ google.github.io/tensorstore -
quixio/quix-streams โญ 1,232
Python stream processing for Kafka
๐ docs.quix.io -
eliasdabbas/advertools โญ 1,160
advertools - online marketing productivity and analysis tools
๐ advertools.readthedocs.io -
aio-libs/aiocache โญ 1,160
Asyncio cache manager for redis, memcached and memory
๐ aiocache.readthedocs.io -
pytorch/data โญ 1,137
A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries. -
brettkromkamp/contextualise โญ 1,057
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 -
uber/fiber โญ 1,042
Distributed Computing for AI Made Simple
๐ uber.github.io/fiber -
intake/intake โญ 1,014
Intake is a lightweight package for finding, investigating, loading and disseminating data.
๐ intake.readthedocs.io -
duckdb/dbt-duckdb โญ 940
dbt (http://getdbt.com) adapter for DuckDB (http://duckdb.org) -
scikit-hep/awkward โญ 849
Manipulate JSON-like data with NumPy-like idioms.
๐ awkward-array.org -
goccy/bigquery-emulator โญ 848
BigQuery emulator provides a way to launch a BigQuery server on your local machine for testing and development. -
macbre/sql-metadata โญ 816
Uses tokenized query returned by python-sqlparse and generates query metadata
๐ pypi.python.org/pypi/sql-metadata -
koaning/human-learn โญ 800
Natural Intelligence is still a pretty good idea.
๐ koaning.github.io/human-learn -
googleapis/python-bigquery โญ 749
Python Client for Google BigQuery -
hyperqueryhq/whale โญ 725
๐ณ The stupidly simple CLI workspace for your data warehouse.
๐ rsyi.gitbook.io/whale -
igorbenav/fastcrud โญ 698
FastCRUD is a Python package for FastAPI, offering robust async CRUD operations and flexible endpoint creation utilities. -
dgarnitz/vectorflow โญ 677
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 -
kagisearch/vectordb โญ 654
A minimal Python package for storing and retrieving text using chunking, embeddings, and vector search.
๐ vectordb.com -
unstructured-io/unstructured-api โญ 581
API for Open-Source Pre-Processing Tools for Unstructured Data -
jina-ai/vectordb โญ 568
A Python vector database you just need - no more, no less. -
koaning/bulk โญ 554
Bulk is a quick UI developer tool to apply some bulk labels. -
koaning/doubtlab โญ 505
Doubt your data, find bad labels.
๐ koaning.github.io/doubtlab -
apache/iceberg-python โญ 501
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 -
titan-systems/titan โญ 437
Snowflake infrastructure-as-code. Provision environments, automate deploys, CI/CD. Manage RBAC, users, roles, and data access. Declarative Python Resource API. -
stackloklabs/promptwright โญ 319
Promptwright is a Python library designed for generating large synthetic datasets using LLMs
Debugging and tracing tools.
-
cool-rr/PySnooper โญ 16,411
Never use print for debugging again -
gruns/icecream โญ 9,291
๐ฆ Never use print() to debug again. -
shobrook/rebound โญ 4,109
Instantly load StackOverflow results in your terminal when an exception is thrown -
inducer/pudb โญ 3,000
Full-screen console debugger for Python
๐ documen.tician.de/pudb -
alexmojaki/heartrate โญ 1,764
Simple real time visualisation of the execution of a Python program. -
alexmojaki/birdseye โญ 1,658
Graphical Python debugger which lets you easily view the values of all evaluated expressions
๐ birdseye.readthedocs.io -
pdbpp/pdbpp โญ 1,313
pdb++, a drop-in replacement for pdb (the Python debugger) -
alexmojaki/snoop โญ 1,284
A powerful set of Python debugging tools, based on PySnooper -
samuelcolvin/python-devtools โญ 990
Dev tools for python
๐ python-devtools.helpmanual.io
Text-to-image diffusion model libraries, tools and apps for generating images from natural language.
-
automatic1111/stable-diffusion-webui โญ 144,029
Stable Diffusion web UI -
compvis/stable-diffusion โญ 68,649
A latent text-to-image diffusion model
๐ ommer-lab.com/research/latent-diffusion-models -
comfyanonymous/ComfyUI โญ 59,256
The most powerful and modular diffusion model GUI, api and backend with a graph/nodes interface.
๐ www.comfy.org -
stability-ai/stablediffusion โญ 39,395
High-Resolution Image Synthesis with Latent Diffusion Models -
lllyasviel/ControlNet โญ 30,808
Let us control diffusion models! -
huggingface/diffusers โญ 26,505
๐ค Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.
๐ huggingface.co/docs/diffusers -
invoke-ai/InvokeAI โญ 23,853
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 -
apple/ml-stable-diffusion โญ 16,973
Stable Diffusion with Core ML on Apple Silicon -
borisdayma/dalle-mini โญ 14,756
DALLยทE Mini - Generate images from a text prompt
๐ www.craiyon.com -
openbmb/MiniCPM-V โญ 12,796
MiniCPM-V 2.6: A GPT-4V Level MLLM for Single Image, Multi Image and Video on Your Phone -
divamgupta/diffusionbee-stable-diffusion-ui โญ 12,714
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 -
compvis/latent-diffusion โญ 12,020
High-Resolution Image Synthesis with Latent Diffusion Models -
instantid/InstantID โญ 11,181
InstantID: Zero-shot Identity-Preserving Generation in Seconds ๐ฅ
๐ instantid.github.io -
lucidrains/DALLE2-pytorch โญ 11,176
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch -
facebookresearch/dinov2 โญ 9,373
PyTorch code and models for the DINOv2 self-supervised learning method. -
ashawkey/stable-dreamfusion โญ 8,338
Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion. -
carson-katri/dream-textures โญ 7,864
Stable Diffusion built-in to Blender -
xavierxiao/Dreambooth-Stable-Diffusion โญ 7,620
Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion -
idea-research/GroundingDINO โญ 6,949
[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 -
timothybrooks/instruct-pix2pix โญ 6,430
PyTorch implementation of InstructPix2Pix, an instruction-based image editing model, based on the original CompVis/stable_diffusion repo. -
opengvlab/InternVL โญ 6,207
[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4o. ๆฅ่ฟGPT-4o่กจ็ฐ็ๅผๆบๅคๆจกๆๅฏน่ฏๆจกๅ
๐ internvl.readthedocs.io/en/latest -
openai/consistency_models โญ 6,194
Official repo for consistency models. -
salesforce/BLIP โญ 4,871
PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation -
nateraw/stable-diffusion-videos โญ 4,468
Create ๐ฅ videos with Stable Diffusion by exploring the latent space and morphing between text prompts -
lkwq007/stablediffusion-infinity โญ 3,857
Outpainting with Stable Diffusion on an infinite canvas -
jina-ai/discoart โญ 3,842
๐ชฉ Create Disco Diffusion artworks in one line -
mlc-ai/web-stable-diffusion โญ 3,609
Bringing stable diffusion models to web browsers. Everything runs inside the browser with no server support.
๐ mlc.ai/web-stable-diffusion -
openai/glide-text2im โญ 3,558
GLIDE: a diffusion-based text-conditional image synthesis model -
openai/improved-diffusion โญ 3,320
Release for Improved Denoising Diffusion Probabilistic Models -
saharmor/dalle-playground โญ 2,769
A playground to generate images from any text prompt using Stable Diffusion (past: using DALL-E Mini) -
stability-ai/stability-sdk โญ 2,427
SDK for interacting with stability.ai APIs (e.g. stable diffusion inference)
๐ platform.stability.ai -
google-research/big_vision โญ 2,420
Official codebase used to develop Vision Transformer, SigLIP, MLP-Mixer, LiT and more. -
thudm/CogVLM2 โญ 2,156
GPT4V-level open-source multi-modal model based on Llama3-8B -
coyote-a/ultimate-upscale-for-automatic1111 โญ 1,667
Ultimate SD Upscale extension for AUTOMATIC1111 Stable Diffusion web UI -
divamgupta/stable-diffusion-tensorflow โญ 1,590
Stable Diffusion in TensorFlow / Keras -
open-compass/VLMEvalKit โญ 1,464
Open-source evaluation toolkit of large vision-language models (LVLMs), support 160+ VLMs, 50+ benchmarks
๐ huggingface.co/spaces/opencompass/open_vlm_leaderboard -
nvlabs/prismer โญ 1,299
The implementation of "Prismer: A Vision-Language Model with Multi-Task Experts".
๐ shikun.io/projects/prismer -
chenyangqiqi/FateZero โญ 1,119
[ICCV 2023 Oral] "FateZero: Fusing Attentions for Zero-shot Text-based Video Editing"
๐ fate-zero-edit.github.io -
thereforegames/unprompted โญ 782
Templating language written for Stable Diffusion workflows. Available as an extension for the Automatic1111 WebUI. -
sharonzhou/long_stable_diffusion โญ 682
Long-form text-to-images generation, using a pipeline of deep generative models (GPT-3 and Stable Diffusion) -
tanelp/tiny-diffusion โญ 680
A minimal PyTorch implementation of probabilistic diffusion models for 2D datasets. -
laion-ai/dalle2-laion โญ 500
Pretrained Dalle2 from laion
Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives.
-
openbb-finance/OpenBB โญ 34,283
Investment Research for Everyone, Everywhere.
๐ openbb.co -
quantopian/zipline โญ 17,778
Zipline, a Pythonic Algorithmic Trading Library
๐ www.zipline.io -
microsoft/qlib โญ 15,687
Qlib is an AI-oriented quantitative investment platform that aims to realize the potential, empower research, and create value using AI technologies in quantitative investment, from exploring ideas to implementing productions. Qlib supports diverse machine learning modeling paradigms. including supervised learning, ...
๐ qlib.readthedocs.io/en/latest -
mementum/backtrader โญ 15,037
Python Backtesting library for trading strategies
๐ www.backtrader.com -
ranaroussi/yfinance โญ 15,028
Download market data from Yahoo! Finance's API
๐ aroussi.com/post/python-yahoo-finance -
ai4finance-foundation/FinGPT โญ 14,154
FinGPT: Open-Source Financial Large Language Models! Revolutionize ๐ฅ We release the trained model on HuggingFace.
๐ ai4finance.org -
ai4finance-foundation/FinRL โญ 10,215
FinRL: Financial Reinforcement Learning. ๐ฅ
๐ ai4finance.org -
quantconnect/Lean โญ 10,023
Lean Algorithmic Trading Engine by QuantConnect (Python, C#)
๐ lean.io -
ta-lib/ta-lib-python โญ 9,825
Python wrapper for TA-Lib (http://ta-lib.org/).
๐ ta-lib.github.io/ta-lib-python -
goldmansachs/gs-quant โญ 7,894
Python toolkit for quantitative finance
๐ developer.gs.com/discover/products/gs-quant -
quantopian/pyfolio โญ 5,736
Portfolio and risk analytics in Python
๐ quantopian.github.io/pyfolio -
kernc/backtesting.py โญ 5,605
๐ ๐ ๐ ๐ฐ Backtest trading strategies in Python.
๐ kernc.github.io/backtesting.py -
twopirllc/pandas-ta โญ 5,510
Technical Analysis Indicators - Pandas TA is an easy to use Python 3 Pandas Extension with 150+ Indicators
๐ twopirllc.github.io/pandas-ta -
ranaroussi/quantstats โญ 5,047
Portfolio analytics for quants, written in Python -
google/tf-quant-finance โญ 4,584
High-performance TensorFlow library for quantitative finance. -
polakowo/vectorbt โญ 4,481
Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
๐ vectorbt.dev -
gbeced/pyalgotrade โญ 4,446
Python Algorithmic Trading Library
๐ gbeced.github.io/pyalgotrade -
borisbanushev/stockpredictionai โญ 4,344
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... -
matplotlib/mplfinance โญ 3,743
Financial Markets Data Visualization using Matplotlib
๐ pypi.org/project/mplfinance -
cuemacro/finmarketpy โญ 3,478
Python library for backtesting trading strategies & analyzing financial markets (formerly pythalesians)
๐ www.cuemacro.com -
quantopian/alphalens โญ 3,415
Performance analysis of predictive (alpha) stock factors
๐ quantopian.github.io/alphalens -
zvtvz/zvt โญ 3,286
modular quant framework.
๐ zvt.readthedocs.io/en/latest -
robcarver17/pysystemtrade โญ 2,684
Systematic Trading in python -
quantopian/research_public โญ 2,447
Quantitative research and educational materials
๐ www.quantopian.com/lectures -
pmorissette/bt โญ 2,308
bt - flexible backtesting for Python
๐ pmorissette.github.io/bt -
domokane/FinancePy โญ 2,168
A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives. -
blankly-finance/blankly โญ 2,163
๐ ๐ธ 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 -
pmorissette/ffn โญ 2,051
ffn - a financial function library for Python
๐ pmorissette.github.io/ffn -
cuemacro/findatapy โญ 1,710
Python library to download market data via Bloomberg, Eikon, Quandl, Yahoo etc. -
quantopian/empyrical โญ 1,319
Common financial risk and performance metrics. Used by zipline and pyfolio.
๐ quantopian.github.io/empyrical -
idanya/algo-trader โญ 797
Trading bot with support for realtime trading, backtesting, custom strategies and much more. -
gbeced/basana โญ 601
A Python async and event driven framework for algorithmic trading, with a focus on crypto currencies. -
chancefocus/PIXIU โญ 563
This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).
Game development tools, engines and libraries.
-
pygame/pygame โญ 7,562
๐๐ฎ 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 -
panda3d/panda3d โญ 4,562
Powerful, mature open-source cross-platform game engine for Python and C++, developed by Disney and CMU
๐ www.panda3d.org -
pokepetter/ursina โญ 2,230
A game engine powered by python and panda3d.
๐ pokepetter.github.io/ursina -
pyglet/pyglet โญ 1,905
pyglet is a cross-platform windowing and multimedia library for Python, for developing games and other visually rich applications.
๐ pyglet.org -
pythonarcade/arcade โญ 1,716
Easy to use Python library for creating 2D arcade games.
๐ arcade.academy
Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections.
-
domlysz/BlenderGIS โญ 7,844
Blender addons to make the bridge between Blender and geographic data -
python-visualization/folium โญ 6,951
Python Data. Leaflet.js Maps.
๐ python-visualization.github.io/folium -
osgeo/gdal โญ 4,956
GDAL is an open source MIT licensed translator library for raster and vector geospatial data formats.
๐ gdal.org -
gboeing/osmnx โญ 4,924
OSMnx is a Python package to easily download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap.
๐ osmnx.readthedocs.io -
geopandas/geopandas โญ 4,550
Python tools for geographic data
๐ geopandas.org -
shapely/shapely โญ 3,935
Manipulation and analysis of geometric objects
๐ shapely.readthedocs.io/en/stable -
giswqs/geemap โญ 3,504
A Python package for interactive geospatial analysis and visualization with Google Earth Engine.
๐ geemap.org -
holoviz/datashader โญ 3,330
Quickly and accurately render even the largest data.
๐ datashader.org -
opengeos/leafmap โญ 3,233
A Python package for interactive mapping and geospatial analysis with minimal coding in a Jupyter environment
๐ leafmap.org -
opengeos/segment-geospatial โญ 3,089
A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
๐ samgeo.gishub.org -
microsoft/torchgeo โญ 2,802
TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data
๐ www.osgeo.org/projects/torchgeo -
google/earthengine-api โญ 2,709
Python and JavaScript bindings for calling the Earth Engine API. -
rasterio/rasterio โญ 2,285
Rasterio reads and writes geospatial raster datasets
๐ rasterio.readthedocs.io -
mcordts/cityscapesScripts โญ 2,190
README and scripts for the Cityscapes Dataset -
azavea/raster-vision โญ 2,092
An open source library and framework for deep learning on satellite and aerial imagery.
๐ docs.rastervision.io -
apache/sedona โญ 1,968
A cluster computing framework for processing large-scale geospatial data
๐ sedona.apache.org -
gboeing/osmnx-examples โญ 1,581
Gallery of OSMnx tutorials, usage examples, and feature demonstations.
๐ osmnx.readthedocs.io -
jupyter-widgets/ipyleaflet โญ 1,494
A Jupyter - Leaflet.js bridge
๐ ipyleaflet.readthedocs.io -
microsoft/GlobalMLBuildingFootprints โญ 1,443
Worldwide building footprints derived from satellite imagery -
pysal/pysal โญ 1,342
PySAL: Python Spatial Analysis Library Meta-Package
๐ pysal.org/pysal -
anitagraser/movingpandas โญ 1,247
Movement trajectory classes and functions built on top of GeoPandas
๐ movingpandas.org -
residentmario/geoplot โญ 1,160
High-level geospatial data visualization library for Python.
๐ residentmario.github.io/geoplot/index.html -
sentinel-hub/eo-learn โญ 1,133
Earth observation processing framework for machine learning in Python
๐ eo-learn.readthedocs.io/en/latest -
opengeos/streamlit-geospatial โญ 891
A multi-page streamlit app for geospatial
๐ huggingface.co/spaces/giswqs/streamlit -
osgeo/grass โญ 857
GRASS GIS - free and open-source geospatial processing engine
๐ grass.osgeo.org -
makepath/xarray-spatial โญ 847
Raster-based Spatial Analytics for Python
๐ xarray-spatial.readthedocs.io -
developmentseed/titiler โญ 799
Build your own Raster dynamic map tile services
๐ developmentseed.org/titiler -
scikit-mobility/scikit-mobility โญ 736
scikit-mobility: mobility analysis in Python
๐ scikit-mobility.github.io/scikit-mobility
Graphs and network libraries: network analysis, graph machine learning, visualisation.
-
networkx/networkx โญ 15,035
Network Analysis in Python
๐ networkx.org -
stellargraph/stellargraph โญ 2,956
StellarGraph - Machine Learning on Graphs
๐ stellargraph.readthedocs.io -
westhealth/pyvis โญ 1,016
Python package for creating and visualizing interactive network graphs.
๐ pyvis.readthedocs.io/en/latest -
microsoft/graspologic โญ 830
graspologic is a package for graph statistical algorithms
๐ graspologic-org.github.io/graspologic -
rampasek/GraphGPS โญ 678
Recipe for a General, Powerful, Scalable Graph Transformer -
dylanhogg/llmgraph โญ 340
Create knowledge graphs with LLMs
Graphical user interface libraries and toolkits.
-
pysimplegui/PySimpleGUI โญ 13,467
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 -
hoffstadt/DearPyGui โญ 13,406
Dear PyGui: A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies
๐ dearpygui.readthedocs.io/en/latest -
parthjadhav/Tkinter-Designer โญ 9,316
An easy and fast way to create a Python GUI ๐ -
samuelcolvin/FastUI โญ 8,330
FastUI is a new way to build web application user interfaces defined by declarative Python code.
๐ fastui-demo.onrender.com -
r0x0r/pywebview โญ 4,816
Build GUI for your Python program with JavaScript, HTML, and CSS
๐ pywebview.flowrl.com -
beeware/toga โญ 4,400
A Python native, OS native GUI toolkit.
๐ toga.readthedocs.io/en/latest -
dddomodossola/remi โญ 3,535
Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet. -
wxwidgets/Phoenix โญ 2,342
wxPython's Project Phoenix. A new implementation of wxPython, better, stronger, faster than he was before.
๐ wxpython.org
Jupyter and JupyterLab and Notebook tools, libraries and plugins.
-
jupyterlab/jupyterlab โญ 14,250
JupyterLab computational environment.
๐ jupyterlab.readthedocs.io -
jupyter/notebook โญ 11,808
Jupyter Interactive Notebook
๐ jupyter-notebook.readthedocs.io -
marimo-team/marimo โญ 8,209
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 -
mwouts/jupytext โญ 6,664
Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts
๐ jupytext.readthedocs.io -
nteract/papermill โญ 6,015
๐ Parameterize, execute, and analyze notebooks
๐ papermill.readthedocs.io/en/latest -
connorferster/handcalcs โญ 5,691
Python library for converting Python calculations into rendered latex. -
voila-dashboards/voila โญ 5,489
Voilร turns Jupyter notebooks into standalone web applications
๐ voila.readthedocs.io -
jupyterlite/jupyterlite โญ 3,930
Wasm powered Jupyter running in the browser ๐ก
๐ jupyterlite.rtfd.io/en/stable/try/lab -
executablebooks/jupyter-book โญ 3,884
Create beautiful, publication-quality books and documents from computational content.
๐ jupyterbook.org -
jupyterlab/jupyterlab-desktop โญ 3,764
JupyterLab desktop application, based on Electron. -
jupyterlab/jupyter-ai โญ 3,268
A generative AI extension for JupyterLab
๐ jupyter-ai.readthedocs.io -
jupyter-widgets/ipywidgets โญ 3,171
Interactive Widgets for the Jupyter Notebook
๐ ipywidgets.readthedocs.io -
quantopian/qgrid โญ 3,050
An interactive grid for sorting, filtering, and editing DataFrames in Jupyter notebooks -
jupyter/nbdime โญ 2,682
Tools for diffing and merging of Jupyter notebooks.
๐ nbdime.readthedocs.io -
mito-ds/mito โญ 2,310
The mitosheet package, trymito.io, and other public Mito code.
๐ trymito.io -
jupyter/nbviewer โญ 2,218
nbconvert as a web service: Render Jupyter Notebooks as static web pages
๐ nbviewer.jupyter.org -
maartenbreddels/ipyvolume โญ 1,948
3d plotting for Python in the Jupyter notebook based on IPython widgets using WebGL -
jupyter-lsp/jupyterlab-lsp โญ 1,824
Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol
๐ jupyterlab-lsp.readthedocs.io -
jupyter/nbconvert โญ 1,758
Jupyter Notebook Conversion
๐ nbconvert.readthedocs.io -
8080labs/pyforest โญ 1,107
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 -
nbqa-dev/nbQA โญ 1,054
Run ruff, isort, pyupgrade, mypy, pylint, flake8, and more on Jupyter Notebooks
๐ nbqa.readthedocs.io/en/latest/index.html -
vizzuhq/ipyvizzu โญ 955
Build animated charts in Jupyter Notebook and similar environments with a simple Python syntax.
๐ ipyvizzu.vizzuhq.com -
koaning/drawdata โญ 802
Draw datasets from within Jupyter.
๐ calmcode.io/labs/drawdata.html -
aws/graph-notebook โญ 744
Library extending Jupyter notebooks to integrate with Apache TinkerPop, openCypher, and RDF SPARQL.
๐ github.com/aws/graph-notebook -
linealabs/lineapy โญ 662
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 -
xiaohk/stickyland โญ 535
Break the linear presentation of Jupyter Notebooks with sticky cells!
๐ xiaohk.github.io/stickyland -
infuseai/colab-xterm โญ 396
Open a terminal in colab, including the free tier.
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.
-
significant-gravitas/AutoGPT โญ 168,948
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 -
hwchase17/langchain โญ 95,847
๐ฆ๐ Build context-aware reasoning applications
๐ python.langchain.com -
nomic-ai/gpt4all โญ 71,034
GPT4All: Run Local LLMs on Any Device. Open-source and available for commercial use.
๐ nomic.ai/gpt4all -
ggerganov/llama.cpp โญ 68,885
LLM inference in C/C++ -
xtekky/gpt4free โญ 62,588
The official gpt4free repository | various collection of powerful language models
๐ g4f.ai -
killianlucas/open-interpreter โญ 57,296
A natural language interface for computers
๐ openinterpreter.com -
facebookresearch/llama โญ 56,688
Inference code for Llama models -
imartinez/private-gpt โญ 54,369
Interact with your documents using the power of GPT, 100% privately, no data leaks
๐ privategpt.dev -
gpt-engineer-org/gpt-engineer โญ 52,583
Platform to experiment with the AI Software Engineer. Terminal based. NOTE: Very different from https://gptengineer.app -
xai-org/grok-1 โญ 49,668
This repository contains JAX example code for loading and running the Grok-1 open-weights model. -
geekan/MetaGPT โญ 45,759
๐ The Multi-Agent Framework: First AI Software Company, Towards Natural Language Programming
๐ deepwisdom.ai -
oobabooga/text-generation-webui โญ 40,982
A Gradio web UI for Large Language Models. -
thudm/ChatGLM-6B โญ 40,791
ChatGLM-6B: An Open Bilingual Dialogue Language Model | ๅผๆบๅ่ฏญๅฏน่ฏ่ฏญ่จๆจกๅ -
hpcaitech/ColossalAI โญ 38,871
Making large AI models cheaper, faster and more accessible
๐ www.colossalai.org -
karpathy/nanoGPT โญ 37,729
The simplest, fastest repository for training/finetuning medium-sized GPTs. -
logspace-ai/langflow โญ 37,253
Langflow is a low-code app builder for RAG and multi-agent AI applications. Itโs Python-based and agnostic to any model, API, or database.
๐ www.langflow.org -
jerryjliu/llama_index โญ 37,179
LlamaIndex is a data framework for your LLM applications
๐ docs.llamaindex.ai -
lm-sys/FastChat โญ 37,171
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena. -
laion-ai/Open-Assistant โญ 37,108
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 -
quivrhq/quivr โญ 36,833
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 -
hiyouga/LLaMA-Factory โญ 35,671
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
๐ arxiv.org/abs/2403.13372 -
microsoft/autogen โญ 35,507
A programming framework for agentic AI ๐ค (PyPi: autogen-agentchat)
๐ microsoft.github.io/autogen -
moymix/TaskMatrix โญ 34,560
Connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting. -
pythagora-io/gpt-pilot โญ 32,002
The first real AI developer -
vllm-project/vllm โญ 31,438
A high-throughput and memory-efficient inference and serving engine for LLMs
๐ docs.vllm.ai -
tatsu-lab/stanford_alpaca โญ 29,623
Code and documentation to train Stanford's Alpaca models, and generate the data.
๐ crfm.stanford.edu/2023/03/13/alpaca.html -
meta-llama/llama3 โญ 27,403
The official Meta Llama 3 GitHub site -
danielmiessler/fabric โญ 25,807
fabric is an open-source framework for augmenting humans using AI. It provides a modular framework for solving specific problems using a crowdsourced set of AI prompts that can be used anywhere.
๐ danielmiessler.com/p/fabric-origin-story -
vision-cair/MiniGPT-4 โญ 25,472
Open-sourced codes for MiniGPT-4 and MiniGPT-v2 (https://minigpt-4.github.io, https://minigpt-v2.github.io/)
๐ minigpt-4.github.io -
infiniflow/ragflow โญ 24,795
RAGFlow is an open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.
๐ ragflow.io -
karpathy/llm.c โญ 24,646
LLM training in simple, pure C/CUDA. There is no need for 245MB of PyTorch or 107MB of cPython -
microsoft/JARVIS โญ 23,766
JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf -
embedchain/mem0 โญ 23,182
The Memory layer for your AI apps
๐ mem0.ai -
openai/gpt-2 โญ 22,620
Code for the paper "Language Models are Unsupervised Multitask Learners"
๐ openai.com/blog/better-language-models -
microsoft/semantic-kernel โญ 22,204
Integrate cutting-edge LLM technology quickly and easily into your apps
๐ aka.ms/semantic-kernel -
joaomdmoura/crewAI โญ 22,146
Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
๐ crewai.com -
openai/chatgpt-retrieval-plugin โญ 21,087
The ChatGPT Retrieval Plugin lets you easily find personal or work documents by asking questions in natural language. -
haotian-liu/LLaVA โญ 20,594
[NeurIPS'23 Oral] Visual Instruction Tuning (LLaVA) built towards GPT-4V level capabilities and beyond.
๐ llava.hliu.cc -
yoheinakajima/babyagi โญ 20,542
GPT-4 powered task-driven autonomous agent
๐ babyagi.org -
karpathy/minGPT โญ 20,340
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training -
microsoft/graphrag โญ 20,262
A modular graph-based Retrieval-Augmented Generation (RAG) system
๐ microsoft.github.io/graphrag -
stanfordnlp/dspy โญ 19,718
DSPy: The framework for programmingโnot promptingโlanguage models
๐ dspy.ai -
mlc-ai/mlc-llm โญ 19,333
Universal LLM Deployment Engine with ML Compilation
๐ llm.mlc.ai -
guidance-ai/guidance โญ 19,214
A guidance language for controlling large language models. -
rasahq/rasa โญ 19,034
๐ฌ 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 -
unslothai/unsloth โญ 18,922
Finetune Llama 3.3, Mistral, Phi, Qwen 2.5 & Gemma LLMs 2-5x faster with 80% less memory
๐ unsloth.ai -
tloen/alpaca-lora โญ 18,688
Instruct-tune LLaMA on consumer hardware -
stitionai/devika โญ 18,561
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. -
deepset-ai/haystack โญ 18,017
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 -
cinnamon/kotaemon โญ 17,798
An open-source RAG UI for chatting with your documents. Built with both end users and developers in mind
๐ cinnamon.github.io/kotaemon -
karpathy/llama2.c โญ 17,523
Inference Llama 2 in one file of pure C -
openai/swarm โญ 16,668
A framework exploring ergonomic, lightweight multi-agent orchestration. -
huggingface/peft โญ 16,639
๐ค PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
๐ huggingface.co/docs/peft -
facebookresearch/codellama โญ 16,074
Inference code for CodeLlama models -
phidatahq/phidata โญ 15,801
Phidata is a toolkit for building AI Assistants using function calling.
๐ docs.phidata.com -
thudm/ChatGLM2-6B โญ 15,732
ChatGLM2-6B: An Open Bilingual Chat LLM | ๅผๆบๅ่ฏญๅฏน่ฏ่ฏญ่จๆจกๅ -
transformeroptimus/SuperAGI โญ 15,558
<โก๏ธ> SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
๐ superagi.com -
facebookresearch/llama-recipes โญ 15,500
Scripts for fine-tuning Meta Llama with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization and Q&A. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment. Demo apps to showcase Meta L... -
idea-research/Grounded-Segment-Anything โญ 15,336
Grounded SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
๐ arxiv.org/abs/2401.14159 -
assafelovic/gpt-researcher โญ 15,171
LLM based autonomous agent that conducts local and web research on any topic and generates a comprehensive report with citations.
๐ gptr.dev -
openai/evals โญ 15,140
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks. -
mayooear/gpt4-pdf-chatbot-langchain โญ 14,955
GPT4 & LangChain Chatbot for large PDF docs
๐ www.youtube.com/watch?v=ih9pbgvvoo4 -
berriai/litellm โญ 14,767
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 -
fauxpilot/fauxpilot โญ 14,621
FauxPilot - an open-source alternative to GitHub Copilot server -
qwenlm/Qwen โญ 14,598
The official repo of Qwen (้ไนๅ้ฎ) chat & pretrained large language model proposed by Alibaba Cloud. -
dao-ailab/flash-attention โญ 14,524
Fast and memory-efficient exact attention -
mlc-ai/web-llm โญ 13,934
High-performance In-browser LLM Inference Engine
๐ webllm.mlc.ai -
blinkdl/RWKV-LM โญ 12,738
RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding. -
paddlepaddle/PaddleNLP โญ 12,202
๐ Easy-to-use and powerful NLP and LLM library with ๐ค Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including ๐Text Classification, ๐ Neural Search, โ Question Answering, โน๏ธ Information Extraction, ๐ Document Intelligence, ๐ Sentiment Analysis etc.
๐ paddlenlp.readthedocs.io -
vanna-ai/vanna โญ 12,201
๐ค Chat with your SQL database ๐. Accurate Text-to-SQL Generation via LLMs using RAG ๐.
๐ vanna.ai/docs -
microsoft/BitNet โญ 12,190
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 -
openlmlab/MOSS โญ 11,972
An open-source tool-augmented conversational language model from Fudan University
๐ txsun1997.github.io/blogs/moss.html -
smol-ai/developer โญ 11,836
the first library to let you embed a developer agent in your own app!
๐ twitter.com/smolmodels -
shishirpatil/gorilla โญ 11,544
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 -
h2oai/h2ogpt โญ 11,478
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 -
skyvern-ai/skyvern โญ 10,948
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 -
microsoft/LoRA โญ 10,890
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
๐ arxiv.org/abs/2106.09685 -
lightning-ai/litgpt โญ 10,870
20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
๐ lightning.ai -
lightning-ai/litgpt โญ 10,870
20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
๐ lightning.ai -
databrickslabs/dolly โญ 10,821
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 -
nvidia/Megatron-LM โญ 10,737
Ongoing research training transformer models at scale
๐ docs.nvidia.com/megatron-core/developer-guide/latest/user-guide/index.html#quick-start -
google-research/vision_transformer โญ 10,593
Vision Transformer and MLP-Mixer Architectures -
lvwerra/trl โญ 10,265
Train transformer language models with reinforcement learning.
๐ hf.co/docs/trl -
artidoro/qlora โญ 10,093
QLoRA: Efficient Finetuning of Quantized LLMs
๐ arxiv.org/abs/2305.14314 -
outlines-dev/outlines โญ 9,949
Structured Text Generation from LLMs
๐ dottxt-ai.github.io/outlines -
mistralai/mistral-inference โญ 9,780
Official inference library for Mistral models
๐ mistral.ai -
microsoft/promptflow โญ 9,600
Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
๐ microsoft.github.io/promptflow -
blinkdl/ChatRWKV โญ 9,433
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source. -
mshumer/gpt-prompt-engineer โญ 9,401
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. -
karpathy/minbpe โญ 9,236
Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization. -
apple/ml-ferret โญ 8,500
Ferret: Refer and Ground Anything Anywhere at Any Granularity -
jxnl/instructor โญ 8,464
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 -
optimalscale/LMFlow โญ 8,304
An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
๐ optimalscale.github.io/lmflow -
thudm/CodeGeeX โญ 8,283
CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023)
๐ codegeex.cn -
llmware-ai/llmware โญ 8,260
Unified framework for building enterprise RAG pipelines with small, specialized models
๐ llmware-ai.github.io/llmware -
abetlen/llama-cpp-python โญ 8,256
Simple Python bindings for @ggerganov's llama.cpp library.
๐ llama-cpp-python.readthedocs.io -
eleutherai/gpt-neo โญ 8,240
An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
๐ www.eleuther.ai -
axolotl-ai-cloud/axolotl โญ 8,046
Go ahead and axolotl questions
๐ axolotl-ai-cloud.github.io/axolotl -
sjtu-ipads/PowerInfer โญ 7,997
High-speed Large Language Model Serving on PCs with Consumer-grade GPUs -
jzhang38/TinyLlama โญ 7,990
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens. -
lianjiatech/BELLE โญ 7,963
BELLE: Be Everyone's Large Language model Engine๏ผๅผๆบไธญๆๅฏน่ฏๅคงๆจกๅ๏ผ -
vaibhavs10/insanely-fast-whisper โญ 7,820
An opinionated CLI to transcribe Audio files w/ Whisper on-device! Powered by ๐ค Transformers, Optimum & flash-attn -
swivid/F5-TTS โญ 7,785
Official code for "F5-TTS: A Fairytaler that Fakes Fluent and Faithful Speech with Flow Matching"
๐ arxiv.org/abs/2410.06885 -
plachtaa/VALL-E-X โญ 7,714
An open source implementation of Microsoft's VALL-E X zero-shot TTS model. Demo is available in https://plachtaa.github.io/vallex/ -
thudm/GLM-130B โญ 7,666
GLM-130B: An Open Bilingual Pre-Trained Model (ICLR 2023) -
explodinggradients/ragas โญ 7,490
Supercharge Your LLM Application Evaluations ๐
๐ docs.ragas.io -
sweepai/sweep โญ 7,470
Sweep: open-source AI-powered Software Developer for small features and bug fixes.
๐ sweep.dev -
openlm-research/open_llama โญ 7,400
OpenLLaMA: An Open Reproduction of LLaMA -
andrewyng/aisuite โญ 7,376
Simple, unified interface to multiple Generative AI providers. aisuite makes it easy for developers to use multiple LLM through a standardized interface. -
bigcode-project/starcoder โญ 7,336
Home of StarCoder: fine-tuning & inference! -
chainlit/chainlit โญ 7,326
Build Conversational AI in minutes โก๏ธ
๐ docs.chainlit.io -
zilliztech/GPTCache โญ 7,272
Semantic cache for LLMs. Fully integrated with LangChain and llama_index.
๐ gptcache.readthedocs.io -
eleutherai/lm-evaluation-harness โญ 7,151
A framework for few-shot evaluation of language models.
๐ www.eleuther.ai -
langchain-ai/langgraph โญ 7,062
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 -
apple/corenet โญ 6,996
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. -
bhaskatripathi/pdfGPT โญ 6,986
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/pdfgpt_turbo -
eleutherai/gpt-neox โญ 6,981
An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries
๐ www.eleuther.ai -
skypilot-org/skypilot โญ 6,867
SkyPilot: Run AI and batch jobs on any infra (Kubernetes or 12+ clouds). Get unified execution, cost savings, and high GPU availability via a simple interface.
๐ skypilot.readthedocs.io -
mit-han-lab/streaming-llm โญ 6,708
[ICLR 2024] Efficient Streaming Language Models with Attention Sinks
๐ arxiv.org/abs/2309.17453 -
internlm/InternLM โญ 6,550
Official release of InternLM2.5 base and chat models. 1M context support
๐ internlm.intern-ai.org.cn -
whitead/paper-qa โญ 6,533
High accuracy RAG for answering questions from scientific documents with citations -
future-house/paper-qa โญ 6,533
High-accuracy retrieval augmented generation (RAG) on PDFs or text files, with a focus on the scientific literature -
langchain-ai/opengpts โญ 6,503
An open source effort to create a similar experience to OpenAI's GPTs and Assistants API. -
weaviate/Verba โญ 6,432
Retrieval Augmented Generation (RAG) chatbot powered by Weaviate -
sgl-project/sglang โญ 6,394
SGLang is a fast serving framework for large language models and vision language models.
๐ sgl-project.github.io -
run-llama/rags โญ 6,331
Build ChatGPT over your data, all with natural language -
nat/openplayground โญ 6,287
An LLM playground you can run on your laptop -
lightning-ai/lit-llama โญ 6,011
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. -
vikhyat/moondream โญ 5,989
A tiny open-source computer-vision language model designed to run efficiently on edge devices
๐ moondream.ai -
pathwaycom/llm-app โญ 5,758
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 -
minedojo/Voyager โญ 5,713
An Open-Ended Embodied Agent with Large Language Models
๐ voyager.minedojo.org -
pytorch-labs/gpt-fast โญ 5,694
Simple and efficient pytorch-native transformer text generation in <1000 LOC of python. -
langchain-ai/chat-langchain โญ 5,512
Locally hosted chatbot specifically focused on question answering over the LangChain documentation
๐ chat.langchain.com -
microsoft/promptbase โญ 5,448
promptbase is an evolving collection of resources, best practices, and example scripts for eliciting the best performance from foundation models. -
lyogavin/airllm โญ 5,397
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. -
dsdanielpark/Bard-API โญ 5,317
The unofficial python package that returns response of Google Bard through cookie value.
๐ pypi.org/project/bardapi -
mnotgod96/AppAgent โญ 5,215
AppAgent: Multimodal Agents as Smartphone Users, an LLM-based multimodal agent framework designed to operate smartphone apps.
๐ appagent-official.github.io -
qwenlm/Qwen-VL โญ 5,150
The official repo of Qwen-VL (้ไนๅ้ฎ-VL) chat & pretrained large vision language model proposed by Alibaba Cloud. -
simonw/llm โญ 4,990
Access large language models from the command-line
๐ llm.datasette.io -
promptfoo/promptfoo โญ 4,930
Test your prompts, agents, and RAGs. Red teaming, pentesting, and vulnerability scanning for LLMs. Compare performance of GPT, Claude, Gemini, Llama, and more. Simple declarative configs with command line and CI/CD integration.
๐ promptfoo.dev -
cg123/mergekit โญ 4,910
Tools for merging pretrained large language models. -
arcee-ai/mergekit โญ 4,910
Tools for merging pretrained large language models. -
openbmb/ToolBench โญ 4,868
[ICLR'24 spotlight] An open platform for training, serving, and evaluating large language model for tool learning.
๐ openbmb.github.io/toolbench -
allenai/OLMo โญ 4,865
OLMo is a repository for training and using AI2's state-of-the-art open language models. It is built by scientists, for scientists.
๐ allenai.org/olmo -
meta-llama/llama-stack โญ 4,786
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 -
microsoft/LLMLingua โญ 4,702
[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 -
togethercomputer/RedPajama-Data โญ 4,591
The RedPajama-Data repository contains code for preparing large datasets for training large language models. -
modelscope/ms-swift โญ 4,529
Use PEFT or Full-parameter to finetune 400+ LLMs or 100+ MLLMs. (LLM: Qwen2.5, Llama3.2, GLM4, Internlm2.5, Yi1.5, Mistral, Baichuan2, DeepSeek, Gemma2, ...; MLLM: Qwen2-VL, Qwen2-Audio, Llama3.2-Vision, Llava, InternVL2, MiniCPM-V-2.6, GLM4v, Xcomposer2.5, Yi-VL, DeepSeek-VL, Phi3.5-Vision, ...)
๐ swift.readthedocs.io/zh-cn/latest -
1rgs/jsonformer โญ 4,483
A Bulletproof Way to Generate Structured JSON from Language Models -
kyegomez/tree-of-thoughts โญ 4,386
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 -
microsoft/BioGPT โญ 4,322
Implementation of BioGPT: Generative Pre-trained Transformer for Biomedical Text Generation and Mining -
nvidia/NeMo-Guardrails โญ 4,241
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems. -
open-compass/opencompass โญ 4,240
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 -
instruction-tuning-with-gpt-4/GPT-4-LLM โญ 4,230
Instruction Tuning with GPT-4
๐ instruction-tuning-with-gpt-4.github.io -
guardrails-ai/guardrails โญ 4,207
Open-source Python package for specifying structure and type, validating and correcting the outputs of large language models (LLMs)
๐ www.guardrailsai.com/docs -
yizhongw/self-instruct โญ 4,189
Aligning pretrained language models with instruction data generated by themselves. -
h2oai/h2o-llmstudio โญ 4,049
H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs. Documentation: https://docs.h2o.ai/h2o-llmstudio/
๐ h2o.ai -
mshumer/gpt-llm-trainer โญ 3,974
Input a description of your task, and the system will generate a dataset, parse it, and fine-tune a LLaMA 2 model for you -
meta-llama/llama-stack-apps โญ 3,941
Agentic components of the Llama Stack APIs -
ravenscroftj/turbopilot โญ 3,823
Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU -
katanaml/sparrow โญ 3,761
Sparrow is a solution for efficient data extraction and processing from various documents and images like invoices and receipts
๐ katanaml.io -
turboderp/exllamav2 โญ 3,743
A fast inference library for running LLMs locally on modern consumer-class GPUs -
microsoft/LMOps โญ 3,730
General technology for enabling AI capabilities w/ LLMs and MLLMs
๐ aka.ms/generalai -
eth-sri/lmql โญ 3,723
A language for constraint-guided and efficient LLM programming.
๐ lmql.ai -
linkedin/Liger-Kernel โญ 3,694
Efficient Triton Kernels for LLM Training
๐ arxiv.org/pdf/2410.10989 -
mmabrouk/llm-workflow-engine โญ 3,670
Power CLI and Workflow manager for LLMs (core package) -
luodian/Otter โญ 3,566
๐ฆฆ 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 -
pipecat-ai/pipecat โญ 3,512
Open Source framework for voice and multimodal conversational AI -
minimaxir/simpleaichat โญ 3,491
Python package for easily interfacing with chat apps, with robust features and minimal code complexity. -
agiresearch/AIOS โญ 3,477
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 -
defog-ai/sqlcoder โญ 3,428
SoTA LLM for converting natural language questions to SQL queries -
minimaxir/gpt-2-simple โญ 3,398
Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts -
iryna-kondr/scikit-llm โญ 3,384
Seamlessly integrate LLMs into scikit-learn.
๐ beastbyte.ai -
truefoundry/cognita โญ 3,362
RAG (Retrieval Augmented Generation) Framework for building modular, open source applications for production by TrueFoundry
๐ cognita.truefoundry.com -
next-gpt/NExT-GPT โญ 3,330
Code and models for NExT-GPT: Any-to-Any Multimodal Large Language Model
๐ next-gpt.github.io -
lm-sys/RouteLLM โญ 3,316
A framework for serving and evaluating LLM routers - save LLM costs without compromising quality! -
deep-diver/LLM-As-Chatbot โญ 3,298
LLM as a Chatbot Service -
jaymody/picoGPT โญ 3,266
An unnecessarily tiny implementation of GPT-2 in NumPy. -
bclavie/RAGatouille โญ 3,105
Bridging the gap between state-of-the-art research and alchemical RAG pipeline practices. -
crewaiinc/crewAI-examples โญ 3,070
A collection of examples that show how to use CrewAI framework to automate workflows. -
microsoft/torchscale โญ 3,032
Foundation Architecture for (M)LLMs
๐ aka.ms/generalai -
baichuan-inc/Baichuan-13B โญ 2,977
A 13B large language model developed by Baichuan Intelligent Technology
๐ huggingface.co/baichuan-inc/baichuan-13b-chat -
li-plus/chatglm.cpp โญ 2,952
C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & GLM4(V) -
freedomintelligence/LLMZoo โญ 2,934
โกLLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.โก -
huggingface/text-embeddings-inference โญ 2,903
A blazing fast inference solution for text embeddings models
๐ huggingface.co/docs/text-embeddings-inference/quick_tour -
pydantic/pydantic-ai โญ 2,874
PydanticAI is a Python Agent Framework designed to make it less painful to build production grade applications with Generative AI.
๐ ai.pydantic.dev -
cohere-ai/cohere-toolkit โญ 2,868
Cohere Toolkit is a collection of prebuilt components enabling users to quickly build and deploy RAG applications. -
juncongmoo/pyllama โญ 2,808
LLaMA: Open and Efficient Foundation Language Models -
mistralai/mistral-finetune โญ 2,779
A light-weight codebase that enables memory-efficient and performant finetuning of Mistral's models. It is based on LoRA. -
verazuo/jailbreak_llms โญ 2,766
Official repo for the ACM CCS 2024 paper "Do Anything Now'': Characterizing and Evaluating In-The-Wild Jailbreak Prompts
๐ jailbreak-llms.xinyueshen.me -
meta-llama/PurpleLlama โญ 2,762
Set of tools to assess and improve LLM security. -
langroid/langroid โญ 2,739
Harness LLMs with Multi-Agent Programming
๐ langroid.github.io/langroid -
alpha-vllm/LLaMA2-Accessory โญ 2,728
An Open-source Toolkit for LLM Development
๐ llama2-accessory.readthedocs.io -
hegelai/prompttools โญ 2,726
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 -
paperswithcode/galai โญ 2,683
Model API for GALACTICA -
mit-han-lab/llm-awq โญ 2,571
AWQ: Activation-aware Weight Quantization for LLM Compression and Acceleration -
lightning-ai/LitServe โญ 2,545
Lightning-fast serving engine for any AI model of any size. Flexible. Easy. Enterprise-scale.
๐ lightning.ai/docs/litserve -
databricks/dbrx โญ 2,513
Code examples and resources for DBRX, a large language model developed by Databricks
๐ www.databricks.com -
noahshinn/reflexion โญ 2,466
[NeurIPS 2023] Reflexion: Language Agents with Verbal Reinforcement Learning -
ofa-sys/OFA โญ 2,430
Official repository of OFA (ICML 2022). Paper: OFA: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework -
young-geng/EasyLM โญ 2,421
Large language models (LLMs) made easy, EasyLM is a one stop solution for pre-training, finetuning, evaluating and serving LLMs in JAX/Flax. -
cheshire-cat-ai/core โญ 2,414
Production ready AI agent framework
๐ cheshirecat.ai -
civitai/sd_civitai_extension โญ 2,335
All of the Civitai models inside Automatic 1111 Stable Diffusion Web UI -
sylphai-inc/AdalFlow โญ 2,283
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 -
pytorch/executorch โญ 2,254
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 -
intel/neural-compressor โญ 2,243
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 -
predibase/lorax โญ 2,236
Multi-LoRA inference server that scales to 1000s of fine-tuned LLMs
๐ loraexchange.ai -
truera/trulens โญ 2,218
Evaluation and Tracking for LLM Experiments
๐ www.trulens.org -
spcl/graph-of-thoughts โญ 2,196
Official Implementation of "Graph of Thoughts: Solving Elaborate Problems with Large Language Models"
๐ arxiv.org/pdf/2308.09687.pdf -
janhq/cortex.cpp โญ 2,172
Cortex is a Local AI API Platform that is used to run and customize LLMs.
๐ cortex.so -
openai/finetune-transformer-lm โญ 2,163
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 -
evolvinglmms-lab/lmms-eval โญ 2,127
Accelerating the development of large multimodal models (LMMs) with one-click evaluation module - lmms-eval.
๐ lmms-lab.framer.ai -
tairov/llama2.mojo โญ 2,103
Inference Llama 2 in one file of pure ๐ฅ
๐ www.modular.com/blog/community-spotlight-how-i-built-llama2-by-aydyn-tairov -
openai/image-gpt โญ 2,053
Archived. Code and models from the paper "Generative Pretraining from Pixels" -
openai/simple-evals โญ 2,015
Lightweight library for evaluating language models -
lucidrains/toolformer-pytorch โญ 1,977
Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI -
neulab/prompt2model โญ 1,972
prompt2model - Generate Deployable Models from Natural Language Instructions -
azure-samples/graphrag-accelerator โญ 1,962
One-click deploy of a Knowledge Graph powered RAG (GraphRAG) in Azure
๐ github.com/microsoft/graphrag -
ist-daslab/gptq โญ 1,958
Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
๐ arxiv.org/abs/2210.17323 -
openai/gpt-2-output-dataset โญ 1,946
Dataset of GPT-2 outputs for research in detection, biases, and more -
microsoft/Megatron-DeepSpeed โญ 1,917
Ongoing research training transformer language models at scale, including: BERT & GPT-2 -
epfllm/meditron โญ 1,908
Meditron is a suite of open-source medical Large Language Models (LLMs).
๐ huggingface.co/epfl-llm -
akariasai/self-rag โญ 1,874
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 -
facebookresearch/chameleon โญ 1,861
Repository for Meta Chameleon, a mixed-modal early-fusion foundation model from FAIR.
๐ arxiv.org/abs/2405.09818 -
minimaxir/aitextgen โญ 1,843
A robust Python tool for text-based AI training and generation using GPT-2.
๐ docs.aitextgen.io -
casper-hansen/AutoAWQ โญ 1,807
AutoAWQ implements the AWQ algorithm for 4-bit quantization with a 2x speedup during inference. Documentation:
๐ casper-hansen.github.io/autoawq -
openai/gpt-discord-bot โญ 1,791
Example Discord bot written in Python that uses the completions API to have conversations with thetext-davinci-003
model, and the moderations API to filter the messages. -
ray-project/llm-applications โญ 1,727
A comprehensive guide to building RAG-based LLM applications for production. -
argilla-io/distilabel โญ 1,713
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 -
noamgat/lm-format-enforcer โญ 1,590
Enforce the output format (JSON Schema, Regex etc) of a language model -
agenta-ai/agenta โญ 1,551
The open-source LLMOps platform: prompt playground, prompt management, LLM evaluation, and LLM Observability all in one place.
๐ www.agenta.ai -
jina-ai/thinkgpt โญ 1,551
Agent techniques to augment your LLM and push it beyong its limits -
qwenlm/Qwen-Audio โญ 1,505
The official repo of Qwen-Audio (้ไนๅ้ฎ-Audio) chat & pretrained large audio language model proposed by Alibaba Cloud. -
agentops-ai/tokencost โญ 1,488
Easy token price estimates for 400+ LLMs. TokenOps.
๐ agentops.ai -
cstankonrad/long_llama โญ 1,452
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. -
meetkai/functionary โญ 1,445
Chat language model that can use tools and interpret the results -
farizrahman4u/loopgpt โญ 1,437
Re-implementation of Auto-GPT as a python package, written with modularity and extensibility in mind. -
run-llama/llama-lab โญ 1,424
Llama Lab is a repo dedicated to building cutting-edge projects using LlamaIndex -
roboflow/maestro โญ 1,409
streamline the fine-tuning process for multimodal models: PaliGemma, Florence-2, and Qwen2-VL
๐ maestro.roboflow.com -
chatarena/chatarena โญ 1,373
ChatArena (or Chat Arena) is a Multi-Agent Language Game Environments for LLMs. The goal is to develop communication and collaboration capabilities of AIs. -
huggingface/smollm โญ 1,354
Everything about the SmolLM & SmolLM2 family of models
๐ huggingface.co/huggingfacetb -
explosion/spacy-transformers โญ 1,353
๐ธ Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy
๐ spacy.io/usage/embeddings-transformers -
bigscience-workshop/Megatron-DeepSpeed โญ 1,341
Ongoing research training transformer language models at scale, including: BERT & GPT-2 -
huggingface/nanotron โญ 1,321
Minimalistic large language model 3D-parallelism training -
karpathy/nano-llama31 โญ 1,263
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 -
ray-project/ray-llm โญ 1,240
RayLLM - LLMs on Ray
๐ aviary.anyscale.com -
linksoul-ai/AutoAgents โญ 1,219
[IJCAI 2024] Generate different roles for GPTs to form a collaborative entity for complex tasks.
๐ huggingface.co/spaces/linksoul/autoagents -
srush/MiniChain โญ 1,219
A tiny library for coding with large language models.
๐ srush-minichain.hf.space -
brainblend-ai/atomic-agents โญ 1,216
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. -
keirp/automatic_prompt_engineer โญ 1,176
Large Language Models Are Human-Level Prompt Engineers -
facebookresearch/MobileLLM โญ 1,175
Training code of MobileLLM introduced in our work: "MobileLLM: Optimizing Sub-billion Parameter Language Models for On-Device Use Cases" -
mlfoundations/dclm โญ 1,168
DataComp for Language Models -
hao-ai-lab/LookaheadDecoding โญ 1,159
Break the Sequential Dependency of LLM Inference Using Lookahead Decoding
๐ arxiv.org/abs/2402.02057 -
explosion/spacy-llm โญ 1,148
๐ฆ Integrating LLMs into structured NLP pipelines
๐ spacy.io/usage/large-language-models -
answerdotai/rerankers โญ 1,137
Welcome to rerankers! Our goal is to provide users with a simple API to use any reranking models. -
ibm/Dromedary โญ 1,128
Dromedary: towards helpful, ethical and reliable LLMs. -
lupantech/chameleon-llm โญ 1,091
Codes for "Chameleon: Plug-and-Play Compositional Reasoning with Large Language Models".
๐ chameleon-llm.github.io -
rlancemartin/auto-evaluator โญ 1,064
Evaluation tool for LLM QA chains
๐ autoevaluator.langchain.com -
shengranhu/ADAS โญ 1,058
Automated Design of Agentic Systems using Meta Agent Search to show agents can invent novel and powerful agent designs -
microsoft/Llama-2-Onnx โญ 1,025
A Microsoft optimized version of the Llama 2 model, available from Meta -
nomic-ai/pygpt4all โญ 1,023
Official supported Python bindings for llama.cpp + gpt4all
๐ nomic-ai.github.io/pygpt4all -
ctlllll/LLM-ToolMaker โญ 1,022
Large Language Models as Tool Makers -
pinecone-io/canopy โญ 980
Retrieval Augmented Generation (RAG) framework and context engine powered by Pinecone
๐ www.pinecone.io -
ajndkr/lanarky โญ 978
The web framework for building LLM microservices
๐ lanarky.ajndkr.com -
likejazz/llama3.np โญ 978
llama3.np is a pure NumPy implementation for Llama 3 model. -
cerebras/modelzoo โญ 973
Examples of common deep learning models that can be trained on Cerebras hardware -
topoteretes/cognee โญ 959
Reliable LLM Memory for AI Applications and AI Agents
๐ www.cognee.ai -
huggingface/optimum-nvidia โญ 895
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) -
huggingface/evaluation-guidebook โญ 880
Sharing both practical insights and theoretical knowledge about LLM evaluation that we gathered while managing the Open LLM Leaderboard and designing lighteval! -
soulter/hugging-chat-api โญ 871
HuggingChat Python API๐ค -
huggingface/lighteval โญ 864
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. -
datadreamer-dev/DataDreamer โญ 863
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 -
muennighoff/sgpt โญ 854
SGPT: GPT Sentence Embeddings for Semantic Search
๐ arxiv.org/abs/2202.08904 -
prometheus-eval/prometheus-eval โญ 812
Evaluate your LLM's response with Prometheus and GPT4 ๐ฏ -
langchain-ai/langsmith-cookbook โญ 792
LangSmith is a platform for building production-grade LLM applications.
๐ langsmith-cookbook.vercel.app -
junruxiong/IncarnaMind โญ 784
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 -
oliveirabruno01/babyagi-asi โญ 783
BabyAGI: an Autonomous and Self-Improving agent, or BASI -
opengenerativeai/GenossGPT โญ 753
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 -
wandb/weave โญ 740
Weave is a toolkit for developing AI-powered applications, built by Weights & Biases.
๐ wandb.me/weave -
modelcontextprotocol/python-sdk โญ 739
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 -
opengvlab/OmniQuant โญ 734
[ICLR2024 spotlight] OmniQuant is a simple and powerful quantization technique for LLMs. -
nousresearch/Hermes-Function-Calling โญ 733
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 -
salesforce/xgen โญ 718
Salesforce open-source LLMs with 8k sequence length. -
deedy/mac_computer_use โญ 662
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 -
squeezeailab/SqueezeLLM โญ 655
[ICML 2024] SqueezeLLM: Dense-and-Sparse Quantization
๐ arxiv.org/abs/2306.07629 -
tag-research/TAG-Bench โญ 611
Table-Augmented Generation (TAG) is a unified and general-purpose paradigm for answering natural language questions over databases
๐ arxiv.org/pdf/2408.14717 -
lupantech/ScienceQA โญ 609
Data and code for NeurIPS 2022 Paper "Learn to Explain: Multimodal Reasoning via Thought Chains for Science Question Answering". -
tsinghuadatabasegroup/DB-GPT โญ 574
LLM As Database Administrator
๐ dbgpt.dbmind.cn -
zhudotexe/kani โญ 559
kani (ใซใ) is a highly hackable microframework for chat-based language models with tool use/function calling. (NLP-OSS @ EMNLP 2023)
๐ kani.readthedocs.io -
microsoft/VPTQ โญ 541
Extreme Low-bit Vector Post-Training Quantization for Large Language Models -
modal-labs/llm-finetuning โญ 540
Guide for fine-tuning Llama/Mistral/CodeLlama models and more -
hazyresearch/ama_prompting โญ 540
Ask Me Anything language model prompting -
declare-lab/instruct-eval โญ 532
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 -
vahe1994/SpQR โญ 529
Quantization algorithm and the model evaluation code for SpQR method for LLM compression -
magnivorg/prompt-layer-library โญ 525
๐ฐ PromptLayer - Maintain a log of your prompts and OpenAI API requests. Track, debug, and replay old completions.
๐ www.promptlayer.com -
continuum-llms/chatgpt-memory โญ 519
Allows to scale the ChatGPT API to multiple simultaneous sessions with infinite contextual and adaptive memory powered by GPT and Redis datastore. -
eugeneyan/obsidian-copilot โญ 515
๐ค A prototype assistant for writing and thinking
๐ eugeneyan.com/writing/obsidian-copilot -
hazyresearch/H3 โญ 515
Language Modeling with the H3 State Space Model -
minishlab/model2vec โญ 506
Model2Vec is a technique to turn any sentence transformer into a really small static model, reducing model size by 15x and making the models up to 500x faster, with a small drop in performance
๐ minishlab.github.io -
judahpaul16/gpt-home โญ 475
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 -
huggingface/text-clustering โญ 467
Easily embed, cluster and semantically label text datasets -
mlc-ai/xgrammar โญ 442
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 -
stanford-oval/suql โญ 218
SUQL: Conversational Search over Structured and Unstructured Data with LLMs
๐ arxiv.org/abs/2311.09818 -
dottxt-ai/outlines-core โญ 142
Core functionality for structured generation, formerly implemented in Outlines, with a focus on performance and portability.
Mathematical, numerical and scientific libraries.
-
numpy/numpy โญ 28,243
The fundamental package for scientific computing with Python.
๐ numpy.org -
taichi-dev/taichi โญ 25,597
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 -
scipy/scipy โญ 13,172
SciPy library main repository
๐ scipy.org -
sympy/sympy โญ 13,072
A computer algebra system written in pure Python
๐ sympy.org -
google/or-tools โญ 11,337
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 -
z3prover/z3 โญ 10,435
Z3 is a theorem prover from Microsoft Research with a Python language binding. -
google-deepmind/alphageometry โญ 4,198
Solving Olympiad Geometry without Human Demonstrations -
mikedh/trimesh โญ 3,032
Python library for loading and using triangular meshes.
๐ trimesh.org -
pyro-ppl/numpyro โญ 2,332
Probabilistic programming with NumPy powered by JAX for autograd and JIT compilation to GPU/TPU/CPU.
๐ num.pyro.ai -
mckinsey/causalnex โญ 2,254
A Python library that helps data scientists to infer causation rather than observing correlation.
๐ causalnex.readthedocs.io -
pyomo/pyomo โญ 2,058
An object-oriented algebraic modeling language in Python for structured optimization problems.
๐ www.pyomo.org -
facebookresearch/theseus โญ 1,787
A library for differentiable nonlinear optimization -
arviz-devs/arviz โญ 1,619
Exploratory analysis of Bayesian models with Python
๐ python.arviz.org -
google-research/torchsde โญ 1,589
Differentiable SDE solvers with GPU support and efficient sensitivity analysis. -
dynamicslab/pysindy โญ 1,467
A package for the sparse identification of nonlinear dynamical systems from data
๐ pysindy.readthedocs.io/en/latest -
geomstats/geomstats โญ 1,269
Computations and statistics on manifolds with geometric structures.
๐ geomstats.ai -
cma-es/pycma โญ 1,119
pycma is a Python implementation of CMA-ES and a few related numerical optimization tools. -
pymc-labs/CausalPy โญ 922
A Python package for causal inference in quasi-experimental settings
๐ causalpy.readthedocs.io -
sj001/AI-Feynman โญ 646
Implementation of AI Feynman: a Physics-Inspired Method for Symbolic Regression -
willianfuks/tfcausalimpact โญ 621
Python Causal Impact Implementation Based on Google's R Package. Built using TensorFlow Probability. -
lean-dojo/LeanDojo โญ 583
Tool for data extraction and interacting with Lean programmatically.
๐ leandojo.org -
brandondube/prysm โญ 271
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 -
lean-dojo/ReProver โญ 233
Retrieval-Augmented Theorem Provers for Lean
๐ leandojo.org -
albahnsen/pycircular โญ 98
pycircular is a Python module for circular data analysis -
gbillotey/Fractalshades โญ 28
Arbitrary-precision fractal explorer - Python package
General and classical machine learning libraries. See below for other sections covering specialised ML areas.
-
openai/openai-cookbook โญ 60,505
Examples and guides for using the OpenAI API
๐ cookbook.openai.com -
scikit-learn/scikit-learn โญ 60,371
scikit-learn: machine learning in Python
๐ scikit-learn.org -
suno-ai/bark โญ 36,362
๐ Text-Prompted Generative Audio Model -
tencentarc/GFPGAN โญ 35,976
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration. -
google-research/google-research โญ 34,443
This repository contains code released by Google Research
๐ research.google -
facebookresearch/faiss โญ 31,817
A library for efficient similarity search and clustering of dense vectors.
๐ faiss.ai -
google/jax โญ 30,691
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
๐ jax.readthedocs.io -
open-mmlab/mmdetection โญ 29,761
OpenMMLab Detection Toolbox and Benchmark
๐ mmdetection.readthedocs.io -
lutzroeder/netron โญ 28,575
Visualizer for neural network, deep learning and machine learning models
๐ netron.app -
ageron/handson-ml2 โญ 28,079
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. -
google/mediapipe โญ 27,856
Cross-platform, customizable ML solutions for live and streaming media.
๐ ai.google.dev/edge/mediapipe -
dmlc/xgboost โญ 26,383
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
๐ xgboost.readthedocs.io/en/stable -
roboflow/supervision โญ 24,413
We write your reusable computer vision tools. ๐
๐ supervision.roboflow.com -
harisiqbal88/PlotNeuralNet โญ 22,307
Latex code for making neural networks diagrams -
jina-ai/serve โญ 21,166
โ๏ธ Build multimodal AI applications with cloud-native stack
๐ jina.ai/serve -
onnx/onnx โญ 18,047
Open standard for machine learning interoperability
๐ onnx.ai -
ml-explore/mlx โญ 17,721
MLX is an array framework for machine learning on Apple silicon, brought to you by Apple machine learning research.
๐ ml-explore.github.io/mlx -
microsoft/LightGBM โญ 16,757
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 -
ddbourgin/numpy-ml โญ 15,701
Machine learning, in numpy
๐ numpy-ml.readthedocs.io -
tensorflow/tensor2tensor โญ 15,629
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research. -
microsoft/onnxruntime โญ 14,913
ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator
๐ onnxruntime.ai -
aleju/imgaug โญ 14,448
Image augmentation for machine learning experiments.
๐ imgaug.readthedocs.io -
microsoft/nni โญ 14,071
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 -
jindongwang/transferlearning โญ 13,521
Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-่ฟ็งปๅญฆไน
๐ transferlearning.xyz -
neonbjb/tortoise-tts โญ 13,331
A multi-voice TTS system trained with an emphasis on quality -
deepmind/deepmind-research โญ 13,313
This repository contains implementations and illustrative code to accompany DeepMind publications -
spotify/annoy โญ 13,305
Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk -
deepmind/alphafold โญ 12,953
Implementation of the inference pipeline of AlphaFold v2 -
ggerganov/ggml โญ 11,326
Tensor library for machine learning -
optuna/optuna โญ 11,035
A hyperparameter optimization framework
๐ optuna.org -
facebookresearch/AnimatedDrawings โญ 10,658
Code to accompany "A Method for Animating Children's Drawings of the Human Figure" -
statsmodels/statsmodels โญ 10,219
Statsmodels: statistical modeling and econometrics in Python
๐ www.statsmodels.org/devel -
twitter/the-algorithm-ml โญ 10,140
Source code for Twitter's Recommendation Algorithm
๐ blog.twitter.com/engineering/en_us/topics/open-source/2023/twitter-recommendation-algorithm -
cleanlab/cleanlab โญ 9,811
The standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
๐ cleanlab.ai -
epistasislab/tpot โญ 9,762
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
๐ epistasislab.github.io/tpot -
thudm/CogVideo โญ 9,596
text and image to video generation: CogVideoX (2024) and CogVideo (ICLR 2023) -
megvii-basedetection/YOLOX โญ 9,493
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/ -
wandb/wandb โญ 9,232
The AI developer platform. Use Weights & Biases to train and fine-tune models, and manage models from experimentation to production.
๐ wandb.ai -
pycaret/pycaret โญ 9,002
An open-source, low-code machine learning library in Python
๐ www.pycaret.org -
pymc-devs/pymc โญ 8,755
Bayesian Modeling and Probabilistic Programming in Python
๐ docs.pymc.io -
facebookresearch/xformers โญ 8,737
Hackable and optimized Transformers building blocks, supporting a composable construction.
๐ facebookresearch.github.io/xformers -
uberi/speech_recognition โญ 8,465
Speech recognition module for Python, supporting several engines and APIs, online and offline.
๐ pypi.python.org/pypi/speechrecognition -
open-mmlab/mmsegmentation โญ 8,379
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
๐ mmsegmentation.readthedocs.io/en/main -
awslabs/autogluon โญ 8,137
Fast and Accurate ML in 3 Lines of Code
๐ auto.gluon.ai -
catboost/catboost โญ 8,128
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 -
huggingface/accelerate โญ 8,034
๐ 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 -
automl/auto-sklearn โญ 7,663
Automated Machine Learning with scikit-learn
๐ automl.github.io/auto-sklearn -
lmcinnes/umap โญ 7,502
Uniform Manifold Approximation and Projection -
featurelabs/featuretools โญ 7,291
An open source python library for automated feature engineering
๐ www.featuretools.com -
hyperopt/hyperopt โญ 7,282
Distributed Asynchronous Hyperparameter Optimization in Python
๐ hyperopt.github.io/hyperopt -
py-why/dowhy โญ 7,167
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 -
hips/autograd โญ 7,043
Efficiently computes derivatives of NumPy code. -
open-mmlab/mmagic โญ 6,971
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 -
scikit-learn-contrib/imbalanced-learn โญ 6,862
A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
๐ imbalanced-learn.org -
probml/pyprobml โญ 6,570
Python code for "Probabilistic Machine learning" book by Kevin Murphy -
nicolashug/Surprise โญ 6,427
A Python scikit for building and analyzing recommender systems
๐ surpriselib.com -
ml-explore/mlx-examples โญ 6,321
Examples in the MLX framework -
cleverhans-lab/cleverhans โญ 6,216
An adversarial example library for constructing attacks, building defenses, and benchmarking both -
kevinmusgrave/pytorch-metric-learning โญ 6,034
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
๐ kevinmusgrave.github.io/pytorch-metric-learning -
project-monai/MONAI โญ 5,940
AI Toolkit for Healthcare Imaging
๐ monai.io -
open-mmlab/mmcv โญ 5,938
OpenMMLab Computer Vision Foundation
๐ mmcv.readthedocs.io/en/latest -
yangchris11/samurai โญ 5,721
Official repository of "SAMURAI: Adapting Segment Anything Model for Zero-Shot Visual Tracking with Motion-Aware Memory"
๐ yangchris11.github.io/samurai -
google-gemini/cookbook โญ 5,519
A collection of guides and examples for the Gemini API, including quickstart tutorials for writing prompts.
๐ ai.google.dev/gemini-api/docs -
uber/causalml โญ 5,123
Uplift modeling and causal inference with machine learning algorithms -
online-ml/river โญ 5,113
๐ Online machine learning in Python
๐ riverml.xyz -
mdbloice/Augmentor โญ 5,081
Image augmentation library in Python for machine learning.
๐ augmentor.readthedocs.io/en/stable -
google-deepmind/graphcast โญ 5,058
GraphCast: Learning skillful medium-range global weather forecasting -
rasbt/mlxtend โญ 4,921
A library of extension and helper modules for Python's data analysis and machine learning libraries.
๐ rasbt.github.io/mlxtend -
marqo-ai/marqo โญ 4,671
Unified embedding generation and search engine. Also available on cloud - cloud.marqo.ai
๐ www.marqo.ai -
skvark/opencv-python โญ 4,580
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 -
apple/coremltools โญ 4,463
Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
๐ coremltools.readme.io -
sanchit-gandhi/whisper-jax โญ 4,458
JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU. -
nmslib/hnswlib โญ 4,422
Header-only C++/python library for fast approximate nearest neighbors
๐ github.com/nmslib/hnswlib -
lucidrains/deep-daze โญ 4,375
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 -
districtdatalabs/yellowbrick โญ 4,300
Visual analysis and diagnostic tools to facilitate machine learning model selection.
๐ www.scikit-yb.org -
nv-tlabs/GET3D โญ 4,256
Generative Model of High Quality 3D Textured Shapes Learned from Images -
huggingface/autotrain-advanced โญ 4,132
AutoTrain Advanced: faster and easier training and deployments of state-of-the-art machine learning models
๐ huggingface.co/autotrain -
cmusphinx/pocketsphinx โญ 3,970
A small speech recognizer -
microsoft/FLAML โญ 3,955
A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP.
๐ microsoft.github.io/flaml -
ourownstory/neural_prophet โญ 3,903
NeuralProphet: A simple forecasting package
๐ neuralprophet.com -
py-why/EconML โญ 3,884
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 -
huggingface/notebooks โญ 3,712
Notebooks using the Hugging Face libraries ๐ค -
zjunlp/DeepKE โญ 3,610
[EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction
๐ deepke.zjukg.cn -
huggingface/speech-to-speech โญ 3,588
Speech To Speech: an effort for an open-sourced and modular GPT4-o -
rucaibox/RecBole โญ 3,481
A unified, comprehensive and efficient recommendation library
๐ recbole.io -
yoheinakajima/instagraph โญ 3,478
Converts text input or URL into knowledge graph and displays -
facebookresearch/vissl โญ 3,261
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
๐ vissl.ai -
pytorch/glow โญ 3,243
Compiler for Neural Network hardware accelerators -
lightly-ai/lightly โญ 3,197
A python library for self-supervised learning on images.
๐ docs.lightly.ai/self-supervised-learning -
lucidrains/musiclm-pytorch โญ 3,181
Implementation of MusicLM, Google's new SOTA model for music generation using attention networks, in Pytorch -
hrnet/HRNet-Semantic-Segmentation โญ 3,172
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 -
mljar/mljar-supervised โญ 3,071
Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation
๐ mljar.com -
shankarpandala/lazypredict โญ 3,037
Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning -
huggingface/safetensors โญ 2,935
Implements a new simple format for storing tensors safely (as opposed to pickle) and that is still fast (zero-copy).
๐ huggingface.co/docs/safetensors -
scikit-learn-contrib/hdbscan โญ 2,820
A high performance implementation of HDBSCAN clustering.
๐ hdbscan.readthedocs.io/en/latest -
scikit-optimize/scikit-optimize โญ 2,743
Sequential model-based optimization with ascipy.optimize
interface
๐ scikit-optimize.github.io -
google-research/t5x โญ 2,706
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. -
huggingface/optimum โญ 2,604
๐ Accelerate training and inference of ๐ค Transformers and ๐ค Diffusers with easy to use hardware optimization tools
๐ huggingface.co/docs/optimum/main -
apple/ml-ane-transformers โญ 2,568
Reference implementation of the Transformer architecture optimized for Apple Neural Engine (ANE) -
freedmand/semantra โญ 2,519
Semantra is a multipurpose tool for semantically searching documents. Query by meaning rather than just by matching text. -
rom1504/clip-retrieval โญ 2,432
Easily compute clip embeddings and build a clip retrieval system with them
๐ rom1504.github.io/clip-retrieval -
scikit-learn-contrib/category_encoders โญ 2,414
A library of sklearn compatible categorical variable encoders
๐ contrib.scikit-learn.org/category_encoders -
eric-mitchell/direct-preference-optimization โญ 2,225
Reference implementation for DPO (Direct Preference Optimization) -
huggingface/huggingface_hub โญ 2,152
The official Python client for the Huggingface Hub.
๐ huggingface.co/docs/huggingface_hub -
aws/sagemaker-python-sdk โญ 2,107
A library for training and deploying machine learning models on Amazon SageMaker
๐ sagemaker.readthedocs.io -
huggingface/evaluate โญ 2,049
๐ค Evaluate: A library for easily evaluating machine learning models and datasets.
๐ huggingface.co/docs/evaluate -
contextlab/hypertools โญ 1,829
A Python toolbox for gaining geometric insights into high-dimensional data
๐ hypertools.readthedocs.io/en/latest -
rentruewang/koila โญ 1,823
Prevent PyTorch'sCUDA error: out of memory
in just 1 line of code.
๐ koila.rentruewang.com -
linkedin/greykite โญ 1,815
A flexible, intuitive and fast forecasting library -
bmabey/pyLDAvis โญ 1,807
Python library for interactive topic model visualization. Port of the R LDAvis package. -
scikit-learn-contrib/lightning โญ 1,729
Large-scale linear classification, regression and ranking in Python
๐ contrib.scikit-learn.org/lightning -
tensorflow/addons โญ 1,694
Useful extra functionality for TensorFlow 2.x maintained by SIG-addons -
castorini/pyserini โญ 1,693
Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations.
๐ pyserini.io -
microsoft/i-Code โญ 1,679
The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning. -
microsoft/Olive โญ 1,637
Olive: Simplify ML Model Finetuning, Conversion, Quantization, and Optimization for CPUs, GPUs and NPUs.
๐ microsoft.github.io/olive -
visual-layer/fastdup โญ 1,628
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. -
laekov/fastmoe โญ 1,571
A fast MoE impl for PyTorch
๐ fastmoe.ai -
qdrant/fastembed โญ 1,570
Fast, Accurate, Lightweight Python library to make State of the Art Embedding
๐ qdrant.github.io/fastembed -
kubeflow/katib โญ 1,514
Automated Machine Learning on Kubernetes
๐ www.kubeflow.org/docs/components/katib -
google/vizier โญ 1,485
Python-based research interface for blackbox and hyperparameter optimization, based on the internal Google Vizier Service.
๐ oss-vizier.readthedocs.io -
jina-ai/finetuner โญ 1,481
๐ฏ Task-oriented embedding tuning for BERT, CLIP, etc.
๐ finetuner.jina.ai -
csinva/imodels โญ 1,405
Interpretable ML package ๐ for concise, transparent, and accurate predictive modeling (sklearn-compatible).
๐ csinva.io/imodels -
patchy631/machine-learning โญ 1,386
Machine Learning Tutorials Repository -
microsoft/Semi-supervised-learning โญ 1,375
A Unified Semi-Supervised Learning Codebase (NeurIPS'22)
๐ usb.readthedocs.io -
spotify/voyager โญ 1,333
๐ฐ๏ธ An approximate nearest-neighbor search library for Python and Java with a focus on ease of use, simplicity, and deployability.
๐ spotify.github.io/voyager -
borealisai/advertorch โญ 1,312
A Toolbox for Adversarial Robustness Research -
koaning/scikit-lego โญ 1,287
Extra blocks for scikit-learn pipelines.
๐ koaning.github.io/scikit-lego -
awslabs/dgl-ke โญ 1,277
High performance, easy-to-use, and scalable package for learning large-scale knowledge graph embeddings.
๐ dglke.dgl.ai/doc -
automl/TabPFN โญ 1,234
Official implementation of the TabPFN paper (https://arxiv.org/abs/2207.01848) and the tabpfn package.
๐ priorlabs.ai -
lightning-ai/lightning-thunder โญ 1,221
Thunder is a source-to-source compiler for PyTorch. It makes PyTorch programs faster by combining and using different hardware executors at once -
pytorch/FBGEMM โญ 1,214
FB (Facebook) + GEMM (General Matrix-Matrix Multiplication) - https://code.fb.com/ml-applications/fbgemm/ -
google-research/deeplab2 โญ 1,007
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. -
davidmrau/mixture-of-experts โญ 1,002
PyTorch Re-Implementation of "The Sparsely-Gated Mixture-of-Experts Layer" by Noam Shazeer et al. https://arxiv.org/abs/1701.06538 -
nvidia/cuda-python โญ 992
CUDA Python Low-level Bindings
๐ nvidia.github.io/cuda-python -
opentensor/bittensor โญ 934
Internet-scale Neural Networks
๐ www.bittensor.com -
lmcinnes/pynndescent โญ 903
A Python nearest neighbor descent for approximate nearest neighbors -
oml-team/open-metric-learning โญ 897
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 -
hazyresearch/safari โญ 869
Convolutions for Sequence Modeling -
huggingface/optimum-quanto โญ 842
A pytorch quantization backend for optimum -
criteo/autofaiss โญ 821
Automatically create Faiss knn indices with the most optimal similarity search parameters.
๐ criteo.github.io/autofaiss -
replicate/replicate-python โญ 773
Python client for Replicate
๐ replicate.com -
awslabs/python-deequ โญ 732
Python API for Deequ, a library built on Spark for defining "unit tests for data", which measure data quality in large datasets -
pymc-labs/pymc-marketing โญ 719
Bayesian marketing toolbox in PyMC. Media Mix (MMM), customer lifetime value (CLV), buy-till-you-die (BTYD) models and more.
๐ www.pymc-marketing.io -
facebookresearch/balance โญ 688
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 -
nicolas-hbt/pygraft โญ 675
Configurable Generation of Synthetic Schemas and Knowledge Graphs at Your Fingertips
๐ pygraft.readthedocs.io/en/latest -
googleapis/python-aiplatform โญ 656
A Python SDK for Vertex AI, a fully managed, end-to-end platform for data science and machine learning. -
qdrant/quaterion โญ 644
Blazing fast framework for fine-tuning similarity learning models
๐ quaterion.qdrant.tech -
hpcaitech/EnergonAI โญ 629
Large-scale model inference. -
huggingface/exporters โญ 623
Export Hugging Face models to Core ML and TensorFlow Lite -
intellabs/bayesian-torch โญ 547
A library for Bayesian neural network layers and uncertainty estimation in Deep Learning extending the core of PyTorch -
microsoft/Focal-Transformer โญ 546
[NeurIPS 2021 Spotlight] Official code for "Focal Self-attention for Local-Global Interactions in Vision Transformers" -
cvxgrp/pymde โญ 539
Minimum-distortion embedding with PyTorch
๐ pymde.org -
intel/intel-npu-acceleration-library โญ 531
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. -
nevronai/MetisFL โญ 529
The first open Federated Learning framework implemented in C++ and Python.
๐ metisfl.org -
mrdbourke/m1-machine-learning-test โญ 529
Code for testing various M1 Chip benchmarks with TensorFlow. -
linkedin/FastTreeSHAP โญ 524
Fast SHAP value computation for interpreting tree-based models -
lightning-ai/litdata โญ 378
Transform datasets at scale. Optimize datasets for fast AI model training. -
dylanhogg/gptauthor โญ 62
GPTAuthor is an AI tool for writing long form, multi-chapter stories given a story prompt.
Machine learning libraries that cross over with deep learning in some way.
-
tensorflow/tensorflow โญ 186,728
An Open Source Machine Learning Framework for Everyone
๐ tensorflow.org -
pytorch/pytorch โญ 84,795
Tensors and Dynamic neural networks in Python with strong GPU acceleration
๐ pytorch.org -
openai/whisper โญ 72,381
Robust Speech Recognition via Large-Scale Weak Supervision -
keras-team/keras โญ 62,173
Deep Learning for humans
๐ keras.io -
deepfakes/faceswap โญ 52,643
Deepfakes Software For All
๐ www.faceswap.dev -
facebookresearch/segment-anything โญ 48,000
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. -
microsoft/DeepSpeed โญ 35,782
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
๐ www.deepspeed.ai -
rwightman/pytorch-image-models โญ 32,514
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 -
facebookresearch/detectron2 โญ 30,722
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
๐ detectron2.readthedocs.io/en/latest -
xinntao/Real-ESRGAN โญ 28,701
Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration. -
lightning-ai/pytorch-lightning โญ 28,577
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 -
google-research/tuning_playbook โญ 27,482
A playbook for systematically maximizing the performance of deep learning models. -
openai/CLIP โญ 26,356
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image -
facebookresearch/Detectron โญ 26,288
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. -
matterport/Mask_RCNN โญ 24,756
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow -
paddlepaddle/Paddle โญ 22,322
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice ๏ผใ้ฃๆกจใๆ ธๅฟๆกๆถ๏ผๆทฑๅบฆๅญฆไน &ๆบๅจๅญฆไน ้ซๆง่ฝๅๆบใๅๅธๅผ่ฎญ็ปๅ่ทจๅนณๅฐ้จ็ฝฒ๏ผ
๐ www.paddlepaddle.org -
pyg-team/pytorch_geometric โญ 21,531
Graph Neural Network Library for PyTorch
๐ pyg.org -
lucidrains/vit-pytorch โญ 20,961
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch -
apache/mxnet โญ 20,790
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 -
sanster/IOPaint โญ 19,763
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 -
danielgatis/rembg โญ 17,236
Rembg is a tool to remove images background -
rasbt/deeplearning-models โญ 16,780
A collection of various deep learning architectures, models, and tips -
albumentations-team/albumentations โญ 14,361
Fast and flexible image augmentation library. Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
๐ albumentations.ai -
microsoft/Swin-Transformer โญ 14,028
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
๐ arxiv.org/abs/2103.14030 -
facebookresearch/detr โญ 13,717
End-to-End Object Detection with Transformers -
nvidia/DeepLearningExamples โญ 13,644
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure. -
dmlc/dgl โญ 13,580
Python package built to ease deep learning on graph, on top of existing DL frameworks.
๐ dgl.ai -
mlfoundations/open_clip โญ 10,508
Open source implementation of OpenAI's CLIP (Contrastive Language-Image Pre-training). -
kornia/kornia โญ 10,040
Geometric Computer Vision Library for Spatial AI
๐ kornia.readthedocs.io -
keras-team/autokeras โญ 9,167
AutoML library for deep learning
๐ autokeras.com -
modelscope/facechain โญ 9,163
FaceChain is a deep-learning toolchain for generating your Digital-Twin. -
facebookresearch/pytorch3d โญ 8,869
PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
๐ pytorch3d.org -
pyro-ppl/pyro โญ 8,593
Deep universal probabilistic programming with Python and PyTorch
๐ pyro.ai -
arogozhnikov/einops โญ 8,566
Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
๐ einops.rocks -
nvidia/apex โญ 8,443
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch -
facebookresearch/ImageBind โญ 8,407
ImageBind One Embedding Space to Bind Them All -
lucidrains/imagen-pytorch โญ 8,115
Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch -
google/trax โญ 8,113
Trax โ Deep Learning with Clear Code and Speed -
xpixelgroup/BasicSR โญ 6,933
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 -
google/flax โญ 6,179
Flax is a neural network library for JAX that is designed for flexibility.
๐ flax.readthedocs.io -
skorch-dev/skorch โญ 5,900
A scikit-learn compatible neural network library that wraps PyTorch -
facebookresearch/mmf โญ 5,509
A modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
๐ mmf.sh -
mosaicml/composer โญ 5,183
Supercharge Your Model Training
๐ docs.mosaicml.com -
deci-ai/super-gradients โญ 4,618
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
๐ www.supergradients.com -
facebookincubator/AITemplate โญ 4,570
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. -
pytorch/ignite โญ 4,550
High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
๐ pytorch-ignite.ai -
nvidiagameworks/kaolin โญ 4,541
A PyTorch Library for Accelerating 3D Deep Learning Research -
williamyang1991/VToonify โญ 3,551
[SIGGRAPH Asia 2022] VToonify: Controllable High-Resolution Portrait Video Style Transfer -
cvg/LightGlue โญ 3,464
LightGlue: Local Feature Matching at Light Speed (ICCV 2023) -
facebookresearch/PyTorch-BigGraph โญ 3,391
Generate embeddings from large-scale graph-structured data.
๐ torchbiggraph.readthedocs.io -
google-research/scenic โญ 3,349
Scenic: A Jax Library for Computer Vision Research and Beyond -
pytorch/botorch โญ 3,118
Bayesian optimization in PyTorch
๐ botorch.org -
alpa-projects/alpa โญ 3,083
Training and serving large-scale neural networks with auto parallelization.
๐ alpa.ai -
deepmind/dm-haiku โญ 2,914
JAX-based neural network library
๐ dm-haiku.readthedocs.io -
explosion/thinc โญ 2,824
๐ฎ A refreshing functional take on deep learning, compatible with your favorite libraries
๐ thinc.ai -
nerdyrodent/VQGAN-CLIP โญ 2,619
Just playing with getting VQGAN+CLIP running locally, rather than having to use colab. -
danielegrattarola/spektral โญ 2,372
Graph Neural Networks with Keras and Tensorflow 2.
๐ graphneural.network -
google-research/electra โญ 2,340
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators -
fepegar/torchio โญ 2,081
Medical imaging toolkit for deep learning
๐ torchio.org -
neuralmagic/sparseml โญ 2,079
Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models -
pytorch/torchrec โญ 1,963
Pytorch domain library for recommendation systems
๐ pytorch.org/torchrec -
tensorflow/mesh โญ 1,596
Mesh TensorFlow: Model Parallelism Made Easier -
tensorly/tensorly โญ 1,575
TensorLy: Tensor Learning in Python.
๐ tensorly.org -
vt-vl-lab/FGVC โญ 1,553
[ECCV 2020] Flow-edge Guided Video Completion -
calculatedcontent/WeightWatcher โญ 1,481
The WeightWatcher tool for predicting the accuracy of Deep Neural Networks -
jeshraghian/snntorch โญ 1,374
Deep and online learning with spiking neural networks in Python
๐ snntorch.readthedocs.io/en/latest -
hysts/pytorch_image_classification โญ 1,369
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet -
xl0/lovely-tensors โญ 1,119
Tensors, for human consumption
๐ xl0.github.io/lovely-tensors -
deepmind/android_env โญ 1,024
RL research on Android devices. -
tensorflow/similarity โญ 1,013
TensorFlow Similarity is a python package focused on making similarity learning quick and easy. -
keras-team/keras-cv โญ 1,010
Industry-strength Computer Vision workflows with Keras -
kakaobrain/rq-vae-transformer โญ 800
The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22) -
deepmind/chex โญ 795
Chex is a library of utilities for helping to write reliable JAX code
๐ chex.readthedocs.io -
mlfoundations/datacomp โญ 663
DataComp: In search of the next generation of multimodal datasets
๐ datacomp.ai -
whitead/dmol-book โญ 622
Deep learning for molecules and materials book
๐ dmol.pub -
allenai/reward-bench โญ 454
RewardBench is a benchmark designed to evaluate the capabilities and safety of reward models (including those trained with Direct Preference Optimization, DPO)
๐ huggingface.co/spaces/allenai/reward-bench
Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training.
-
slundberg/shap โญ 23,026
A game theoretic approach to explain the output of any machine learning model.
๐ shap.readthedocs.io -
marcotcr/lime โญ 11,650
Lime: Explaining the predictions of any machine learning classifier -
interpretml/interpret โญ 6,314
Fit interpretable models. Explain blackbox machine learning.
๐ interpret.ml/docs -
pytorch/captum โญ 4,964
Model interpretability and understanding for PyTorch
๐ captum.ai -
tensorflow/lucid โญ 4,678
A collection of infrastructure and tools for research in neural network interpretability. -
arize-ai/phoenix โญ 4,160
AI Observability & Evaluation
๐ docs.arize.com/phoenix -
pair-code/lit โญ 3,499
The Learning Interpretability Tool: Interactively analyze ML models to understand their behavior in an extensible and framework agnostic interface.
๐ pair-code.github.io/lit -
teamhg-memex/eli5 โญ 2,761
A library for debugging/inspecting machine learning classifiers and explaining their predictions
๐ eli5.readthedocs.io -
maif/shapash โญ 2,747
๐ Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
๐ maif.github.io/shapash -
seldonio/alibi โญ 2,419
Algorithms for explaining machine learning models
๐ docs.seldon.io/projects/alibi/en/stable -
oegedijk/explainerdashboard โญ 2,319
Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models.
๐ explainerdashboard.readthedocs.io -
eleutherai/pythia โญ 2,304
Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers -
jalammar/ecco โญ 1,986
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 -
google-deepmind/penzai โญ 1,691
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 -
trusted-ai/AIX360 โญ 1,639
Interpretability and explainability of data and machine learning models
๐ aix360.res.ibm.com -
transformerlensorg/TransformerLens โญ 1,634
A library for mechanistic interpretability of GPT-style language models
๐ transformerlensorg.github.io/transformerlens -
cdpierse/transformers-interpret โญ 1,301
Model explainability that works seamlessly with ๐ค transformers. Explain your transformers model in just 2 lines of code. -
selfexplainml/PiML-Toolbox โญ 1,217
PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
๐ selfexplainml.github.io/piml-toolbox -
ethicalml/xai โญ 1,131
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 -
salesforce/OmniXAI โญ 882
OmniXAI: A Library for eXplainable AI -
andyzoujm/representation-engineering โญ 736
Representation Engineering: A Top-Down Approach to AI Transparency
๐ www.ai-transparency.org -
jbloomaus/SAELens โญ 511
Training Sparse Autoencoders on LLms. Analyse sparse autoencoders and neural network internals.
๐ jbloomaus.github.io/saelens
MLOps tools, frameworks and libraries: intersection of machine learning, data engineering and DevOps; deployment, health, diagnostics and governance of ML models.
-
apache/airflow โญ 37,505
Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
๐ airflow.apache.org -
ray-project/ray โญ 34,323
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 -
mlflow/mlflow โญ 18,962
Open source platform for the machine learning lifecycle
๐ mlflow.org -
spotify/luigi โญ 17,935
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. -
prefecthq/prefect โญ 17,704
Prefect is a workflow orchestration framework for building resilient data pipelines in Python.
๐ prefect.io -
kestra-io/kestra โญ 14,493
โก Workflow Automation Platform. Orchestrate & Schedule code in any language, run anywhere, 500+ plugins. Alternative to Zapier, Rundeck, Camunda, Airflow...
๐ kestra.io -
horovod/horovod โญ 14,287
Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
๐ horovod.ai -
iterative/dvc โญ 13,993
๐ฆ Data Versioning and ML Experiments
๐ dvc.org -
dagster-io/dagster โญ 12,021
An orchestration platform for the development, production, and observation of data assets.
๐ dagster.io -
ludwig-ai/ludwig โญ 11,224
Low-code framework for building custom LLMs, neural networks, and other AI models
๐ ludwig.ai -
bentoml/OpenLLM โญ 10,175
Run any open-source LLMs, such as Llama, Mistral, as OpenAI compatible API endpoint in the cloud.
๐ bentoml.com -
great-expectations/great_expectations โญ 10,042
Always know what to expect from your data.
๐ docs.greatexpectations.io -
dbt-labs/dbt-core โญ 10,042
dbt enables data analysts and engineers to transform their data using the same practices that software engineers use to build applications.
๐ getdbt.com -
kedro-org/kedro โญ 10,040
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 -
huggingface/text-generation-inference โญ 9,198
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 -
netflix/metaflow โญ 8,321
Open Source Platform for developing, scaling and deploying serious ML, AI, and data science systems
๐ metaflow.org -
activeloopai/deeplake โญ 8,220
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 -
mage-ai/mage-ai โญ 8,011
๐ง Build, run, and manage data pipelines for integrating and transforming data.
๐ www.mage.ai -
bentoml/BentoML โญ 7,202
The easiest way to serve AI apps and models - Build Model Inference APIs, Job queues, LLM apps, Multi-model pipelines, and more!
๐ bentoml.com -
langfuse/langfuse โญ 6,972
๐ชข Open source LLM engineering platform: LLM Observability, metrics, evals, prompt management, playground, datasets. Integrates with LlamaIndex, Langchain, OpenAI SDK, LiteLLM, and more. ๐YC W23
๐ langfuse.com/docs -
flyteorg/flyte โญ 5,833
Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
๐ flyte.org -
allegroai/clearml โญ 5,727
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 -
feast-dev/feast โญ 5,638
The Open Source Feature Store for Machine Learning
๐ feast.dev -
evidentlyai/evidently โญ 5,489
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 -
aimhubio/aim โญ 5,250
Aim ๐ซ โ An easy-to-use & supercharged open-source experiment tracker.
๐ aimstack.io -
adap/flower โญ 5,200
Flower: A Friendly Federated AI Framework
๐ flower.ai -
internlm/lmdeploy โญ 4,778
LMDeploy is a toolkit for compressing, deploying, and serving LLMs.
๐ lmdeploy.readthedocs.io/en/latest -
zenml-io/zenml โญ 4,198
ZenML ๐: The bridge between ML and Ops. https://zenml.io.
๐ zenml.io -
orchest/orchest โญ 4,088
Build data pipelines, the easy way ๐ ๏ธ
๐ orchest.readthedocs.io/en/stable -
internlm/xtuner โญ 4,030
An efficient, flexible and full-featured toolkit for fine-tuning LLM (InternLM2, Llama3, Phi3, Qwen, Mistral, ...)
๐ xtuner.readthedocs.io/zh-cn/latest -
kubeflow/pipelines โญ 3,634
Machine Learning Pipelines for Kubeflow
๐ www.kubeflow.org/docs/components/pipelines -
polyaxon/polyaxon โญ 3,577
MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle
๐ polyaxon.com -
ploomber/ploomber โญ 3,518
The fastest โก๏ธ way to build data pipelines. Develop iteratively, deploy anywhere. โ๏ธ
๐ docs.ploomber.io -
towhee-io/towhee โญ 3,249
Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.
๐ towhee.io -
determined-ai/determined โญ 3,050
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 -
leptonai/leptonai โญ 2,664
A Pythonic framework to simplify AI service building
๐ lepton.ai -
azure/PyRIT โญ 1,960
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 -
dagworks-inc/hamilton โญ 1,894
Hamilton helps data scientists and engineers define testable, modular, self-documenting dataflows, that encode lineage/tracing and metadata. Runs and scales everywhere python does.
๐ hamilton.dagworks.io/en/latest -
meltano/meltano โญ 1,862
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 -
dstackai/dstack โญ 1,623
dstack is a lightweight, open-source alternative to Kubernetes & Slurm, simplifying AI container orchestration with multi-cloud & on-prem support. It natively supports NVIDIA, AMD, & TPU.
๐ dstack.ai/docs -
hi-primus/optimus โญ 1,486
๐ Agile Data Preparation Workflows madeย easy with Pandas, Dask, cuDF, Dask-cuDF, Vaex and PySpark
๐ hi-optimus.com -
kubeflow/examples โญ 1,415
A repository to host extended examples and tutorials -
dagworks-inc/burr โญ 1,348
Build applications that make decisions (chatbots, agents, simulations, etc...). Monitor, trace, persist, and execute on your own infrastructure.
๐ burr.dagworks.io -
nccr-itmo/FEDOT โญ 649
Automated modeling and machine learning framework FEDOT
๐ fedot.readthedocs.io
Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF
-
openai/gym โญ 34,933
A toolkit for developing and comparing reinforcement learning algorithms.
๐ www.gymlibrary.dev -
unity-technologies/ml-agents โญ 17,305
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 -
openai/baselines โญ 15,863
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms -
google/dopamine โญ 10,583
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
๐ github.com/google/dopamine -
thu-ml/tianshou โญ 8,039
An elegant PyTorch deep reinforcement learning library.
๐ tianshou.org -
lucidrains/PaLM-rlhf-pytorch โญ 7,722
Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM -
farama-foundation/Gymnasium โญ 7,543
An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)
๐ gymnasium.farama.org -
tensorlayer/TensorLayer โญ 7,336
Deep Learning and Reinforcement Learning Library for Scientists and Engineers
๐ tensorlayerx.com -
keras-rl/keras-rl โญ 5,528
Deep Reinforcement Learning for Keras.
๐ keras-rl.readthedocs.io -
deepmind/dm_control โญ 3,841
Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo. -
ai4finance-foundation/ElegantRL โญ 3,770
Massively Parallel Deep Reinforcement Learning. ๐ฅ
๐ ai4finance.org -
facebookresearch/ReAgent โญ 3,574
A platform for Reasoning systems (Reinforcement Learning, Contextual Bandits, etc.)
๐ reagent.ai -
deepmind/acme โญ 3,531
A library of reinforcement learning components and agents -
opendilab/DI-engine โญ 3,127
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 -
eureka-research/Eureka โญ 2,848
Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models" (ICLR 2024)
๐ eureka-research.github.io -
pettingzoo-team/PettingZoo โญ 2,669
An API standard for multi-agent reinforcement learning environments, with popular reference environments and related utilities
๐ pettingzoo.farama.org -
kzl/decision-transformer โญ 2,419
Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling. -
pytorch/rl โญ 2,395
A modular, primitive-first, python-first PyTorch library for Reinforcement Learning.
๐ pytorch.org/rl -
anthropics/hh-rlhf โญ 1,638
Human preference data for "Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback"
๐ arxiv.org/abs/2204.05862 -
arise-initiative/robosuite โญ 1,380
robosuite: A Modular Simulation Framework and Benchmark for Robot Learning
๐ robosuite.ai -
humancompatibleai/imitation โญ 1,341
Clean PyTorch implementations of imitation and reward learning algorithms
๐ imitation.readthedocs.io -
denys88/rl_games โญ 950
RL Games: High performance RL library -
google-deepmind/meltingpot โญ 631
A suite of test scenarios for multi-agent reinforcement learning.
Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots. Also see the LLMs and ChatGPT category for crossover.
-
huggingface/transformers โญ 135,973
๐ค Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
๐ huggingface.co/transformers -
pytorch/fairseq โญ 30,643
Facebook AI Research Sequence-to-Sequence Toolkit written in Python. -
explosion/spaCy โญ 30,407
๐ซ Industrial-strength Natural Language Processing (NLP) in Python
๐ spacy.io -
myshell-ai/OpenVoice โญ 29,996
Instant voice cloning by MIT and MyShell.
๐ research.myshell.ai/open-voice -
microsoft/unilm โญ 20,325
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
๐ aka.ms/generalai -
huggingface/datasets โญ 19,334
๐ค The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
๐ huggingface.co/docs/datasets -
vikparuchuri/marker โญ 18,342
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 -
rare-technologies/gensim โญ 15,716
Topic Modelling for Humans
๐ radimrehurek.com/gensim -
ukplab/sentence-transformers โญ 15,507
State-of-the-Art Text Embeddings
๐ www.sbert.net -
vikparuchuri/surya โญ 14,475
OCR, layout analysis, reading order, table recognition in 90+ languages
๐ www.datalab.to -
gunthercox/ChatterBot โญ 14,119
ChatterBot is a machine learning, conversational dialog engine for creating chat bots
๐ chatterbot.readthedocs.io -
flairnlp/flair โญ 13,981
A very simple framework for state-of-the-art Natural Language Processing (NLP)
๐ flairnlp.github.io/flair -
nltk/nltk โญ 13,679
NLTK Source
๐ www.nltk.org -
m-bain/whisperX โญ 12,765
WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization) -
openai/tiktoken โญ 12,600
tiktoken is a fast BPE tokeniser for use with OpenAI's models. -
jina-ai/clip-as-service โญ 12,485
๐ Scalable embedding, reasoning, ranking for images and sentences with CLIP
๐ clip-as-service.jina.ai -
nvidia/NeMo โญ 12,358
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 -
allenai/allennlp โญ 11,770
An open-source NLP research library, built on PyTorch.
๐ www.allennlp.org -
facebookresearch/seamless_communication โญ 10,996
Foundational Models for State-of-the-Art Speech and Text Translation -
facebookresearch/ParlAI โญ 10,497
A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
๐ parl.ai -
google/sentencepiece โญ 10,348
Unsupervised text tokenizer for Neural Network-based text generation. -
doccano/doccano โญ 9,623
Open source annotation tool for machine learning practitioners. -
neuml/txtai โญ 9,599
๐ก All-in-one open-source embeddings database for semantic search, LLM orchestration and language model workflows
๐ neuml.github.io/txtai -
sloria/TextBlob โญ 9,178
Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.
๐ textblob.readthedocs.io -
facebookresearch/nougat โญ 9,039
Implementation of Nougat Neural Optical Understanding for Academic Documents
๐ facebookresearch.github.io/nougat -
speechbrain/speechbrain โญ 9,025
A PyTorch-based Speech Toolkit
๐ speechbrain.github.io -
togethercomputer/OpenChatKit โญ 9,009
OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots -
clips/pattern โญ 8,754
Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
๐ github.com/clips/pattern/wiki -
espnet/espnet โญ 8,570
End-to-End Speech Processing Toolkit
๐ espnet.github.io/espnet -
deeppavlov/DeepPavlov โญ 6,742
An open source library for deep learning end-to-end dialog systems and chatbots.
๐ deeppavlov.ai -
facebookresearch/metaseq โญ 6,518
A codebase for working with Open Pre-trained Transformers, originally forked from fairseq. -
kingoflolz/mesh-transformer-jax โญ 6,308
Model parallel transformers in JAX and Haiku -
maartengr/BERTopic โญ 6,226
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
๐ maartengr.github.io/bertopic -
prefecthq/marvin โญ 5,348
โจ Build AI interfaces that spark joy
๐ askmarvin.ai -
aiwaves-cn/agents โญ 5,338
An Open-source Framework for Data-centric, Self-evolving Autonomous Language Agents -
salesforce/CodeGen โญ 4,947
CodeGen is a family of open-source model for program synthesis. Trained on TPU-v4. Competitive with OpenAI Codex. -
minimaxir/textgenrnn โญ 4,944
Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code. -
layout-parser/layout-parser โญ 4,941
A Unified Toolkit for Deep Learning Based Document Image Analysis
๐ layout-parser.github.io -
facebookresearch/DrQA โญ 4,481
Reading Wikipedia to Answer Open-Domain Questions -
makcedward/nlpaug โญ 4,467
Data augmentation for NLP
๐ makcedward.github.io -
thilinarajapakse/simpletransformers โญ 4,121
Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
๐ simpletransformers.ai -
argilla-io/argilla โญ 4,089
Argilla is a collaboration tool for AI engineers and domain experts to build high-quality datasets
๐ docs.argilla.io -
maartengr/KeyBERT โญ 3,598
Minimal keyword extraction with BERT
๐ maartengr.github.io/keybert -
life4/textdistance โญ 3,402
๐ Compute distance between sequences. 30+ algorithms, pure python implementation, common interface, optional external libs usage. -
promptslab/Promptify โญ 3,316
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 -
jsvine/markovify โญ 3,308
A simple, extensible Markov chain generator. -
bytedance/lightseq โญ 3,218
LightSeq: A High Performance Library for Sequence Processing and Generation -
errbotio/errbot โญ 3,136
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 -
neuralmagic/deepsparse โญ 3,042
Sparsity-aware deep learning inference runtime for CPUs
๐ neuralmagic.com/deepsparse -
huawei-noah/Pretrained-Language-Model โญ 3,034
Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab. -
quivrhq/MegaParse โญ 2,998
File Parser optimised for LLM Ingestion with no loss ๐ง Parse PDFs, Docx, PPTx in a format that is ideal for LLMs.
๐ pypi.org/project/megaparse -
ddangelov/Top2Vec โญ 2,956
Top2Vec learns jointly embedded topic, document and word vectors. -
jbesomi/texthero โญ 2,894
Text preprocessing, representation and visualization from zero to hero.
๐ texthero.org -
huggingface/neuralcoref โญ 2,860
โจFast Coreference Resolution in spaCy with Neural Networks
๐ huggingface.co/coref -
salesforce/CodeT5 โญ 2,822
Home of CodeT5: Open Code LLMs for Code Understanding and Generation
๐ arxiv.org/abs/2305.07922 -
bigscience-workshop/promptsource โญ 2,714
Toolkit for creating, sharing and using natural language prompts. -
huggingface/setfit โญ 2,255
SetFit is an efficient and prompt-free framework for few-shot fine-tuning of Sentence Transformers.
๐ hf.co/docs/setfit -
jamesturk/jellyfish โญ 2,073
๐ชผ a python library for doing approximate and phonetic matching of strings.
๐ jamesturk.github.io/jellyfish -
alibaba/EasyNLP โญ 2,071
EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit -
thudm/P-tuning-v2 โญ 1,989
An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks -
featureform/featureform โญ 1,822
The Virtual Feature Store. Turn your existing data infrastructure into a feature store.
๐ www.featureform.com -
marella/ctransformers โญ 1,822
Python bindings for the Transformer models implemented in C/C++ using GGML library. -
bhavnicksm/chonkie โญ 1,806
๐ฆ CHONK your texts with Chonkie โจ - The no-nonsense RAG chunking library
๐ docs.chonkie.ai -
deepset-ai/FARM โญ 1,742
๐ก Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.
๐ farm.deepset.ai -
franck-dernoncourt/NeuroNER โญ 1,700
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
๐ neuroner.com -
explosion/spacy-models โญ 1,653
๐ซ Models for the spaCy Natural Language Processing (NLP) library
๐ spacy.io -
google-research/language โญ 1,631
Shared repository for open-sourced projects from the Google AI Language team.
๐ ai.google/research/teams/language -
plasticityai/magnitude โญ 1,629
A fast, efficient universal vector embedding utility package. -
arxiv-vanity/arxiv-vanity โญ 1,612
Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
๐ www.arxiv-vanity.com -
chrismattmann/tika-python โญ 1,516
Tika-Python is a Python binding to the Apache Tikaโข REST services allowing Tika to be called natively in the Python community. -
urchade/GLiNER โญ 1,503
Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
๐ arxiv.org/abs/2311.08526 -
dmmiller612/bert-extractive-summarizer โญ 1,406
Easy to use extractive text summarization with BERT -
intellabs/fastRAG โญ 1,380
Efficient Retrieval Augmentation and Generation Framework -
gunthercox/chatterbot-corpus โญ 1,375
A multilingual dialog corpus
๐ chatterbot-corpus.readthedocs.io -
nomic-ai/nomic โญ 1,369
Interact, analyze and structure massive text, image, embedding, audio and video datasets
๐ atlas.nomic.ai -
jonasgeiping/cramming โญ 1,299
Cramming the training of a (BERT-type) language model into limited compute. -
pemistahl/lingua-py โญ 1,180
The most accurate natural language detection library for Python, suitable for short text and mixed-language text -
openai/grade-school-math โญ 1,105
GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems -
abertsch72/unlimiformer โญ 1,057
Public repo for the NeurIPS 2023 paper "Unlimiformer: Long-Range Transformers with Unlimited Length Input" -
unitaryai/detoxify โญ 971
Toxic Comment Classification with Pytorch Lightning and Transformers
๐ www.unitary.ai -
norskregnesentral/skweak โญ 921
skweak: A software toolkit for weak supervision applied to NLP tasks -
explosion/spacy-streamlit โญ 811
๐ spaCy building blocks and visualizers for Streamlit apps
๐ share.streamlit.io/ines/spacy-streamlit-demo/master/app.py -
keras-team/keras-hub โญ 810
Pretrained model hub for Keras 3 -
paddlepaddle/RocketQA โญ 769
๐ RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models. -
webis-de/small-text โญ 598
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 -
babelscape/rebel โญ 505
REBEL is a seq2seq model that simplifies Relation Extraction (EMNLP 2021).
Python packaging, dependency management and bundling.
-
pyenv/pyenv โญ 39,741
pyenv lets you easily switch between multiple versions of Python. -
python-poetry/poetry โญ 31,916
Python packaging and dependency management made easy
๐ python-poetry.org -
astral-sh/uv โญ 28,727
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 -
pypa/pipenv โญ 24,921
A virtualenv management tool that supports a multitude of systems and nicely bridges the gaps between pip, python and virtualenv.
๐ pipenv.pypa.io -
mitsuhiko/rye โญ 13,883
a Hassle-Free Python Experience
๐ rye.astral.sh -
pyinstaller/pyinstaller โญ 11,970
Freeze (package) Python programs into stand-alone executables
๐ www.pyinstaller.org -
pypa/pipx โญ 10,714
Install and Run Python Applications in Isolated Environments
๐ pipx.pypa.io -
pdm-project/pdm โญ 7,994
A modern Python package and dependency manager supporting the latest PEP standards
๐ pdm-project.org -
jazzband/pip-tools โญ 7,779
A set of tools to keep your pinned Python dependencies fresh (pip-compile + pip-sync)
๐ pip-tools.rtfd.io -
mamba-org/mamba โญ 6,994
The Fast Cross-Platform Package Manager: mamba is a reimplementation of the conda package manager in C++
๐ mamba.readthedocs.io -
conda-forge/miniforge โญ 6,652
A conda-forge distribution.
๐ conda-forge.org/download -
conda/conda โญ 6,495
A system-level, binary package and environment manager running on all major operating systems and platforms.
๐ docs.conda.io/projects/conda -
pypa/hatch โญ 6,129
Modern, extensible Python project management
๐ hatch.pypa.io/latest -
indygreg/PyOxidizer โญ 5,537
A modern Python application packaging and distribution tool -
pypa/virtualenv โญ 4,839
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 -
spack/spack โญ 4,458
A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
๐ spack.io -
prefix-dev/pixi โญ 3,470
pixi is a cross-platform, multi-language package manager and workflow tool built on the foundation of the conda ecosystem.
๐ pixi.sh -
pantsbuild/pex โญ 2,881
A tool for generating .pex (Python EXecutable) files, lock files and venvs.
๐ docs.pex-tool.org -
beeware/briefcase โญ 2,691
Tools to support converting a Python project into a standalone native application.
๐ briefcase.readthedocs.io -
pypa/flit โญ 2,173
Simplified packaging of Python modules
๐ flit.pypa.io -
linkedin/shiv โญ 1,773
shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441, but with all their dependencies included. -
marcelotduarte/cx_Freeze โญ 1,372
cx_Freeze creates standalone executables from Python scripts, with the same performance, is cross-platform and should work on any platform that Python itself works on.
๐ marcelotduarte.github.io/cx_freeze -
ofek/pyapp โญ 1,259
Runtime installer for Python applications
๐ ofek.dev/pyapp -
pypa/gh-action-pypi-publish โญ 957
The blessed 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 -
py2exe/py2exe โญ 881
Create standalone Windows programs from Python code
๐ www.py2exe.org -
prefix-dev/rip โญ 655
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 -
snok/install-poetry โญ 593
Github action for installing and configuring Poetry -
python-poetry/install.python-poetry.org โญ 214
The official Poetry installation script
๐ install.python-poetry.org
Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations.
-
pandas-dev/pandas โญ 43,976
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 -
pola-rs/polars โญ 30,772
Dataframes powered by a multithreaded, vectorized query engine, written in Rust
๐ docs.pola.rs -
duckdb/duckdb โญ 24,824
DuckDB is an analytical in-process SQL database management system
๐ www.duckdb.org -
gventuri/pandas-ai โญ 13,642
Chat with your database (SQL, CSV, pandas, polars, mongodb, noSQL, etc). PandasAI makes data analysis conversational using LLMs (GPT 3.5 / 4, Anthropic, VertexAI) and RAG.
๐ pandas-ai.com -
kanaries/pygwalker โญ 13,476
PyGWalker: Turn your pandas dataframe into an interactive UI for visual analysis
๐ kanaries.net/pygwalker -
ydataai/ydata-profiling โญ 12,592
1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
๐ docs.profiling.ydata.ai -
rapidsai/cudf โญ 8,507
cuDF is a GPU DataFrame library for loading joining, aggregating, filtering, and otherwise manipulating data
๐ docs.rapids.ai/api/cudf/stable -
aws/aws-sdk-pandas โญ 3,942
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 -
nalepae/pandarallel โญ 3,695
A simple and efficient tool to parallelize Pandas operations on all availableย CPUs
๐ nalepae.github.io/pandarallel -
unionai-oss/pandera โญ 3,432
A light-weight, flexible, and expressive statistical data testing library
๐ www.union.ai/pandera -
adamerose/PandasGUI โญ 3,200
A GUI for Pandas DataFrames -
blaze/blaze โญ 3,184
NumPy and Pandas interface to Big Data
๐ blaze.pydata.org -
pydata/pandas-datareader โญ 2,963
Extract data from a wide range of Internet sources into a pandas DataFrame.
๐ pydata.github.io/pandas-datareader/stable/index.html -
scikit-learn-contrib/sklearn-pandas โญ 2,816
Pandas integration with sklearn -
jmcarpenter2/swifter โญ 2,549
A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner -
eventual-inc/Daft โญ 2,411
Distributed data engine for Python/SQL designed for the cloud, powered by Rust
๐ getdaft.io -
delta-io/delta-rs โญ 2,377
A native Rust library for Delta Lake, with bindings into Python
๐ delta-io.github.io/delta-rs -
fugue-project/fugue โญ 2,016
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 -
pyjanitor-devs/pyjanitor โญ 1,369
Clean APIs for data cleaning. Python implementation of R package Janitor
๐ pyjanitor-devs.github.io/pyjanitor -
machow/siuba โญ 1,161
Python library for using dplyr like syntax with pandas and SQL
๐ siuba.org -
holoviz/hvplot โญ 1,147
A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
๐ hvplot.holoviz.org -
renumics/spotlight โญ 1,133
Interactively explore unstructured datasets from your dataframe.
๐ renumics.com -
tkrabel/bamboolib โญ 939
bamboolib - a GUI for pandas DataFrames
๐ bamboolib.com -
mwouts/itables โญ 807
This packages changes how Pandas and Polars DataFrames are rendered in Jupyter Notebooks. With itables you can display your tables as interactive DataTables that you can sort, paginate, scroll or filter.
๐ mwouts.github.io/itables
Performance, parallelisation and low level libraries.
-
celery/celery โญ 25,007
Distributed Task Queue (development branch)
๐ docs.celeryq.dev -
google/flatbuffers โญ 23,443
FlatBuffers: Memory Efficient Serialization Library
๐ flatbuffers.dev -
pybind/pybind11 โญ 15,889
Seamless operability between C++11 and Python
๐ pybind11.readthedocs.io -
exaloop/codon โญ 15,191
A high-performance, zero-overhead, extensible Python compiler using LLVM
๐ docs.exaloop.io/codon -
dask/dask โญ 12,661
Parallel computing with task scheduling
๐ dask.org -
numba/numba โญ 10,029
NumPy aware dynamic Python compiler using LLVM
๐ numba.pydata.org -
modin-project/modin โญ 9,920
Modin: Scale your Pandas workflows by changing a single line of code
๐ modin.readthedocs.io -
nebuly-ai/optimate โญ 8,377
A collection of libraries to optimise AI model performances
๐ www.nebuly.com -
vaexio/vaex โญ 8,309
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 -
mher/flower โญ 6,509
Real-time monitor and web admin for Celery distributed task queue
๐ flower.readthedocs.io -
python-trio/trio โญ 6,250
Trio โ a friendly Python library for async concurrency and I/O
๐ trio.readthedocs.io -
ultrajson/ultrajson โญ 4,343
Ultra fast JSON decoder and encoder written in C with Python bindings
๐ pypi.org/project/ujson -
tlkh/asitop โญ 3,579
Perf monitoring CLI tool for Apple Silicon
๐ tlkh.github.io/asitop -
facebookincubator/cinder โญ 3,541
Cinder is Meta's internal performance-oriented production version of CPython.
๐ trycinder.com -
airtai/faststream โญ 3,214
FastStream is a powerful and easy-to-use Python framework for building asynchronous services interacting with event streams such as Apache Kafka, RabbitMQ, NATS and Redis.
๐ faststream.airt.ai/latest -
ipython/ipyparallel โญ 2,594
IPython Parallel: Interactive Parallel Computing in Python
๐ ipyparallel.readthedocs.io -
intel/intel-extension-for-transformers โญ 2,144
โก Build your chatbot within minutes on your favorite device; offer SOTA compression techniques for LLMs; run LLMs efficiently on Intel Platformsโก -
h5py/h5py โญ 2,092
HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
๐ www.h5py.org -
agronholm/anyio โญ 1,840
High level asynchronous concurrency and networking framework that works on top of either trio or asyncio -
tiangolo/asyncer โญ 1,718
Asyncer, async and await, focused on developer experience.
๐ asyncer.tiangolo.com -
faster-cpython/ideas โญ 1,698
Discussion and work tracker for Faster CPython project. -
intel/intel-extension-for-pytorch โญ 1,639
A Python package for extending the official PyTorch that can easily obtain performance on Intel platform -
dask/distributed โญ 1,581
A distributed task scheduler for Dask
๐ distributed.dask.org -
nschloe/perfplot โญ 1,347
๐ Performance analysis for Python snippets -
intel/scikit-learn-intelex โญ 1,231
Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
๐ intel.github.io/scikit-learn-intelex -
markshannon/faster-cpython โญ 942
How to make CPython faster. -
zerointensity/pointers.py โญ 917
Bringing the hell of pointers to Python.
๐ pointers.zintensity.dev -
brandtbucher/specialist โญ 641
Visualize CPython's specializing, adaptive interpreter. ๐ฅ
Memory and CPU/GPU profiling tools and libraries.
-
bloomberg/memray โญ 13,410
Memray is a memory profiler for Python
๐ bloomberg.github.io/memray -
benfred/py-spy โญ 12,941
Sampling profiler for Python programs -
plasma-umass/scalene โญ 12,251
Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals -
joerick/pyinstrument โญ 6,700
๐ดย Call stack profiler for Python. Shows you why your code is slow!
๐ pyinstrument.readthedocs.io -
gaogaotiantian/viztracer โญ 5,359
A debugging and profiling tool that can trace and visualize python code execution
๐ viztracer.readthedocs.io -
pythonprofilers/memory_profiler โญ 4,396
Monitor Memory usage of Python code
๐ pypi.python.org/pypi/memory_profiler -
reloadware/reloadium โญ 2,826
Hot Reloading and Profiling for Python -
pyutils/line_profiler โญ 2,777
Line-by-line profiling for Python -
jiffyclub/snakeviz โญ 2,363
An in-browser Python profile viewer
๐ jiffyclub.github.io/snakeviz -
p403n1x87/austin โญ 1,936
Python frame stack sampler for CPython
๐ pypi.org/project/austin-dist -
pythonspeed/filprofiler โญ 844
A Python memory profiler for data processing and scientific computing applications
๐ pythonspeed.com/products/filmemoryprofiler
Security related libraries: vulnerability discovery, SQL injection, environment auditing.
-
swisskyrepo/PayloadsAllTheThings โญ 61,786
A list of useful payloads and bypass for Web Application Security and Pentest/CTF
๐ swisskyrepo.github.io/payloadsallthethings -
sqlmapproject/sqlmap โญ 32,780
Automatic SQL injection and database takeover tool
๐ sqlmap.org -
certbot/certbot โญ 31,685
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. -
aquasecurity/trivy โญ 23,937
Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
๐ trivy.dev -
bridgecrewio/checkov โญ 7,193
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 -
nccgroup/ScoutSuite โญ 6,781
Multi-Cloud Security Auditing Tool -
stamparm/maltrail โญ 6,624
Malicious traffic detection system -
pycqa/bandit โญ 6,530
Bandit is a tool designed to find common security issues in Python code.
๐ bandit.readthedocs.io -
rhinosecuritylabs/pacu โญ 4,414
The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
๐ rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework -
dashingsoft/pyarmor โญ 3,663
A tool used to obfuscate python scripts, bind obfuscated scripts to fixed machine or expire obfuscated scripts.
๐ pyarmor.dashingsoft.com -
luijait/DarkGPT โญ 2,143
DarkGPT is an OSINT assistant based on GPT-4-200K (recommended use) designed to perform queries on leaked databases, thus providing an artificial intelligence assistant that can be useful in your traditional OSINT processes. -
pyupio/safety โญ 1,752
Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
๐ safetycli.com/product/safety-cli -
trailofbits/pip-audit โญ 986
Audits Python environments, requirements files and dependency trees for known security vulnerabilities, and can automatically fix them
๐ pypi.org/project/pip-audit -
fadi002/de4py โญ 865
toolkit for python reverse engineering
๐ de4py.000.pe
Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation. Also see the Maths and Science category for crossover.
-
atsushisakai/PythonRobotics โญ 23,574
Python sample codes for robotics algorithms.
๐ atsushisakai.github.io/pythonrobotics -
bulletphysics/bullet3 โญ 12,749
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
๐ bulletphysics.org -
isl-org/Open3D โญ 11,576
Open3D: A Modern Library for 3D Data Processing
๐ www.open3d.org -
qiskit/qiskit โญ 5,330
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 -
astropy/astropy โญ 4,477
Astronomy and astrophysics core library
๐ www.astropy.org -
nvidia/warp โญ 4,320
A Python framework for high performance GPU simulation and graphics
๐ nvidia.github.io/warp -
quantumlib/Cirq โญ 4,298
A Python framework for creating, editing, and invoking Noisy Intermediate Scale Quantum (NISQ) circuits. -
chakazul/Lenia โญ 3,556
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 -
openai/mujoco-py โญ 2,891
MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3. -
rdkit/rdkit โญ 2,699
The official sources for the RDKit library -
projectmesa/mesa โญ 2,590
Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
๐ mesa.readthedocs.io -
taichi-dev/difftaichi โญ 2,498
10 differentiable physical simulators built with Taichi differentiable programming (DiffTaichi, ICLR 2020) -
google/brax โญ 2,388
Massively parallel rigidbody physics simulation on accelerator hardware. -
nvidia-omniverse/IsaacLab โญ 2,362
Unified framework for robot learning built on NVIDIA Isaac Sim
๐ isaac-sim.github.io/isaaclab -
nvidia-omniverse/IsaacGymEnvs โญ 2,083
Example RL environments for the NVIDIA Isaac Gym high performance environments -
facebookresearch/habitat-lab โญ 2,025
A modular high-level library to train embodied AI agents across a variety of tasks and environments.
๐ aihabitat.org -
quantecon/QuantEcon.py โญ 2,001
A community based Python library for quantitative economics
๐ quantecon.org/quantecon-py -
microsoft/PromptCraft-Robotics โญ 1,910
Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
๐ aka.ms/chatgpt-robotics -
eloialonso/diamond โญ 1,607
DIAMOND (DIffusion As a Model Of eNvironment Dreams) is a reinforcement learning agent trained in a diffusion world model
๐ diamond-wm.github.io -
deepmodeling/deepmd-kit โญ 1,524
A deep learning package for many-body potential energy representation and molecular dynamics
๐ docs.deepmodeling.com/projects/deepmd -
sail-sg/envpool โญ 1,104
C++-based high-performance parallel environment execution engine (vectorized env) for general RL environments.
๐ envpool.readthedocs.io -
bowang-lab/scGPT โญ 1,057
scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
๐ scgpt.readthedocs.io/en/latest -
a-r-j/graphein โญ 1,048
Protein Graph Library
๐ graphein.ai -
viblo/pymunk โญ 935
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 -
google-deepmind/materials_discovery โญ 905
Graph Networks for Materials Science (GNoME) is a project centered around scaling machine learning methods to tackle materials science. -
nvidia-omniverse/OmniIsaacGymEnvs โญ 874
Reinforcement Learning Environments for Omniverse Isaac Gym -
google/evojax โญ 854
EvoJAX is a scalable, general purpose, hardware-accelerated neuroevolution toolkit built on the JAX library -
facebookresearch/fairo โญ 854
A modular embodied agent architecture and platform for building embodied agents -
eureka-research/DrEureka โญ 822
Official Repository for "DrEureka: Language Model Guided Sim-To-Real Transfer" (RSS 2024)
๐ eureka-research.github.io/dr-eureka -
google-deepmind/concordia โญ 715
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. -
ur-whitelab/chemcrow-public โญ 643
Chemcrow -
ur-whitelab/chemcrow-runs โญ 72
ur-whitelab/chemcrow-runs
Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials.
-
thealgorithms/Python โญ 195,147
All Algorithms implemented in Python
๐ thealgorithms.github.io/python -
microsoft/generative-ai-for-beginners โญ 65,567
21 Lessons, Get Started Building with Generative AI ๐ https://microsoft.github.io/generative-ai-for-beginners/
๐ microsoft.github.io/generative-ai-for-beginners -
jakevdp/PythonDataScienceHandbook โญ 43,382
Python Data Science Handbook: full text in Jupyter Notebooks
๐ jakevdp.github.io/pythondatasciencehandbook -
mlabonne/llm-course โญ 39,801
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
๐ mlabonne.github.io/blog -
rasbt/LLMs-from-scratch โญ 34,673
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
๐ www.amazon.com/build-large-language-model-scratch/dp/1633437167 -
realpython/python-guide โญ 28,447
Python best practices guidebook, written for humans.
๐ docs.python-guide.org -
christoschristofidis/awesome-deep-learning โญ 24,379
A curated list of awesome Deep Learning tutorials, projects and communities. -
d2l-ai/d2l-en โญ 24,146
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 -
wesm/pydata-book โญ 22,337
Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media -
microsoft/recommenders โญ 19,382
Best Practices on Recommendation Systems
๐ recommenders-team.github.io/recommenders/intro.html -
hannibal046/Awesome-LLM โญ 19,217
Awesome-LLM: a curated list of Large Language Model -
fchollet/deep-learning-with-python-notebooks โญ 18,802
Jupyter notebooks for the code samples of the book "Deep Learning with Python" -
graykode/nlp-tutorial โญ 14,330
Natural Language Processing Tutorial for Deep Learning Researchers
๐ www.reddit.com/r/machinelearning/comments/amfinl/project_nlptutoral_repository_who_is_studying -
naklecha/llama3-from-scratch โญ 13,842
llama3 implementation one matrix multiplication at a time -
shangtongzhang/reinforcement-learning-an-introduction โญ 13,673
Python Implementation of Reinforcement Learning: An Introduction -
karpathy/nn-zero-to-hero โญ 12,008
Neural Networks: Zero to Hero -
eugeneyan/open-llms โญ 11,281
๐ A list of open LLMs available for commercial use. -
mrdbourke/pytorch-deep-learning โญ 11,251
Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
๐ learnpytorch.io -
karpathy/micrograd โญ 10,639
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API -
rucaibox/LLMSurvey โญ 10,567
The official GitHub page for the survey paper "A Survey of Large Language Models".
๐ arxiv.org/abs/2303.18223 -
openai/spinningup โญ 10,228
An educational resource to help anyone learn deep reinforcement learning.
๐ spinningup.openai.com -
srush/GPU-Puzzles โญ 10,023
Teaching beginner GPU programming in a completely interactive fashion -
nielsrogge/Transformers-Tutorials โญ 9,595
This repository contains demos I made with the Transformers library by HuggingFace. -
zhanymkanov/fastapi-best-practices โญ 9,557
FastAPI Best Practices and Conventions we used at our startup -
mooler0410/LLMsPracticalGuide โญ 9,533
A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
๐ arxiv.org/abs/2304.13712v2 -
firmai/industry-machine-learning โญ 7,273
A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
๐ www.sov.ai -
gkamradt/langchain-tutorials โญ 6,782
Overview and tutorial of the LangChain Library -
udlbook/udlbook โญ 6,661
Understanding Deep Learning - Simon J.D. Prince -
neetcode-gh/leetcode โญ 5,684
Leetcode solutions for NeetCode.io -
roboflow/notebooks โญ 5,648
Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
๐ roboflow.com/models -
udacity/deep-learning-v2-pytorch โญ 5,323
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101 -
mrdbourke/tensorflow-deep-learning โญ 5,303
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
๐ dbourke.link/ztmtfcourse -
alirezadir/Machine-Learning-Interviews โญ 4,977
This repo is meant to serve as a guide for Machine Learning/AI technical interviews. -
timofurrer/awesome-asyncio โญ 4,648
A curated list of awesome Python asyncio frameworks, libraries, software and resources -
zotroneneis/machine_learning_basics โญ 4,320
Plain python implementations of basic machine learning algorithms -
promptslab/Awesome-Prompt-Engineering โญ 3,964
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 -
huggingface/deep-rl-class โญ 3,923
This repo contains the syllabus of the Hugging Face Deep Reinforcement Learning Course. -
huggingface/diffusion-models-class โญ 3,696
Materials for the Hugging Face Diffusion Models Course -
rasbt/machine-learning-book โญ 3,671
Code Repository for Machine Learning with PyTorch and Scikit-Learn
๐ sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn -
cosmicpython/book โญ 3,406
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 -
fluentpython/example-code-2e โญ 3,319
Example code for Fluent Python, 2nd edition (O'Reilly 2022)
๐ amzn.to/3j48u2j -
amanchadha/coursera-deep-learning-specialization โญ 3,205
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... -
mrdbourke/zero-to-mastery-ml โญ 2,995
All course materials for the Zero to Mastery Machine Learning and Data Science course.
๐ dbourke.link/ztmmlcourse -
krzjoa/awesome-python-data-science โญ 2,619
Probably the best curated list of data science software in Python.
๐ krzjoa.github.io/awesome-python-data-science -
gerdm/prml โญ 2,161
Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop -
cgpotts/cs224u โญ 2,119
Code for CS224u: Natural Language Understanding -
cerlymarco/MEDIUM_NoteBook โญ 2,084
Repository containing notebooks of my posts on Medium -
trananhkma/fucking-awesome-python โญ 1,987
awesome-python with โญ and ๐ด -
huggingface/cookbook โญ 1,705
Community-driven practical examples of building AI applications and solving various tasks with AI using open-source tools and models.
๐ huggingface.co/learn/cookbook -
chandlerbang/awesome-self-supervised-gnn โญ 1,606
Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN). -
atcold/NYU-DLSP21 โญ 1,582
NYU Deep Learning Spring 2021
๐ atcold.github.io/nyu-dlsp21 -
patrickloeber/MLfromscratch โญ 1,335
Machine Learning algorithm implementations from scratch. -
davidadsp/Generative_Deep_Learning_2nd_Edition โญ 1,139
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 -
jackhidary/quantumcomputingbook โญ 807
Companion site for the textbook Quantum Computing: An Applied Approach -
rasbt/LLM-workshop-2024 โญ 776
A 4-hour coding workshop to understand how LLMs are implemented and used -
bayesianmodelingandcomputationinpython/BookCode_Edition1 โญ 506
Bayesian Modeling and Computation in Python: open-access version of the text and the code examples in the book
๐ www.bayesiancomputationbook.com -
dylanhogg/awesome-python โญ 325
๐ Hand-picked awesome Python libraries and frameworks, organised by category
๐ www.awesomepython.org
Template tools and libraries: cookiecutter repos, generators, quick-starts.
-
tiangolo/full-stack-fastapi-template โญ 28,190
Full stack, modern web application template. Using FastAPI, React, SQLModel, PostgreSQL, Docker, GitHub Actions, automatic HTTPS and more. -
cookiecutter/cookiecutter โญ 22,734
A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
๐ pypi.org/project/cookiecutter -
drivendata/cookiecutter-data-science โญ 8,396
A logical, reasonably standardized, but flexible project structure for doing and sharing data science work.
๐ cookiecutter-data-science.drivendata.org -
buuntu/fastapi-react โญ 2,250
๐ Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker -
pyscaffold/pyscaffold โญ 2,127
๐ Python project template generator with batteries included
๐ pyscaffold.org -
cjolowicz/cookiecutter-hypermodern-python โญ 1,824
Cookiecutter template for a Python package based on the Hypermodern Python article series.
๐ cookiecutter-hypermodern-python.readthedocs.io -
tezromach/python-package-template โญ 1,091
๐ Your next Python package needs a bleeding-edge project structure. -
martinheinz/python-project-blueprint โญ 960
Blueprint/Boilerplate For Python Projects -
fmind/mlops-python-package โญ 818
Kickstart your MLOps initiative with a flexible, robust, and productive Python package.
๐ fmind.github.io/mlops-python-package
Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars.
-
willmcgugan/rich โญ 49,819
Rich is a Python library for rich text and beautiful formatting in the terminal.
๐ rich.readthedocs.io/en/latest -
tqdm/tqdm โญ 28,854
โก A Fast, Extensible Progress Bar for Python and CLI
๐ tqdm.github.io -
google/python-fire โญ 27,213
Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object. -
willmcgugan/textual โญ 25,884
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 -
tiangolo/typer โญ 15,973
Typer, build great CLIs. Easy to code. Based on Python type hints.
๐ typer.tiangolo.com -
pallets/click โญ 15,842
Python composable command line interface toolkit
๐ click.palletsprojects.com -
saulpw/visidata โญ 7,953
A terminal spreadsheet multitool for discovering and arranging data
๐ visidata.org -
tconbeer/harlequin โญ 3,863
The SQL IDE for Your Terminal.
๐ harlequin.sh -
manrajgrover/halo โญ 2,901
๐ซ Beautiful spinners for terminal, IPython and Jupyter -
urwid/urwid โญ 2,829
Console user interface library for Python (official repo)
๐ urwid.org -
textualize/trogon โญ 2,503
Easily turn your Click CLI into a powerful terminal application -
darrenburns/elia โญ 1,885
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. -
tmbo/questionary โญ 1,590
Python library to build pretty command line user prompts โจEasy to use multi-select lists, confirmations, free text prompts ... -
jazzband/prettytable โญ 1,392
Display tabular data in a visually appealing ASCII table format
๐ pypi.org/project/prettytable -
1j01/textual-paint โญ 954
๐จ MS Paint in your terminal.
๐ pypi.org/project/textual-paint
Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins.
-
mitmproxy/mitmproxy โญ 37,073
An interactive TLS-capable intercepting HTTP proxy for penetration testers and software developers.
๐ mitmproxy.org -
locustio/locust โญ 25,189
Write scalable load tests in plain Python ๐๐จ
๐ locust.cloud -
pytest-dev/pytest โญ 12,202
The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
๐ pytest.org -
microsoft/playwright-python โญ 12,000
Python version of the Playwright testing and automation library.
๐ playwright.dev/python -
robotframework/robotframework โญ 9,986
Generic automation framework for acceptance testing and RPA
๐ robotframework.org -
getmoto/moto โญ 7,689
A library that allows you to easily mock out tests based on AWS infrastructure.
๐ docs.getmoto.org/en/latest -
hypothesisworks/hypothesis โญ 7,610
Hypothesis is a powerful, flexible, and easy to use library for property-based testing.
๐ hypothesis.works -
newsapps/beeswithmachineguns โญ 6,449
A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
๐ apps.chicagotribune.com -
seleniumbase/SeleniumBase โญ 5,515
๐ Blazing fast Python framework for web crawling, scraping, testing, and reporting. Supports pytest. Stealth abilities: UC Mode and CDP Mode.
๐ seleniumbase.io -
codium-ai/qodo-cover โญ 4,564
Qodo-Cover: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! ๐ป๐ค๐งช๐
๐ qodo.ai -
spulec/freezegun โญ 4,209
Let your Python tests travel through time -
getsentry/responses โญ 4,173
A utility for mocking out the Python Requests library. -
confident-ai/deepeval โญ 3,905
The LLM Evaluation Framework
๐ docs.confident-ai.com -
tox-dev/tox โญ 3,707
Command line driven CI frontend and development task automation tool.
๐ tox.wiki -
behave/behave โญ 3,203
BDD, Python style.
๐ behave.readthedocs.io/en/latest -
nedbat/coveragepy โญ 3,031
The code coverage tool for Python
๐ coverage.readthedocs.io -
cobrateam/splinter โญ 2,723
splinter - python test framework for web applications
๐ splinter.readthedocs.org/en/stable/index.html -
kevin1024/vcrpy โญ 2,722
Automatically mock your HTTP interactions to simplify and speed up testing -
pytest-dev/pytest-testinfra โญ 2,385
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 -
pytest-dev/pytest-mock โญ 1,864
Thin-wrapper around the mock package for easier use with pytest
๐ pytest-mock.readthedocs.io/en/latest -
pytest-dev/pytest-cov โญ 1,776
Coverage plugin for pytest. -
pytest-dev/pytest-xdist โญ 1,497
pytest plugin for distributed testing and loop-on-failures testing modes.
๐ pytest-xdist.readthedocs.io -
pytest-dev/pytest-asyncio โญ 1,439
Asyncio support for pytest
๐ pytest-asyncio.readthedocs.io -
taverntesting/tavern โญ 1,033
A command-line tool and Python library and Pytest plugin for automated testing of RESTful APIs, with a simple, concise and flexible YAML-based syntax
๐ taverntesting.github.io
Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics.
-
facebook/prophet โญ 18,590
Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
๐ facebook.github.io/prophet -
blue-yonder/tsfresh โญ 8,477
Automatic extraction of relevant features from time series:
๐ tsfresh.readthedocs.io -
unit8co/darts โญ 8,145
A python library for user-friendly forecasting and anomaly detection on time series.
๐ unit8co.github.io/darts -
sktime/sktime โญ 8,007
A unified framework for machine learning with time series
๐ www.sktime.net -
facebookresearch/Kats โญ 5,167
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. -
awslabs/gluonts โญ 4,662
Probabilistic time series modeling in Python
๐ ts.gluon.ai -
nixtla/statsforecast โญ 4,028
Lightning โก๏ธ fast forecasting with statistical and econometric models.
๐ nixtlaverse.nixtla.io/statsforecast -
google-research/timesfm โญ 3,852
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 -
tdameritrade/stumpy โญ 3,679
STUMPY is a powerful and scalable Python library for modern time series analysis
๐ stumpy.readthedocs.io/en/latest -
salesforce/Merlion โญ 3,434
Merlion: A Machine Learning Framework for Time Series Intelligence -
amazon-science/chronos-forecasting โญ 2,663
Chronos: Pretrained Models for Probabilistic Time Series Forecasting
๐ arxiv.org/abs/2403.07815 -
rjt1990/pyflux โญ 2,113
Open source time series library for Python -
aistream-peelout/flow-forecast โญ 2,072
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
๐ flow-forecast.atlassian.net/wiki/spaces/ff/overview -
uber/orbit โญ 1,895
A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
๐ orbit-ml.readthedocs.io/en/stable -
alkaline-ml/pmdarima โญ 1,602
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 -
time-series-foundation-models/lag-llama โญ 1,278
Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting -
winedarksea/AutoTS โญ 1,134
Automated Time Series Forecasting -
autoviml/Auto_TS โญ 737
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. -
google/temporian โญ 680
Temporian is an open-source Python library for preprocessing โก and feature engineering ๐ temporal data ๐ for machine learning applications ๐ค
๐ temporian.readthedocs.io
Typing libraries: static and run-time type checking, annotations.
-
python/mypy โญ 18,622
Optional static typing for Python
๐ www.mypy-lang.org -
microsoft/pyright โญ 13,532
Static Type Checker for Python -
facebook/pyre-check โญ 6,878
Performant type-checking for python.
๐ pyre-check.org -
python-attrs/attrs โญ 5,319
Python Classes Without Boilerplate
๐ www.attrs.org -
google/pytype โญ 4,785
A static type analyzer for Python code
๐ google.github.io/pytype -
instagram/MonkeyType โญ 4,785
A Python library that generates static type annotations by collecting runtime types -
python/typeshed โญ 4,407
Collection of library stubs for Python, with static types -
mtshiba/pylyzer โญ 2,529
A fast, feature-rich static code analyzer & language server for Python
๐ mtshiba.github.io/pylyzer -
microsoft/pylance-release โญ 1,724
Fast, feature-rich language support for Python. Documentation and issues for Pylance. -
agronholm/typeguard โญ 1,565
Run-time type checker for Python -
patrick-kidger/torchtyping โญ 1,406
Type annotations and dynamic checking for a tensor's shape, dtype, names, etc. -
robertcraigie/pyright-python โญ 185
Python command line wrapper for pyright, a static type checker
๐ pypi.org/project/pyright
General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools.
-
yt-dlp/yt-dlp โญ 92,077
A feature-rich command-line audio/video downloader
๐ discord.gg/h5mncfw63r -
home-assistant/core โญ 74,262
๐ก Open source home automation that puts local control and privacy first.
๐ www.home-assistant.io -
abi/screenshot-to-code โญ 64,962
Drop in a screenshot and convert it to clean code (HTML/Tailwind/React/Vue)
๐ screenshottocode.com -
python/cpython โญ 63,945
The Python programming language
๐ www.python.org -
localstack/localstack โญ 56,687
๐ป A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
๐ localstack.cloud -
faif/python-patterns โญ 40,600
A collection of design patterns/idioms in Python -
mingrammer/diagrams โญ 39,901
๐จ Diagram as Code for prototyping cloud system architectures
๐ diagrams.mingrammer.com -
ggerganov/whisper.cpp โญ 36,072
Port of OpenAI's Whisper model in C/C++ -
keon/algorithms โญ 24,133
Minimal examples of data structures and algorithms in Python -
modularml/mojo โญ 23,396
The Mojo Programming Language
๐ docs.modular.com/mojo/manual -
openai/openai-python โญ 23,333
The official Python library for the OpenAI API
๐ pypi.org/project/openai -
norvig/pytudes โญ 23,194
Python programs, usually short, of considerable difficulty, to perfect particular skills. -
paul-gauthier/aider โญ 22,871
Aider is a command line tool that lets you pair program with LLMs, to edit code stored in your local git repository
๐ aider.chat -
pydantic/pydantic โญ 21,532
Data validation using Python type hints
๐ docs.pydantic.dev -
squidfunk/mkdocs-material โญ 21,298
Documentation that simply works
๐ squidfunk.github.io/mkdocs-material -
facebookresearch/audiocraft โญ 21,106
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. -
chriskiehl/Gooey โญ 20,695
Turn (almost) any Python command line program into a full GUI application with one line -
delgan/loguru โญ 20,160
Python logging made (stupidly) simple -
blakeblackshear/frigate โญ 19,670
NVR with realtime local object detection for IP cameras
๐ frigate.video -
micropython/micropython โญ 19,527
MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
๐ micropython.org -
mkdocs/mkdocs โญ 19,516
Project documentation with Markdown.
๐ www.mkdocs.org -
rustpython/RustPython โญ 19,276
A Python Interpreter written in Rust
๐ rustpython.github.io -
kivy/kivy โญ 17,803
Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
๐ kivy.org -
higherorderco/Bend โญ 17,742
A massively parallel, high-level programming language
๐ higherorderco.com -
ipython/ipython โญ 16,321
Official repository for IPython itself. Other repos in the IPython organization contain things like the website, documentation builds, etc.
๐ ipython.readthedocs.org -
alievk/avatarify-python โญ 16,305
Avatars for Zoom, Skype and other video-conferencing apps. -
openai/triton โญ 13,614
Development repository for the Triton language and compiler
๐ triton-lang.org -
zulko/moviepy โญ 12,685
Video editing with Python
๐ zulko.github.io/moviepy -
pyo3/pyo3 โญ 12,526
Rust bindings for the Python interpreter
๐ pyo3.rs -
python-pillow/Pillow โญ 12,370
The Python Imaging Library adds image processing capabilities to Python (Pillow is the friendly PIL fork)
๐ python-pillow.org -
pyodide/pyodide โญ 12,365
Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
๐ pyodide.org/en/stable -
pytube/pytube โญ 12,363
A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
๐ pytube.io -
nuitka/Nuitka โญ 12,164
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 -
caronc/apprise โญ 12,134
Apprise - Push Notifications that work with just about every platform!
๐ hub.docker.com/r/caronc/apprise -
dbader/schedule โญ 11,868
Python job scheduling for humans.
๐ schedule.readthedocs.io -
ninja-build/ninja โญ 11,341
Ninja is a small build system with a focus on speed.
๐ ninja-build.org -
secdev/scapy โญ 10,836
Scapy: the Python-based interactive packet manipulation program & library.
๐ scapy.net -
asweigart/pyautogui โญ 10,536
A cross-platform GUI automation Python module for human beings. Used to programmatically control the mouse & keyboard. -
magicstack/uvloop โญ 10,473
Ultra fast asyncio event loop. -
pallets/jinja โญ 10,420
A very fast and expressive template engine.
๐ jinja.palletsprojects.com -
aristocratos/bpytop โญ 10,212
Linux/OSX/FreeBSD resource monitor -
cython/cython โญ 9,584
The most widely used Python to C compiler
๐ cython.org -
aws/serverless-application-model โญ 9,367
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 -
paramiko/paramiko โญ 9,176
The leading native Python SSHv2 protocol library.
๐ paramiko.org -
boto/boto3 โญ 9,093
AWS SDK for Python
๐ aws.amazon.com/sdk-for-python -
facebookresearch/hydra โญ 8,861
Hydra is a framework for elegantly configuring complex applications
๐ hydra.cc -
arrow-py/arrow โญ 8,742
๐น Better dates & times for Python
๐ arrow.readthedocs.io -
py-pdf/pypdf โญ 8,482
A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
๐ pypdf.readthedocs.io/en/latest -
xonsh/xonsh โญ 8,467
๐ Python-powered shell. Full-featured and cross-platform.
๐ xon.sh -
eternnoir/pyTelegramBotAPI โญ 8,159
Python Telegram bot api. -
kellyjonbrazil/jc โญ 7,948
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. -
googleapis/google-api-python-client โญ 7,836
๐ The official Python client library for Google's discovery based APIs.
๐ googleapis.github.io/google-api-python-client/docs -
theskumar/python-dotenv โญ 7,710
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 -
jasonppy/VoiceCraft โญ 7,685
Zero-Shot Speech Editing and Text-to-Speech in the Wild -
googlecloudplatform/python-docs-samples โญ 7,485
Code samples used on cloud.google.com -
google/latexify_py โญ 7,282
A library to generate LaTeX expression from Python code. -
icloud-photos-downloader/icloud_photos_downloader โญ 7,160
A command-line tool to download photos from iCloud -
marshmallow-code/marshmallow โญ 7,068
A lightweight library for converting complex objects to and from simple Python datatypes.
๐ marshmallow.readthedocs.io -
pygithub/PyGithub โญ 7,064
Typed interactions with the GitHub API v3
๐ pygithub.readthedocs.io -
bndr/pipreqs โญ 6,867
pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward. -
hugapi/hug โญ 6,863
Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible, but no simpler. -
jd/tenacity โญ 6,832
Retrying library for Python
๐ tenacity.readthedocs.io -
pyca/cryptography โญ 6,712
cryptography is a package designed to expose cryptographic primitives and recipes to Python developers.
๐ cryptography.io -
gorakhargosh/watchdog โญ 6,657
Python library and shell utilities to monitor filesystem events.
๐ packages.python.org/watchdog -
sphinx-doc/sphinx โญ 6,646
The Sphinx documentation generator
๐ www.sphinx-doc.org -
openai/point-e โญ 6,563
Point cloud diffusion for 3D model synthesis -
timdettmers/bitsandbytes โญ 6,385
Accessible large language models via k-bit quantization for PyTorch.
๐ huggingface.co/docs/bitsandbytes/main/en/index -
ijl/orjson โญ 6,336
Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy -
agronholm/apscheduler โญ 6,335
Task scheduling library for Python -
sdispater/pendulum โญ 6,286
Python datetimes made easy
๐ pendulum.eustace.io -
scikit-image/scikit-image โญ 6,112
Image processing in Python
๐ scikit-image.org -
wireservice/csvkit โญ 6,031
A suite of utilities for converting to and working with CSV, the king of tabular file formats.
๐ csvkit.readthedocs.io -
pdfminer/pdfminer.six โญ 5,993
Community maintained fork of pdfminer - we fathom PDF
๐ pdfminersix.readthedocs.io -
pytransitions/transitions โญ 5,810
A lightweight, object-oriented finite state machine implementation in Python with many extensions -
rsalmei/alive-progress โญ 5,556
A new kind of Progress Bar, with real-time throughput, ETA, and very cool animations! -
buildbot/buildbot โญ 5,282
Python-based continuous integration testing framework; your pull requests are more than welcome!
๐ www.buildbot.net -
spotify/pedalboard โญ 5,269
๐ ๐ A Python library for audio.
๐ spotify.github.io/pedalboard -
prompt-toolkit/ptpython โญ 5,238
A better Python REPL -
traceloop/openllmetry โญ 5,137
Open-source observability for your LLM application, based on OpenTelemetry
๐ www.traceloop.com/openllmetry -
pycqa/pycodestyle โญ 5,047
Simple Python style checker in one Python file
๐ pycodestyle.pycqa.org -
pywinauto/pywinauto โญ 5,031
Windows GUI Automation with Python (based on text properties)
๐ pywinauto.github.io -
tebelorg/RPA-Python โญ 4,980
Python package for doing RPA -
jorgebastida/awslogs โญ 4,862
AWS CloudWatch logs for Humansโข -
pythonnet/pythonnet โญ 4,811
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 -
pytoolz/toolz โญ 4,719
A functional standard library for Python.
๐ toolz.readthedocs.org -
hhatto/autopep8 โญ 4,583
A tool that automatically formats Python code to conform to the PEP 8 style guide.
๐ pypi.org/project/autopep8 -
pyinvoke/invoke โญ 4,422
Pythonic task management & command execution.
๐ pyinvoke.org -
bogdanp/dramatiq โญ 4,378
A fast and reliable background task processing library for Python 3.
๐ dramatiq.io -
ashleve/lightning-hydra-template โญ 4,323
PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation. โก๐ฅโก -
adafruit/circuitpython โญ 4,140
CircuitPython - a Python implementation for teaching coding with microcontrollers
๐ circuitpython.org -
blealtan/efficient-kan โญ 4,123
An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN). -
evhub/coconut โญ 4,106
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 -
miguelgrinberg/python-socketio โญ 4,027
Python Socket.IO server and client -
ets-labs/python-dependency-injector โญ 4,022
Dependency injection framework for Python
๐ python-dependency-injector.ets-labs.org -
pyo3/maturin โญ 4,013
Build and publish crates with pyo3, cffi and uniffi bindings as well as rust binaries as python packages
๐ maturin.rs -
pyinfra-dev/pyinfra โญ 3,950
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 -
joblib/joblib โญ 3,895
Computing with Python functions.
๐ joblib.readthedocs.org -
rspeer/python-ftfy โญ 3,826
Fixes mojibake and other glitches in Unicode text, after the fact.
๐ ftfy.readthedocs.org -
python-markdown/markdown โญ 3,814
A Python implementation of John Gruberโs Markdown with Extension support.
๐ python-markdown.github.io -
more-itertools/more-itertools โญ 3,748
More routines for operating on iterables, beyond itertools
๐ more-itertools.rtfd.io -
zeromq/pyzmq โญ 3,739
PyZMQ: Python bindings for zeromq
๐ zguide.zeromq.org/py:all -
pydata/xarray โญ 3,655
N-D labeled arrays and datasets in Python
๐ xarray.dev -
pypi/warehouse โญ 3,613
The Python Package Index
๐ pypi.org -
hynek/structlog โญ 3,604
Simple, powerful, and fast logging for Python.
๐ www.structlog.org -
tartley/colorama โญ 3,576
Simple cross-platform colored terminal text in Python -
spotify/basic-pitch โญ 3,520
A lightweight yet powerful audio-to-MIDI converter with pitch bend detection
๐ basicpitch.io -
jorisschellekens/borb โญ 3,408
borb is a library for reading, creating and manipulating PDF files in python.
๐ borbpdf.com -
pyserial/pyserial โญ 3,267
Python serial port access library -
camelot-dev/camelot โญ 3,049
A Python library to extract tabular data from PDFs
๐ camelot-py.readthedocs.io -
libaudioflux/audioFlux โญ 2,929
A library for audio and music analysis, feature extraction.
๐ audioflux.top -
legrandin/pycryptodome โญ 2,865
A self-contained cryptographic library for Python
๐ www.pycryptodome.org -
tox-dev/pipdeptree โญ 2,830
A command line utility to display dependency tree of the installed Python packages
๐ pypi.python.org/pypi/pipdeptree -
lxml/lxml โญ 2,719
The lxml XML toolkit for Python
๐ lxml.de -
liiight/notifiers โญ 2,685
The easy way to send notifications
๐ notifiers.readthedocs.io -
whylabs/whylogs โญ 2,658
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 -
cdgriffith/Box โญ 2,643
Python dictionaries with advanced dot notation access
๐ github.com/cdgriffith/box/wiki -
pexpect/pexpect โญ 2,629
A Python module for controlling interactive programs in a pseudo-terminal
๐ pexpect.readthedocs.io -
litl/backoff โญ 2,614
Python library providing function decorators for configurable backoff and retry -
yaml/pyyaml โญ 2,587
Canonical source repository for PyYAML -
scrapinghub/dateparser โญ 2,572
python parser for human readable dates -
pypa/setuptools โญ 2,547
Official project repository for the Setuptools build system
๐ pypi.org/project/setuptools -
comet-ml/opik โญ 2,502
Opik is an open-source platform for evaluating, testing and monitoring LLM applications. -
pyston/pyston โญ 2,501
(No longer maintained) A faster and highly-compatible implementation of the Python programming language.
๐ www.pyston.org -
dosisod/refurb โญ 2,489
A tool for refurbishing and modernizing Python codebases -
jcrist/msgspec โญ 2,475
A fast serialization and validation library, with builtin support for JSON, MessagePack, YAML, and TOML
๐ jcristharif.com/msgspec -
nschloe/tikzplotlib โญ 2,430
๐ Save matplotlib figures as TikZ/PGFplots for smooth integration into LaTeX. -
hgrecco/pint โญ 2,418
Operate and manipulate physical quantities in Python
๐ pint.readthedocs.org -
grantjenks/python-diskcache โญ 2,404
Python disk-backed cache (Django-compatible). Faster than Redis and Memcached. Pure-Python.
๐ www.grantjenks.com/docs/diskcache -
dateutil/dateutil โญ 2,379
Useful extensions to the standard Python datetime features -
tkem/cachetools โญ 2,362
Various memoizing collections and decorators, including variants of the Python Standard Library's @lru_cache function decorator -
pndurette/gTTS โญ 2,328
Python library and CLI tool to interface with Google Translate's text-to-speech API
๐ gtts.readthedocs.org -
pydantic/logfire โญ 2,311
Uncomplicated Observability for Python and beyond! ๐ชต๐ฅ
๐ logfire.pydantic.dev/docs -
kiminewt/pyshark โญ 2,265
Python wrapper for tshark, allowing python packet parsing using wireshark dissectors -
pyparsing/pyparsing โญ 2,245
Python library for creating PEG parsers -
astanin/python-tabulate โญ 2,195
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 -
rhettbull/osxphotos โญ 2,193
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. -
nateshmbhat/pyttsx3 โญ 2,154
Offline Text To Speech synthesis for python -
ianmiell/shutit โญ 2,152
Automation framework for programmers
๐ ianmiell.github.io/shutit -
grahamdumpleton/wrapt โญ 2,071
A Python module for decorators, wrappers and monkey patching. -
google/gin-config โญ 2,069
Gin provides a lightweight configuration framework for Python -
seperman/deepdiff โญ 2,044
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 -
pyfilesystem/pyfilesystem2 โญ 1,997
Python's Filesystem abstraction layer
๐ www.pyfilesystem.org -
omry/omegaconf โญ 1,995
Flexible Python configuration system. The last one you will ever need. -
mitmproxy/pdoc โญ 1,976
API Documentation for Python Projects
๐ pdoc.dev -
python-rope/rope โญ 1,975
a python refactoring library -
julienpalard/Pipe โญ 1,964
A Python library to use infix notation in Python -
landscapeio/prospector โญ 1,960
Inspects Python source files and provides information about type and location of classes, methods etc -
numba/llvmlite โญ 1,943
A lightweight LLVM python binding for writing JIT compilers
๐ llvmlite.pydata.org -
carpedm20/emoji โญ 1,910
emoji terminal output for Python -
chaostoolkit/chaostoolkit โญ 1,895
Chaos Engineering Toolkit & Orchestration for Developers
๐ chaostoolkit.org -
pydoit/doit โญ 1,876
CLI task management & automation tool
๐ pydoit.org -
hbldh/bleak โญ 1,849
A cross platform Bluetooth Low Energy Client for Python using asyncio -
pygments/pygments โญ 1,843
Pygments is a generic syntax highlighter written in Python
๐ pygments.org -
open-telemetry/opentelemetry-python โญ 1,823
OpenTelemetry Python API and SDK
๐ opentelemetry.io -
p0dalirius/Coercer โญ 1,815
A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods.
๐ podalirius.net -
joowani/binarytree โญ 1,808
Python Library for Studying Binary Trees
๐ binarytree.readthedocs.io -
samuelcolvin/watchfiles โญ 1,801
Simple, modern and fast file watching and code reload in Python.
๐ watchfiles.helpmanual.io -
home-assistant/supervisor โญ 1,800
๐ก Home Assistant Supervisor
๐ home-assistant.io/hassio -
konradhalas/dacite โญ 1,778
Simple creation of data classes from dictionaries. -
rubik/radon โญ 1,750
Various code metrics for Python code
๐ radon.readthedocs.org -
mkdocstrings/mkdocstrings โญ 1,747
๐ Automatic documentation from sources, for MkDocs.
๐ mkdocstrings.github.io -
kalliope-project/kalliope โญ 1,720
Kalliope is a framework that will help you to create your own personal assistant.
๐ kalliope-project.github.io -
quodlibet/mutagen โญ 1,582
Python module for handling audio metadata
๐ mutagen.readthedocs.io -
facebookincubator/Bowler โญ 1,572
Safe code refactoring for modern Python.
๐ pybowler.io -
instagram/LibCST โญ 1,570
A concrete syntax tree parser and serializer library for Python that preserves many aspects of Python's abstract syntax tree
๐ libcst.readthedocs.io -
anthropics/anthropic-sdk-python โญ 1,554
SDK providing access to Anthropic's safety-first language model APIs -
imageio/imageio โญ 1,518
Python library for reading and writing image data
๐ imageio.readthedocs.io -
fabiocaccamo/python-benedict โญ 1,515
๐ 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. -
lcompilers/lpython โญ 1,506
Python compiler
๐ lpython.org -
nficano/python-lambda โญ 1,501
A toolkit for developing and deploying serverless Python code in AWS Lambda. -
aws-samples/aws-glue-samples โญ 1,445
AWS Glue code samples -
lidatong/dataclasses-json โญ 1,389
Easily serialize Data Classes to and from JSON -
brandon-rhodes/python-patterns โญ 1,341
Source code behind the python-patterns.guide site by Brandon Rhodes -
aio-libs/yarl โญ 1,339
Yet another URL library
๐ yarl.aio-libs.org -
ossf/criticality_score โญ 1,338
Gives criticality score for an open source project -
oracle/graalpython โญ 1,263
GraalPy โ A high-performance embeddable Python 3 runtime for Java
๐ www.graalvm.org/python -
pypy/pypy โญ 1,156
PyPy is a very fast and compliant implementation of the Python language.
๐ pypy.org -
pyo3/rust-numpy โญ 1,146
PyO3-based Rust bindings of the NumPy C-API -
pdoc3/pdoc โญ 1,139
๐ โก๏ธ ๐ Auto-generate API documentation for Python projects
๐ pdoc3.github.io/pdoc -
pyfpdf/fpdf2 โญ 1,138
Simple PDF generation for Python
๐ py-pdf.github.io/fpdf2 -
c4urself/bump2version โญ 1,064
Version-bump your software with a single command
๐ pypi.python.org/pypi/bump2version -
fsspec/filesystem_spec โญ 1,048
A specification that python filesystems should adhere to. -
milvus-io/pymilvus โญ 1,041
Python SDK for Milvus. -
metachris/logzero โญ 1,027
Robust and effective logging for Python 2 and 3.
๐ logzero.readthedocs.io -
extensityai/symbolicai โญ 989
Compositional Differentiable Programming Library - divide-and-conquer approach to break down a complex problem into smaller, more manageable problems. -
fastai/fastcore โญ 980
Python supercharged for the fastai library
๐ fastcore.fast.ai -
lastmile-ai/aiconfig โญ 965
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 -
ariebovenberg/whenever โญ 906
โฐ Modern datetime library for Python
๐ whenever.rtfd.io -
barracuda-fsh/pyobd โญ 878
An OBD-II compliant car diagnostic tool -
samuelcolvin/dirty-equals โญ 805
Doing dirty (but extremely useful) things with equals.
๐ dirty-equals.helpmanual.io -
qdrant/qdrant-client โญ 803
Python client for Qdrant vector search engine
๐ qdrant.tech -
juanbindez/pytubefix โญ 756
Python3 library for downloading YouTube Videos.
๐ pytubefix.readthedocs.io -
pypa/build โญ 748
A simple, correct Python build frontend
๐ build.pypa.io -
open-telemetry/opentelemetry-python-contrib โญ 743
OpenTelemetry instrumentation for Python modules
๐ opentelemetry.io -
modal-labs/modal-examples โญ 741
Examples of programs built using Modal
๐ modal.com/docs -
gefyrahq/gefyra โญ 699
Blazingly-fast ๐, rock-solid, local application development โก๏ธ with Kubernetes.
๐ gefyra.dev -
instagram/Fixit โญ 673
Advanced Python linting framework with auto-fixes and hierarchical configuration that makes it easy to write custom in-repo lint rules.
๐ fixit.rtfd.io/en/latest -
fastai/ghapi โญ 627
A delightful and complete interface to GitHub's amazing API
๐ ghapi.fast.ai -
argoproj-labs/hera โญ 620
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 -
platformdirs/platformdirs โญ 604
A small Python module for determining appropriate platform-specific dirs, e.g. a "user data dir".
๐ platformdirs.readthedocs.io -
methexis-inc/terminal-copilot โญ 573
A smart terminal assistant that helps you find the right command. -
steamship-core/steamship-langchain โญ 511
steamship-langchain -
cfahlgren1/observers โญ 215
A Lightweight Library for AI Observability
Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL.
-
apache/superset โญ 63,205
Apache Superset is a Data Visualization and Data Exploration Platform
๐ superset.apache.org -
streamlit/streamlit โญ 36,055
Streamlit โ A faster way to build and share data apps.
๐ streamlit.io -
gradio-app/gradio โญ 34,428
Build and share delightful machine learning apps, all in Python. ๐ Star to support our work!
๐ www.gradio.app -
plotly/dash โญ 21,618
Data Apps & Dashboards for Python. No JavaScript Required.
๐ plotly.com/dash -
matplotlib/matplotlib โญ 20,417
matplotlib: plotting with Python
๐ matplotlib.org/stable -
danny-avila/LibreChat โญ 19,577
LibreChat is a free, open source AI chat platform. This Web UI offers vast customization, supporting numerous AI providers, services, and integrations.
๐ librechat.ai -
bokeh/bokeh โญ 19,426
Interactive Data Visualization in the browser, from Python
๐ bokeh.org -
plotly/plotly.py โญ 16,411
The interactive graphing library for Python โจ This project now includes Plotly Express!
๐ plotly.com/python -
mwaskom/seaborn โญ 12,647
Statistical data visualization in Python
๐ seaborn.pydata.org -
visgl/deck.gl โญ 12,311
WebGL2 powered visualization framework
๐ deck.gl -
marceloprates/prettymaps โญ 11,187
A small set of Python functions to draw pretty maps from OpenStreetMap data. Based on osmnx, matplotlib and shapely libraries. -
altair-viz/altair โญ 9,422
Declarative visualization library for Python
๐ altair-viz.github.io -
nvidia/TensorRT-LLM โญ 8,841
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT...
๐ nvidia.github.io/tensorrt-llm -
lux-org/lux โญ 5,221
Automatically visualize your pandas dataframe via a single print! ๐ ๐ก -
renpy/renpy โญ 5,100
The Ren'Py Visual Novel Engine
๐ www.renpy.org -
holoviz/panel โญ 4,839
Panel: The powerful data exploration & web app framework for Python
๐ panel.holoviz.org -
man-group/dtale โญ 4,788
Visualizer for pandas data structures
๐ alphatechadmin.pythonanywhere.com -
has2k1/plotnine โญ 4,072
A Grammar of Graphics for Python
๐ plotnine.org -
residentmario/missingno โญ 3,975
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. -
pyqtgraph/pyqtgraph โญ 3,915
Fast data visualization and GUI tools for scientific / engineering applications
๐ www.pyqtgraph.org -
vispy/vispy โญ 3,333
Main repository for Vispy
๐ vispy.org -
ml-tooling/opyrator โญ 3,109
๐ช Turns your machine learning code into microservices with web API, interactive GUI, and more.
๐ opyrator-playground.mltooling.org -
netflix/flamescope โญ 3,030
FlameScope is a visualization tool for exploring different time ranges as Flame Graphs. -
pyvista/pyvista โญ 2,771
3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK)
๐ docs.pyvista.org -
facebookresearch/hiplot โญ 2,768
HiPlot makes understanding high dimensional data easy
๐ facebookresearch.github.io/hiplot -
mckinsey/vizro โญ 2,730
Vizro is a toolkit for creating modular data visualization applications.
๐ vizro.readthedocs.io/en/stable -
holoviz/holoviews โญ 2,711
With Holoviews, your data visualizes itself.
๐ holoviews.org -
kozea/pygal โญ 2,672
pygal is a dynamic SVG charting library written in python.
๐ www.pygal.org -
napari/napari โญ 2,229
A fast, interactive, multi-dimensional image viewer for Python. It's designed for browsing, annotating, and analyzing large multi-dimensional images.
๐ napari.org -
marcomusy/vedo โญ 2,061
A python module for scientific analysis of 3D data based on VTK and Numpy
๐ vedo.embl.es -
datapane/datapane โญ 1,384
Build and share data reports in 100% Python
๐ datapane.com -
facultyai/dash-bootstrap-components โญ 1,123
Bootstrap components for Plotly Dash
๐ dash-bootstrap-components.opensource.faculty.ai -
nomic-ai/deepscatter โญ 1,062
Zoomable, animated scatterplots in the browser that scales over a billion points -
holoviz/holoviz โญ 849
High-level tools to simplify visualization in Python.
๐ holoviz.org -
hazyresearch/meerkat โญ 830
Creative interactive views of any dataset.
Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management.
-
django/django โญ 81,349
The Web framework for perfectionists with deadlines.
๐ www.djangoproject.com -
tiangolo/fastapi โญ 78,385
FastAPI framework, high performance, easy to learn, fast to code, ready for production
๐ fastapi.tiangolo.com -
pallets/flask โญ 68,258
The Python micro framework for building web applications.
๐ flask.palletsprojects.com -
sherlock-project/sherlock โญ 60,852
Hunt down social media accounts by username across social networks
๐ sherlockproject.xyz -
psf/requests โญ 52,262
A simple, yet elegant, HTTP library.
๐ requests.readthedocs.io/en/latest -
tornadoweb/tornado โญ 21,789
Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
๐ www.tornadoweb.org -
reflex-dev/reflex โญ 20,656
๐ธ๏ธ Web apps in pure Python ๐
๐ reflex.dev -
wagtail/wagtail โญ 18,482
A Django content management system focused on flexibility and user experience
๐ wagtail.org -
huge-success/sanic โญ 18,129
Accelerate your web app development | Build fast. Run fast.
๐ sanic.dev -
pyscript/pyscript โญ 18,053
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 -
vincigit00/Scrapegraph-ai โญ 16,098
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 -
aio-libs/aiohttp โญ 15,196
Asynchronous HTTP client/server framework for asyncio and Python
๐ docs.aiohttp.org -
encode/httpx โญ 13,389
A next generation HTTP client for Python. ๐ฆ
๐ www.python-httpx.org -
getpelican/pelican โญ 12,625
Static site generator that supports Markdown and reST syntax. Powered by Python.
๐ getpelican.com -
flet-dev/flet โญ 11,650
Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required.
๐ flet.dev -
aws/chalice โญ 10,681
Python Serverless Microframework for AWS -
encode/starlette โญ 10,337
The little ASGI framework that shines. ๐
๐ www.starlette.io -
zauberzeug/nicegui โญ 10,281
Create web-based user interfaces with Python. The nice way.
๐ nicegui.io -
benoitc/gunicorn โญ 9,892
gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications.
๐ www.gunicorn.org -
falconry/falcon โญ 9,542
The no-magic web API and microservices framework for Python developers, with a focus on reliability, correctness, and performance at scale.
๐ falcon.readthedocs.io -
encode/uvicorn โญ 8,666
An ASGI web server, for Python. ๐ฆ
๐ www.uvicorn.org -
bottlepy/bottle โญ 8,468
bottle.py is a fast and simple micro-framework for python web-applications.
๐ bottlepy.org -
graphql-python/graphene โญ 8,109
GraphQL framework for Python
๐ graphene-python.org -
reactive-python/reactpy โญ 7,899
ReactPy is a library for building user interfaces in Python without Javascript
๐ reactpy.dev -
vitalik/django-ninja โญ 7,391
๐จ Fast, Async-ready, Openapi, type hints based framework for building APIs
๐ django-ninja.dev -
pyeve/eve โญ 6,715
REST API framework designed for human beings
๐ python-eve.org -
pallets/werkzeug โญ 6,668
The comprehensive WSGI web application library.
๐ werkzeug.palletsprojects.com -
webpy/webpy โญ 5,889
web.py is a web framework for python that is as simple as it is powerful.
๐ webpy.org -
starlite-api/litestar โญ 5,673
Production-ready, Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs
๐ litestar.dev -
stephenmcd/mezzanine โญ 4,765
CMS framework for Django
๐ mezzanine.jupo.org -
fastapi-users/fastapi-users โญ 4,724
Ready-to-use and customizable users management for FastAPI
๐ fastapi-users.github.io/fastapi-users -
nameko/nameko โญ 4,716
A microservices framework for Python that lets service developers concentrate on application logic and encourages testability.
๐ www.nameko.io -
pywebio/PyWebIO โญ 4,568
Write interactive web app in script way.
๐ pywebio.readthedocs.io -
strawberry-graphql/strawberry โญ 4,045
A GraphQL library for Python that leverages type annotations ๐
๐ strawberry.rocks -
h2oai/wave โญ 4,019
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 -
pylons/pyramid โญ 3,978
Pyramid - A Python web framework
๐ trypyramid.com -
websocket-client/websocket-client โญ 3,591
WebSocket client for Python
๐ github.com/websocket-client/websocket-client -
unbit/uwsgi โญ 3,466
uWSGI application server container
๐ projects.unbit.it/uwsgi -
pallets/quart โญ 3,059
An async Python micro framework for building web applications.
๐ quart.palletsprojects.com -
fastapi-admin/fastapi-admin โญ 2,947
A fast admin dashboard based on FastAPI and TortoiseORM with tabler ui, inspired by Django admin
๐ fastapi-admin-docs.long2ice.io -
flipkart-incubator/Astra โญ 2,521
Automated Security Testing For REST API's -
dot-agent/nextpy โญ 2,232
๐คSelf-Modifying Framework from the Future ๐ฎ World's First AMS
๐ dotagent.ai -
masoniteframework/masonite โญ 2,218
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 -
python-restx/flask-restx โญ 2,168
Fork of Flask-RESTPlus: Fully featured framework for fast, easy and documented API development with Flask
๐ flask-restx.readthedocs.io/en/latest -
s3rius/FastAPI-template โญ 2,033
Feature rich robust FastAPI template. -
dmontagu/fastapi-utils โญ 1,960
Reusable utilities for FastAPI: a number of utilities to help reduce boilerplate and reuse common functionality across projects
๐ fastapiutils.github.io/fastapi-utils -
neoteroi/BlackSheep โญ 1,897
Fast ASGI web framework for Python
๐ www.neoteroi.dev/blacksheep -
cherrypy/cherrypy โญ 1,859
CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev
๐ docs.cherrypy.dev -
indico/indico โญ 1,794
Indico - A feature-rich event management system, made @ CERN, the place where the Web was born.
๐ getindico.io -
jordaneremieff/mangum โญ 1,736
AWS Lambda support for ASGI applications
๐ mangum.fastapiexpert.com -
wtforms/wtforms โญ 1,515
A flexible forms validation and rendering library for Python.
๐ wtforms.readthedocs.io -
awtkns/fastapi-crudrouter โญ 1,422
A dynamic FastAPI router that automatically creates CRUD routes for your models
๐ fastapi-crudrouter.awtkns.com -
long2ice/fastapi-cache โญ 1,386
fastapi-cache is a tool to cache fastapi response and function result, with backends support redis and memcached.
๐ github.com/long2ice/fastapi-cache -
rstudio/py-shiny โญ 1,327
Shiny for Python
๐ shiny.posit.co/py -
whitphx/stlite โญ 1,255
A port of Streamlit to WebAssembly, powered by Pyodide.
๐ edit.share.stlite.net -
magicstack/httptools โญ 1,208
Fast HTTP parser -
koxudaxi/fastapi-code-generator โญ 1,080
This code generator creates FastAPI app from an openapi file. -
aeternalis-ingenium/FastAPI-Backend-Template โญ 656
A backend project template with FastAPI, PostgreSQL with asynchronous SQLAlchemy 2.0, Alembic for asynchronous database migration, and Docker.
Interactive version: www.awesomepython.org, Hugging Face Dataset: awesome-python
Please raise a new issue to suggest a Python repo that you would like to see added.
1,622 hand-picked awesome Python libraries and frameworks, updated 08 Dec 2024