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