dylanhogg/awesome-python
1,444 hand-picked awesome Python libraries and frameworks,
with an emphasis on data and machine learning, organised by category
Checkout the interactive version: www.awesomepython.org
Categories
- Crypto and Blockchain
- Data
- Debugging
- Diffusion Text to Image
- Finance
- Game Development
- GIS
- Graph
- GUI
- Jupyter
- LLMs and ChatGPT
- Math and Science
- Machine Learning - General
- Machine Learning - Deep Learning
- Machine Learning - Interpretability
- Machine Learning - Ops
- Machine Learning - Reinforcement
- Machine Learning - Time Series
- Natural Language Processing
- Pandas
- Performance
- Profiling
- Security
- Simulation
- Study
- Template
- Terminal
- Testing
- Typing
- Utility
- Vizualisation
- Web
Crypto and Blockchain
Cryptocurrency and blockchain libraries: trading bots, API integration, Ethereum Virtual Machine, Solidity language etc.
-
freqtrade/freqtrade
https://www.freqtrade.io
Free, open source crypto trading bot
score: 77/100, stars/week: 69, stars: 22,395 -
ccxt/ccxt
https://docs.ccxt.com
A JavaScript / TypeScript / Python / C# / PHP cryptocurrency trading API with support for more than 100 bitcoin/altcoin exchanges
score: 73/100, stars/week: 88, stars: 28,649 -
ethereum/web3.py
http://web3py.readthedocs.io
A python interface for interacting with the Ethereum blockchain and ecosystem.
score: 55/100, stars/week: 11, stars: 4,336 -
ethereum/consensus-specs
Ethereum Proof-of-Stake Consensus Specifications
score: 55/100, stars/week: 12, stars: 3,211 -
crytic/slither
https://blog.trailofbits.com/2018/10/19/slither-a-solidity-static-analysis-framework/
Static Analyzer for Solidity
score: 54/100, stars/week: 17, stars: 4,361 -
ethereum/py-evm
https://py-evm.readthedocs.io/en/latest/
A Python implementation of the Ethereum Virtual Machine
score: 43/100, stars/week: 5, stars: 2,019 -
cyberpunkmetalhead/Binance-volatility-trading-bot
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.
score: 40/100, stars/week: 28, stars: 3,258 -
binance/binance-public-data
Details on how to get Binance public data
score: 37/100, stars/week: 7, stars: 1,118 -
bmoscon/cryptofeed
Cryptocurrency Exchange Websocket Data Feed Handler
score: 36/100, stars/week: 6, stars: 1,812 -
ethtx/ethtx
https://www.ethtx.info
Python package with core transaction decoding functions.
score: 28/100, stars/week: 3, stars: 423 -
ethereum/eth-utils
https://eth-utils.readthedocs.io/en/latest/
Utility functions for working with ethereum related codebases.
score: 28/100, stars/week: 1, stars: 284 -
ofek/bit
https://ofek.dev/bit/
Bitcoin made easy.
score: 26/100, stars/week: 3, stars: 1,156 -
palkeo/panoramix
Ethereum decompiler
score: 26/100, stars/week: 3, stars: 662 -
man-c/pycoingecko
Python wrapper for the CoinGecko API
score: 24/100, stars/week: 3, stars: 986 -
ethtx/ethtx_ce
https://ethtx.info
Ethereum transaction decoder (community version).
score: 23/100, stars/week: 2, stars: 258 -
pmaji/crypto-whale-watching-app
Python Dash app that tracks whale activity in cryptocurrency markets.
score: 18/100, stars/week: 2, stars: 578 -
blockchainsllc/in3
https://in3.readthedocs.io/en/develop/index.html
The IN3 client (written in C).
score: 17/100, stars/week: 1, stars: 71 -
dylanhogg/crazy-awesome-crypto
https://www.awesomecrypto.xyz/
A list of awesome crypto and blockchain projects
score: 12/100, stars/week: 1, stars: 54 -
nerolation/ethereum-datafarm
Scrap blockchain data from the public API of Etherscan.io
score: 10/100, stars/week: 1, stars: 52
Data
General data libraries: data processing, serialisation, formats, databases, SQL, connectors, web crawlers, data generation/augmentation/checks etc.
-
apache/spark
https://spark.apache.org/
Apache Spark - A unified analytics engine for large-scale data processing
score: 80/100, stars/week: 73, stars: 36,239 -
chroma-core/chroma
https://www.trychroma.com/
the AI-native open-source embedding database
score: 75/100, stars/week: 172, stars: 7,162 -
apache/arrow
https://arrow.apache.org/
Apache Arrow is a multi-language toolbox for accelerated data interchange and in-memory processing
score: 73/100, stars/week: 31, stars: 12,020 -
scrapy/scrapy
https://scrapy.org
Scrapy, a fast high-level web crawling & scraping framework for Python.
score: 72/100, stars/week: 68, stars: 47,815 -
duckdb/duckdb
http://www.duckdb.org
DuckDB is an in-process SQL OLAP Database Management System
score: 70/100, stars/week: 41, stars: 11,057 -
qdrant/qdrant
https://qdrant.tech
Qdrant - Vector Database for the next generation of AI applications. Also available in the cloud https://cloud.qdrant.io/
score: 69/100, stars/week: 71, stars: 11,661 -
sqlalchemy/sqlalchemy
https://www.sqlalchemy.org
The Database Toolkit for Python
score: 69/100, stars/week: 30, stars: 7,501 -
jaidedai/EasyOCR
https://www.jaided.ai
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
score: 68/100, stars/week: 107, stars: 18,818 -
iterative/dvc
https://dvc.org
🦉 Data Version Control | Git for Data & Models | ML Experiments Management
score: 67/100, stars/week: 35, stars: 11,754 -
joke2k/faker
https://faker.readthedocs.io
Faker is a Python package that generates fake data for you.
score: 65/100, stars/week: 28, stars: 16,032 -
simonw/datasette
https://datasette.io
An open source multi-tool for exploring and publishing data
score: 62/100, stars/week: 26, stars: 7,985 -
bigscience-workshop/petals
https://petals.ml
🌸 Run large language models at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
score: 62/100, stars/week: 86, stars: 5,028 -
redis/redis-py
Redis Python Client
score: 61/100, stars/week: 16, stars: 11,629 -
tiangolo/sqlmodel
https://sqlmodel.tiangolo.com/
SQL databases in Python, designed for simplicity, compatibility, and robustness.
score: 60/100, stars/week: 101, stars: 10,169 -
datafold/data-diff
https://docs.datafold.com/development_testing/open_source
Compare tables within or across databases
score: 59/100, stars/week: 33, stars: 2,392 -
docarray/docarray
https://docs.docarray.org/
🧬 Represent, send, and store multimodal data · Neural Search · Vector Search · Document Store
score: 58/100, stars/week: 28, stars: 2,361 -
gristlabs/grist-core
https://support.getgrist.com/self-managed/
Grist is the evolution of spreadsheets.
score: 57/100, stars/week: 24, stars: 3,995 -
coleifer/peewee
http://docs.peewee-orm.com/
a small, expressive orm -- supports postgresql, mysql and sqlite
score: 56/100, stars/week: 15, stars: 10,194 -
facebookresearch/AugLy
https://ai.facebook.com/blog/augly-a-new-data-augmentation-library-to-help-build-more-robust-ai-models/
A data augmentations library for audio, image, text, and video.
score: 56/100, stars/week: 43, stars: 4,771 -
deepchecks/deepchecks
https://docs.deepchecks.com/stable
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.
score: 56/100, stars/week: 31, stars: 2,920 -
yzhao062/pyod
http://pyod.readthedocs.io
A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly Detection)
score: 55/100, stars/week: 23, stars: 7,228 -
amundsen-io/amundsen
https://www.amundsen.io/amundsen/
Amundsen is a metadata driven application for improving the productivity of data analysts, data scientists and engineers when interacting with data.
score: 54/100, stars/week: 18, stars: 3,988 -
ibis-project/ibis
https://ibis-project.org
The flexibility of Python with the scale and performance of modern SQL.
score: 54/100, stars/week: 6, stars: 2,897 -
lk-geimfari/mimesis
https://mimesis.name
Mimesis is a powerful Python library that empowers developers to generate massive amounts of synthetic data efficiently.
score: 53/100, stars/week: 11, stars: 4,005 -
sqlalchemy/alembic
A database migrations tool for SQLAlchemy.
score: 53/100, stars/week: 8, stars: 2,005 -
pytorch/data
A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries.
score: 50/100, stars/week: 8, stars: 1,009 -
kaggle/kaggle-api
Official Kaggle API
score: 49/100, stars/week: 18, stars: 5,402 -
twintproject/twint
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.
score: 47/100, stars/week: 47, stars: 15,104 -
jazzband/tablib
https://tablib.readthedocs.io/
Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.
score: 47/100, stars/week: 6, stars: 4,257 -
sdv-dev/SDV
https://docs.sdv.dev/sdv
Synthetic data generation for tabular data
score: 47/100, stars/week: 5, stars: 1,543 -
collerek/ormar
https://collerek.github.io/ormar/
python async orm with fastapi in mind and pydantic validation
score: 47/100, stars/week: 8, stars: 1,380 -
zarr-developers/zarr-python
http://zarr.readthedocs.io/
An implementation of chunked, compressed, N-dimensional arrays for Python.
score: 47/100, stars/week: 2, stars: 1,182 -
s0md3v/Photon
Incredibly fast crawler designed for OSINT.
score: 46/100, stars/week: 35, stars: 9,801 -
praw-dev/praw
http://praw.readthedocs.io/
PRAW, an acronym for "Python Reddit API Wrapper", is a python package that allows for simple access to Reddit's API.
score: 46/100, stars/week: 4, stars: 3,141 -
zoomeranalytics/xlwings
https://www.xlwings.org
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.
score: 46/100, stars/week: 5, stars: 2,638 -
graphistry/pygraphistry
PyGraphistry is a Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer
score: 46/100, stars/week: 4, stars: 1,876 -
sfu-db/connector-x
https://sfu-db.github.io/connector-x/intro.html
Fastest library to load data from DB to DataFrames in Rust and Python
score: 46/100, stars/week: 10, stars: 1,408 -
google/tensorstore
https://google.github.io/tensorstore/
Library for reading and writing large multi-dimensional arrays.
score: 46/100, stars/week: 6, stars: 1,177 -
mongodb/mongo-python-driver
https://pymongo.readthedocs.io
PyMongo - the Official MongoDB Python driver
score: 45/100, stars/week: 5, stars: 3,882 -
simonw/sqlite-utils
https://sqlite-utils.datasette.io
Python CLI utility and library for manipulating SQLite databases
score: 45/100, stars/week: 4, stars: 1,229 -
scikit-hep/awkward
https://awkward-array.org
Manipulate JSON-like data with NumPy-like idioms.
score: 45/100, stars/week: 3, stars: 713 -
airbnb/knowledge-repo
A next-generation curated knowledge sharing platform for data scientists and other technical professions.
score: 44/100, stars/week: 14, stars: 5,345 -
jmcnamara/XlsxWriter
https://xlsxwriter.readthedocs.io
A Python module for creating Excel XLSX files.
score: 44/100, stars/week: 5, stars: 3,287 -
fugue-project/fugue
https://fugue-tutorials.readthedocs.io/
A unified interface for distributed computing. Fugue executes SQL, Python, Pandas, and Polars code on Spark, Dask and Ray without any rewrites.
score: 44/100, stars/week: 9, stars: 1,655 -
googleapis/python-bigquery
googleapis/python-bigquery
score: 44/100, stars/week: 3, stars: 623 -
intake/intake
https://intake.readthedocs.io/
Intake is a lightweight package for finding, investigating, loading and disseminating data.
score: 42/100, stars/week: 2, stars: 910 -
binux/pyspider
http://docs.pyspider.org/
A Powerful Spider(Web Crawler) System in Python.
score: 41/100, stars/week: 32, stars: 15,953 -
pynamodb/PynamoDB
http://pynamodb.readthedocs.io
A pythonic interface to Amazon's DynamoDB
score: 41/100, stars/week: 4, stars: 2,216 -
uqfoundation/dill
http://dill.rtfd.io
serialize all of python
score: 41/100, stars/week: 3, stars: 1,943 -
datastax/python-driver
DataStax Python Driver for Apache Cassandra
score: 41/100, stars/week: 2, stars: 1,342 -
alirezamika/autoscraper
A Smart, Automatic, Fast and Lightweight Web Scraper for Python
score: 40/100, stars/week: 35, stars: 5,300 -
andialbrecht/sqlparse
A non-validating SQL parser module for Python
score: 40/100, stars/week: 5, stars: 3,320 -
aio-libs/aiomysql
https://aiomysql.rtfd.io
aiomysql is a library for accessing a MySQL database from the asyncio
score: 40/100, stars/week: 3, stars: 1,610 -
uber/petastorm
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.
score: 39/100, stars/week: 6, stars: 1,649 -
ydataai/ydata-synthetic
https://docs.synthetic.ydata.ai
Synthetic data generators for tabular and time-series data
score: 39/100, stars/week: 6, stars: 1,035 -
pallets/itsdangerous
https://itsdangerous.palletsprojects.com
Safely pass trusted data to untrusted environments and back.
score: 38/100, stars/week: 4, stars: 2,700 -
pytables/PyTables
http://www.pytables.org
A Python package to manage extremely large amounts of data
score: 38/100, stars/week: 1, stars: 1,219 -
aio-libs/aiocache
http://aiocache.readthedocs.io
Asyncio cache manager for redis, memcached and memory
score: 38/100, stars/week: 2, stars: 879 -
simple-salesforce/simple-salesforce
A very simple Salesforce.com REST API client for Python
score: 37/100, stars/week: 2, stars: 1,465 -
jsonpickle/jsonpickle
https://jsonpickle.github.io
Python library for serializing any arbitrary object graph into JSON. It can take almost any Python object and turn the object into JSON. Additionally, it can reconstitute the object back into Python.
score: 37/100, stars/week: 1, stars: 1,143 -
scholarly-python-package/scholarly
https://scholarly.readthedocs.io/
Retrieve author and publication information from Google Scholar in a friendly, Pythonic way without having to worry about CAPTCHAs!
score: 37/100, stars/week: 2, stars: 993 -
aio-libs/aiokafka
http://aiokafka.readthedocs.io/
asyncio client for kafka
score: 37/100, stars/week: 1, stars: 897 -
neo4j/neo4j-python-driver
https://neo4j.com/docs/api/python-driver/current/
Neo4j Bolt driver for Python
score: 37/100, stars/week: 1, stars: 814 -
dask/fastparquet
python implementation of the parquet columnar file format.
score: 37/100, stars/week: 1, stars: 671 -
agronholm/sqlacodegen
Automatic model code generator for SQLAlchemy
score: 36/100, stars/week: 4, stars: 1,447 -
scylladb/python-driver
https://python-driver.docs.scylladb.com
ScyllaDB Python Driver, originally DataStax Python Driver for Apache Cassandra
score: 35/100, stars/week: 1, stars: 47 -
aio-libs/aiopg
http://aiopg.readthedocs.io
aiopg is a library for accessing a PostgreSQL database from the asyncio
score: 34/100, stars/week: 2, stars: 1,330 -
eliasdabbas/advertools
https://advertools.readthedocs.io
advertools - online marketing productivity and analysis tools
score: 34/100, stars/week: 2, stars: 860 -
facebookresearch/Mephisto
https://mephisto.ai/
A suite of tools for managing crowdsourcing tasks from the inception through to data packaging for research use.
score: 33/100, stars/week: 1, stars: 273 -
vi3k6i5/flashtext
Extract Keywords from sentence or Replace keywords in sentences.
score: 32/100, stars/week: 17, stars: 5,420 -
pyeve/cerberus
http://python-cerberus.org
Lightweight, extensible data validation library for Python
score: 32/100, stars/week: 5, stars: 2,995 -
pinecone-io/pinecone-python-client
https://www.pinecone.io/docs
The Pinecone Python client
score: 32/100, stars/week: 1, stars: 148 -
prefecthq/prefect-aws
https://PrefectHQ.github.io/prefect-aws/
Prefect integrations with AWS.
score: 32/100, stars/week: 1, stars: 72 -
hyperqueryhq/whale
https://rsyi.gitbook.io/whale
🐳 The stupidly simple CLI workspace for your data warehouse.
score: 31/100, stars/week: 4, stars: 724 -
bigscience-workshop/biomedical
Tools for curating biomedical training data for large-scale language modeling
score: 31/100, stars/week: 3, stars: 344 -
sdispater/orator
https://orator-orm.com
The Orator ORM provides a simple yet beautiful ActiveRecord implementation.
score: 30/100, stars/week: 3, stars: 1,405 -
macbre/sql-metadata
https://pypi.python.org/pypi/sql-metadata
Uses tokenized query returned by python-sqlparse and generates query metadata
score: 30/100, stars/week: 1, stars: 581 -
google/weather-tools
https://weather-tools.readthedocs.io/
Apache Beam pipelines to make weather data accessible and useful.
score: 30/100, stars/week: 1, stars: 145 -
goldsmith/Wikipedia
https://wikipedia.readthedocs.org/
A Pythonic wrapper for the Wikipedia API
score: 29/100, stars/week: 5, stars: 2,642 -
mchong6/JoJoGAN
Official PyTorch repo for JoJoGAN: One Shot Face Stylization
score: 28/100, stars/week: 16, stars: 1,349 -
amzn/ion-python
https://amazon-ion.github.io/ion-docs/
A Python implementation of Amazon Ion.
score: 28/100, stars/week: 1, stars: 234 -
eleutherai/the-pile
eleutherai/the-pile
score: 27/100, stars/week: 7, stars: 1,157 -
ydataai/ydata-quality
Data Quality assessment with one line of code
score: 27/100, stars/week: 3, stars: 379 -
qdrant/qdrant-haystack
An integration of Qdrant ANN vector database backend with Haystack
score: 26/100, stars/week: 1, stars: 25 -
koaning/human-learn
https://koaning.github.io/human-learn/
Natural Intelligence is still a pretty good idea.
score: 25/100, stars/week: 4, stars: 722 -
uber/fiber
https://uber.github.io/fiber/
Distributed Computing for AI Made Simple
score: 24/100, stars/week: 5, stars: 1,023 -
airbnb/omniduct
A toolkit providing a uniform interface for connecting to and extracting data from a wide variety of (potentially remote) data stores (including HDFS, Hive, Presto, MySQL, etc).
score: 24/100, stars/week: 1, stars: 248 -
mattbierbaum/arxiv-public-datasets
https://arxiv.org/abs/1905.00075
A set of scripts to grab public datasets from resources related to arXiv
score: 21/100, stars/week: 1, stars: 301 -
ktrueda/parquet-tools
easy install parquet-tools
score: 21/100, stars/week: 1, stars: 111 -
parallel-domain/pd-sdk
The Parallel Domain SDK allows the community to access Parallel Domain's synthetic data as Python objects.
score: 21/100, stars/week: 1, stars: 15 -
dmarx/psaw
Python Pushshift.io API Wrapper (for comment/submission search)
score: 20/100, stars/week: 1, stars: 350 -
vmiklos/ged2dot
https://vmiklos.hu/ged2dot/
GEDCOM to Graphviz converter
score: 20/100, stars/week: 1, stars: 91 -
weaviate/semantic-search-through-wikipedia-with-weaviate
Semantic search through a vectorized Wikipedia (SentenceBERT) with the Weaviate vector search engine
score: 19/100, stars/week: 2, stars: 226 -
malloydata/malloy-py
Python package for executing Malloy
score: 19/100, stars/week: 1, stars: 9 -
tokern/data-lineage
https://tokern.io/data-lineage/
Generate and Visualize Data Lineage from query history
score: 18/100, stars/week: 1, stars: 264 -
microsoft/genalog
https://microsoft.github.io/genalog/
Genalog is an open source, cross-platform python package allowing generation of synthetic document images with custom degradations and text alignment capabilities.
score: 18/100, stars/week: 1, stars: 258 -
paperswithcode/sota-extractor
The SOTA extractor pipeline
score: 17/100, stars/week: 1, stars: 263 -
mitvis/vistext
http://vis.csail.mit.edu/pubs/vistext/
VisText is a benchmark dataset for semantically rich chart captioning.
score: 17/100, stars/week: 2, stars: 38 -
jovianml/opendatasets
A Python library for downloading datasets from Kaggle, Google Drive, and other online sources.
score: 16/100, stars/week: 1, stars: 274 -
nickreynke/python-gedcom
https://nickreynke.github.io/python-gedcom/gedcom/index.html
Python module for parsing, analyzing, and manipulating GEDCOM files
score: 15/100, stars/week: 1, stars: 130 -
psycoguana/SubredditMediaDownloader
Simple Python script to download images and videos from public subreddits without using Reddit's API 😎
score: 14/100, stars/week: 1, stars: 119 -
thoppe/The-Pile-FreeLaw
Download, parse, and filter data from Court Listener, part of the FreeLaw projects. Data-ready for The-Pile.
score: 14/100, stars/week: 1, stars: 4 -
ndrplz/google-drive-downloader
Minimal class to download shared files from Google Drive.
score: 9/100, stars/week: 1, stars: 257 -
harangju/wikinet
Python library for exploring networks of hyperlinked Wikipedia articles
score: 4/100, stars/week: 1, stars: 10
Debugging
Debugging and tracing tools.
-
cool-rr/PySnooper
Never use print for debugging again
score: 62/100, stars/week: 71, stars: 15,949 -
gruns/icecream
🍦 Never use print() to debug again.
score: 45/100, stars/week: 24, stars: 6,848 -
inducer/pudb
https://documen.tician.de/pudb/
Full-screen console debugger for Python
score: 41/100, stars/week: 4, stars: 2,706 -
gotcha/ipdb
Integration of IPython pdb
score: 35/100, stars/week: 2, stars: 1,726 -
shobrook/rebound
Command-line tool that instantly fetches Stack Overflow results when an exception is thrown
score: 33/100, stars/week: 14, stars: 4,017 -
alexmojaki/snoop
A powerful set of Python debugging tools, based on PySnooper
score: 33/100, stars/week: 4, stars: 943 -
ionelmc/python-hunter
https://python-hunter.readthedocs.io/
Hunter is a flexible code tracing toolkit.
score: 28/100, stars/week: 1, stars: 739 -
alexmojaki/birdseye
https://birdseye.readthedocs.io
Graphical Python debugger which lets you easily view the values of all evaluated expressions
score: 27/100, stars/week: 5, stars: 1,579 -
alexmojaki/heartrate
Simple real time visualisation of the execution of a Python program.
score: 20/100, stars/week: 7, stars: 1,627
Diffusion Text to Image
Text-to-image diffusion model libraries, tools and apps for generating images from natural language.
-
automatic1111/stable-diffusion-webui
Stable Diffusion web UI
score: 86/100, stars/week: 1900, stars: 90,969 -
huggingface/diffusers
https://huggingface.co/docs/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch
score: 83/100, stars/week: 275, stars: 16,505 -
invoke-ai/InvokeAI
https://invoke-ai.github.io/InvokeAI/
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...
score: 83/100, stars/week: 321, stars: 15,628 -
apple/ml-stable-diffusion
Stable Diffusion with Core ML on Apple Silicon
score: 74/100, stars/week: 380, stars: 13,520 -
carson-katri/dream-textures
Stable Diffusion built-in to Blender
score: 70/100, stars/week: 151, stars: 6,869 -
divamgupta/diffusionbee-stable-diffusion-ui
https://diffusionbee.com
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.
score: 69/100, stars/week: 229, stars: 10,510 -
ashawkey/stable-dreamfusion
Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion.
score: 69/100, stars/week: 152, stars: 6,299 -
lllyasviel/ControlNet
Let us control diffusion models!
score: 68/100, stars/week: 890, stars: 21,880 -
openai/consistency_models
Official repo for consistency models.
score: 68/100, stars/week: 253, stars: 5,327 -
stability-ai/stablediffusion
High-Resolution Image Synthesis with Latent Diffusion Models
score: 67/100, stars/week: 782, stars: 27,069 -
compvis/stable-diffusion
https://ommer-lab.com/research/latent-diffusion-models/
A latent text-to-image diffusion model
score: 65/100, stars/week: 1165, stars: 57,786 -
facebookresearch/dinov2
PyTorch code and models for the DINOv2 self-supervised learning method.
score: 64/100, stars/week: 328, stars: 5,439 -
idea-research/GroundingDINO
https://arxiv.org/abs/2303.05499
The official implementation of "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
score: 64/100, stars/week: 130, stars: 2,530 -
borisdayma/dalle-mini
https://www.craiyon.com
DALL·E Mini - Generate images from a text prompt
score: 62/100, stars/week: 132, stars: 14,240 -
lucidrains/DALLE2-pytorch
Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch
score: 62/100, stars/week: 147, stars: 9,919 -
mlc-ai/web-stable-diffusion
https://mlc.ai/web-stable-diffusion
Bringing stable diffusion models to web browsers. Everything runs inside the browser with no server support.
score: 60/100, stars/week: 140, stars: 2,795 -
nateraw/stable-diffusion-videos
Create🔥 videos with Stable Diffusion by exploring the latent space and morphing between text prompts
score: 59/100, stars/week: 73, stars: 3,366 -
timothybrooks/instruct-pix2pix
PyTorch implementation of InstructPix2Pix, an instruction-based image editing model, based on the original CompVis/stable_diffusion repo.
score: 57/100, stars/week: 177, stars: 4,935 -
stability-ai/stability-sdk
https://platform.stability.ai/
SDK for interacting with stability.ai APIs (e.g. stable diffusion inference)
score: 54/100, stars/week: 47, stars: 2,294 -
compvis/latent-diffusion
High-Resolution Image Synthesis with Latent Diffusion Models
score: 53/100, stars/week: 98, stars: 8,158 -
jina-ai/discoart
🪩 Create Disco Diffusion artworks in one line
score: 53/100, stars/week: 68, stars: 3,820 -
nvlabs/prismer
https://shikun.io/projects/prismer
The implementation of "Prismer: A Vision-Language Model with An Ensemble of Experts".
score: 52/100, stars/week: 57, stars: 1,166 -
lkwq007/stablediffusion-infinity
Outpainting with Stable Diffusion on an infinite canvas
score: 51/100, stars/week: 75, stars: 3,494 -
xavierxiao/Dreambooth-Stable-Diffusion
Implementation of Dreambooth (https://arxiv.org/abs/2208.12242) with Stable Diffusion
score: 50/100, stars/week: 148, stars: 6,769 -
chenyangqiqi/FateZero
http://fate-zero-edit.github.io/
Pytorch Implementation for [ICCV 2023] "FateZero: Fusing Attentions for Zero-shot Text-based Video Editing"
score: 50/100, stars/week: 40, stars: 748 -
saharmor/dalle-playground
A playground to generate images from any text prompt using Stable Diffusion (past: using DALL-E Mini)
score: 45/100, stars/week: 27, stars: 2,691 -
coyote-a/ultimate-upscale-for-automatic1111
coyote-a/ultimate-upscale-for-automatic1111
score: 43/100, stars/week: 30, stars: 888 -
thereforegames/unprompted
Templating language written for Stable Diffusion workflows. Available as an extension for the Automatic1111 WebUI.
score: 43/100, stars/week: 15, stars: 601 -
salesforce/BLIP
PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation
score: 42/100, stars/week: 39, stars: 3,041 -
divamgupta/stable-diffusion-tensorflow
Stable Diffusion in TensorFlow / Keras
score: 41/100, stars/week: 33, stars: 1,485 -
openai/glide-text2im
GLIDE: a diffusion-based text-conditional image synthesis model
score: 38/100, stars/week: 38, stars: 3,251 -
nvlabs/GCVit
https://arxiv.org/abs/2206.09959
[ICML 2023] Official PyTorch implementation of Global Context Vision Transformers
score: 32/100, stars/week: 6, stars: 347 -
albarji/mixture-of-diffusers
Mixture of Diffusers for scene composition and high resolution image generation
score: 32/100, stars/week: 5, stars: 276 -
sharonzhou/long_stable_diffusion
Long-form text-to-images generation, using a pipeline of deep generative models (GPT-3 and Stable Diffusion)
score: 27/100, stars/week: 14, stars: 661 -
lunarring/latentblending
Create butter-smooth transitions between prompts, powered by stable diffusion
score: 26/100, stars/week: 7, stars: 255 -
tanelp/tiny-diffusion
A minimal PyTorch implementation of probabilistic diffusion models for 2D datasets.
score: 24/100, stars/week: 15, stars: 411 -
pollinations/dance-diffusion
Tools to train a generative model on arbitrary audio samples
score: 11/100, stars/week: 1, stars: 48
Finance
Financial and quantitative libraries: investment research tools, market data, algorithmic trading, backtesting, financial derivatives etc.
-
openbb-finance/OpenBBTerminal
https://my.openbb.co/app/terminal
Investment Research for Everyone, Everywhere.
score: 78/100, stars/week: 168, stars: 22,811 -
ai4finance-foundation/FinGPT
Data-Centric FinGPT. Open-source for open finance! Revolutionize🔥 We'll soon release the trained model.
score: 71/100, stars/week: 306, stars: 7,090 -
microsoft/qlib
https://qlib.readthedocs.io/en/latest/
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, ...
score: 63/100, stars/week: 75, stars: 11,538 -
ranaroussi/yfinance
https://aroussi.com/post/python-yahoo-finance
Download market data from Yahoo! Finance's API
score: 61/100, stars/week: 30, stars: 9,815 -
ai4finance-foundation/FinRL
https://finrl.readthedocs.io
FinRL: Financial Reinforcement Learning. 🔥
score: 61/100, stars/week: 49, stars: 7,787 -
quantconnect/Lean
https://lean.io
Lean Algorithmic Trading Engine by QuantConnect (Python, C#)
score: 54/100, stars/week: 16, stars: 7,614 -
matplotlib/mplfinance
https://pypi.org/project/mplfinance/
Financial Markets Data Visualization using Matplotlib
score: 52/100, stars/week: 15, stars: 2,857 -
ta-lib/ta-lib-python
http://ta-lib.github.io/ta-lib-python
Python wrapper for TA-Lib (http://ta-lib.org/).
score: 49/100, stars/week: 13, stars: 8,023 -
quantopian/zipline
https://www.zipline.io
Zipline, a Pythonic Algorithmic Trading Library
score: 48/100, stars/week: 29, stars: 16,304 -
mementum/backtrader
https://www.backtrader.com
Python Backtesting library for trading strategies
score: 48/100, stars/week: 24, stars: 11,126 -
kernc/backtesting.py
https://kernc.github.io/backtesting.py/
🔎 📈 🐍 💰 Backtest trading strategies in Python.
score: 47/100, stars/week: 16, stars: 3,850 -
ranaroussi/quantstats
Portfolio analytics for quants, written in Python
score: 47/100, stars/week: 14, stars: 3,274 -
blankly-finance/blankly
https://package.blankly.finance
🚀 💸 Easily build, backtest and deploy your algo in just a few lines of code. Trade stocks, cryptos, and forex across exchanges w/ one package.
score: 46/100, stars/week: 13, stars: 1,677 -
polakowo/vectorbt
https://vectorbt.dev
Find your trading edge, using the fastest engine for backtesting, algorithmic trading, and research.
score: 44/100, stars/week: 10, stars: 2,986 -
google/tf-quant-finance
High-performance TensorFlow library for quantitative finance.
score: 42/100, stars/week: 18, stars: 3,953 -
domokane/FinancePy
https://financepy.com/
A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives.
score: 41/100, stars/week: 7, stars: 1,493 -
robcarver17/pysystemtrade
Systematic Trading in python
score: 40/100, stars/week: 5, stars: 2,041 -
goldmansachs/gs-quant
https://developer.gs.com/discover/products/gs-quant/
Python toolkit for quantitative finance
score: 39/100, stars/week: 8, stars: 1,936 -
quantopian/pyfolio
https://quantopian.github.io/pyfolio
Portfolio and risk analytics in Python
score: 35/100, stars/week: 11, stars: 5,071 -
cuemacro/finmarketpy
http://www.cuemacro.com
Python library for backtesting trading strategies & analyzing financial markets (formerly pythalesians)
score: 35/100, stars/week: 7, stars: 3,144 -
gerrymanoim/exchange_calendars
Calendars for various securities exchanges.
score: 34/100, stars/week: 2, stars: 291 -
chancefocus/PIXIU
This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).
score: 34/100, stars/week: 19, stars: 141 -
quantopian/alphalens
http://quantopian.github.io/alphalens
Performance analysis of predictive (alpha) stock factors
score: 32/100, stars/week: 7, stars: 2,721 -
lballabio/QuantLib-SWIG
QuantLib wrappers to other languages
score: 32/100, stars/week: 1, stars: 291 -
gbeced/basana
A Python async and event driven framework for algorithmic trading, with a focus on crypto currencies.
score: 32/100, stars/week: 6, stars: 137 -
gbeced/pyalgotrade
http://gbeced.github.io/pyalgotrade/
Python Algorithmic Trading Library
score: 31/100, stars/week: 6, stars: 4,074 -
pmorissette/bt
http://pmorissette.github.io/bt
bt - flexible backtesting for Python
score: 31/100, stars/week: 3, stars: 1,721 -
pmorissette/ffn
pmorissette.github.io/ffn
ffn - a financial function library for Python
score: 30/100, stars/week: 3, stars: 1,544 -
cuemacro/findatapy
Python library to download market data via Bloomberg, Eikon, Quandl, Yahoo etc.
score: 30/100, stars/week: 3, stars: 1,405 -
idanya/algo-trader
Trading bot with support for realtime trading, backtesting, custom strategies and much more.
score: 29/100, stars/week: 7, stars: 681 -
rsheftel/pandas_market_calendars
Exchange calendars to use with pandas for trading applications
score: 28/100, stars/week: 1, stars: 625 -
borisbanushev/stockpredictionai
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...
score: 27/100, stars/week: 15, stars: 3,720 -
quantopian/research_public
https://www.quantopian.com/lectures
Quantitative research and educational materials
score: 26/100, stars/week: 4, stars: 2,190 -
numerai/example-scripts
https://numer.ai/
A collection of scripts and notebooks to help you get started quickly.
score: 26/100, stars/week: 1, stars: 585 -
quantopian/empyrical
https://quantopian.github.io/empyrical
Common financial risk and performance metrics. Used by zipline and pyfolio.
score: 24/100, stars/week: 2, stars: 1,078 -
quandl/quandl-python
quandl/quandl-python
score: 23/100, stars/week: 2, stars: 1,313 -
nasdaq/data-link-python
A Python library for Nasdaq Data Link's RESTful API
score: 23/100, stars/week: 3, stars: 273 -
enthought/pyql
Cython QuantLib wrappers
score: 22/100, stars/week: 1, stars: 818 -
daxm/fmpsdk
SDK for Financial Modeling Prep's (FMP) API
score: 22/100, stars/week: 1, stars: 109 -
numerai/numerai-cli
Fully automated submission workflow in the cloud for <$1/mo
score: 19/100, stars/week: 1, stars: 85 -
numerai/numerox
Numerai tournament toolbox written in Python
score: 15/100, stars/week: 1, stars: 132 -
mementum/bta-lib
Technical Analysis library in pandas for backtesting algotrading and quantitative analysis
score: 12/100, stars/week: 2, stars: 411 -
wilsonfreitas/python-bizdays
http://wilsonfreitas.github.io/python-bizdays/
Business days calculations and utilities
score: 11/100, stars/week: 1, stars: 69
Game Development
Game development tools, engines and libraries.
-
kitao/pyxel
A retro game engine for Python
score: 61/100, stars/week: 45, stars: 12,163 -
pygame/pygame
https://www.pygame.org
🐍 🎮 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.
score: 54/100, stars/week: 18, stars: 6,146 -
pyglet/pyglet
http://pyglet.org
pyglet is a cross-platform windowing and multimedia library for Python, for developing games and other visually rich applications.
score: 50/100, stars/week: 7, stars: 1,529 -
pythonarcade/arcade
http://arcade.academy
Easy to use Python library for creating 2D arcade games.
score: 48/100, stars/week: 3, stars: 1,491 -
panda3d/panda3d
https://www.panda3d.org/
Powerful, mature open-source cross-platform game engine for Python and C++, developed by Disney and CMU
score: 46/100, stars/week: 7, stars: 3,924 -
libtcod/python-tcod
A high-performance Python port of libtcod. Includes the libtcodpy module for backwards compatibility with older projects.
score: 31/100, stars/week: 1, stars: 360 -
lordmauve/pgzero
https://pygame-zero.readthedocs.io/
A zero-boilerplate games programming framework for Python 3, based on Pygame.
score: 26/100, stars/week: 1, stars: 467 -
bitcraft/pytmx
Python library to read Tiled Map Editor's TMX maps.
score: 24/100, stars/week: 1, stars: 352 -
renpy/pygame_sdl2
Reimplementation of portions of the pygame API using SDL2.
score: 21/100, stars/week: 1, stars: 305 -
pygamelib/pygamelib
https://www.pygamelib.org
A (not so) small python library for console (as in terminal) game development. It is developed as a framework to help learn development and python in an entertaining way.
score: 19/100, stars/week: 1, stars: 50
GIS
Geospatial libraries: raster and vector data formats, interactive mapping and visualisation, computing frameworks for processing images, projections etc.
-
opengeos/segment-geospatial
https://samgeo.gishub.org
A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
score: 66/100, stars/week: 144, stars: 1,964 -
osgeo/gdal
https://gdal.org
GDAL is an open source MIT licensed translator library for raster and vector geospatial data formats.
score: 58/100, stars/week: 6, stars: 3,906 -
giswqs/geemap
https://geemap.org
A Python package for interactive mapping with Google Earth Engine, ipyleaflet, and ipywidgets.
score: 56/100, stars/week: 15, stars: 2,801 -
microsoft/torchgeo
https://torchgeo.rtfd.io
TorchGeo: datasets, samplers, transforms, and pre-trained models for geospatial data
score: 55/100, stars/week: 14, stars: 1,695 -
python-visualization/folium
https://python-visualization.github.io/folium/
Python Data. Leaflet.js Maps.
score: 54/100, stars/week: 11, stars: 6,312 -
gboeing/osmnx
https://osmnx.readthedocs.io
Python for street networks. Download, model, analyze, and visualize street networks and other geospatial features from OpenStreetMap.
score: 54/100, stars/week: 11, stars: 4,274 -
opengeos/leafmap
https://leafmap.org
A Python package for interactive mapping and geospatial analysis with minimal coding in a Jupyter environment
score: 52/100, stars/week: 13, stars: 1,711 -
geopandas/geopandas
http://geopandas.org/
Python tools for geographic data
score: 50/100, stars/week: 7, stars: 3,743 -
shapely/shapely
https://shapely.readthedocs.io/en/stable/
Manipulation and analysis of geometric objects
score: 50/100, stars/week: 5, stars: 3,358 -
pytroll/satpy
http://satpy.readthedocs.org/en/latest/
Python package for earth-observing satellite data processing
score: 50/100, stars/week: 2, stars: 929 -
holoviz/datashader
http://datashader.org
Quickly and accurately render even the largest data.
score: 48/100, stars/week: 7, stars: 3,030 -
azavea/raster-vision
https://docs.rastervision.io
An open source library and framework for deep learning on satellite and aerial imagery.
score: 47/100, stars/week: 5, stars: 1,879 -
rasterio/rasterio
https://rasterio.readthedocs.io/
Rasterio reads and writes geospatial raster datasets
score: 46/100, stars/week: 3, stars: 1,982 -
apache/sedona
http://sedona.apache.org/
A cluster computing framework for processing large-scale geospatial data
score: 44/100, stars/week: 3, stars: 1,506 -
osgeo/grass
https://grass.osgeo.org
GRASS GIS - free and open source Geographic Information System (GIS)
score: 44/100, stars/week: 2, stars: 646 -
anitagraser/movingpandas
http://movingpandas.org
Implementation of Trajectory classes and functions built on top of GeoPandas
score: 43/100, stars/week: 4, stars: 991 -
scitools/cartopy
https://scitools.org.uk/cartopy/docs/latest
Cartopy - a cartographic python library with matplotlib support
score: 42/100, stars/week: 2, stars: 1,244 -
sentinel-hub/eo-learn
https://eo-learn.readthedocs.io/en/latest/
Earth observation processing framework for machine learning in Python
score: 41/100, stars/week: 3, stars: 1,019 -
pyproj4/pyproj
https://pyproj4.github.io/pyproj
Python interface to PROJ (cartographic projections and coordinate transformations library)
score: 41/100, stars/week: 2, stars: 900 -
domlysz/BlenderGIS
Blender addons to make the bridge between Blender and geographic data
score: 40/100, stars/week: 13, stars: 6,501 -
developmentseed/titiler
https://developmentseed.org/titiler/
Build your own Raster dynamic map tile services
score: 40/100, stars/week: 2, stars: 543 -
corteva/rioxarray
https://corteva.github.io/rioxarray
geospatial xarray extension powered by rasterio
score: 40/100, stars/week: 1, stars: 399 -
toblerity/Fiona
https://fiona.readthedocs.io/
Fiona reads and writes geographic data files
score: 38/100, stars/week: 1, stars: 1,051 -
microsoft/GlobalMLBuildingFootprints
Worldwide building footprints derived from satellite imagery
score: 38/100, stars/week: 14, stars: 967 -
makepath/xarray-spatial
https://xarray-spatial.org
Raster-based Spatial Analytics for Python
score: 38/100, stars/week: 4, stars: 723 -
scitools/iris
https://scitools-iris.readthedocs.io/en/stable/
A powerful, format-agnostic, and community-driven Python package for analysing and visualising Earth science data
score: 38/100, stars/week: 1, stars: 558 -
kvos/CoastSat
http://coastsat.wrl.unsw.edu.au/
Global shoreline mapping tool from satellite imagery
score: 38/100, stars/week: 2, stars: 545 -
earthlab/earthpy
https://earthpy.readthedocs.io
A package built to support working with spatial data using open source python
score: 38/100, stars/week: 1, stars: 448 -
google/earthengine-api
Python and JavaScript bindings for calling the Earth Engine API.
score: 37/100, stars/week: 5, stars: 2,268 -
jupyter-widgets/ipyleaflet
https://ipyleaflet.readthedocs.io
A Jupyter - Leaflet.js bridge
score: 37/100, stars/week: 2, stars: 1,382 -
matplotlib/basemap
Plot on map projections (with coastlines and political boundaries) using matplotlib
score: 37/100, stars/week: 1, stars: 736 -
cogeotiff/rio-tiler
https://cogeotiff.github.io/rio-tiler/
User friendly Rasterio plugin to read raster datasets.
score: 37/100, stars/week: 1, stars: 418 -
pysal/pysal
http://pysal.org/pysal
PySAL: Python Spatial Analysis Library Meta-Package
score: 36/100, stars/week: 2, stars: 1,160 -
sentinel-hub/sentinelhub-py
http://sentinelhub-py.readthedocs.io/en/latest/
Download and process satellite imagery in Python using Sentinel Hub services.
score: 36/100, stars/week: 2, stars: 713 -
weecology/DeepForest
https://deepforest.readthedocs.io/
Python Package for Tree Crown Detection in Airborne RGB imagery
score: 36/100, stars/week: 1, stars: 371 -
raphaelquast/EOmaps
https://raphaelquast.github.io/EOmaps/
A library to create interactive maps of geographical datasets
score: 36/100, stars/week: 2, stars: 233 -
mcordts/cityscapesScripts
README and scripts for the Cityscapes Dataset
score: 34/100, stars/week: 5, stars: 1,962 -
sentinelsat/sentinelsat
https://sentinelsat.readthedocs.io
Search and download Copernicus Sentinel satellite images
score: 34/100, stars/week: 2, stars: 903 -
holoviz/geoviews
http://geoviews.org
Simple, concise geographical visualization in Python
score: 34/100, stars/week: 1, stars: 499 -
amazon-science/earth-forecasting-transformer
Official implementation of Earthformer
score: 34/100, stars/week: 4, stars: 223 -
developmentseed/geojson-pydantic
Pydantic data models for the GeoJSON spec
score: 34/100, stars/week: 1, stars: 142 -
geopandas/dask-geopandas
https://dask-geopandas.readthedocs.io/
Parallel GeoPandas with Dask
score: 33/100, stars/week: 2, stars: 395 -
laspy/laspy
https://laspy.readthedocs.io/en/latest/
Laspy is a pythonic interface for reading/modifying/creating .LAS LIDAR files matching specification 1.0-1.4.
score: 33/100, stars/week: 1, stars: 383 -
pysal/spopt
https://pysal.org/spopt/
Spatial Optimization
score: 33/100, stars/week: 1, stars: 206 -
geopandas/contextily
https://contextily.readthedocs.io/en/latest/
Context geo-tiles in Python
score: 32/100, stars/week: 1, stars: 429 -
datasystemslab/GeoTorchAI
https://kanchanchy.github.io/geotorchai/
GeoTorchAI: A Spatiotemporal Deep Learning Framework (https://dl.acm.org/doi/abs/10.1145/3557915.3561036)
score: 32/100, stars/week: 6, stars: 393 -
cogeotiff/rio-cogeo
https://cogeotiff.github.io/rio-cogeo/
Cloud Optimized GeoTIFF creation and validation plugin for rasterio
score: 32/100, stars/week: 1, stars: 248 -
uber/h3-py
https://uber.github.io/h3-py
Python bindings for H3, a hierarchical hexagonal geospatial indexing system
score: 31/100, stars/week: 2, stars: 654 -
geopython/OWSLib
https://owslib.readthedocs.io
OWSLib is a Python package for client programming with Open Geospatial Consortium (OGC) web service (hence OWS) interface standards, and their related content models.
score: 31/100, stars/week: 1, stars: 341 -
graal-research/deepparse
https://deepparse.org/
Deepparse is a state-of-the-art library for parsing multinational street addresses using deep learning
score: 31/100, stars/week: 1, stars: 232 -
fatiando/verde
https://www.fatiando.org/verde
Processing and gridding spatial data, machine-learning style
score: 30/100, stars/week: 1, stars: 510 -
pysal/momepy
https://docs.momepy.org
Urban Morphology Measuring Toolkit
score: 30/100, stars/week: 1, stars: 392 -
developmentseed/cogeo-mosaic
https://developmentseed.org/cogeo-mosaic/
Create and use COG mosaic based on mosaicJSON
score: 30/100, stars/week: 1, stars: 85 -
plant99/felicette
Satellite imagery for dummies.
score: 29/100, stars/week: 11, stars: 1,801 -
gboeing/osmnx-examples
https://osmnx.readthedocs.io
Gallery of OSMnx tutorials, usage examples, and feature demonstations.
score: 29/100, stars/week: 4, stars: 1,289 -
scikit-mobility/scikit-mobility
https://scikit-mobility.github.io/scikit-mobility/
scikit-mobility: mobility analysis in Python
score: 29/100, stars/week: 2, stars: 626 -
residentmario/geoplot
https://residentmario.github.io/geoplot/index.html
High-level geospatial data visualization library for Python.
score: 28/100, stars/week: 2, stars: 1,081 -
giswqs/aws-open-data-geo
A list of open geospatial datasets on AWS
score: 28/100, stars/week: 8, stars: 248 -
toblerity/rtree
https://rtree.readthedocs.io/en/latest/
Rtree: spatial index for Python GIS ¶
score: 27/100, stars/week: 1, stars: 559 -
geospatialpython/pyshp
This library reads and writes ESRI Shapefiles in pure Python.
score: 26/100, stars/week: 2, stars: 1,030 -
perrygeo/python-rasterstats
Summary statistics of geospatial raster datasets based on vector geometries.
score: 26/100, stars/week: 1, stars: 479 -
geopandas/pyogrio
https://pyogrio.readthedocs.io
Vectorized vector I/O using OGR
score: 26/100, stars/week: 1, stars: 160 -
geopandas/xyzservices
https://xyzservices.readthedocs.io/
Source of XYZ tiles providers
score: 26/100, stars/week: 1, stars: 103 -
spatialucr/geosnap
https://oturns.github.io/geosnap/
The Geospatial Neighborhood Analysis Package
score: 25/100, stars/week: 1, stars: 191 -
giswqs/mapwidget
http://mapwidget.gishub.org
Custom Jupyter widgets for creating interactive 2D/3D maps using popular JavaScript libraries with bidirectional communication, such as Cesium, Mapbox, MapLibre, Leaflet, and OpenLayers
score: 25/100, stars/week: 7, stars: 187 -
googlecloudplatform/dataflow-geobeam
googlecloudplatform/dataflow-geobeam
score: 25/100, stars/week: 1, stars: 80 -
openeventdata/mordecai
Full text geoparsing as a Python library
score: 24/100, stars/week: 1, stars: 710 -
pygeos/pygeos
https://pygeos.readthedocs.io
Wraps GEOS geometry functions in numpy ufuncs.
score: 24/100, stars/week: 1, stars: 367 -
cgal/cgal-swig-bindings
CGAL bindings using SWIG
score: 23/100, stars/week: 1, stars: 284 -
darribas/gds_env
https://darribas.org/gds_env
A containerised platform for Geographic Data Science
score: 23/100, stars/week: 1, stars: 105 -
developmentseed/landsat-util
A utility to search, download and process Landsat 8 satellite imagery
score: 21/100, stars/week: 1, stars: 686 -
developmentseed/label-maker
http://devseed.com/label-maker/
Data Preparation for Satellite Machine Learning
score: 21/100, stars/week: 1, stars: 447 -
r-barnes/richdem
High-performance Terrain and Hydrology Analysis
score: 21/100, stars/week: 1, stars: 216 -
ghislainv/forestatrisk
https://ecology.ghislainv.fr/forestatrisk
📦 🐍 Python package to model and forecast the risk of deforestation
score: 21/100, stars/week: 1, stars: 100 -
mapbox/mercantile
Spherical mercator tile and coordinate utilities
score: 20/100, stars/week: 1, stars: 362 -
scikit-geometry/scikit-geometry
https://scikit-geometry.github.io/scikit-geometry
Scientific Python Geometric Algorithms Library
score: 19/100, stars/week: 1, stars: 378 -
openaddresses/pyesridump
Scrapes an ESRI MapServer REST endpoint to spit out more generally-usable geodata.
score: 19/100, stars/week: 1, stars: 278 -
developmentseed/geolambda
Create and deploy Geospatial AWS Lambda functions
score: 18/100, stars/week: 1, stars: 284 -
zorzi-s/PolyWorldPretrainedNetwork
PolyWorld: Polygonal Building Extraction with Graph Neural Networks in Satellite Images
score: 16/100, stars/week: 1, stars: 123 -
benbovy/spherely
https://spherely.readthedocs.io/
Manipulation and analysis of geometric objects on the sphere.
score: 16/100, stars/week: 2, stars: 91 -
radiantearth/radiant-mlhub
https://radiant-mlhub.readthedocs.io/
A Python client for the Radiant MLHub API (https://mlhub.earth).
score: 16/100, stars/week: 1, stars: 49 -
remotesensinglab/raster4ml
https://raster4ml.readthedocs.io
A geospatial raster processing library for machine learning
score: 14/100, stars/week: 2, stars: 108 -
kuanb/peartree
peartree: A library for converting transit data into a directed graph for sketch network analysis.
score: 13/100, stars/week: 1, stars: 195 -
martibosch/detectree
https://doi.org/10.21105/joss.02172
Tree detection from aerial imagery in Python
score: 13/100, stars/week: 1, stars: 155 -
cloudsen12/easystac
https://easystac.readthedocs.io/
A Python package for simple STAC queries
score: 13/100, stars/week: 1, stars: 61 -
lydorn/Polygonization-by-Frame-Field-Learning
This repository contains the code for our fast polygonal building extraction from overhead images pipeline.
score: 11/100, stars/week: 1, stars: 232 -
gdaosu/LOD2BuildingModel
SAT2LoD2: Automated LoD-2 Model Reconstruction from Satellite-derived DSM and Orthophoto
score: 11/100, stars/week: 1, stars: 114 -
jasonrig/address-net
A package to structure Australian addresses
score: 10/100, stars/week: 1, stars: 182 -
bowenc0221/boundary-iou-api
Boundary IoU API (Beta version)
score: 9/100, stars/week: 1, stars: 187 -
artelys/geonetworkx
Python tools for geographic graphs
score: 8/100, stars/week: 1, stars: 30 -
gregorhd/mapcompare
Comparison of Python packages and libraries for visualising geospatial vector data: applications for Smarter Cities.
score: 8/100, stars/week: 1, stars: 29 -
lydorn/mapalignment
Aligning and Updating Cadaster Maps with Remote Sensing Images
score: 7/100, stars/week: 1, stars: 59 -
zorzi-s/projectRegularization
Regularization of Building Boundaries using Adversarial and Regularized losses
score: 6/100, stars/week: 1, stars: 87 -
zorzi-s/MapRepair
Deep Cadastre Maps Alignment and Temporal Inconsistencies Fix in Satellite Images
score: 6/100, stars/week: 1, stars: 17 -
edomel/BoundaryVT
edomel/BoundaryVT
score: 5/100, stars/week: 1, stars: 1 -
scisco/area
Calculate the area inside of any GeoJSON geometry. This is a port of Mapbox's geojson-area for Python
score: 4/100, stars/week: 1, stars: 90 -
lycantropos/wagyu
https://github.com/mapbox/wagyu
Python port of mapbox/wagyu library (with separate C++ binding)
score: 2/100, stars/week: 1, stars: 3
Graph
Graphs and network libraries: network analysis, graph machine learning, visualisation etc.
-
networkx/networkx
https://networkx.org
Network Analysis in Python
score: 60/100, stars/week: 19, stars: 12,870 -
stellargraph/stellargraph
https://stellargraph.readthedocs.io/
StellarGraph - Machine Learning on Graphs
score: 40/100, stars/week: 9, stars: 2,742 -
westhealth/pyvis
http://pyvis.readthedocs.io/en/latest/
Python package for creating and visualizing interactive network graphs.
score: 31/100, stars/week: 2, stars: 685 -
rampasek/GraphGPS
Recipe for a General, Powerful, Scalable Graph Transformer
score: 22/100, stars/week: 6, stars: 414 -
h4kor/graph-force
https://pypi.org/project/graph-force/
Python library for embedding large graphs in 2D space, using force-directed layouts.
score: 16/100, stars/week: 4, stars: 163 -
hamed1375/Exphormer
Exphormer: Sparse Transformer for Graphs
score: 12/100, stars/week: 2, stars: 53 -
guyallard/markov_clustering
markov clustering in python
score: 8/100, stars/week: 1, stars: 141
GUI
Graphical user interface libraries and toolkits.
-
pysimplegui/PySimpleGUI
https://www.PySimpleGUI.com
Launched in 2018. It's 2023 and PySimpleGUI is actively developed & supported. Create complex windows simply. Supports tkinter, Qt, WxPython, Remi (in browser). Create GUI applications trivially with a full set of widgets. Multi-Window applications are also simple. 3.4 to 3.11 supported. 325+ Demo programs & Cookboo...
score: 65/100, stars/week: 44, stars: 11,811 -
hoffstadt/DearPyGui
https://dearpygui.readthedocs.io/en/latest/
Dear PyGui: A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies
score: 62/100, stars/week: 65, stars: 10,716 -
parthjadhav/Tkinter-Designer
An easy and fast way to create a Python GUI🐍
score: 57/100, stars/week: 60, stars: 6,865 -
r0x0r/pywebview
https://pywebview.flowrl.com
Build GUI for your Python program with JavaScript, HTML, and CSS
score: 51/100, stars/week: 8, stars: 3,664 -
dddomodossola/remi
Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet.
score: 43/100, stars/week: 6, stars: 3,332 -
wxwidgets/Phoenix
http://wxpython.org/
wxPython's Project Phoenix. A new implementation of wxPython, better, stronger, faster than he was before.
score: 43/100, stars/week: 3, stars: 2,022
Jupyter
Jupyter and JupyterLab and Notebook tools, libraries and plugins.
-
jupyterlab/jupyterlab
https://jupyterlab.readthedocs.io/
JupyterLab computational environment.
score: 71/100, stars/week: 35, stars: 13,117 -
jupyter/notebook
https://jupyter-notebook.readthedocs.io/
Jupyter Interactive Notebook
score: 66/100, stars/week: 23, stars: 10,297 -
mwouts/jupytext
https://jupytext.readthedocs.io
Jupyter Notebooks as Markdown Documents, Julia, Python or R scripts
score: 58/100, stars/week: 22, stars: 6,071 -
jupyterlite/jupyterlite
https://jupyterlite.rtfd.io/en/latest/try/lab
Wasm powered Jupyter running in the browser💡
score: 57/100, stars/week: 27, stars: 3,282 -
voila-dashboards/voila
https://voila.readthedocs.io
Voilà turns Jupyter notebooks into standalone web applications
score: 56/100, stars/week: 18, stars: 4,838 -
jupyterlab/jupyterlab-desktop
JupyterLab desktop application, based on Electron.
score: 52/100, stars/week: 8, stars: 2,895 -
nteract/papermill
http://papermill.readthedocs.io/en/latest/
📚 Parameterize, execute, and analyze notebooks
score: 51/100, stars/week: 16, stars: 5,302 -
executablebooks/jupyter-book
http://jupyterbook.org
Create beautiful, publication-quality books and documents from computational content.
score: 51/100, stars/week: 12, stars: 3,430 -
mito-ds/monorepo
https://trymito.io
The mitosheet package, trymito.io, and other public Mito code.
score: 51/100, stars/week: 22, stars: 1,788 -
connorferster/handcalcs
Python library for converting Python calculations into rendered latex.
score: 47/100, stars/week: 29, stars: 5,236 -
jupyter/nbconvert
https://nbconvert.readthedocs.io/
Jupyter Notebook Conversion
score: 47/100, stars/week: 3, stars: 1,528 -
jupyter-lsp/jupyterlab-lsp
Coding assistance for JupyterLab (code navigation + hover suggestions + linters + autocompletion + rename) using Language Server Protocol
score: 45/100, stars/week: 7, stars: 1,539 -
jupyter/nbdime
http://nbdime.readthedocs.io
Tools for diffing and merging of Jupyter notebooks.
score: 42/100, stars/week: 6, stars: 2,480 -
vizzuhq/ipyvizzu
https://ipyvizzu.vizzuhq.com
Build animated charts in Jupyter Notebook and similar environments with a simple Python syntax.
score: 42/100, stars/week: 10, stars: 845 -
maartenbreddels/ipyvolume
3d plotting for Python in the Jupyter notebook based on IPython widgets using WebGL
score: 41/100, stars/week: 5, stars: 1,870 -
nbqa-dev/nbQA
https://nbqa.readthedocs.io/en/latest/index.html
Run ruff, isort, pyupgrade, mypy, pylint, flake8, and more on Jupyter Notebooks
score: 41/100, stars/week: 5, stars: 830 -
jupyter/nbgrader
https://nbgrader.readthedocs.io/
A system for assigning and grading notebooks
score: 40/100, stars/week: 2, stars: 1,208 -
jupyter/nbformat
http://nbformat.readthedocs.io/
Reference implementation of the Jupyter Notebook format
score: 33/100, stars/week: 1, stars: 213 -
jupyter/nbviewer
https://nbviewer.jupyter.org
nbconvert as a web service: Render Jupyter Notebooks as static web pages
score: 32/100, stars/week: 3, stars: 2,103 -
quantopian/qgrid
An interactive grid for sorting, filtering, and editing DataFrames in Jupyter notebooks
score: 31/100, stars/week: 6, stars: 2,967 -
linealabs/lineapy
https://lineapy.org
Move fast from data science prototype to pipeline. Capture, analyze, and transform messy notebooks into data pipelines with just two lines of code.
score: 31/100, stars/week: 5, stars: 609 -
xiaohk/stickyland
https://xiaohk.github.io/stickyland/
Break the linear presentation of Jupyter Notebooks with sticky cells!
score: 31/100, stars/week: 4, stars: 433 -
cmudig/AutoProfiler
Automatically profile dataframes in the Jupyter sidebar
score: 29/100, stars/week: 3, stars: 238 -
nteract/testbook
https://testbook.readthedocs.io
🧪 📗 Unit test your Jupyter Notebooks the right way
score: 28/100, stars/week: 2, stars: 361 -
chaoleili/jupyterlab_tensorboard
Tensorboard extension for jupyterlab.
score: 23/100, stars/week: 1, stars: 303 -
computationalmodelling/nbval
A py.test plugin to validate Jupyter notebooks
score: 22/100, stars/week: 1, stars: 408
LLMs and ChatGPT
Large language model and GPT libraries and frameworks: auto-gpt, agents, QnA, chain-of-thought workflows, API integations etc. Also see the Natural Language Processing category for crossover.
-
torantulino/Auto-GPT
https://agpt.co
An experimental open-source attempt to make GPT-4 fully autonomous.
score: 89/100, stars/week: 7812, stars: 143,969 -
hwchase17/langchain
https://langchain-langchain.vercel.app
⚡ Building applications with LLMs through composability ⚡
score: 87/100, stars/week: 1372, stars: 54,704 -
ggerganov/llama.cpp
Port of Facebook's LLaMA model in C/C++
score: 87/100, stars/week: 1792, stars: 34,579 -
jerryjliu/llama_index
https://gpt-index.readthedocs.io/en/latest/
LlamaIndex (GPT Index) is a data framework for your LLM applications
score: 85/100, stars/week: 505, stars: 18,992 -
oobabooga/text-generation-webui
A gradio web UI for running Large Language Models like LLaMA, llama.cpp, GPT-J, Pythia, OPT, and GALACTICA.
score: 85/100, stars/week: 580, stars: 17,734 -
laion-ai/Open-Assistant
https://open-assistant.io
OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information dynamically to do so.
score: 84/100, stars/week: 1085, stars: 34,419 -
hpcaitech/ColossalAI
https://www.colossalai.org
Making large AI models cheaper, faster and more accessible
score: 83/100, stars/week: 339, stars: 30,739 -
acheong08/ChatGPT
Reverse engineered ChatGPT API
score: 81/100, stars/week: 807, stars: 26,760 -
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and FastChat-T5.
score: 81/100, stars/week: 1387, stars: 24,979 -
acheong08/EdgeGPT
Reverse engineered API of Microsoft's Bing Chat AI
score: 81/100, stars/week: 326, stars: 7,646 -
microsoft/semantic-kernel
https://aka.ms/semantic-kernel
Integrate cutting-edge LLM technology quickly and easily into your apps
score: 80/100, stars/week: 521, stars: 10,882 -
logspace-ai/langflow
http://www.logspace.ai
⛓️ Langflow is a UI for LangChain, designed with react-flow to provide an effortless way to experiment and prototype flows.
score: 80/100, stars/week: 449, stars: 10,599 -
transformeroptimus/SuperAGI
https://superagi.com/
<⚡️ > SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
score: 79/100, stars/week: 1031, stars: 10,462 -
nomic-ai/gpt4all
https://gpt4all.io
gpt4all: an ecosystem of open-source chatbots trained on a massive collections of clean assistant data including code, stories and dialogue
score: 78/100, stars/week: 2912, stars: 49,096 -
xtekky/gpt4free
https://discord.gg/gpt4free
The official gpt4free repository | various collection of powerful language models
score: 78/100, stars/week: 2582, stars: 42,800 -
yoheinakajima/babyagi
GPT-4 powered task-driven autonomous agent
score: 78/100, stars/week: 1012, stars: 16,062 -
microsoft/guidance
A guidance language for controlling large language models.
score: 77/100, stars/week: 316, stars: 11,536 -
mlc-ai/mlc-llm
https://mlc.ai/mlc-llm
Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
score: 77/100, stars/week: 856, stars: 10,401 -
thudm/ChatGLM-6B
ChatGLM-6B: An Open Bilingual Dialogue Language Model | 开源双语对话语言模型
score: 76/100, stars/week: 1692, stars: 31,915 -
idea-research/Grounded-Segment-Anything
Grounded-SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything
score: 76/100, stars/week: 637, stars: 9,828 -
huggingface/peft
https://huggingface.co/docs/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
score: 76/100, stars/week: 232, stars: 7,960 -
optimalscale/LMFlow
https://optimalscale.github.io/LMFlow/
An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
score: 76/100, stars/week: 408, stars: 6,890 -
mlc-ai/web-llm
https://mlc.ai/web-llm
Bringing large-language models and chat to web browsers. Everything runs inside the browser with no server support.
score: 75/100, stars/week: 455, stars: 6,565 -
tloen/alpaca-lora
Instruct-tune LLaMA on consumer hardware
score: 74/100, stars/week: 862, stars: 16,261 -
zilliztech/GPTCache
https://gptcache.readthedocs.io
Semantic cache for LLMs. Fully integrated with LangChain and llama_index.
score: 74/100, stars/week: 263, stars: 4,558 -
openlmlab/MOSS
https://txsun1997.github.io/blogs/moss.html
An open-source tool-augmented conversational language model from Fudan University
score: 73/100, stars/week: 790, stars: 11,180 -
lightning-ai/lit-llama
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.
score: 72/100, stars/week: 274, stars: 4,826 -
abetlen/llama-cpp-python
https://llama-cpp-python.readthedocs.io
Python bindings for llama.cpp
score: 72/100, stars/week: 115, stars: 2,016 -
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
score: 71/100, stars/week: 771, stars: 22,808 -
openai/chatgpt-retrieval-plugin
The ChatGPT Retrieval Plugin lets you easily find personal or work documents by asking questions in natural language.
score: 71/100, stars/week: 1081, stars: 18,848 -
databrickslabs/dolly
https://www.databricks.com/blog/2023/03/24/hello-dolly-democratizing-magic-chatgpt-open-models.html
Databricks’ Dolly, a large language model trained on the Databricks Machine Learning Platform
score: 71/100, stars/week: 604, stars: 10,450 -
microsoft/TaskMatrix
Connects ChatGPT and a series of Visual Foundation Models to enable sending and receiving images during chatting.
score: 70/100, stars/week: 1649, stars: 33,687 -
artidoro/qlora
https://arxiv.org/abs/2305.14314
QLoRA: Efficient Finetuning of Quantized LLMs
score: 70/100, stars/week: 634, stars: 6,614 -
minedojo/Voyager
https://voyager.minedojo.org/
An Open-Ended Embodied Agent with Large Language Models
score: 70/100, stars/week: 441, stars: 3,720 -
vllm-project/vllm
https://vllm.readthedocs.io
A high-throughput and memory-efficient inference and serving engine for LLMs
score: 70/100, stars/week: 156, stars: 3,655 -
haotian-liu/LLaVA
https://llava.hliu.cc
Large Language-and-Vision Assistant built towards multimodal GPT-4 level capabilities.
score: 70/100, stars/week: 258, stars: 3,583 -
rasahq/rasa
https://rasa.com/docs/rasa/
💬 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
score: 69/100, stars/week: 47, stars: 16,698 -
blinkdl/ChatRWKV
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
score: 69/100, stars/week: 307, stars: 8,382 -
openlm-research/open_llama
OpenLLaMA, a permissively licensed open source reproduction of Meta AI’s LLaMA 7B trained on the RedPajama dataset
score: 69/100, stars/week: 508, stars: 6,250 -
bhaskatripathi/pdfGPT
https://huggingface.co/spaces/bhaskartripathi/pdfChatter
PDF GPT allows you to chat with the contents of your PDF file by using GPT capabilities. The only open source solution to turn your pdf files in a chatbot!
score: 69/100, stars/week: 273, stars: 5,394 -
nlpxucan/WizardLM
Family of instruction-following LLMs powered by Evol-Instruct: WizardLM, WizardCoder
score: 69/100, stars/week: 312, stars: 4,068 -
h2oai/h2o-llmstudio
https://h2o.ai
H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs
score: 69/100, stars/week: 162, stars: 2,249 -
imartinez/privateGPT
Interact privately with your documents using the power of GPT, 100% privately, no data leaks
score: 68/100, stars/week: 2849, stars: 33,385 -
vision-cair/MiniGPT-4
https://minigpt-4.github.io
MiniGPT-4: Enhancing Vision-language Understanding with Advanced Large Language Models
score: 68/100, stars/week: 1527, stars: 21,610 -
microsoft/JARVIS
JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf
score: 68/100, stars/week: 1299, stars: 21,341 -
deepset-ai/haystack
https://haystack.deepset.ai
🔍 Haystack is an open source NLP framework to interact with your data using Transformer models and LLMs (GPT-4, Falcon and alike). Haystack offers production-ready tools to quickly build complex question answering, semantic search, text generation applications, and more.
score: 68/100, stars/week: 51, stars: 9,985 -
fauxpilot/fauxpilot
FauxPilot - an open-source alternative to GitHub Copilot server
score: 67/100, stars/week: 251, stars: 12,701 -
shishirpatil/gorilla
https://gorilla.cs.berkeley.edu/
Gorilla: An API store for LLMs
score: 67/100, stars/week: 490, stars: 4,554 -
mmabrouk/llm-workflow-engine
Power CLI and Workflow manager for LLMs (core package)
score: 67/100, stars/week: 102, stars: 3,402 -
chainlit/chainlit
https://docs.chainlit.io
Build Python LLM apps in minutes⚡️
score: 67/100, stars/week: 122, stars: 2,301 -
lightning-ai/lit-gpt
Hackable implementation of state-of-the-art open-source LLMs based on nanoGPT. Supports flash attention, 4-bit and 8-bit quantization, LoRA and LLaMA-Adapter fine-tuning, pre-training. Apache 2.0-licensed.
score: 67/100, stars/week: 154, stars: 1,767 -
tatsu-lab/stanford_alpaca
https://crfm.stanford.edu/2023/03/13/alpaca.html
Code and documentation to train Stanford's Alpaca models, and generate the data.
score: 66/100, stars/week: 1337, stars: 25,802 -
facebookresearch/llama
Inference code for LLaMA models
score: 66/100, stars/week: 1090, stars: 24,761 -
whitead/paper-qa
LLM Chain for answering questions from documents with citations
score: 65/100, stars/week: 115, stars: 2,778 -
mayooear/gpt4-pdf-chatbot-langchain
https://www.youtube.com/watch?v=ih9PBGVVOO4
GPT4 & LangChain Chatbot for large PDF docs
score: 64/100, stars/week: 674, stars: 12,339 -
luodian/Otter
https://otter-ntu.github.io/
🦦 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.
score: 64/100, stars/week: 131, stars: 2,128 -
eleutherai/gpt-neox
An implementation of model parallel autoregressive transformers on GPUs, based on the DeepSpeed library.
score: 63/100, stars/week: 43, stars: 5,799 -
ravenscroftj/turbopilot
Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU
score: 63/100, stars/week: 241, stars: 3,619 -
iryna-kondr/scikit-llm
Seamlessly integrate powerful language models like ChatGPT into scikit-learn for enhanced text analysis tasks.
score: 63/100, stars/week: 192, stars: 1,985 -
nvidia/NeMo-Guardrails
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
score: 63/100, stars/week: 133, stars: 1,837 -
togethercomputer/RedPajama-Data
The RedPajama-Data repository contains code for preparing large datasets for training large language models.
score: 62/100, stars/week: 227, stars: 3,249 -
thudm/CodeGeeX
https://codegeex.cn
CodeGeeX: An Open Multilingual Code Generation Model (KDD 2023)
score: 61/100, stars/week: 139, stars: 6,159 -
lvwerra/trl
http://hf.co/docs/trl
Train transformer language models with reinforcement learning.
score: 61/100, stars/week: 23, stars: 4,003 -
freedomintelligence/LLMZoo
⚡ LLM Zoo is a project that provides data, models, and evaluation benchmark for large language models.⚡
score: 61/100, stars/week: 154, stars: 2,488 -
cstankonrad/long_llama
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.
score: 60/100, stars/week: 339, stars: 825 -
thudm/GLM-130B
GLM-130B: An Open Bilingual Pre-Trained Model (ICLR 2023)
score: 59/100, stars/week: 133, stars: 6,752 -
eth-sri/lmql
https://lmql.ai
A programming language for large language models.
score: 58/100, stars/week: 53, stars: 1,844 -
instruction-tuning-with-gpt-4/GPT-4-LLM
https://instruction-tuning-with-gpt-4.github.io/
Instruction Tuning with GPT-4
score: 56/100, stars/week: 198, stars: 3,059 -
juncongmoo/pyllama
LLaMA: Open and Efficient Foundation Language Models
score: 56/100, stars/week: 118, stars: 2,449 -
young-geng/EasyLM
Large language models (LLMs) made easy, EasyLM is a one stop solution for pre-training, finetuning, evaluating and serving LLMs in JAX/Flax.
score: 56/100, stars/week: 51, stars: 1,777 -
blinkdl/RWKV-LM
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.
score: 55/100, stars/week: 88, stars: 8,979 -
nvidia/Megatron-LM
Ongoing research training transformer models at scale
score: 55/100, stars/week: 25, stars: 5,733 -
microsoft/LoRA
https://arxiv.org/abs/2106.09685
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
score: 55/100, stars/week: 50, stars: 5,479 -
nomic-ai/pygpt4all
https://nomic-ai.github.io/pygpt4all/
Official supported Python bindings for llama.cpp + gpt4all
score: 55/100, stars/week: 64, stars: 1,016 -
chatarena/chatarena
https://www.chatarena.org/
ChatArena (or Chat Arena) is a Multi-Agent Language Game Environments for LLMs. The goal is to develop communication and collaboration capabilities of AIs.
score: 54/100, stars/week: 44, stars: 885 -
microsoft/BioGPT
microsoft/BioGPT
score: 53/100, stars/week: 81, stars: 3,998 -
microsoft/LMOps
https://aka.ms/nlpagi
General technology for enabling AI capabilities w/ LLMs and MLLMs
score: 53/100, stars/week: 57, stars: 1,824 -
civitai/sd_civitai_extension
All of the Civitai models inside Automatic 1111 Stable Diffusion Web UI
score: 53/100, stars/week: 51, stars: 1,669 -
salesforce/xgen
Salesforce open-source LLMs with 8k sequence length.
score: 53/100, stars/week: 145, stars: 625 -
karpathy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
score: 52/100, stars/week: 103, stars: 15,810 -
eleutherai/lm-evaluation-harness
A framework for few-shot evaluation of autoregressive language models.
score: 52/100, stars/week: 11, stars: 1,813 -
explosion/spacy-llm
🦙 Integrating LLMs into structured NLP pipelines
score: 52/100, stars/week: 23, stars: 424 -
ibm/Dromedary
Dromedary: towards helpful, ethical and reliable LLMs.
score: 50/100, stars/week: 81, stars: 945 -
oliveirabruno01/babyagi-asi
BabyAGI: an Autonomous and Self-Improving agent, or BASI
score: 50/100, stars/week: 45, stars: 692 -
openai/gpt-2
https://openai.com/blog/better-language-models/
Code for the paper "Language Models are Unsupervised Multitask Learners"
score: 49/100, stars/week: 84, stars: 19,605 -
microsoft/torchscale
https://aka.ms/nlpagi
Transformers at any scale
score: 49/100, stars/week: 53, stars: 1,892 -
lucidrains/toolformer-pytorch
Implementation of Toolformer, Language Models That Can Use Tools, by MetaAI
score: 48/100, stars/week: 65, stars: 1,530 -
jina-ai/thinkgpt
Agent techniques to augment your LLM and push it beyong its limits
score: 48/100, stars/week: 90, stars: 1,288 -
ofa-sys/OFA
Official repository of OFA (ICML 2022). Paper: OFA: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework
score: 47/100, stars/week: 25, stars: 1,985 -
hegelai/prompttools
https://docs.hegel-ai.com
Open-source tools for prompt testing and experimentation
score: 47/100, stars/week: 91, stars: 366 -
ctlllll/LLM-ToolMaker
Large Language Models as Tool Makers
score: 46/100, stars/week: 97, stars: 820 -
microsoft/Megatron-DeepSpeed
Ongoing research training transformer language models at scale, including: BERT & GPT-2
score: 46/100, stars/week: 7, stars: 809 -
yizhongw/self-instruct
Aligning pretrained language models with instruction data generated by themselves.
score: 45/100, stars/week: 90, stars: 2,780 -
ist-daslab/gptq
https://arxiv.org/abs/2210.17323
Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
score: 44/100, stars/week: 26, stars: 1,038 -
run-llama/llama-lab
Llama Lab is a repo dedicated to building cutting-edge projects using LlamaIndex
score: 43/100, stars/week: 54, stars: 772 -
eleutherai/gpt-neo
https://www.eleuther.ai
An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
score: 42/100, stars/week: 49, stars: 7,936 -
approximatelabs/datadm
DataDM is your private data assistant. Slide into your data's DMs
score: 42/100, stars/week: 30, stars: 258 -
explosion/spacy-transformers
https://spacy.io/usage/embeddings-transformers
🛸 Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy
score: 41/100, stars/week: 6, stars: 1,265 -
bigscience-workshop/Megatron-DeepSpeed
Ongoing research training transformer language models at scale, including: BERT & GPT-2
score: 40/100, stars/week: 8, stars: 926 -
minimaxir/gpt-2-simple
Python package to easily retrain OpenAI's GPT-2 text-generating model on new texts
score: 39/100, stars/week: 14, stars: 3,312 -
minimaxir/aitextgen
https://docs.aitextgen.io
A robust Python tool for text-based AI training and generation using GPT-2.
score: 39/100, stars/week: 9, stars: 1,787 -
kbressem/medAlpaca
LLM finetuned for medical question answering
score: 39/100, stars/week: 13, stars: 230 -
pan-ml/panml
PanML is a high level generative AI/ML development and analysis library designed for ease of use and fast experimentation.
score: 38/100, stars/week: 9, stars: 95 -
openai/gpt-discord-bot
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.
score: 37/100, stars/week: 50, stars: 1,532 -
muennighoff/sgpt
https://arxiv.org/abs/2202.08904
SGPT: GPT Sentence Embeddings for Semantic Search
score: 37/100, stars/week: 8, stars: 641 -
hazyresearch/ama_prompting
Ask Me Anything language model prompting
score: 36/100, stars/week: 11, stars: 481 -
likenneth/honest_llama
Inference-Time Intervention: Eliciting Truthful Answers from a Language Model
score: 36/100, stars/week: 18, stars: 171 -
declare-lab/instruct-eval
https://declare-lab.net/instruct-eval/
This repository contains code to quantitatively evaluate instruction-tuned models such as Alpaca and Flan-T5 on held-out tasks.
score: 35/100, stars/week: 16, stars: 275 -
night-chen/ToolQA
https://arxiv.org/pdf/2306.13304.pdf
ToolQA, a new dataset to evaluate the capabilities of LLMs in answering challenging questions with external tools. It offers two levels (easy/hard) across eight real-life scenarios.
score: 34/100, stars/week: 16, stars: 111 -
hazyresearch/H3
Language Modeling with the H3 State Space Model
score: 33/100, stars/week: 14, stars: 439 -
reasoning-machines/pal
https://reasonwithpal.com
PaL: Program-Aided Language Models (ICML 2023)
score: 33/100, stars/week: 9, stars: 321 -
keirp/automatic_prompt_engineer
Large Language Models Are Human-Level Prompt Engineers
score: 32/100, stars/week: 15, stars: 609 -
openbioml/chemnlp
ChemNLP project
score: 32/100, stars/week: 3, stars: 83 -
yueyu1030/AttrPrompt
[Preprint] This is the code for the paperLarge Language Model as Attributed Training Data Generator: A Tale of Diversity and Bias
.
score: 32/100, stars/week: 9, stars: 70 -
amazon-science/alexa-teacher-models
AlexaTM 20B is a 20B-Parameter sequence-to-sequence transformer model
score: 29/100, stars/week: 7, stars: 356 -
microsoft/ChatGPT-Robot-Manipulation-Prompts
microsoft/ChatGPT-Robot-Manipulation-Prompts
score: 29/100, stars/week: 13, stars: 214 -
extreme-bert/extreme-bert
https://extreme-bert.github.io/extreme-bert-page
ExtremeBERT is a toolkit that accelerates the pretraining of customized language models on customized datasets, described in the paper “ExtremeBERT: A Toolkit for Accelerating Pretraining of Customized BERT”.
score: 28/100, stars/week: 8, stars: 279 -
openai/gpt-2-output-dataset
Dataset of GPT-2 outputs for research in detection, biases, and more
score: 26/100, stars/week: 7, stars: 1,755 -
conceptofmind/toolformer
Open-source implementation of Toolformer: Language Models Can Teach Themselves to Use Tools
score: 26/100, stars/week: 11, stars: 250 -
prefecthq/langchain-prefect
https://prefecthq.github.io/langchain-prefect/
Tools for using Langchain with Prefect
score: 26/100, stars/week: 4, stars: 81 -
whu-zqh/ChatGPT-vs.-BERT
https://arxiv.org/abs/2302.10198
🎁 [ChatGPT4NLU] A Comparative Study on ChatGPT and Fine-tuned BERT
score: 25/100, stars/week: 8, stars: 178 -
lucidrains/medical-chatgpt
Implementation of ChatGPT, but tailored towards primary care medicine, with the reward being able to collect patient histories in a thorough and efficient manner and come up with a reasonable differential diagnosis
score: 24/100, stars/week: 9, stars: 294 -
openai/image-gpt
Archived. Code and models from the paper "Generative Pretraining from Pixels"
score: 23/100, stars/week: 11, stars: 1,930 -
openai/finetune-transformer-lm
https://s3-us-west-2.amazonaws.com/openai-assets/research-covers/language-unsupervised/language_understanding_paper.pdf
Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
score: 22/100, stars/week: 7, stars: 1,872 -
bigscience-workshop/t-zero
Reproduce results and replicate training fo T0 (Multitask Prompted Training Enables Zero-Shot Task Generalization)
score: 22/100, stars/week: 4, stars: 408 -
salesforce/jaxformer
Minimal library to train LLMs on TPU in JAX with pjit().
score: 21/100, stars/week: 4, stars: 222 -
anthropics/evals
Model-Written Evaluation Datasets
score: 16/100, stars/week: 4, stars: 151 -
larsbaunwall/bricky
Haystack/OpenAI based chatbot curating a custom knowledgebase
score: 16/100, stars/week: 3, stars: 81 -
zrrskywalker/LLaMA-Adapter
Fine-tuning LLaMA to follow Instructions within 1 Hour and 1.2M Parameters
score: 16/100, stars/week: 3, stars: 22 -
qanastek/DrBERT
https://drbert.univ-avignon.fr/
DrBERT: A Robust Pre-trained Model in French for Biomedical and Clinical domains
score: 15/100, stars/week: 1, stars: 12 -
ai21labs/in-context-ralm
In-Context Retrieval-Augmented Language Models
score: 14/100, stars/week: 3, stars: 97 -
ai21labs/lm-evaluation
Evaluation suite for large-scale language models.
score: 10/100, stars/week: 1, stars: 112
Math and Science
Maths and science libraries.
-
numpy/numpy
https://numpy.org
The fundamental package for scientific computing with Python.
score: 81/100, stars/week: 35, stars: 24,014 -
scipy/scipy
https://scipy.org
SciPy library main repository
score: 68/100, stars/week: 17, stars: 11,463 -
cupy/cupy
https://cupy.dev
NumPy & SciPy for GPU
score: 65/100, stars/week: 20, stars: 7,039 -
sympy/sympy
https://sympy.org/
A computer algebra system written in pure Python
score: 64/100, stars/week: 16, stars: 11,058 -
facebookresearch/theseus
A library for differentiable nonlinear optimization
score: 50/100, stars/week: 15, stars: 1,369 -
pyomo/pyomo
https://www.pyomo.org
An object-oriented algebraic modeling language in Python for structured optimization problems.
score: 47/100, stars/week: 4, stars: 1,586 -
lean-dojo/LeanDojo
https://leandojo.org
Tool for data extraction and interacting with Lean programmatically.
score: 47/100, stars/week: 36, stars: 209 -
geomstats/geomstats
http://geomstats.ai
Computations and statistics on manifolds with geometric structures.
score: 43/100, stars/week: 3, stars: 970 -
fredrik-johansson/mpmath
http://mpmath.org
Python library for arbitrary-precision floating-point arithmetic
score: 34/100, stars/week: 1, stars: 800 -
google-research/torchsde
Differentiable SDE solvers with GPU support and efficient sensitivity analysis.
score: 33/100, stars/week: 8, stars: 1,306 -
lean-dojo/ReProver
https://leandojo.org
Retrieval-Augmented Theorem Provers for Lean
score: 24/100, stars/week: 3, stars: 67 -
lukaszahradnik/PyNeuraLogic
https://pyneuralogic.readthedocs.io/
PyNeuraLogic lets you use Python to create Differentiable Logic Programs
score: 23/100, stars/week: 1, stars: 238 -
willianfuks/tfcausalimpact
Python Causal Impact Implementation Based on Google's R Package. Built using TensorFlow Probability.
score: 21/100, stars/week: 2, stars: 425 -
dit/dit
http://docs.dit.io
Python package for information theory.
score: 19/100, stars/week: 1, stars: 446 -
sj001/AI-Feynman
Implementation of AI Feynman: a Physics-Inspired Method for Symbolic Regression
score: 18/100, stars/week: 2, stars: 519 -
albahnsen/pycircular
pycircular is a Python module for circular data analysis
score: 12/100, stars/week: 1, stars: 71 -
mimecorg/fraqtive
https://fraqtive.mimec.org/
Generator of the Mandelbrot family fractals.
score: 7/100, stars/week: 1, stars: 28 -
jszymon/pacal
PaCAL - ProbAbilistic CALculator
score: 7/100, stars/week: 1, stars: 22
Machine Learning - General
General and classical machine learning libraries. See below for other sections covering specialised ML areas.
-
scikit-learn/scikit-learn
https://scikit-learn.org
scikit-learn: machine learning in Python
score: 85/100, stars/week: 81, stars: 55,101 -
openai/evals
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
score: 84/100, stars/week: 430, stars: 11,120 -
openai/openai-cookbook
https://platform.openai.com/docs/
Examples and guides for using the OpenAI API
score: 76/100, stars/week: 607, stars: 43,284 -
open-mmlab/mmdetection
https://mmdetection.readthedocs.io
OpenMMLab Detection Toolbox and Benchmark
score: 75/100, stars/week: 97, stars: 24,931 -
google/jax
http://jax.readthedocs.io/
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
score: 75/100, stars/week: 96, stars: 23,809 -
google/mediapipe
https://mediapipe.dev
Cross-platform, customizable ML solutions for live and streaming media.
score: 75/100, stars/week: 105, stars: 22,638 -
suno-ai/bark
🔊 Text-Prompted Generative Audio Model
score: 74/100, stars/week: 1505, stars: 23,019 -
dmlc/xgboost
https://xgboost.readthedocs.io/en/stable/
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
score: 73/100, stars/week: 49, stars: 24,378 -
jina-ai/jina
https://docs.jina.ai
🔮 Multimodal AI services & pipelines with cloud-native stack: gRPC, Kubernetes, Docker, OpenTelemetry, Prometheus, Jaeger, etc.
score: 73/100, stars/week: 104, stars: 18,789 -
facebookresearch/faiss
https://faiss.ai
A library for efficient similarity search and clustering of dense vectors.
score: 69/100, stars/week: 69, stars: 23,283 -
facebookresearch/AnimatedDrawings
Code to accompany "A Method for Animating Children's Drawings of the Human Figure"
score: 68/100, stars/week: 252, stars: 8,464 -
google-research/google-research
https://research.google
Google Research
score: 67/100, stars/week: 120, stars: 30,227 -
microsoft/LightGBM
https://lightgbm.readthedocs.io/en/latest/
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.
score: 67/100, stars/week: 42, stars: 15,265 -
huggingface/accelerate
https://huggingface.co/docs/accelerate
🚀 A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision
score: 66/100, stars/week: 36, stars: 5,234 -
optuna/optuna
https://optuna.org
A hyperparameter optimization framework
score: 65/100, stars/week: 29, stars: 8,356 -
onnx/onnx
https://onnx.ai/
Open standard for machine learning interoperability
score: 64/100, stars/week: 49, stars: 15,130 -
microsoft/nni
https://nni.readthedocs.io
An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
score: 64/100, stars/week: 48, stars: 13,088 -
pycaret/pycaret
https://www.pycaret.org
An open-source, low-code machine learning library in Python
score: 64/100, stars/week: 39, stars: 7,483 -
catboost/catboost
https://catboost.ai
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.
score: 64/100, stars/week: 23, stars: 7,252 -
open-mmlab/mmsegmentation
https://mmsegmentation.readthedocs.io/en/latest/
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
score: 64/100, stars/week: 37, stars: 6,110 -
awslabs/autogluon
https://auto.gluon.ai/
AutoGluon: AutoML for Image, Text, Time Series, and Tabular Data
score: 64/100, stars/week: 28, stars: 5,968 -
tencentarc/GFPGAN
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
score: 63/100, stars/week: 246, stars: 30,166 -
deepmind/alphafold
Open source code for AlphaFold.
score: 61/100, stars/week: 96, stars: 10,537 -
megvii-basedetection/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
score: 61/100, stars/week: 79, stars: 8,350 -
wandb/wandb
https://wandb.ai
🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.
score: 61/100, stars/week: 20, stars: 6,616 -
open-mmlab/mmagic
https://mmagic.readthedocs.io/en/latest/
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.
score: 61/100, stars/week: 26, stars: 5,461 -
marqo-ai/marqo
https://www.marqo.ai/
Vector search for humans.
score: 61/100, stars/week: 62, stars: 3,189 -
project-monai/MONAI
https://monai.io/
AI Toolkit for Healthcare Imaging
score: 60/100, stars/week: 22, stars: 4,403 -
pymc-devs/pymc
https://docs.pymc.io/
Bayesian Modeling in Python
score: 59/100, stars/week: 10, stars: 7,663 -
open-mmlab/mmcv
https://mmcv.readthedocs.io/en/latest/
OpenMMLab Computer Vision Foundation
score: 59/100, stars/week: 19, stars: 5,059 -
online-ml/river
https://riverml.xyz
🌊 Online machine learning in Python
score: 59/100, stars/week: 18, stars: 4,313 -
sanchit-gandhi/whisper-jax
JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU.
score: 59/100, stars/week: 146, stars: 2,995 -
py-why/dowhy
https://www.pywhy.org/dowhy
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.
score: 58/100, stars/week: 22, stars: 6,007 -
aws/sagemaker-python-sdk
https://sagemaker.readthedocs.io/
A library for training and deploying machine learning models on Amazon SageMaker
score: 58/100, stars/week: 6, stars: 1,882 -
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
score: 57/100, stars/week: 43, stars: 13,878 -
cleanlab/cleanlab
https://cleanlab.ai
The standard data-centric AI package for data quality and machine learning with messy, real-world data and labels.
score: 57/100, stars/week: 22, stars: 6,184 -
lutzroeder/netron
https://netron.app
Visualizer for neural network, deep learning, and machine learning models
score: 56/100, stars/week: 35, stars: 23,429 -
microsoft/FLAML
https://microsoft.github.io/FLAML/
A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP.
score: 56/100, stars/week: 16, stars: 2,570 -
jindongwang/transferlearning
http://transferlearning.xyz/
Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
score: 55/100, stars/week: 36, stars: 11,719 -
microsoft/Swin-Transformer
https://arxiv.org/abs/2103.14030
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
score: 55/100, stars/week: 92, stars: 11,190 -
ageron/handson-ml2
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.
score: 54/100, stars/week: 106, stars: 25,219 -
twitter/the-algorithm-ml
https://blog.twitter.com/engineering/en_us/topics/open-source/2023/twitter-recommendation-algorithm
Source code for Twitter's Recommendation Algorithm
score: 54/100, stars/week: 568, stars: 9,578 -
statsmodels/statsmodels
http://www.statsmodels.org/devel/
Statsmodels: statistical modeling and econometrics in Python
score: 54/100, stars/week: 13, stars: 8,680 -
scikit-learn-contrib/imbalanced-learn
https://imbalanced-learn.org
A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
score: 54/100, stars/week: 13, stars: 6,418 -
lmcinnes/umap
Uniform Manifold Approximation and Projection
score: 54/100, stars/week: 20, stars: 6,339 -
ourownstory/neural_prophet
https://neuralprophet.com
NeuralProphet: A simple forecasting package
score: 54/100, stars/week: 18, stars: 3,037 -
featurelabs/featuretools
https://www.featuretools.com
An open source python library for automated feature engineering
score: 53/100, stars/week: 21, stars: 6,708 -
apple/coremltools
https://coremltools.readme.io
Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.
score: 53/100, stars/week: 11, stars: 3,488 -
huggingface/optimum
https://huggingface.co/docs/optimum/main/
🚀 Accelerate training and inference of🤗 Transformers and🤗 Diffusers with easy to use hardware optimization tools
score: 53/100, stars/week: 12, stars: 1,349 -
deepmind/deepmind-research
This repository contains implementations and illustrative code to accompany DeepMind publications
score: 52/100, stars/week: 50, stars: 11,975 -
spotify/annoy
Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
score: 52/100, stars/week: 21, stars: 11,609 -
epistasislab/tpot
http://epistasislab.github.io/tpot/
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
score: 52/100, stars/week: 22, stars: 9,155 -
uber/causalml
Uplift modeling and causal inference with machine learning algorithms
score: 52/100, stars/week: 19, stars: 4,105 -
lucidrains/musiclm-pytorch
Implementation of MusicLM, Google's new SOTA model for music generation using attention networks, in Pytorch
score: 52/100, stars/week: 103, stars: 2,613 -
harisiqbal88/PlotNeuralNet
Latex code for making neural networks diagrams
score: 51/100, stars/week: 75, stars: 19,752 -
google/automl
Google Brain AutoML
score: 51/100, stars/week: 33, stars: 5,939 -
rucaibox/RecBole
https://recbole.io/
A unified, comprehensive and efficient recommendation library
score: 51/100, stars/week: 16, stars: 2,732 -
lightly-ai/lightly
https://docs.lightly.ai/self-supervised-learning/
A python library for self-supervised learning on images.
score: 51/100, stars/week: 16, stars: 2,407 -
facebookresearch/balance
https://import-balance.org
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.
score: 51/100, stars/week: 17, stars: 618 -
automl/auto-sklearn
https://automl.github.io/auto-sklearn
Automated Machine Learning with scikit-learn
score: 50/100, stars/week: 16, stars: 7,045 -
rasbt/mlxtend
https://rasbt.github.io/mlxtend/
A library of extension and helper modules for Python's data analysis and machine learning libraries.
score: 50/100, stars/week: 9, stars: 4,462 -
mljar/mljar-supervised
https://mljar.com
Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation
score: 50/100, stars/week: 10, stars: 2,685 -
google-research/t5x
google-research/t5x
score: 50/100, stars/week: 21, stars: 1,968 -
huggingface/evaluate
https://huggingface.co/docs/evaluate
🤗 Evaluate: A library for easily evaluating machine learning models and datasets.
score: 50/100, stars/week: 21, stars: 1,450 -
microsoft/i-Code
The ambition of the i-Code project is to build integrative and composable multimodal AI. The "i" stands for integrative multimodal learning.
score: 50/100, stars/week: 36, stars: 1,200 -
visual-layer/fastdup
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.
score: 50/100, stars/week: 17, stars: 1,101 -
skvark/opencv-python
https://pypi.org/project/opencv-python/
Automated CI toolchain to produce precompiled opencv-python, opencv-python-headless, opencv-contrib-python and opencv-contrib-python-headless packages.
score: 49/100, stars/week: 9, stars: 3,601 -
hyperopt/hyperopt
http://hyperopt.github.io/hyperopt
Distributed Asynchronous Hyperparameter Optimization in Python
score: 48/100, stars/week: 10, stars: 6,798 -
tensorflow/addons
Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
score: 48/100, stars/week: 6, stars: 1,653 -
kubeflow/katib
Repository for hyperparameter tuning
score: 48/100, stars/week: 4, stars: 1,348 -
google/vizier
https://oss-vizier.readthedocs.io
Python-based research interface for blackbox and hyperparameter optimization, based on the internal Google Vizier Service.
score: 48/100, stars/week: 14, stars: 1,062 -
googlecloudplatform/vertex-ai-samples
https://cloud.google.com/vertex-ai
Sample code and notebooks for Vertex AI, the end-to-end machine learning platform on Google Cloud
score: 48/100, stars/week: 7, stars: 839 -
hips/autograd
Efficiently computes derivatives of numpy code.
score: 47/100, stars/week: 14, stars: 6,387 -
districtdatalabs/yellowbrick
http://www.scikit-yb.org/
Visual analysis and diagnostic tools to facilitate machine learning model selection.
score: 47/100, stars/week: 10, stars: 4,049 -
cmusphinx/pocketsphinx
A small speech recognizer
score: 47/100, stars/week: 7, stars: 3,433 -
huggingface/notebooks
Notebooks using the Hugging Face libraries 🤗
score: 47/100, stars/week: 15, stars: 2,495 -
jina-ai/finetuner
https://finetuner.jina.ai
🎯 Task-oriented finetuning for better embeddings on neural search
score: 47/100, stars/week: 11, stars: 1,122 -
aleju/imgaug
http://imgaug.readthedocs.io
Image augmentation for machine learning experiments.
score: 46/100, stars/week: 32, stars: 13,652 -
uberi/speech_recognition
https://pypi.python.org/pypi/SpeechRecognition/
Speech recognition module for Python, supporting several engines and APIs, online and offline.
score: 46/100, stars/week: 15, stars: 7,340 -
nmslib/hnswlib
https://github.com/nmslib/hnswlib
Header-only C++/python library for fast approximate nearest neighbors
score: 46/100, stars/week: 10, stars: 3,241 -
hazyresearch/safari
Convolutions for Sequence Modeling
score: 46/100, stars/week: 31, stars: 711 -
ddbourgin/numpy-ml
https://numpy-ml.readthedocs.io/
Machine learning, in numpy
score: 45/100, stars/week: 52, stars: 11,798 -
facebookresearch/vissl
https://vissl.ai
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
score: 45/100, stars/week: 17, stars: 3,076 -
pytorch/glow
Compiler for Neural Network hardware accelerators
score: 45/100, stars/week: 9, stars: 3,006 -
microsoft/Semi-supervised-learning
https://usb.readthedocs.io
A Unified Semi-Supervised Learning Codebase (NeurIPS'22)
score: 45/100, stars/week: 13, stars: 848 -
nicolashug/Surprise
http://surpriselib.com
A Python scikit for building and analyzing recommender systems
score: 44/100, stars/week: 16, stars: 5,874 -
py-why/EconML
https://www.microsoft.com/en-us/research/project/alice/
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...
score: 44/100, stars/week: 11, stars: 3,055 -
thudm/CogVideo
Text-to-video generation. The repo for ICLR2023 paper "CogVideo: Large-scale Pretraining for Text-to-Video Generation via Transformers"
score: 44/100, stars/week: 50, stars: 3,046 -
linkedin/greykite
A flexible, intuitive and fast forecasting library
score: 44/100, stars/week: 14, stars: 1,720 -
laekov/fastmoe
https://fastmoe.ai
A fast MoE impl for PyTorch
score: 44/100, stars/week: 7, stars: 1,016 -
probml/pyprobml
Python code for "Probabilistic Machine learning" book by Kevin Murphy
score: 43/100, stars/week: 15, stars: 5,720 -
lucidrains/deep-daze
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
score: 43/100, stars/week: 33, stars: 4,397 -
maif/shapash
https://maif.github.io/shapash/
🔅 Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models
score: 43/100, stars/week: 14, stars: 2,376 -
csinva/imodels
https://csinva.io/imodels
Interpretable ML package🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
score: 43/100, stars/week: 5, stars: 1,141 -
castorini/pyserini
http://pyserini.io/
Pyserini is a Python toolkit for reproducible information retrieval research with sparse and dense representations.
score: 43/100, stars/week: 5, stars: 1,001 -
scikit-learn-contrib/hdbscan
http://hdbscan.readthedocs.io/en/latest/
A high performance implementation of HDBSCAN clustering.
score: 42/100, stars/week: 5, stars: 2,489 -
rentruewang/koila
https://rentruewang.github.io/koila
Prevent PyTorch'sCUDA error: out of memory
in just 1 line of code.
score: 42/100, stars/week: 20, stars: 1,777 -
automl/TabPFN
http://priorlabs.ai
Official implementation of the TabPFN paper (https://arxiv.org/abs/2207.01848) and the tabpfn package.
score: 42/100, stars/week: 15, stars: 873 -
cleverhans-lab/cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
score: 41/100, stars/week: 16, stars: 5,862 -
mdbloice/Augmentor
https://augmentor.readthedocs.io/en/stable
Image augmentation library in Python for machine learning.
score: 41/100, stars/week: 12, stars: 4,930 -
scikit-learn-contrib/category_encoders
http://contrib.scikit-learn.org/category_encoders/
A library of sklearn compatible categorical variable encoders
score: 40/100, stars/week: 5, stars: 2,253 -
apple/ml-ane-transformers
Reference implementation of the Transformer architecture optimized for Apple Neural Engine (ANE)
score: 39/100, stars/week: 38, stars: 2,294 -
shankarpandala/lazypredict
Lazy Predict help build a lot of basic models without much code and helps understand which models works better without any parameter tuning
score: 39/100, stars/week: 10, stars: 2,066 -
huggingface/autotrain-advanced
https://huggingface.co/autotrain
🤗 AutoTrain Advanced
score: 39/100, stars/week: 6, stars: 868 -
opentensor/bittensor
https://www.bittensor.com/
Internet-scale Neural Networks
score: 39/100, stars/week: 2, stars: 371 -
eleutherai/oslo
https://oslo.eleuther.ai
OSLO: Open Source for Large-scale Optimization
score: 39/100, stars/week: 3, stars: 157 -
scikit-optimize/scikit-optimize
https://scikit-optimize.github.io
Sequential model-based optimization with ascipy.optimize
interface
score: 38/100, stars/week: 6, stars: 2,617 -
bmabey/pyLDAvis
Python library for interactive topic model visualization. Port of the R LDAvis package.
score: 38/100, stars/week: 3, stars: 1,724 -
googleapis/python-speech
googleapis/python-speech
score: 38/100, stars/week: 1, stars: 344 -
koaning/scikit-lego
https://scikit-lego.netlify.app
Extra blocks for scikit-learn pipelines.
score: 37/100, stars/week: 4, stars: 1,038 -
merantix-momentum/squirrel-core
https://squirrel-core.readthedocs.io/
A Python library that enables ML teams to share, load, and transform data in a collaborative, flexible, and efficient way 🌰
score: 37/100, stars/week: 3, stars: 266 -
hpcaitech/EnergonAI
Large-scale model inference.
score: 36/100, stars/week: 7, stars: 589 -
amzn/pecos
https://libpecos.org/
PECOS - Prediction for Enormous and Correlated Spaces
score: 36/100, stars/week: 2, stars: 447 -
teamhg-memex/eli5
http://eli5.readthedocs.io
A library for debugging/inspecting machine learning classifiers and explaining their predictions
score: 35/100, stars/week: 7, stars: 2,670 -
awslabs/dgl-ke
https://dglke.dgl.ai/doc/
High performance, easy-to-use, and scalable package for learning large-scale knowledge graph embeddings.
score: 35/100, stars/week: 6, stars: 1,144 -
cvxgrp/pymde
https://pymde.org
Minimum-distortion embedding with PyTorch
score: 35/100, stars/week: 3, stars: 480 -
dask/dask-ml
http://ml.dask.org
Scalable Machine Learning with Dask
score: 34/100, stars/week: 2, stars: 860 -
linkedin/FastTreeSHAP
Fast SHAP value computation for interpreting tree-based models
score: 34/100, stars/week: 5, stars: 450 -
lmcinnes/pynndescent
A Python nearest neighbor descent for approximate nearest neighbors
score: 33/100, stars/week: 2, stars: 776 -
nvidia/cuda-python
https://nvidia.github.io/cuda-python/
CUDA Python Low-level Bindings
score: 33/100, stars/week: 5, stars: 612 -
google-research/deeplab2
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.
score: 32/100, stars/week: 7, stars: 913 -
ray-project/tune-sklearn
https://docs.ray.io/en/master/tune/api_docs/sklearn.html
A drop-in replacement for Scikit-Learn’s GridSearchCV / RandomizedSearchCV -- but with cutting edge hyperparameter tuning techniques.
score: 32/100, stars/week: 2, stars: 451 -
jacopotagliabue/reclist
https://reclist.io
Behavioral "black-box" testing for recommender systems
score: 31/100, stars/week: 4, stars: 412 -
contextlab/hypertools
http://hypertools.readthedocs.io/en/latest/
A Python toolbox for gaining geometric insights into high-dimensional data
score: 30/100, stars/week: 5, stars: 1,781 -
qdrant/quaterion
https://quaterion.qdrant.tech/
Blazing fast framework for fine-tuning similarity learning models
score: 30/100, stars/week: 5, stars: 524 -
borealisai/advertorch
A Toolbox for Adversarial Robustness Research
score: 29/100, stars/week: 4, stars: 1,191 -
stan-dev/pystan
PyStan, a Python interface to Stan, a platform for statistical modeling. Documentation: https://pystan.readthedocs.io
score: 28/100, stars/week: 1, stars: 268 -
jonasgeiping/breaching
Breaching privacy in federated learning scenarios for vision and text
score: 28/100, stars/week: 2, stars: 181 -
intellabs/bayesian-torch
A library for Bayesian neural network layers and uncertainty estimation in Deep Learning extending the core of PyTorch
score: 27/100, stars/week: 2, stars: 299 -
infer-actively/pymdp
A Python implementation of active inference for Markov Decision Processes
score: 27/100, stars/week: 1, stars: 273 -
scikit-learn-contrib/metric-learn
http://contrib.scikit-learn.org/metric-learn/
Metric learning algorithms in Python
score: 26/100, stars/week: 2, stars: 1,339 -
scikit-learn-contrib/lightning
https://contrib.scikit-learn.org/lightning/
Large-scale linear classification, regression and ranking in Python
score: 25/100, stars/week: 2, stars: 1,657 -
google-research/maxvit
[ECCV 2022] Official repository for "MaxViT: Multi-Axis Vision Transformer". SOTA foundation models for classification, detection, segmentation, image quality, and generative modeling...
score: 23/100, stars/week: 6, stars: 356 -
autonlab/auton-survival
http://autonlab.github.io/auton-survival
Auton Survival - an open source package for Regression, Counterfactual Estimation, Evaluation and Phenotyping with Censored Time-to-Events
score: 23/100, stars/week: 1, stars: 249 -
nicolas-chaulet/torch-points3d
https://torch-points3d.readthedocs.io/en/latest/
Pytorch framework for doing deep learning on point clouds.
score: 22/100, stars/week: 1, stars: 152 -
microsoft/Focal-Transformer
[NeurIPS 2021 Spotlight] Official code for "Focal Self-attention for Local-Global Interactions in Vision Transformers"
score: 19/100, stars/week: 4, stars: 512 -
mrdbourke/m1-machine-learning-test
Code for testing various M1 Chip benchmarks with TensorFlow.
score: 19/100, stars/week: 4, stars: 424 -
carla-recourse/CARLA
CARLA: A Python Library to Benchmark Algorithmic Recourse and Counterfactual Explanation Algorithms
score: 18/100, stars/week: 1, stars: 243 -
hazyresearch/domino
hazyresearch/domino
score: 18/100, stars/week: 1, stars: 118 -
eleutherai/pyfra
Python Research Framework
score: 12/100, stars/week: 1, stars: 107 -
brohrer/cottonwood
https://end-to-end-machine-learning.teachable.com/p/write-a-neural-network-framework/
A flexible neural network framework for running experiments and trying ideas.
score: 10/100, stars/week: 1, stars: 75 -
pgniewko/forward_forward_vhts
The Forward-Forward Algorithm for Drug Discovery
score: 9/100, stars/week: 1, stars: 31
Machine Learning - Deep Learning
Machine learning libraries that cross over with deep learning in some way.
-
tensorflow/tensorflow
https://tensorflow.org
An Open Source Machine Learning Framework for Everyone
score: 96/100, stars/week: 438, stars: 176,207 -
pytorch/pytorch
https://pytorch.org
Tensors and Dynamic neural networks in Python with strong GPU acceleration
score: 89/100, stars/week: 190, stars: 68,887 -
keras-team/keras
http://keras.io/
Deep Learning for humans
score: 84/100, stars/week: 135, stars: 58,846 -
pytorchlightning/lightning
https://lightning.ai
Deep learning framework to train, deploy, and ship AI products Lightning fast.
score: 79/100, stars/week: 106, stars: 24,046 -
paddlepaddle/Paddle
http://www.paddlepaddle.org/
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
score: 77/100, stars/week: 56, stars: 20,602 -
openai/whisper
Robust Speech Recognition via Large-Scale Weak Supervision
score: 76/100, stars/week: 929, stars: 41,184 -
microsoft/DeepSpeed
https://www.deepspeed.ai/
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
score: 76/100, stars/week: 147, stars: 26,935 -
dmlc/dgl
http://dgl.ai
Python package built to ease deep learning on graph, on top of existing DL frameworks.
score: 74/100, stars/week: 43, stars: 11,959 -
rwightman/pytorch-image-models
https://huggingface.co/docs/timm
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
score: 73/100, stars/week: 111, stars: 26,022 -
facebookresearch/segment-anything
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.
score: 71/100, stars/week: 2071, stars: 36,099 -
facebookresearch/detectron2
https://detectron2.readthedocs.io/en/latest/
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
score: 71/100, stars/week: 126, stars: 25,540 -
pyg-team/pytorch_geometric
https://pyg.org
Graph Neural Network Library for PyTorch
score: 71/100, stars/week: 59, stars: 18,074 -
sanster/lama-cleaner
https://lama-cleaner-docs.vercel.app/
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.
score: 71/100, stars/week: 137, stars: 12,091 -
facebookresearch/ImageBind
ImageBind One Embedding Space to Bind Them All
score: 71/100, stars/week: 384, stars: 6,700 -
deepfakes/faceswap
https://www.faceswap.dev
Deepfakes Software For All
score: 69/100, stars/week: 158, stars: 46,295 -
facebookincubator/AITemplate
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.
score: 68/100, stars/week: 76, stars: 4,076 -
danielgatis/rembg
Rembg is a tool to remove images background
score: 66/100, stars/week: 69, stars: 10,657 -
lucidrains/imagen-pytorch
Implementation of Imagen, Google's Text-to-Image Neural Network, in Pytorch
score: 65/100, stars/week: 116, stars: 7,094 -
xinntao/Real-ESRGAN
Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.
score: 64/100, stars/week: 206, stars: 21,671 -
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
score: 64/100, stars/week: 100, stars: 14,683 -
deci-ai/super-gradients
https://www.supergradients.com
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
score: 64/100, stars/week: 36, stars: 3,106 -
cvg/LightGlue
LightGlue: Local Feature Matching at Light Speed (ICCV 2023)
score: 64/100, stars/week: 341, stars: 1,365 -
apache/mxnet
https://mxnet.apache.org
Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
score: 63/100, stars/week: 47, stars: 20,486 -
kornia/kornia
https://kornia.github.io/kornia/
Computer Vision and Robotics Library for AI
score: 63/100, stars/week: 32, stars: 8,362 -
facebookresearch/pytorch3d
https://pytorch3d.org/
PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
score: 63/100, stars/week: 38, stars: 7,467 -
mosaicml/composer
http://docs.mosaicml.com
Train neural networks up to 7x faster
score: 62/100, stars/week: 47, stars: 4,364 -
google/flax
https://flax.readthedocs.io
Flax is a neural network library for JAX that is designed for flexibility.
score: 60/100, stars/week: 24, stars: 4,497 -
iperov/DeepFaceLab
DeepFaceLab is the leading software for creating deepfakes.
score: 58/100, stars/week: 154, stars: 41,328 -
albumentations-team/albumentations
https://albumentations.ai
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
score: 58/100, stars/week: 45, stars: 12,284 -
arogozhnikov/einops
https://einops.rocks
Deep learning operations reinvented (for pytorch, tensorflow, jax and others)
score: 58/100, stars/week: 27, stars: 7,005 -
pyro-ppl/pyro
http://pyro.ai
Deep universal probabilistic programming with Python and PyTorch
score: 57/100, stars/week: 25, stars: 8,019 -
pytorch/torchrec
Pytorch domain library for recommendation systems
score: 57/100, stars/week: 14, stars: 1,484 -
matterport/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
score: 56/100, stars/week: 77, stars: 23,245 -
pytorch/botorch
https://botorch.org/
Bayesian optimization in PyTorch
score: 56/100, stars/week: 10, stars: 2,686 -
facebookresearch/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
score: 55/100, stars/week: 85, stars: 25,846 -
facebookresearch/detr
End-to-End Object Detection with Transformers
score: 55/100, stars/week: 68, stars: 11,362 -
pytorch/ignite
https://pytorch-ignite.ai
High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
score: 54/100, stars/week: 14, stars: 4,304 -
nvidia/DeepLearningExamples
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
score: 53/100, stars/week: 41, stars: 11,215 -
keras-team/autokeras
http://autokeras.com/
AutoML library for deep learning
score: 53/100, stars/week: 30, stars: 8,883 -
google/trax
Trax — Deep Learning with Clear Code and Speed
score: 52/100, stars/week: 38, stars: 7,639 -
skorch-dev/skorch
A scikit-learn compatible neural network library that wraps PyTorch
score: 52/100, stars/week: 16, stars: 5,234 -
alpa-projects/alpa
https://alpa.ai
Training and serving large-scale neural networks with auto parallelization.
score: 52/100, stars/week: 20, stars: 2,625 -
williamyang1991/VToonify
[SIGGRAPH Asia 2022] VToonify: Controllable High-Resolution Portrait Video Style Transfer
score: 51/100, stars/week: 71, stars: 3,217 -
facebookresearch/mmf
https://mmf.sh/
A modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
score: 50/100, stars/week: 19, stars: 5,271 -
deepmind/dm-haiku
https://dm-haiku.readthedocs.io
JAX-based neural network library
score: 50/100, stars/week: 14, stars: 2,547 -
rasbt/deeplearning-models
A collection of various deep learning architectures, models, and tips
score: 49/100, stars/week: 73, stars: 15,819 -
neuralmagic/sparseml
Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models
score: 48/100, stars/week: 12, stars: 1,701 -
keras-team/keras-cv
Industry-strength Computer Vision workflows with Keras
score: 48/100, stars/week: 4, stars: 763 -
xpixelgroup/BasicSR
https://basicsr.readthedocs.io/en/latest/
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.
score: 47/100, stars/week: 18, stars: 5,076 -
explosion/thinc
https://thinc.ai
🔮 A refreshing functional take on deep learning, compatible with your favorite libraries
score: 44/100, stars/week: 5, stars: 2,737 -
danielegrattarola/spektral
https://graphneural.network
Graph Neural Networks with Keras and Tensorflow 2.
score: 44/100, stars/week: 9, stars: 2,271 -
xl0/lovely-tensors
https://xl0.github.io/lovely-tensors
Tensors, ready for human consumption
score: 44/100, stars/week: 23, stars: 981 -
fepegar/torchio
http://www.torchio.org
Medical imaging toolkit for deep learning
score: 42/100, stars/week: 9, stars: 1,775 -
tensorly/tensorly
http://tensorly.org
TensorLy: Tensor Learning in Python.
score: 41/100, stars/week: 4, stars: 1,414 -
facebookresearch/PyTorch-BigGraph
https://torchbiggraph.readthedocs.io/
Generate embeddings from large-scale graph-structured data.
score: 40/100, stars/week: 13, stars: 3,266 -
calculatedcontent/WeightWatcher
The WeightWatcher tool for predicting the accuracy of Deep Neural Networks
score: 39/100, stars/week: 5, stars: 1,287 -
nerdyrodent/VQGAN-CLIP
Just playing with getting VQGAN+CLIP running locally, rather than having to use colab.
score: 37/100, stars/week: 22, stars: 2,455 -
tensorflow/similarity
TensorFlow Similarity is a python package focused on making similarity learning quick and easy.
score: 37/100, stars/week: 5, stars: 960 -
tensorflow/mesh
Mesh TensorFlow: Model Parallelism Made Easier
score: 32/100, stars/week: 5, stars: 1,441 -
google-research/electra
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
score: 30/100, stars/week: 12, stars: 2,210 -
praw-dev/asyncpraw
https://asyncpraw.readthedocs.io
Async PRAW, an abbreviation for "Asynchronous Python Reddit API Wrapper", is a python package that allows for simple access to Reddit's API.
score: 29/100, stars/week: 1, stars: 86 -
facebookresearch/ppuda
Code for Parameter Prediction for Unseen Deep Architectures (NeurIPS 2021)
score: 27/100, stars/week: 5, stars: 474 -
vt-vl-lab/FGVC
[ECCV 2020] Flow-edge Guided Video Completion
score: 26/100, stars/week: 10, stars: 1,513 -
samuela/git-re-basin
https://arxiv.org/abs/2209.04836
Code release for "Git Re-Basin: Merging Models modulo Permutation Symmetries"
score: 26/100, stars/week: 9, stars: 406 -
kakaobrain/rq-vae-transformer
The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22)
score: 22/100, stars/week: 8, stars: 585 -
researchmm/STTN
https://arxiv.org/abs/2007.10247
[ECCV'2020] STTN: Learning Joint Spatial-Temporal Transformations for Video Inpainting
score: 21/100, stars/week: 2, stars: 377 -
nyandwi/ModernConvNets
Revisions and implementations of modern Convolutional Neural Networks architectures in TensorFlow and Keras
score: 17/100, stars/week: 4, stars: 316 -
hysts/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
score: 16/100, stars/week: 4, stars: 1,230 -
rafiqhasan/auto-tensorflow
Build Low Code Automated Tensorflow explainable models in just 3 lines of code. Library created by: Hasan Rafiq - https://www.linkedin.com/in/sam04/
score: 15/100, stars/week: 1, stars: 177 -
xl0/lovely-jax
https://xl0.github.io/lovely-jax
JAX Arrays for human consumption
score: 15/100, stars/week: 1, stars: 29 -
mcahny/Deep-Video-Inpainting
Official pytorch implementation for "Deep Video Inpainting" (CVPR 2019)
score: 14/100, stars/week: 2, stars: 479 -
suanrong/SDNE
http://www.kdd.org/kdd2016/subtopic/view/structural-deep-network-embedding
This is a implementation of SDNE (Structural Deep Network embedding)
score: 12/100, stars/week: 1, stars: 319 -
blackhc/toma
Helps you write algorithms in PyTorch that adapt to the available (CUDA) memory
score: 12/100, stars/week: 1, stars: 310 -
benedekrozemberczki/tigerlily
TigerLily: Finding drug interactions in silico with the Graph.
score: 12/100, stars/week: 1, stars: 93 -
jerryyli/valhalla-nmt
Code repository for CVPR 2022 paper "VALHALLA: Visual Hallucination for Machine Translation"
score: 10/100, stars/week: 1, stars: 25
Machine Learning - Interpretability
Machine learning interpretability libraries. Covers explainability, prediction explainations, dashboards, understanding knowledge development in training etc.
-
slundberg/shap
A game theoretic approach to explain the output of any machine learning model.
score: 66/100, stars/week: 56, stars: 19,709 -
arize-ai/phoenix
https://docs.arize.com/phoenix
ML Observability in a Notebook - Uncover Insights, Surface Problems, Monitor, and Fine Tune your Generative LLM, CV and Tabular Models
score: 55/100, stars/week: 32, stars: 1,203 -
pytorch/captum
https://captum.ai
Model interpretability and understanding for PyTorch
score: 52/100, stars/week: 19, stars: 4,048 -
seldonio/alibi
https://docs.seldon.io/projects/alibi/en/stable/
Algorithms for explaining machine learning models
score: 48/100, stars/week: 9, stars: 2,108 -
marcotcr/lime
Lime: Explaining the predictions of any machine learning classifier
score: 47/100, stars/week: 28, stars: 10,748 -
eleutherai/pythia
Interpretability analysis and scaling laws to understand how knowledge develops and evolves during training in autoregressive transformers
score: 47/100, stars/week: 16, stars: 1,375 -
oegedijk/explainerdashboard
http://explainerdashboard.readthedocs.io
Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models.
score: 45/100, stars/week: 9, stars: 1,858 -
pair-code/lit
https://pair-code.github.io/lit
The Learning Interpretability Tool: Interactively analyze ML models to understand their behavior in an extensible and framework agnostic interface.
score: 43/100, stars/week: 20, stars: 3,159 -
jalammar/ecco
https://ecco.readthedocs.io
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).
score: 41/100, stars/week: 12, stars: 1,750 -
selfexplainml/PiML-Toolbox
https://selfexplainml.github.io/PiML-Toolbox
PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics
score: 40/100, stars/week: 10, stars: 669 -
tensorflow/lucid
A collection of infrastructure and tools for research in neural network interpretability.
score: 39/100, stars/week: 15, stars: 4,564 -
alignmentresearch/tuned-lens
https://tuned-lens.readthedocs.io/en/latest/
Tools for understanding how transformer predictions are built layer-by-layer
score: 38/100, stars/week: 6, stars: 255 -
cdpierse/transformers-interpret
Model explainability that works seamlessly with🤗 transformers. Explain your transformers model in just 2 lines of code.
score: 33/100, stars/week: 6, stars: 1,058 -
xplainable/xplainable
https://www.xplainable.io
Real-time explainable machine learning for business optimisation
score: 18/100, stars/week: 1, stars: 10 -
eleutherai/knowledge-neurons
A library for finding knowledge neurons in pretrained transformer models.
score: 10/100, stars/week: 1, stars: 117
Machine Learning - Ops
MLOPs tools, frameworks and libraries: intersection of machine learning, data engineering and DevOps; deployment, health, diagnostics and governance of ML models.
-
apache/airflow
https://airflow.apache.org/
Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
score: 81/100, stars/week: 71, stars: 30,965 -
ray-project/ray
https://ray.io
Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a toolkit of libraries (Ray AIR) for accelerating ML workloads.
score: 79/100, stars/week: 75, stars: 26,615 -
mlflow/mlflow
https://mlflow.org
Open source platform for the machine learning lifecycle
score: 72/100, stars/week: 55, stars: 14,789 -
prefecthq/prefect
https://prefect.io
Prefect is a workflow orchestration tool empowering developers to build, observe, and react to data pipelines
score: 71/100, stars/week: 46, stars: 12,331 -
mage-ai/mage-ai
https://www.mage.ai/
🧙 The modern replacement for Airflow. Build, run, and manage data pipelines for integrating and transforming data.
score: 68/100, stars/week: 82, stars: 5,118 -
great-expectations/great_expectations
https://docs.greatexpectations.io/
Always know what to expect from your data.
score: 67/100, stars/week: 28, stars: 8,615 -
kedro-org/kedro
https://kedro.org
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.
score: 66/100, stars/week: 38, stars: 8,520 -
dagster-io/dagster
https://dagster.io
An orchestration platform for the development, production, and observation of data assets.
score: 66/100, stars/week: 29, stars: 7,917 -
horovod/horovod
http://horovod.ai
Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
score: 64/100, stars/week: 43, stars: 13,431 -
uber/ludwig
http://ludwig.ai
Data-centric declarative deep learning framework
score: 63/100, stars/week: 37, stars: 9,022 -
activeloopai/deeplake
https://activeloop.ai
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
score: 62/100, stars/week: 31, stars: 6,457 -
dbt-labs/dbt-core
https://getdbt.com
dbt enables data analysts and engineers to transform their data using the same practices that software engineers use to build applications.
score: 61/100, stars/week: 18, stars: 7,259 -
netflix/metaflow
https://metaflow.org
🚀 Build and manage real-life data science projects with ease!
score: 59/100, stars/week: 34, stars: 6,829 -
bentoml/BentoML
https://bentoml.com
Build Production-Grade AI Applications
score: 59/100, stars/week: 23, stars: 5,278 -
feast-dev/feast
https://feast.dev
Feature Store for Machine Learning
score: 59/100, stars/week: 18, stars: 4,536 -
determined-ai/determined
https://determined.ai
Determined: Deep Learning Training Platform
score: 58/100, stars/week: 13, stars: 2,379 -
allegroai/clearml
https://clear.ml/docs
ClearML - Auto-Magical CI/CD to streamline your ML workflow. Experiment Manager, MLOps and Data-Management
score: 57/100, stars/week: 21, stars: 4,546 -
aimhubio/aim
https://aimstack.io
Aim💫 — An easy-to-use & supercharged open-source AI metadata tracker (experiment tracking, AI agents tracing)
score: 57/100, stars/week: 18, stars: 3,955 -
spotify/luigi
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.
score: 56/100, stars/week: 29, stars: 16,648 -
flyteorg/flyte
https://flyte.org
Scalable and flexible workflow orchestration platform that seamlessly unifies data, ML and analytics stacks.
score: 56/100, stars/week: 18, stars: 3,587 -
kubeflow/pipelines
https://www.kubeflow.org/docs/components/pipelines/
Machine Learning Pipelines for Kubeflow
score: 56/100, stars/week: 11, stars: 3,242 -
dagworks-inc/hamilton
https://hamilton.dagworks.io/en/latest/
A scalable general purpose micro-framework for defining dataflows. You can use it to build dataframes, numpy matrices, python objects, ML models, LLM workflows, etc. Embed Hamilton anywhere python runs, e.g. spark, airflow, jupyter, fastapi, python scripts, etc. Comes with lineage out of the box.
score: 56/100, stars/week: 33, stars: 711 -
evidentlyai/evidently
Evaluate and monitor ML models from validation to production. Join our Discord: https://discord.com/invite/xZjKRaNp8b
score: 55/100, stars/week: 26, stars: 3,680 -
orchest/orchest
https://orchest.readthedocs.io/en/stable/
Build data pipelines, the easy way 🛠️
score: 54/100, stars/week: 23, stars: 3,914 -
adap/flower
https://flower.dev
Flower: A Friendly Federated Learning Framework
score: 54/100, stars/week: 15, stars: 2,785 -
ploomber/ploomber
https://ploomber.io
The fastest⚡️ way to build data pipelines. Develop iteratively, deploy anywhere.☁️
score: 51/100, stars/week: 17, stars: 3,115 -
polyaxon/polyaxon
https://polyaxon.com
MLOps Tools For Managing & Orchestrating The Machine Learning LifeCycle
score: 49/100, stars/week: 9, stars: 3,359 -
skops-dev/skops
https://skops.readthedocs.io/en/stable/
skops is a Python library helping you share your scikit-learn based models and put them in production
score: 45/100, stars/week: 5, stars: 342 -
kedro-org/kedro-viz
https://demo.kedro.org
Visualise your Kedro data and machine-learning pipelines and track your experiments.
score: 41/100, stars/week: 2, stars: 563 -
nccr-itmo/FEDOT
https://fedot.readthedocs.io
Automated modeling and machine learning framework FEDOT
score: 39/100, stars/week: 2, stars: 542 -
astronomer/astro-sdk
https://astro-sdk-python.rtfd.io/
Astro SDK allows rapid and clean development of {Extract, Load, Transform} workflows using Python and SQL, powered by Apache Airflow.
score: 39/100, stars/week: 3, stars: 269 -
astronomer/astronomer
https://www.astronomer.io
Helm Charts for the Astronomer Platform, Apache Airflow as a Service on Kubernetes
score: 38/100, stars/week: 1, stars: 444 -
kubeflow/examples
A repository to host extended examples and tutorials
score: 37/100, stars/week: 4, stars: 1,301 -
hi-primus/optimus
https://hi-optimus.com
🚚 Agile Data Preparation Workflows made easy with Pandas, Dask, cuDF, Dask-cuDF, Vaex and PySpark
score: 36/100, stars/week: 4, stars: 1,389 -
tensorflow/data-validation
Library for exploring and validating machine learning data
score: 35/100, stars/week: 2, stars: 722 -
google/ml-metadata
https://www.tensorflow.org/tfx/guide/mlmd
For recording and retrieving metadata associated with ML developer and data scientist workflows.
score: 34/100, stars/week: 2, stars: 544 -
astronomer/airflow-chart
A Helm chart to install Apache Airflow on Kubernetes
score: 32/100, stars/week: 1, stars: 254 -
unionai-oss/unionml
https://www.union.ai/unionml
UnionML: the easiest way to build and deploy machine learning microservices
score: 30/100, stars/week: 3, stars: 299 -
prefecthq/prefect-dbt
https://prefecthq.github.io/prefect-dbt/
Collection of Prefect integrations for working with dbt with your Prefect flows.
score: 27/100, stars/week: 1, stars: 70 -
kubeflow-kale/kale
http://kubeflow-kale.github.io
Kubeflow’s superfood for Data Scientists
score: 26/100, stars/week: 2, stars: 607 -
getindata/kedro-kubeflow
https://kedro-kubeflow.readthedocs.io
Kedro Plugin to support running workflows on Kubeflow Pipelines
score: 23/100, stars/week: 1, stars: 42 -
bodywork-ml/bodywork-core
https://bodywork.readthedocs.io/en/latest/
ML pipeline orchestration and model deployments on Kubernetes, made really easy.
score: 22/100, stars/week: 3, stars: 424 -
kubeflow/fairing
Python SDK for building, training, and deploying ML models
score: 20/100, stars/week: 1, stars: 333 -
aiqc/AIQC
End-to-end deep learning on your desktop or server.
score: 13/100, stars/week: 1, stars: 94 -
anyscale/airflow-provider-ray
Ray provider for Apache Airflow
score: 11/100, stars/week: 1, stars: 34 -
anyscale/prefect-anyscale
Prefect integration with Anyscale
score: 11/100, stars/week: 1, stars: 7
Machine Learning - Reinforcement
Machine learning libraries and toolkits that cross over with reinforcement learning in some way: agent reinforcement learning, agent environemnts, RLHF
-
farama-foundation/Gymnasium
https://gymnasium.farama.org
An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)
score: 67/100, stars/week: 70, stars: 3,224 -
openai/gym
https://www.gymlibrary.dev
A toolkit for developing and comparing reinforcement learning algorithms.
score: 65/100, stars/week: 85, stars: 32,369 -
lucidrains/PaLM-rlhf-pytorch
Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM
score: 63/100, stars/week: 221, stars: 7,139 -
unity-technologies/ml-agents
https://unity.com/products/machine-learning-agents
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.
score: 60/100, stars/week: 49, stars: 15,089 -
pytorch/rl
A modular, primitive-first, python-first PyTorch library for Reinforcement Learning.
score: 57/100, stars/week: 16, stars: 1,291 -
thu-ml/tianshou
https://tianshou.readthedocs.io
An elegant PyTorch deep reinforcement learning library.
score: 52/100, stars/week: 23, stars: 6,489 -
pettingzoo-team/PettingZoo
https://pettingzoo.farama.org
An API standard for multi-agent reinforcement learning environments, with popular reference environments and related utilities
score: 50/100, stars/week: 10, stars: 1,898 -
google/dopamine
https://github.com/google/dopamine
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
score: 48/100, stars/week: 39, stars: 10,165 -
openai/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
score: 47/100, stars/week: 45, stars: 14,576 -
deepmind/pysc2
StarCraft II Learning Environment
score: 47/100, stars/week: 24, stars: 7,768 -
deepmind/dm_control
DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.
score: 47/100, stars/week: 11, stars: 3,229 -
tensorlayer/TensorLayer
http://tensorlayerx.com
Deep Learning and Reinforcement Learning Library for Scientists and Engineers
score: 46/100, stars/week: 19, stars: 7,206 -
facebookresearch/ReAgent
https://reagent.ai
A platform for Reasoning systems (Reinforcement Learning, Contextual Bandits, etc.)
score: 46/100, stars/week: 10, stars: 3,411 -
arise-initiative/robosuite
https://robosuite.ai
robosuite: A Modular Simulation Framework and Benchmark for Robot Learning
score: 34/100, stars/week: 3, stars: 879 -
keras-rl/keras-rl
http://keras-rl.readthedocs.io/
Deep Reinforcement Learning for Keras.
score: 33/100, stars/week: 14, stars: 5,425 -
salesforce/warp-drive
Extremely Fast End-to-End Deep Multi-Agent Reinforcement Learning Framework on a GPU (JMLR 2022)
score: 33/100, stars/week: 3, stars: 383 -
kzl/decision-transformer
Official codebase for Decision Transformer: Reinforcement Learning via Sequence Modeling.
score: 32/100, stars/week: 15, stars: 1,762 -
anthropics/hh-rlhf
https://arxiv.org/abs/2204.05862
Human preference data for "Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback"
score: 27/100, stars/week: 15, stars: 1,027 -
zacwellmer/WorldModels
World Models with TensorFlow 2
score: 9/100, stars/week: 1, stars: 251
Natural Language Processing
Natural language processing libraries and toolkits: text processing, topic modelling, tokenisers, chatbots etc. Also see the LLMs and ChatGPT category for crossover.
-
huggingface/transformers
https://huggingface.co/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
score: 93/100, stars/week: 435, stars: 107,595 -
huggingface/datasets
https://huggingface.co/docs/datasets
🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
score: 75/100, stars/week: 96, stars: 16,676 -
togethercomputer/OpenChatKit
OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots
score: 75/100, stars/week: 427, stars: 8,675 -
explosion/spaCy
https://spacy.io
💫 Industrial-strength Natural Language Processing (NLP) in Python
score: 70/100, stars/week: 56, stars: 26,644 -
pytorch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
score: 69/100, stars/week: 87, stars: 26,856 -
prefecthq/marvin
https://askmarvin.ai
A lightweight framework for building AI-powered software that's reliable, scalable, and easy to trust
score: 69/100, stars/week: 155, stars: 2,990 -
flairnlp/flair
https://flairnlp.github.io/flair/
A very simple framework for state-of-the-art Natural Language Processing (NLP)
score: 66/100, stars/week: 48, stars: 12,954 -
speechbrain/speechbrain
http://speechbrain.github.io
A PyTorch-based Speech Toolkit
score: 65/100, stars/week: 37, stars: 6,280 -
microsoft/unilm
https://aka.ms/GeneralAI
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
score: 64/100, stars/week: 66, stars: 13,781 -
nvidia/NeMo
https://nvidia.github.io/NeMo/
NeMo: a toolkit for conversational AI
score: 64/100, stars/week: 35, stars: 7,291 -
espnet/espnet
https://espnet.github.io/espnet/
End-to-End Speech Processing Toolkit
score: 64/100, stars/week: 23, stars: 6,793 -
openai/tiktoken
tiktoken is a fast BPE tokeniser for use with OpenAI's models.
score: 64/100, stars/week: 174, stars: 5,833 -
ukplab/sentence-transformers
https://www.SBERT.net
Multilingual Sentence & Image Embeddings with BERT
score: 61/100, stars/week: 53, stars: 11,259 -
maartengr/BERTopic
https://maartengr.github.io/BERTopic/
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
score: 61/100, stars/week: 30, stars: 4,470 -
facebookresearch/ParlAI
https://parl.ai
A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
score: 60/100, stars/week: 31, stars: 10,165 -
argilla-io/argilla
https://docs.argilla.io
✨ Argilla: the open-source data curation platform for LLMs
score: 59/100, stars/week: 19, stars: 2,299 -
jina-ai/clip-as-service
https://clip-as-service.jina.ai
🏄 Embed/reason/rank images and sentences with CLIP models
score: 58/100, stars/week: 47, stars: 11,719 -
neuml/txtai
https://neuml.github.io/txtai
💡 Semantic search and workflows powered by language models
score: 58/100, stars/week: 28, stars: 4,330 -
rare-technologies/gensim
https://radimrehurek.com/gensim
Topic Modelling for Humans
score: 57/100, stars/week: 22, stars: 14,500 -
doccano/doccano
https://doccano.herokuapp.com
Open source annotation tool for machine learning practitioners.
score: 57/100, stars/week: 29, stars: 8,007 -
huggingface/setfit
Efficient few-shot learning with Sentence Transformers
score: 56/100, stars/week: 26, stars: 1,496 -
nltk/nltk
https://www.nltk.org
NLTK Source
score: 55/100, stars/week: 16, stars: 12,120 -
google/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
score: 55/100, stars/week: 23, stars: 7,806 -
promptslab/Promptify
https://discord.gg/m88xfYMbK6
Prompt Engineering | Use GPT or other prompt based models to get structured output. Join our discord for Prompt-Engineering, LLMs and other latest research
score: 55/100, stars/week: 69, stars: 2,217 -
gunthercox/ChatterBot
https://chatterbot.readthedocs.io
ChatterBot is a machine learning, conversational dialog engine for creating chat bots
score: 54/100, stars/week: 29, stars: 13,425 -
jonasgeiping/cramming
Cramming the training of a (BERT-type) language model into limited compute.
score: 53/100, stars/week: 37, stars: 1,096 -
alibaba/EasyNLP
EasyNLP: A Comprehensive and Easy-to-use NLP Toolkit
score: 51/100, stars/week: 24, stars: 1,682 -
deeppavlov/DeepPavlov
https://deeppavlov.ai
An open source library for deep learning end-to-end dialog systems and chatbots.
score: 50/100, stars/week: 21, stars: 6,282 -
abertsch72/unlimiformer
Public repo for the preprint "Unlimiformer: Long-Range Transformers with Unlimited Length Input"
score: 49/100, stars/week: 70, stars: 815 -
salesforce/CodeGen
CodeGen is a family of open-source model for program synthesis. Trained on TPU-v4. Competitive with OpenAI Codex.
score: 48/100, stars/week: 59, stars: 4,066 -
neuralmagic/deepsparse
Inference runtime offering GPU-class performance on CPUs and APIs to integrate ML into your application
score: 48/100, stars/week: 11, stars: 1,567 -
featureform/featureform
https://www.featureform.com
The Virtual Feature Store. Turn your existing data infrastructure into a feature store.
score: 48/100, stars/week: 10, stars: 1,453 -
allenai/allennlp
http://www.allennlp.org
An open-source NLP research library, built on PyTorch.
score: 47/100, stars/week: 35, stars: 11,537 -
kingoflolz/mesh-transformer-jax
Model parallel transformers in JAX and Haiku
score: 47/100, stars/week: 48, stars: 6,000 -
bytedance/lightseq
LightSeq: A High Performance Library for Sequence Processing and Generation
score: 46/100, stars/week: 15, stars: 2,862 -
sloria/TextBlob
https://textblob.readthedocs.io/
Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.
score: 44/100, stars/week: 16, stars: 8,629 -
makcedward/nlpaug
https://makcedward.github.io/
Data augmentation for NLP
score: 44/100, stars/week: 17, stars: 4,028 -
layout-parser/layout-parser
https://layout-parser.github.io/
A Unified Toolkit for Deep Learning Based Document Image Analysis
score: 44/100, stars/week: 23, stars: 3,779 -
errbotio/errbot
http://errbot.io
Errbot is a chatbot, a daemon that connects to your favorite chat service and bring your tools and some fun into the conversation.
score: 44/100, stars/week: 5, stars: 2,946 -
bigscience-workshop/promptsource
Toolkit for creating, sharing and using natural language prompts.
score: 44/100, stars/week: 17, stars: 1,959 -
keras-team/keras-nlp
Modular Natural Language Processing workflows with Keras
score: 44/100, stars/week: 3, stars: 516 -
nomic-ai/nomic
https://atlas.nomic.ai
Interact with massive embedding, text and image datasets in your web browser
score: 43/100, stars/week: 12, stars: 664 -
salesforce/CodeT5
https://arxiv.org/abs/2305.07922
Home of CodeT5: Open Code LLMs for Code Understanding and Generation
score: 42/100, stars/week: 19, stars: 2,011 -
minimaxir/textgenrnn
Easily train your own text-generating neural network of any size and complexity on any text dataset with a few lines of code.
score: 41/100, stars/week: 15, stars: 4,917 -
jamesturk/jellyfish
https://jamesturk.github.io/jellyfish/
🪼 a python library for doing approximate and phonetic matching of strings.
score: 41/100, stars/week: 2, stars: 1,872 -
explosion/spacy-models
https://spacy.io
💫 Models for the spaCy Natural Language Processing (NLP) library
score: 40/100, stars/week: 4, stars: 1,360 -
jsvine/markovify
A simple, extensible Markov chain generator.
score: 39/100, stars/week: 7, stars: 3,176 -
clips/pattern
https://github.com/clips/pattern/wiki
Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
score: 38/100, stars/week: 13, stars: 8,519 -
huawei-noah/Pretrained-Language-Model
Pretrained language model and its related optimization techniques developed by Huawei Noah's Ark Lab.
score: 38/100, stars/week: 14, stars: 2,814 -
cqcl/lambeq
https://cqcl.github.io/lambeq/
A high-level Python library for Quantum Natural Language Processing
score: 38/100, stars/week: 3, stars: 366 -
jbesomi/texthero
https://texthero.org
Text preprocessing, representation and visualization from zero to hero.
score: 37/100, stars/week: 16, stars: 2,755 -
dialogflow/python-dialogflow
https://dialogflow.com/
Python client for Dialogflow: Design and integrate a conversational user interface into your applications and devices.
score: 37/100, stars/week: 1, stars: 397 -
intellabs/fastRAG
Efficient Retrieval Augmentation and Generation Framework
score: 37/100, stars/week: 9, stars: 238 -
deepset-ai/FARM
https://farm.deepset.ai
🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering.
score: 35/100, stars/week: 8, stars: 1,678 -
facebookresearch/DrQA
Reading Wikipedia to Answer Open-Domain Questions
score: 34/100, stars/week: 13, stars: 4,392 -
life4/textdistance
Compute distance between sequences. 30+ algorithms, pure python implementation, common interface, optional external libs usage.
score: 34/100, stars/week: 9, stars: 3,140 -
huggingface/neuralcoref
https://huggingface.co/coref/
✨ Fast Coreference Resolution in spaCy with Neural Networks
score: 34/100, stars/week: 8, stars: 2,716 -
norskregnesentral/skweak
skweak: A software toolkit for weak supervision applied to NLP tasks
score: 34/100, stars/week: 7, stars: 881 -
ddangelov/Top2Vec
Top2Vec learns jointly embedded topic, document and word vectors.
score: 33/100, stars/week: 14, stars: 2,607 -
thudm/P-tuning-v2
An optimized deep prompt tuning strategy comparable to fine-tuning across scales and tasks
score: 33/100, stars/week: 15, stars: 1,433 -
chrismattmann/tika-python
Tika-Python is a Python binding to the Apache Tika™ REST services allowing Tika to be called natively in the Python community.
score: 32/100, stars/week: 2, stars: 1,302 -
explosion/spacy-streamlit
https://share.streamlit.io/ines/spacy-streamlit-demo/master/app.py
👑 spaCy building blocks and visualizers for Streamlit apps
score: 32/100, stars/week: 4, stars: 682 -
pemistahl/lingua-py
The most accurate natural language detection library for Python, suitable for long and short text alike
score: 32/100, stars/week: 5, stars: 566 -
google-research/language
https://ai.google/research/teams/language/
Shared repository for open-sourced projects from the Google AI Language team.
score: 30/100, stars/week: 5, stars: 1,472 -
shivam5992/textstat
https://textstat.org
📝 python package to calculate readability statistics of a text object - paragraphs, sentences, articles.
score: 29/100, stars/week: 2, stars: 971 -
ibm/transition-amr-parser
SoTA Abstract Meaning Representation (AMR) parsing with word-node alignments in Pytorch. Includes checkpoints and other tools such as statistical significance Smatch.
score: 29/100, stars/week: 1, stars: 204 -
facebookresearch/dpr-scale
Scalable training for dense retrieval models.
score: 29/100, stars/week: 1, stars: 180 -
arxiv-vanity/arxiv-vanity
https://www.arxiv-vanity.com
Renders papers from arXiv as responsive web pages so you don't have to squint at a PDF.
score: 28/100, stars/week: 4, stars: 1,478 -
gunthercox/chatterbot-corpus
http://chatterbot-corpus.readthedocs.io
A multilingual dialog corpus
score: 27/100, stars/week: 3, stars: 1,291 -
koaning/whatlies
https://koaning.github.io/whatlies/
Toolkit to help understand "what lies" in word embeddings. Also benchmarking!
score: 27/100, stars/week: 2, stars: 460 -
plasticityai/magnitude
A fast, efficient universal vector embedding utility package.
score: 25/100, stars/week: 5, stars: 1,595 -
explosion/spacy-stanza
💥 Use the latest Stanza (StanfordNLP) research models directly in spaCy
score: 25/100, stars/week: 2, stars: 682 -
lexpredict/lexpredict-lexnlp
LexNLP by LexPredict
score: 24/100, stars/week: 2, stars: 622 -
openai/grade-school-math
openai/grade-school-math
score: 24/100, stars/week: 5, stars: 493 -
lingjzhu/CharsiuG2P
Multilingual G2P in 100 languages
score: 23/100, stars/week: 2, stars: 172 -
prithivirajdamodaran/Styleformer
A Neural Language Style Transfer framework to transfer natural language text smoothly between fine-grained language styles like formal/casual, active/passive, and many more. Created by Prithiviraj Damodaran. Open to pull requests and other forms of collaboration.
score: 22/100, stars/week: 4, stars: 448 -
franck-dernoncourt/NeuroNER
http://neuroner.com
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
score: 21/100, stars/week: 4, stars: 1,660 -
hazyresearch/fonduer
https://fonduer.readthedocs.io/
A knowledge base construction engine for richly formatted data
score: 21/100, stars/week: 1, stars: 392 -
keredson/wordninja
Probabilistically split concatenated words using NLP based on English Wikipedia unigram frequencies.
score: 20/100, stars/week: 2, stars: 701 -
yixinl7/BRIO
ACL 2022: BRIO: Bringing Order to Abstractive Summarization
score: 20/100, stars/week: 3, stars: 270 -
nipunsadvilkar/pySBD
🐍💯pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence boundary detection that works out-of-the-box.
score: 19/100, stars/week: 1, stars: 631 -
iclrandd/Blackstone
https://research.iclr.co.uk
⚫ A spaCy pipeline and model for NLP on unstructured legal text.
score: 18/100, stars/week: 2, stars: 612 -
allenai/s2orc-doc2json
Parsers for scientific papers (PDF2JSON, TEX2JSON, JATS2JSON)
score: 18/100, stars/week: 1, stars: 215 -
kootenpv/contractions
Fixes contractions such asyou're
toyou are
score: 17/100, stars/week: 1, stars: 287 -
amansrivastava17/embedding-as-service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
score: 17/100, stars/week: 1, stars: 187 -
sebischair/Lbl2Vec
https://wwwmatthes.in.tum.de/pages/naimi84squl1/Lbl2Vec-An-Embedding-based-Approach-for-Unsupervised-Document-Retrieval-on-Predefined-Topics
Lbl2Vec learns jointly embedded label, document and word vectors to retrieve documents with predefined topics from an unlabeled document corpus.
score: 16/100, stars/week: 1, stars: 134 -
google-research/byt5
google-research/byt5
score: 15/100, stars/week: 3, stars: 433 -
yoadtew/zero-shot-image-to-text
Implementation of Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
score: 14/100, stars/week: 2, stars: 215 -
infinitylogesh/mutate
A library to synthesize text datasets using Large Language Models (LLM)
score: 14/100, stars/week: 1, stars: 146 -
amazon-science/dq-bart
DQ-BART: Efficient Sequence-to-Sequence Model via Joint Distillation and Quantization (ACL 2022)
score: 14/100, stars/week: 1, stars: 39 -
airi-institute/Probing_framework
Framework for probing tasks
score: 12/100, stars/week: 1, stars: 19 -
hazyresearch/fonduer-tutorials
https://github.com/HazyResearch/fonduer
A collection of simple tutorials for using Fonduer
score: 11/100, stars/week: 1, stars: 98 -
coastalcph/lex-glue
LexGLUE: A Benchmark Dataset for Legal Language Understanding in English
score: 10/100, stars/week: 1, stars: 128 -
ferdinandzhong/punctuator
A small seq2seq punctuator tool based on DistilBERT
score: 7/100, stars/week: 1, stars: 41
Pandas
Pandas and dataframe libraries: data analysis, statistical reporting, pandas GUIs, pandas performance optimisations etc.
-
pandas-dev/pandas
https://pandas.pydata.org
Flexible and powerful data analysis / manipulation library for Python, providing labeled data structures similar to R data.frame objects, statistical functions, and much more
score: 81/100, stars/week: 57, stars: 39,000 -
gventuri/pandas-ai
https://pandas-ai.readthedocs.io/en/latest/
Pandas AI is a Python library that integrates generative artificial intelligence capabilities into Pandas, making dataframes conversational
score: 80/100, stars/week: 595, stars: 7,832 -
kanaries/pygwalker
https://docs.kanaries.net/pygwalker
PyGWalker: Turn your pandas dataframe into a Tableau-style User Interface for visual analysis
score: 73/100, stars/week: 298, stars: 6,688 -
aws/aws-sdk-pandas
https://aws-sdk-pandas.readthedocs.io
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).
score: 62/100, stars/week: 15, stars: 3,526 -
ydataai/ydata-profiling
https://ydata-profiling.ydata.ai
1 Line of code data quality profiling & exploratory data analysis for Pandas and Spark DataFrames.
score: 60/100, stars/week: 27, stars: 10,885 -
pandera-dev/pandera
https://www.union.ai/pandera
A light-weight, flexible, and expressive statistical data testing library
score: 54/100, stars/week: 9, stars: 2,437 -
eventual-inc/Daft
https://getdaft.io
The Python DataFrame for Complex Data
score: 52/100, stars/week: 12, stars: 837 -
nalepae/pandarallel
https://nalepae.github.io/pandarallel
A simple and efficient tool to parallelize Pandas operations on all available CPUs
score: 50/100, stars/week: 13, stars: 3,161 -
jmcarpenter2/swifter
A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner
score: 43/100, stars/week: 8, stars: 2,306 -
pyjanitor-devs/pyjanitor
https://pyjanitor-devs.github.io/pyjanitor
Clean APIs for data cleaning. Python implementation of R package Janitor
score: 43/100, stars/week: 4, stars: 1,170 -
holoviz/hvplot
https://hvplot.holoviz.org
A high-level plotting API for pandas, dask, xarray, and networkx built on HoloViews
score: 38/100, stars/week: 2, stars: 780 -
adamerose/PandasGUI
A GUI for Pandas DataFrames
score: 37/100, stars/week: 13, stars: 2,979 -
pydata/pandas-datareader
https://pydata.github.io/pandas-datareader/stable/index.html
Extract data from a wide range of Internet sources into a pandas DataFrame.
score: 37/100, stars/week: 6, stars: 2,682 -
scikit-learn-contrib/sklearn-pandas
Pandas integration with sklearn
score: 33/100, stars/week: 5, stars: 2,735 -
blaze/blaze
blaze.pydata.org
NumPy and Pandas interface to Big Data
score: 31/100, stars/week: 5, stars: 3,153 -
machow/siuba
https://siuba.org
Python library for using dplyr like syntax with pandas and SQL
score: 31/100, stars/week: 4, stars: 1,030 -
polyaxon/traceml
Engine for ML/Data tracking, visualization, explainability, drift detection, and dashboards for Polyaxon.
score: 29/100, stars/week: 1, stars: 480 -
holoviz/spatialpandas
Pandas extension arrays for spatial/geometric operations
score: 29/100, stars/week: 1, stars: 275 -
zsailer/pandas_flavor
https://zsailer.github.io/software/pandas-flavor/
The easy way to write your own flavor of Pandas
score: 27/100, stars/week: 1, stars: 280 -
tkrabel/bamboolib
https://bamboolib.com
bamboolib - a GUI for pandas DataFrames
score: 24/100, stars/week: 4, stars: 907 -
ddelange/mapply
Sensible multi-core apply function for Pandas
score: 15/100, stars/week: 1, stars: 54
Performance
Performance, parallelisation and low level libraries.
-
pola-rs/polars
https://pola.rs/
Fast multi-threaded, hybrid-out-of-core query engine focussing on DataFrame front-ends
score: 78/100, stars/week: 111, stars: 18,627 -
google/flatbuffers
https://flatbuffers.dev/
FlatBuffers: Memory Efficient Serialization Library
score: 69/100, stars/week: 43, stars: 20,768 -
exaloop/codon
https://docs.exaloop.io/codon
A high-performance, zero-overhead, extensible Python compiler using LLVM
score: 68/100, stars/week: 137, stars: 13,015 -
celery/celery
https://docs.celeryq.dev
Distributed Task Queue (development branch)
score: 66/100, stars/week: 29, stars: 21,841 -
dask/dask
https://dask.org
Parallel computing with task scheduling
score: 66/100, stars/week: 25, stars: 11,203 -
nebuly-ai/nebuly
https://www.nebuly.com/
The next-generation platform to monitor and optimize your AI costs in one place🚀
score: 66/100, stars/week: 109, stars: 8,237 -
pybind/pybind11
https://pybind11.readthedocs.io/
Seamless operability between C++11 and Python
score: 64/100, stars/week: 31, stars: 13,158 -
modin-project/modin
http://modin.readthedocs.io
Modin: Scale your Pandas workflows by changing a single line of code
score: 63/100, stars/week: 33, stars: 8,815 -
numba/numba
http://numba.pydata.org/
NumPy aware dynamic Python compiler using LLVM
score: 61/100, stars/week: 14, stars: 8,743 -
python-trio/trio
https://trio.readthedocs.io
Trio – a friendly Python library for async concurrency and I/O
score: 57/100, stars/week: 16, stars: 5,439 -
vaexio/vaex
https://vaex.io
Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualization and exploration of big tabular data at a billion rows per second🚀
score: 54/100, stars/week: 17, stars: 7,949 -
mher/flower
https://flower.readthedocs.io
Real-time monitor and web admin for Celery distributed task queue
score: 50/100, stars/week: 10, stars: 5,765 -
ultrajson/ultrajson
https://pypi.org/project/ujson/
Ultra fast JSON decoder and encoder written in C with Python bindings
score: 48/100, stars/week: 6, stars: 4,103 -
dask/distributed
https://distributed.dask.org
A distributed task scheduler for Dask
score: 48/100, stars/week: 3, stars: 1,478 -
intel/intel-extension-for-pytorch
A Python package for extending the official PyTorch that can easily obtain performance on Intel platform
score: 47/100, stars/week: 5, stars: 858 -
agronholm/anyio
High level asynchronous concurrency and networking framework that works on top of either trio or asyncio
score: 46/100, stars/week: 5, stars: 1,316 -
ipython/ipyparallel
https://ipyparallel.readthedocs.io/
IPython Parallel: Interactive Parallel Computing in Python
score: 45/100, stars/week: 5, stars: 2,437 -
h5py/h5py
http://www.h5py.org
HDF5 for Python -- The h5py package is a Pythonic interface to the HDF5 binary data format.
score: 45/100, stars/week: 3, stars: 1,895 -
intel/scikit-learn-intelex
https://intel.github.io/scikit-learn-intelex/
Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
score: 43/100, stars/week: 3, stars: 998 -
brandtbucher/specialist
Visualize CPython 3.11's specializing, adaptive interpreter.🔥
score: 43/100, stars/week: 9, stars: 570 -
intel/intel-extension-for-transformers
Extending Hugging Face transformers APIs for Transformer-based models and improve the productivity of inference deployment. With extremely compressed models, the toolkit can greatly improve the inference efficiency on Intel platforms.
score: 43/100, stars/week: 7, stars: 290 -
tlkh/asitop
https://tlkh.github.io/asitop/
Perf monitoring CLI tool for Apple Silicon
score: 39/100, stars/week: 18, stars: 1,643 -
tiangolo/asyncer
https://asyncer.tiangolo.com/
Asyncer, async and await, focused on developer experience.
score: 38/100, stars/week: 13, stars: 1,073 -
omyyyy/pycom
A Python compiler, down to native code, using C++
score: 37/100, stars/week: 20, stars: 1,110 -
zerointensity/pointers.py
https://pointers.zintensity.dev/
Bringing the hell of pointers to Python.
score: 37/100, stars/week: 11, stars: 814 -
python-cachier/cachier
Persistent, stale-free, local and cross-machine caching for Python functions.
score: 36/100, stars/week: 1, stars: 452 -
eventlet/eventlet
https://eventlet.net
Concurrent networking library for Python
score: 33/100, stars/week: 2, stars: 1,192 -
joblib/loky
http://loky.readthedocs.io/en/stable/
Robust and reusable Executor for joblib
score: 32/100, stars/week: 1, stars: 466 -
nschloe/perfplot
📈 Performance analysis for Python snippets
score: 30/100, stars/week: 3, stars: 1,172 -
noxdafox/pebble
Multi threading and processing eye-candy.
score: 29/100, stars/week: 1, stars: 433 -
pympler/pympler
Development tool to measure, monitor and analyze the memory behavior of Python objects in a running Python application.
score: 28/100, stars/week: 1, stars: 1,063 -
blosc/python-blosc
https://www.blosc.org/python-blosc/python-blosc.html
A Python wrapper for the extremely fast Blosc compression library
score: 28/100, stars/week: 1, stars: 333 -
crunch-io/lazycsv
https://pypi.org/project/lazycsv/
lazycsv is a C implementation of a csv parser for python
score: 27/100, stars/week: 6, stars: 113 -
klen/py-frameworks-bench
https://klen.github.io/py-frameworks-bench/
Another benchmark for some python frameworks
score: 25/100, stars/week: 1, stars: 690 -
qdrant/vector-db-benchmark
https://qdrant.tech/benchmarks/
Framework for benchmarking vector search engines
score: 25/100, stars/week: 1, stars: 105 -
markshannon/faster-cpython
How to make CPython faster.
score: 22/100, stars/week: 6, stars: 919 -
dgilland/cacheout
https://cacheout.readthedocs.io
A caching library for Python
score: 19/100, stars/week: 1, stars: 368 -
tlkh/tf-metal-experiments
TensorFlow Metal Backend on Apple Silicon Experiments (just for fun)
score: 14/100, stars/week: 2, stars: 227
Profiling
Memory and CPU/GPU profiling tools and libraries.
-
bloomberg/memray
https://bloomberg.github.io/memray/
Memray is a memory profiler for Python
score: 72/100, stars/week: 160, stars: 10,829 -
plasma-umass/scalene
Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals
score: 63/100, stars/week: 42, stars: 8,015 -
benfred/py-spy
Sampling profiler for Python programs
score: 54/100, stars/week: 40, stars: 10,589 -
joerick/pyinstrument
https://pyinstrument.readthedocs.io/
🚴 Call stack profiler for Python. Shows you why your code is slow!
score: 50/100, stars/week: 11, stars: 5,414 -
gaogaotiantian/viztracer
https://viztracer.readthedocs.io/
VizTracer is a low-overhead logging/debugging/profiling tool that can trace and visualize your python code execution.
score: 49/100, stars/week: 22, stars: 3,444 -
reloadware/reloadium
https://reloadium.io
ChatGPT, Hot Reloading and Profiling for Python
score: 49/100, stars/week: 30, stars: 2,437 -
pyutils/line_profiler
Line-by-line profiling for Python
score: 47/100, stars/week: 10, stars: 1,946 -
pythonprofilers/memory_profiler
http://pypi.python.org/pypi/memory_profiler
Monitor Memory usage of Python code
score: 40/100, stars/week: 6, stars: 3,950 -
jiffyclub/snakeviz
https://jiffyclub.github.io/snakeviz/
An in-browser Python profile viewer
score: 38/100, stars/week: 3, stars: 2,015 -
p403n1x87/austin
https://pypi.org/project/austin-dist/
Python frame stack sampler for CPython
score: 38/100, stars/week: 4, stars: 1,207 -
pythonspeed/filprofiler
https://pythonspeed.com/products/filmemoryprofiler/
A Python memory profiler for data processing and scientific computing applications
score: 36/100, stars/week: 4, stars: 781 -
sumerc/yappi
Yet Another Python Profiler, but this time multithreading, asyncio and gevent aware.
score: 32/100, stars/week: 1, stars: 1,179 -
csurfer/pyheat
pprofile + matplotlib = Python program profiled as an awesome heatmap!
score: 18/100, stars/week: 2, stars: 769 -
kshitij12345/torchnnprofiler
Context Manager to profile the forward and backward times of PyTorch's nn.Module
score: 12/100, stars/week: 1, stars: 75
Security
Security related libraries: vulnerability discovery, SQL injection, environment auditing etc.
-
certbot/certbot
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.
score: 72/100, stars/week: 66, stars: 30,041 -
aquasecurity/trivy
https://aquasecurity.github.io/trivy
Find vulnerabilities, misconfigurations, secrets, SBOM in containers, Kubernetes, code repositories, clouds and more
score: 71/100, stars/week: 80, stars: 18,043 -
swisskyrepo/PayloadsAllTheThings
https://swisskyrepo.github.io/PayloadsAllTheThings/
A list of useful payloads and bypass for Web Application Security and Pentest/CTF
score: 68/100, stars/week: 139, stars: 49,202 -
sqlmapproject/sqlmap
http://sqlmap.org
Automatic SQL injection and database takeover tool
score: 61/100, stars/week: 47, stars: 27,518 -
stamparm/maltrail
Malicious traffic detection system
score: 56/100, stars/week: 11, stars: 5,225 -
nccgroup/ScoutSuite
Multi-Cloud Security Auditing Tool
score: 54/100, stars/week: 22, stars: 5,492 -
pycqa/bandit
https://bandit.readthedocs.io
Bandit is a tool designed to find common security issues in Python code.
score: 51/100, stars/week: 19, stars: 5,327 -
trailofbits/pip-audit
https://pypi.org/project/pip-audit/
Audits Python environments and dependency trees for known vulnerabilities
score: 48/100, stars/week: 8, stars: 815 -
rhinosecuritylabs/pacu
https://rhinosecuritylabs.com/aws/pacu-open-source-aws-exploitation-framework/
The AWS exploitation framework, designed for testing the security of Amazon Web Services environments.
score: 45/100, stars/week: 13, stars: 3,513 -
pyupio/safety
https://pyup.io/safety/
Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
score: 39/100, stars/week: 4, stars: 1,517 -
abnamro/repository-scanner
Tool to detect secrets in source code management systems.
score: 26/100, stars/week: 2, stars: 111 -
sonatype-nexus-community/jake
https://jake.readthedocs.io/
Check your Python environments for vulnerable Open Source packages with OSS Index or Sonatype Nexus Lifecycle.
score: 25/100, stars/week: 1, stars: 88 -
snyk-labs/pysnyk
https://snyk.docs.apiary.io/
A Python client for the Snyk API.
score: 22/100, stars/week: 1, stars: 58 -
snyk/faker-security
Python Faker provider for security related data
score: 13/100, stars/week: 1, stars: 29
Simulation
Simulation libraries: robotics, economic, agent-based, traffic, physics, astronomy, chemistry, quantum simulation etc. Also see the Maths and Science category for crossover.
-
astropy/astropy
https://www.astropy.org
Astronomy and astrophysics core library
score: 60/100, stars/week: 6, stars: 3,849 -
atsushisakai/PythonRobotics
https://atsushisakai.github.io/PythonRobotics/
Python sample codes for robotics algorithms.
score: 59/100, stars/week: 50, stars: 19,219 -
isl-org/Open3D
http://www.open3d.org
Open3D: A Modern Library for 3D Data Processing
score: 59/100, stars/week: 26, stars: 9,136 -
quantumlib/Cirq
A python framework for creating, editing, and invoking Noisy Intermediate Scale Quantum (NISQ) circuits.
score: 53/100, stars/week: 13, stars: 3,823 -
qiskit/qiskit-metapackage
https://qiskit.org
Qiskit is an open-source SDK for working with quantum computers at the level of circuits, algorithms, and application modules.
score: 53/100, stars/week: 12, stars: 3,025 -
google/brax
Massively parallel rigidbody physics simulation on accelerator hardware.
score: 51/100, stars/week: 15, stars: 1,720 -
bulletphysics/bullet3
http://bulletphysics.org
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
score: 49/100, stars/week: 16, stars: 10,866 -
rdkit/rdkit
The official sources for the RDKit library
score: 45/100, stars/week: 3, stars: 2,107 -
projectmesa/mesa
Mesa is an open-source Python library for agent-based modeling, ideal for simulating complex systems and exploring emergent behaviors.
score: 45/100, stars/week: 4, stars: 1,934 -
deepmodeling/deepmd-kit
https://docs.deepmodeling.com/projects/deepmd/
A deep learning package for many-body potential energy representation and molecular dynamics
score: 43/100, stars/week: 3, stars: 1,161 -
bowang-lab/scGPT
https://scgpt.readthedocs.io/en/latest/
scGPT: Towards Building a Foundation Model for Single-Cell Multi-omics Using Generative AI
score: 43/100, stars/week: 27, stars: 360 -
quantecon/QuantEcon.py
https://quantecon.org/quantecon-py/
A community based Python library for quantitative economics
score: 42/100, stars/week: 3, stars: 1,694 -
microsoft/PromptCraft-Robotics
https://aka.ms/ChatGPT-Robotics
Community for applying LLMs to robotics and a robot simulator with ChatGPT integration
score: 42/100, stars/week: 55, stars: 1,303 -
pyscf/pyscf
Python module for quantum chemistry
score: 42/100, stars/week: 1, stars: 953 -
facebookresearch/habitat-lab
https://aihabitat.org/
A modular high-level library to train embodied AI agents across a variety of tasks and environments.
score: 41/100, stars/week: 4, stars: 1,136 -
netket/netket
https://www.netket.org
Machine learning algorithms for many-body quantum systems
score: 40/100, stars/week: 1, stars: 441 -
a-r-j/graphein
https://graphein.ai/
Protein Graph Library
score: 39/100, stars/week: 4, stars: 864 -
openai/mujoco-py
MuJoCo is a physics engine for detailed, efficient rigid body simulations with contacts. mujoco-py allows using MuJoCo from Python 3.
score: 37/100, stars/week: 6, stars: 2,557 -
viblo/pymunk
http://www.pymunk.org
Pymunk is a easy-to-use pythonic 2d physics library that can be used whenever you need 2d rigid body physics from Python
score: 35/100, stars/week: 1, stars: 807 -
facebookresearch/fairo
A modular embodied agent architecture and platform for building embodied agents
score: 32/100, stars/week: 5, stars: 808 -
espressomd/espresso
https://espressomd.org
The ESPResSo package
score: 31/100, stars/week: 1, stars: 197 -
activitysim/activitysim
https://activitysim.github.io
An Open Platform for Activity-Based Travel Modeling
score: 30/100, stars/week: 1, stars: 160 -
openfisca/openfisca-core
https://openfisca.org
OpenFisca core engine. See other repositories for countries-specific code & data.
score: 29/100, stars/week: 1, stars: 151 -
salesforce/ai-economist
https://www.einstein.ai/the-ai-economist
Foundation is a flexible, modular, and composable framework to model socio-economic behaviors and dynamics with both agents and governments. This framework can be used in conjunction with reinforcement learning to learn optimal economic policies, as done by the AI Economist (https://www.einstein.ai/the-ai-economist).
score: 27/100, stars/week: 6, stars: 1,019 -
srivatsankrishnan/oss-arch-gym
Open source version of ArchGym project.
score: 24/100, stars/week: 4, stars: 64 -
udst/urbansim
https://udst.github.io/urbansim/
Platform for building statistical models of cities and regions
score: 21/100, stars/week: 1, stars: 433 -
activitysim/populationsim
https://activitysim.github.io/populationsim
An Open Platform for Population Synthesis
score: 18/100, stars/week: 1, stars: 46 -
bilhim/trafficSimulator
A microscopic traffic simulation in Python
score: 17/100, stars/week: 2, stars: 264 -
alephalpha/golly
http://sourceforge.net/projects/golly/
Golly, a Game of Life simulator (unofficial mirror from SourceForge)
score: 15/100, stars/week: 1, stars: 35 -
gboeing/pynamical
https://geoffboeing.com/publications/nonlinear-chaos-fractals-prediction/
Pynamical is a Python package for modeling and visualizing discrete nonlinear dynamical systems, chaos, and fractals.
score: 14/100, stars/week: 1, stars: 586 -
crowddynamics/crowddynamics
https://jaantollander.com/post/how-to-implement-continuous-time-multi-agent-crowd-simulation/
Continuous-time multi-agent crowd simulation engine implemented in Python using Numba and Numpy for performance.
score: 14/100, stars/week: 1, stars: 29 -
ljvmiranda921/seagull
https://pyseagull.readthedocs.io/en/latest/index.html#
A Python Library for Conway's Game of Life
score: 12/100, stars/week: 1, stars: 166 -
glpcc/PokerPy
Texas Hold'em Poker Probability Calculator in Python
score: 12/100, stars/week: 1, stars: 43 -
crflynn/stochastic
http://stochastic.readthedocs.io/en/stable/
Generate realizations of stochastic processes in python.
score: 11/100, stars/week: 1, stars: 364 -
nv-tlabs/GameGAN_code
Learning to Simulate Dynamic Environments with GameGAN (CVPR 2020)
score: 9/100, stars/week: 1, stars: 211 -
crowdbotp/socialways
Social Ways: Learning Multi-Modal Distributions of Pedestrian Trajectories with GANs (CVPR 2019)
score: 9/100, stars/week: 1, stars: 113 -
elliotwaite/rule-30-and-game-of-life
https://youtu.be/IK7nBOLYzdE
Generates a 2D animation of Rule 30 (or other rules) being fed into Conway's Game of Life.
score: 7/100, stars/week: 1, stars: 154 -
gboeing/street-network-models
https://osf.io/f2dqc
Street network models and indicators for every urban area in the world
score: 6/100, stars/week: 1, stars: 68 -
causalsim/Unbiased-Trace-Driven-Simulation
causalsim/Unbiased-Trace-Driven-Simulation
score: 6/100, stars/week: 1, stars: 23 -
artemyk/dynpy
Dynamical systems for Python
score: 3/100, stars/week: 1, stars: 6
Study
Miscellaneous study resources: algorithms, general resources, system design, code repos for textbooks, best practices, tutorials etc.
-
thealgorithms/Python
https://the-algorithms.com/
All Algorithms implemented in Python
score: 79/100, stars/week: 439, stars: 160,897 -
vinta/awesome-python
https://awesome-python.com/
A curated list of awesome Python frameworks, libraries, software and resources
score: 74/100, stars/week: 367, stars: 174,020 -
donnemartin/system-design-primer
Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.
score: 71/100, stars/week: 673, stars: 224,810 -
d2l-ai/d2l-en
https://D2L.ai
Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 400 universities from 60 countries including Stanford, MIT, Harvard, and Cambridge.
score: 69/100, stars/week: 73, stars: 18,466 -
eugeneyan/open-llms
📋 A list of open LLMs available for commercial use.
score: 69/100, stars/week: 652, stars: 7,367 -
hannibal046/Awesome-LLM
Awesome-LLM: a curated list of Large Language Model
score: 68/100, stars/week: 267, stars: 5,954 -
mooler0410/LLMsPracticalGuide
https://arxiv.org/abs/2304.13712v2
A curated list of practical guide resources of LLMs (LLMs Tree, Examples, Papers)
score: 67/100, stars/week: 430, stars: 5,601 -
gkamradt/langchain-tutorials
Overview and tutorial of the LangChain Library
score: 63/100, stars/week: 191, stars: 4,366 -
microsoft/recommenders
https://microsoft-recommenders.readthedocs.io/en/latest/
Best Practices on Recommendation Systems
score: 62/100, stars/week: 63, stars: 16,010 -
jakevdp/PythonDataScienceHandbook
http://jakevdp.github.io/PythonDataScienceHandbook
Python Data Science Handbook: full text in Jupyter Notebooks
score: 59/100, stars/week: 107, stars: 38,948 -
roboflow/notebooks
https://roboflow.com/models
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.
score: 59/100, stars/week: 71, stars: 2,533 -
zhanymkanov/fastapi-best-practices
FastAPI Best Practices and Conventions we used at our startup
score: 56/100, stars/week: 82, stars: 4,079 -
huggingface/deep-rl-class
This repo contains the syllabus of the Hugging Face Deep Reinforcement Learning Course.
score: 56/100, stars/week: 46, stars: 3,046 -
christoschristofidis/awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
score: 51/100, stars/week: 47, stars: 21,229 -
nielsrogge/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
score: 51/100, stars/week: 34, stars: 5,198 -
karpathy/nn-zero-to-hero
Neural Networks: Zero to Hero
score: 50/100, stars/week: 187, stars: 8,505 -
huggingface/diffusion-models-class
Materials for the Hugging Face Diffusion Models Course
score: 50/100, stars/week: 57, stars: 2,343 -
rasbt/machine-learning-book
https://sebastianraschka.com/books/#machine-learning-with-pytorch-and-scikit-learn
Code Repository for Machine Learning with PyTorch and Scikit-Learn
score: 50/100, stars/week: 25, stars: 2,079 -
promptslab/Awesome-Prompt-Engineering
https://discord.gg/m88xfYMbK6
This repository contains a hand-curated resources for Prompt Engineering with a focus on Generative Pre-trained Transformer (GPT), ChatGPT, PaLM etc
score: 50/100, stars/week: 76, stars: 1,786 -
donnemartin/interactive-coding-challenges
120+ interactive Python coding interview challenges (algorithms and data structures). Includes Anki flashcards.
score: 49/100, stars/week: 64, stars: 27,502 -
wesm/pydata-book
Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media
score: 48/100, stars/week: 34, stars: 19,696 -
fchollet/deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
score: 47/100, stars/week: 55, stars: 16,974 -
shangtongzhang/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
score: 44/100, stars/week: 34, stars: 12,487 -
graykode/nlp-tutorial
https://www.reddit.com/r/MachineLearning/comments/amfinl/project_nlptutoral_repository_who_is_studying/
Natural Language Processing Tutorial for Deep Learning Researchers
score: 43/100, stars/week: 54, stars: 12,789 -
openai/spinningup
https://spinningup.openai.com/
An educational resource to help anyone learn deep reinforcement learning.
score: 43/100, stars/week: 35, stars: 8,679 -
cosmicpython/book
https://www.cosmicpython.com
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.
score: 43/100, stars/week: 12, stars: 3,019 -
udacity/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
score: 42/100, stars/week: 19, stars: 4,982 -
firmai/industry-machine-learning
https://www.linkedin.com/company/firmai
A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai)
score: 38/100, stars/week: 31, stars: 6,851 -
chandlerbang/awesome-self-supervised-gnn
Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).
score: 38/100, stars/week: 7, stars: 1,212 -
karpathy/micrograd
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
score: 37/100, stars/week: 33, stars: 5,700 -
krzjoa/awesome-python-data-science
https://krzjoa.github.io/awesome-python-data-science
Probably the best curated list of data science software in Python.
score: 37/100, stars/week: 6, stars: 1,979 -
timofurrer/awesome-asyncio
A curated list of awesome Python asyncio frameworks, libraries, software and resources
score: 36/100, stars/week: 11, stars: 4,093 -
amanchadha/coursera-deep-learning-specialization
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...
score: 36/100, stars/week: 12, stars: 2,070 -
atcold/NYU-DLSP21
https://atcold.github.io/NYU-DLSP21/
NYU Deep Learning Spring 2021
score: 36/100, stars/week: 11, stars: 1,405 -
alirezadir/Machine-Learning-Interviews
This repo is meant to serve as a guide for Machine Learning/AI technical interviews.
score: 35/100, stars/week: 16, stars: 2,065 -
fluentpython/example-code-2e
https://amzn.to/3J48u2J
Example code for Fluent Python, 2nd edition (O'Reilly 2022)
score: 32/100, stars/week: 9, stars: 2,107 -
cerlymarco/MEDIUM_NoteBook
Repository containing notebooks of my posts on Medium
score: 29/100, stars/week: 8, stars: 1,880 -
stanford-crfm/ecosystem-graphs
stanford-crfm/ecosystem-graphs
score: 28/100, stars/week: 2, stars: 176 -
trananhkma/fucking-awesome-python
awesome-python with⭐ and🍴
score: 27/100, stars/week: 4, stars: 1,895 -
bayesianmodelingandcomputationinpython/BookCode_Edition1
https://www.bayesiancomputationbook.com
bayesianmodelingandcomputationinpython/BookCode_Edition1
score: 27/100, stars/week: 4, stars: 418 -
davidadsp/Generative_Deep_Learning_2nd_Edition
https://www.oreilly.com/library/view/generative-deep-learning/9781098134174/
The official code repository for the second edition of the O'Reilly book Generative Deep Learning: Teaching Machines to Paint, Write, Compose and Play.
score: 26/100, stars/week: 4, stars: 330 -
googlecloudplatform/practical-ml-vision-book
googlecloudplatform/practical-ml-vision-book
score: 23/100, stars/week: 2, stars: 367 -
amaargiru/pyroad
Detailed Python developer roadmap
score: 22/100, stars/week: 7, stars: 280 -
dylanhogg/awesome-python
https://www.awesomepython.org
Hand-picked awesome Python libraries and frameworks, with an emphasis on data and machine learning, ranked by influence score
score: 22/100, stars/week: 1, stars: 127 -
ml-for-high-risk-apps-book/Machine-Learning-for-High-Risk-Applications-Book
Official code repo for the O'Reilly Book - Machine Learning for High-Risk Applications
score: 20/100, stars/week: 1, stars: 71 -
jackhidary/quantumcomputingbook
Companion site for the textbook Quantum Computing: An Applied Approach
score: 17/100, stars/week: 2, stars: 684 -
mynameisfiber/high_performance_python_2e
Code for the book "High Performance Python 2e" by Micha Gorelick and Ian Ozsvald with OReilly
score: 17/100, stars/week: 2, stars: 346 -
nomic-ai/semantic-search-app-template
Tutorial and template for a semantic search app powered by the Atlas Embedding Database, Langchain, OpenAI and FastAPI
score: 17/100, stars/week: 3, stars: 70 -
rasbt/stat453-deep-learning-ss20
http://pages.stat.wisc.edu/~sraschka/teaching/stat453-ss2020/
STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2020)
score: 14/100, stars/week: 2, stars: 529 -
rasbt/stat451-machine-learning-fs20
STAT 451: Intro to Machine Learning @ UW-Madison (Fall 2020)
score: 13/100, stars/week: 2, stars: 350 -
koaning/calm-notebooks
https://calmcode.io
notebooks that are used at calmcode.io
score: 10/100, stars/week: 1, stars: 191 -
anyscale/rl-course
anyscale/rl-course
score: 6/100, stars/week: 1, stars: 19
Template
Template tools and libraries: cookiecutter repos, generators, quick-starts etc.
-
cookiecutter/cookiecutter
https://pypi.org/project/cookiecutter/
A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
score: 63/100, stars/week: 38, stars: 19,921 -
tiangolo/full-stack-fastapi-postgresql
Full stack, modern web application generator. Using FastAPI, PostgreSQL as database, Docker, automatic HTTPS and more.
score: 50/100, stars/week: 54, stars: 12,440 -
pyscaffold/pyscaffold
https://pyscaffold.org
🛠 Python project template generator with batteries included
score: 42/100, stars/week: 3, stars: 1,831 -
drivendata/cookiecutter-data-science
http://drivendata.github.io/cookiecutter-data-science/
A logical, reasonably standardized, but flexible project structure for doing and sharing data science work.
score: 41/100, stars/week: 16, stars: 6,834 -
sqlalchemy/mako
https://www.makotemplates.org
Mako Templates for Python
score: 36/100, stars/week: 1, stars: 269 -
ionelmc/cookiecutter-pylibrary
Enhanced cookiecutter template for Python libraries.
score: 35/100, stars/week: 2, stars: 1,154 -
buuntu/fastapi-react
🚀 Cookiecutter Template for FastAPI + React Projects. Using PostgreSQL, SQLAlchemy, and Docker
score: 34/100, stars/week: 9, stars: 1,703 -
tezromach/python-package-template
🚀 Your next Python package needs a bleeding-edge project structure.
score: 31/100, stars/week: 5, stars: 987 -
giswqs/pypackage
https://giswqs.github.io/pypackage
Cookiecutter template creating a Python package with mkdocs
score: 18/100, stars/week: 1, stars: 39 -
janetech-inc/fast-api-admin-template
A test driven micro-service template to build and deploy a fast-api service with admin feature.
score: 17/100, stars/week: 4, stars: 102 -
crmne/cookiecutter-modern-datascience
Start a data science project with modern tools
score: 11/100, stars/week: 1, stars: 156 -
dylanhogg/python-project-template
A quick-start Python project template with helpful functionality and common libraries.
score: 8/100, stars/week: 1, stars: 1 -
eugeneyan/python-collab-template
https://eugeneyan.com/writing/setting-up-python-project-for-automation-and-collaboration/
🛠 Python project template with unit tests, code coverage, linting, type checking, Makefile wrapper, and GitHub Actions.
score: 7/100, stars/week: 1, stars: 128 -
geeogi/async-python-lambda-template
Build a high-performance Python function in AWS lambda using asyncio, aiohttp and aiobotocore.
score: 3/100, stars/week: 1, stars: 66
Terminal
Terminal and console tools and libraries: CLI tools, terminal based formatters, progress bars etc.
-
willmcgugan/rich
https://rich.readthedocs.io/en/latest/
Rich is a Python library for rich text and beautiful formatting in the terminal.
score: 79/100, stars/week: 227, stars: 43,910 -
willmcgugan/textual
https://textual.textualize.io/
Textual is a Rapid Application Development framework for Python. Build sophisticated user interfaces with a simple Python API. Run your apps in the terminal and (coming soon) a web browser!
score: 79/100, stars/week: 167, stars: 19,990 -
tiangolo/typer
https://typer.tiangolo.com/
Typer, build great CLIs. Easy to code. Based on Python type hints.
score: 61/100, stars/week: 62, stars: 11,643 -
textualize/trogon
Easily turn your Click CLI into a powerful terminal application
score: 61/100, stars/week: 141, stars: 1,945 -
pallets/click
https://click.palletsprojects.com
Python composable command line interface toolkit
score: 59/100, stars/week: 29, stars: 14,065 -
tqdm/tqdm
https://tqdm.github.io
A Fast, Extensible Progress Bar for Python and CLI
score: 57/100, stars/week: 59, stars: 25,236 -
google/python-fire
Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.
score: 56/100, stars/week: 74, stars: 24,847 -
urwid/urwid
urwid.org
Console user interface library for Python (official repo)
score: 39/100, stars/week: 3, stars: 2,614 -
jazzband/prettytable
https://pypi.org/project/PrettyTable/
Display tabular data in a visually appealing ASCII table format
score: 37/100, stars/week: 2, stars: 1,073 -
jquast/blessed
http://pypi.python.org/pypi/blessed
Blessed is an easy, practical library for making python terminal apps
score: 34/100, stars/week: 1, stars: 929 -
manrajgrover/halo
💫 Beautiful spinners for terminal, IPython and Jupyter
score: 33/100, stars/week: 8, stars: 2,761 -
rockhopper-technologies/enlighten
https://python-enlighten.readthedocs.io
Enlighten Progress Bar for Python Console Apps
score: 25/100, stars/week: 1, stars: 304 -
federicoceratto/dashing
https://dashing.readthedocs.io/en/latest/
Terminal dashboards for Python
score: 14/100, stars/week: 1, stars: 360 -
matthewdeanmartin/terminaltables
https://robpol86.github.io/terminaltables
Generate simple tables in terminals from a nested list of strings.
score: 13/100, stars/week: 1, stars: 30 -
deeplook/sparklines
Text-based sparkline command line mimicking those of Edward Tuft.
score: 11/100, stars/week: 1, stars: 93
Testing
Testing libraries: unit testing, load testing, acceptance testing, code coverage, browser automation, plugins etc.
-
locustio/locust
Write scalable load tests in plain Python 🚗💨
score: 65/100, stars/week: 33, stars: 21,719 -
pytest-dev/pytest
https://pytest.org
The pytest framework makes it easy to write small tests, yet scales to support complex functional testing
score: 65/100, stars/week: 24, stars: 10,405 -
robotframework/robotframework
http://robotframework.org
Generic automation framework for acceptance testing and RPA
score: 60/100, stars/week: 17, stars: 8,197 -
hypothesisworks/hypothesis
https://hypothesis.works
Hypothesis is a powerful, flexible, and easy to use library for property-based testing.
score: 59/100, stars/week: 12, stars: 6,797 -
nedbat/coveragepy
https://coverage.readthedocs.io
The code coverage tool for Python
score: 56/100, stars/week: 9, stars: 2,578 -
seleniumbase/SeleniumBase
https://seleniumbase.io
A Python framework that inspires developers to become better test automation engineers.🧠 💡
score: 52/100, stars/week: 6, stars: 3,392 -
tox-dev/tox
https://tox.wiki
Command line driven CI frontend and development task automation tool.
score: 51/100, stars/week: 9, stars: 3,306 -
pytest-dev/pytest-xdist
https://pytest-xdist.readthedocs.io
pytest plugin for distributed testing and loop-on-failures testing modes.
score: 45/100, stars/week: 2, stars: 1,199 -
behave/behave
BDD, Python style.
score: 44/100, stars/week: 4, stars: 2,908 -
spulec/freezegun
Let your Python tests travel through time
score: 42/100, stars/week: 6, stars: 3,730 -
pytest-dev/pytest-mock
https://pytest-mock.readthedocs.io/en/latest/
Thin-wrapper around the mock package for easier use with pytest
score: 42/100, stars/week: 3, stars: 1,622 -
pytest-dev/pytest-testinfra
https://testinfra.readthedocs.io
Testinfra test your infrastructures
score: 41/100, stars/week: 5, stars: 2,229 -
pytest-dev/pytest-asyncio
https://pytest-asyncio.readthedocs.io
Asyncio support for pytest
score: 41/100, stars/week: 2, stars: 1,173 -
taverntesting/tavern
https://taverntesting.github.io/
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
score: 39/100, stars/week: 3, stars: 927 -
pytest-dev/pytest-cov
Coverage plugin for pytest.
score: 38/100, stars/week: 3, stars: 1,477 -
pytest-dev/pytest-bdd
https://pytest-bdd.readthedocs.io/en/latest/
BDD library for the py.test runner
score: 34/100, stars/week: 2, stars: 1,181 -
newsapps/beeswithmachineguns
http://apps.chicagotribune.com/
A utility for arming (creating) many bees (micro EC2 instances) to attack (load test) targets (web applications).
score: 32/100, stars/week: 9, stars: 6,339 -
ionelmc/pytest-benchmark
py.test fixture for benchmarking code
score: 32/100, stars/week: 2, stars: 1,098 -
teemu/pytest-sugar
a plugin for py.test that changes the default look and feel of py.test (e.g. progressbar, show tests that fail instantly)
score: 30/100, stars/week: 2, stars: 1,097 -
wolever/parameterized
Parameterized testing with any Python test framework
score: 28/100, stars/week: 1, stars: 763 -
vedro-universe/vedro
https://vedro.io
Pragmatic Testing Framework
score: 18/100, stars/week: 1, stars: 4
Machine Learning - Time Series
Machine learning and classical timeseries libraries: forecasting, seasonality, anomaly detection, econometrics etc.
-
sktime/sktime
https://www.sktime.net
A unified framework for machine learning with time series
score: 66/100, stars/week: 27, stars: 6,651 -
facebook/prophet
https://facebook.github.io/prophet
Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
score: 63/100, stars/week: 46, stars: 16,117 -
unit8co/darts
https://unit8co.github.io/darts/
A python library for user-friendly forecasting and anomaly detection on time series.
score: 59/100, stars/week: 24, stars: 6,093 -
nixtla/statsforecast
https://nixtla.github.io/statsforecast/
Lightning⚡️ fast forecasting with statistical and econometric models.
score: 58/100, stars/week: 31, stars: 2,715 -
awslabs/gluonts
https://ts.gluon.ai
Probabilistic time series modeling in Python
score: 57/100, stars/week: 16, stars: 3,686 -
facebookresearch/Kats
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.
score: 56/100, stars/week: 35, stars: 4,455 -
tdameritrade/stumpy
https://stumpy.readthedocs.io/en/latest/
STUMPY is a powerful and scalable Python library for modern time series analysis
score: 53/100, stars/week: 12, stars: 2,716 -
blue-yonder/tsfresh
http://tsfresh.readthedocs.io
Automatic extraction of relevant features from time series:
score: 50/100, stars/week: 21, stars: 7,501 -
salesforce/Merlion
Merlion: A Machine Learning Framework for Time Series Intelligence
score: 47/100, stars/week: 29, stars: 3,027 -
aistream-peelout/flow-forecast
https://flow-forecast.atlassian.net/wiki/spaces/FF/overview
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
score: 44/100, stars/week: 7, stars: 1,541 -
alkaline-ml/pmdarima
https://www.alkaline-ml.com/pmdarima
A statistical library designed to fill the void in Python's time series analysis capabilities, including the equivalent of R's auto.arima function.
score: 38/100, stars/week: 4, stars: 1,392 -
bashtage/arch
ARCH models in Python
score: 38/100, stars/week: 2, stars: 1,126 -
uber/orbit
https://orbit-ml.readthedocs.io/en/stable/
A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
score: 37/100, stars/week: 9, stars: 1,676 -
pastas/pastas
https://pastas.readthedocs.io
🍝 Pastas is an open-source Python framework for the analysis of groundwater time series.
score: 34/100, stars/week: 1, stars: 318 -
winedarksea/AutoTS
Automated Time Series Forecasting
score: 32/100, stars/week: 4, stars: 799 -
autoviml/Auto_TS
Automatically build ARIMA, SARIMAX, VAR, FB Prophet and XGBoost Models on Time Series data sets with a Single Line of Code. Now updated with Dask to handle millions of rows.
score: 32/100, stars/week: 3, stars: 598 -
microprediction/microprediction
http://www.microprediction.org
If you can measure it, consider it predicted
score: 32/100, stars/week: 1, stars: 283 -
microsoft/robustlearn
http://aka.ms/roblearn
Robust machine learning for responsible AI
score: 32/100, stars/week: 6, stars: 268 -
wilsonrljr/sysidentpy
https://sysidentpy.org
A Python Package For System Identification Using NARMAX Models
score: 29/100, stars/week: 1, stars: 234 -
rjt1990/pyflux
Open source time series library for Python
score: 28/100, stars/week: 5, stars: 2,039 -
salesforce/DeepTime
PyTorch code for Learning Deep Time-index Models for Time Series Forecasting (ICML 2023)
score: 19/100, stars/week: 4, stars: 269 -
firmai/atspy
https://papers.ssrn.com/sol3/papers.cfm?abstract_id=3580631
AtsPy: Automated Time Series Models in Python (by @firmai)
score: 18/100, stars/week: 2, stars: 487 -
zackeskin/PyCausality
Calculate predictive causality between time series using information-theoretic techniques
score: 3/100, stars/week: 1, stars: 82
Typing
Typing libraries: static and run-time type checking, annotations etc.
-
microsoft/pyright
Static Type Checker for Python
score: 66/100, stars/week: 46, stars: 10,612 -
python/mypy
https://www.mypy-lang.org/
Optional static typing for Python
score: 65/100, stars/week: 28, stars: 15,925 -
facebook/pyre-check
https://pyre-check.org/
Performant type-checking for python.
score: 57/100, stars/week: 21, stars: 6,402 -
python-attrs/attrs
https://www.attrs.org/
Python Classes Without Boilerplate
score: 52/100, stars/week: 10, stars: 4,826 -
google/pytype
https://google.github.io/pytype
A static type analyzer for Python code
score: 50/100, stars/week: 9, stars: 4,274 -
agronholm/typeguard
Run-time type checker for Python
score: 44/100, stars/week: 3, stars: 1,240 -
python-attrs/cattrs
https://catt.rs
Complex custom class converters for attrs.
score: 40/100, stars/week: 1, stars: 656 -
patrick-kidger/torchtyping
Type annotations and dynamic checking for a tensor's shape, dtype, names, etc.
score: 37/100, stars/week: 10, stars: 1,252 -
jellezijlstra/autotyping
jellezijlstra/autotyping
score: 25/100, stars/week: 1, stars: 155
Utility
General utility libraries: miscellaneous tools, linters, code formatters, version management, package tools, documentation tools, etc.
-
home-assistant/core
https://www.home-assistant.io
🏡 Open source home automation that puts local control and privacy first.
score: 87/100, stars/week: 119, stars: 61,503 -
charliermarsh/ruff
https://beta.ruff.rs
An extremely fast Python linter, written in Rust.
score: 87/100, stars/week: 326, stars: 16,225 -
python/cpython
https://www.python.org/
The Python programming language
score: 84/100, stars/week: 162, stars: 54,521 -
ggerganov/whisper.cpp
Port of OpenAI's Whisper model in C/C++
score: 83/100, stars/week: 489, stars: 21,029 -
localstack/localstack
https://localstack.cloud
💻 A fully functional local AWS cloud stack. Develop and test your cloud & Serverless apps offline
score: 79/100, stars/week: 135, stars: 47,756 -
psf/black
https://black.readthedocs.io/en/stable/
The uncompromising Python code formatter
score: 75/100, stars/week: 117, stars: 32,923 -
python-poetry/poetry
https://python-poetry.org
Python packaging and dependency management made easy
score: 74/100, stars/week: 91, stars: 25,745 -
samuelcolvin/pydantic
https://docs.pydantic.dev
Data validation using Python type hints
score: 72/100, stars/week: 45, stars: 14,749 -
pyenv/pyenv
Simple Python version management
score: 71/100, stars/week: 57, stars: 32,560 -
blakeblackshear/frigate
https://frigate.video
NVR with realtime local object detection for IP cameras
score: 71/100, stars/week: 37, stars: 8,729 -
mingrammer/diagrams
https://diagrams.mingrammer.com
🎨 Diagram as Code for prototyping cloud system architectures
score: 70/100, stars/week: 166, stars: 30,221 -
pyodide/pyodide
https://pyodide.org/en/stable/
Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
score: 68/100, stars/week: 36, stars: 10,253 -
modularml/mojo
https://docs.modular.com/mojo
The Mojo Programming Language
score: 67/100, stars/week: 724, stars: 8,898 -
micropython/micropython
https://micropython.org
MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
score: 66/100, stars/week: 33, stars: 16,881 -
squidfunk/mkdocs-material
https://squidfunk.github.io/mkdocs-material/
Documentation that simply works
score: 66/100, stars/week: 37, stars: 14,488 -
openai/openai-python
The OpenAI Python library provides convenient access to the OpenAI API from applications written in the Python language.
score: 66/100, stars/week: 71, stars: 10,186 -
ipython/ipython
https://ipython.readthedocs.org
Official repository for IPython itself. Other repos in the IPython organization contain things like the website, documentation builds, etc.
score: 65/100, stars/week: 23, stars: 15,867 -
alievk/avatarify-python
Avatars for Zoom, Skype and other video-conferencing apps.
score: 64/100, stars/week: 92, stars: 15,829 -
python-pillow/Pillow
https://python-pillow.org
Python Imaging Library (Fork)
score: 62/100, stars/week: 19, stars: 10,983 -
kivy/kivy
https://kivy.org
Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS
score: 61/100, stars/week: 24, stars: 16,073 -
pre-commit/pre-commit
https://pre-commit.com
A framework for managing and maintaining multi-language pre-commit hooks.
score: 61/100, stars/week: 21, stars: 10,628 -
pyinstaller/pyinstaller
http://www.pyinstaller.org
Freeze (package) Python programs into stand-alone executables
score: 61/100, stars/week: 17, stars: 10,447 -
aws/serverless-application-model
https://aws.amazon.com/serverless/sam
The AWS Serverless Application Model (AWS SAM) transform is a AWS CloudFormation macro that transforms SAM templates into CloudFormation templates.
score: 61/100, stars/week: 25, stars: 9,064 -
mamba-org/mamba
https://mamba.readthedocs.io
The Fast Cross-Platform Package Manager
score: 61/100, stars/week: 21, stars: 4,905 -
adafruit/circuitpython
https://circuitpython.org
CircuitPython - a Python implementation for teaching coding with microcontrollers
score: 61/100, stars/week: 9, stars: 3,595 -
timdettmers/bitsandbytes
8-bit CUDA functions for PyTorch
score: 61/100, stars/week: 28, stars: 3,168 -
boto/boto3
https://aws.amazon.com/sdk-for-python/
AWS SDK for Python
score: 60/100, stars/week: 17, stars: 8,197 -
cython/cython
https://cython.org
The most widely used Python to C compiler
score: 60/100, stars/week: 12, stars: 8,078 -
sphinx-doc/sphinx
https://www.sphinx-doc.org/
The Sphinx documentation generator
score: 60/100, stars/week: 12, stars: 5,522 -
spack/spack
https://spack.io
A flexible package manager that supports multiple versions, configurations, platforms, and compilers.
score: 60/100, stars/week: 6, stars: 3,479 -
delgan/loguru
Python logging made (stupidly) simple
score: 59/100, stars/week: 49, stars: 15,350 -
secdev/scapy
https://scapy.net
Scapy: the Python-based interactive packet manipulation program & library. Supports Python 2 & Python 3.
score: 59/100, stars/week: 22, stars: 8,987 -
facebookresearch/hydra
https://hydra.cc
Hydra is a framework for elegantly configuring complex applications
score: 59/100, stars/week: 34, stars: 7,315 -
jazzband/pip-tools
https://pip-tools.rtfd.io
A set of tools to keep your pinned Python dependencies fresh.
score: 59/100, stars/week: 12, stars: 6,945 -
googlecloudplatform/python-docs-samples
Code samples used on cloud.google.com
score: 59/100, stars/week: 14, stars: 6,416 -
pycqa/pylint
https://pylint.readthedocs.io/en/latest/
It's not just a linter that annoys you!
score: 59/100, stars/week: 11, stars: 4,753 -
spotify/pedalboard
🎛 🔊 A Python library for working with audio.
score: 59/100, stars/week: 40, stars: 4,320 -
pyca/cryptography
https://cryptography.io
cryptography is a package designed to expose cryptographic primitives and recipes to Python developers.
score: 58/100, stars/week: 10, stars: 5,678 -
scikit-image/scikit-image
https://scikit-image.org
Image processing in Python
score: 58/100, stars/week: 8, stars: 5,495 -
pytube/pytube
https://pytube.io
A lightweight, dependency-free Python library (and command-line utility) for downloading YouTube Videos.
score: 57/100, stars/week: 15, stars: 8,925 -
paramiko/paramiko
http://paramiko.org
The leading native Python SSHv2 protocol library.
score: 57/100, stars/week: 11, stars: 8,410 -
openai/triton
Development repository for the Triton language and compiler
score: 57/100, stars/week: 16, stars: 7,488 -
eternnoir/pyTelegramBotAPI
Python Telegram bot api.
score: 57/100, stars/week: 16, stars: 6,993 -
pypa/hatch
https://hatch.pypa.io/latest/
Modern, extensible Python project management
score: 57/100, stars/week: 13, stars: 4,232 -
dosisod/refurb
A tool for refurbishing and modernizing Python codebases
score: 57/100, stars/week: 44, stars: 2,282 -
faif/python-patterns
A collection of design patterns/idioms in Python
score: 56/100, stars/week: 64, stars: 37,686 -
pypa/pipx
https://pypa.github.io/pipx/
Install and Run Python Applications in Isolated Environments
score: 56/100, stars/week: 26, stars: 6,660 -
pygithub/PyGithub
https://pygithub.readthedocs.io/
Typed interactions with the GitHub API v3
score: 55/100, stars/week: 10, stars: 6,134 -
pydata/xarray
https://xarray.dev
N-D labeled arrays and datasets in Python
score: 55/100, stars/week: 5, stars: 3,031 -
keon/algorithms
Minimal examples of data structures and algorithms in Python
score: 54/100, stars/week: 65, stars: 22,742 -
xonsh/xonsh
http://xon.sh
🐚 Python-powered, cross-platform, Unix-gazing shell.
score: 54/100, stars/week: 16, stars: 7,119 -
googleapis/google-api-python-client
https://googleapis.github.io/google-api-python-client/docs/
🐍 The official Python client library for Google's discovery based APIs.
score: 54/100, stars/week: 13, stars: 6,729 -
py-pdf/pypdf
https://pypdf.readthedocs.io/en/latest/
A pure-python PDF library capable of splitting, merging, cropping, and transforming the pages of PDF files
score: 54/100, stars/week: 9, stars: 5,911 -
norvig/pytudes
Python programs, usually short, of considerable difficulty, to perfect particular skills.
score: 53/100, stars/week: 61, stars: 20,479 -
buildbot/buildbot
https://www.buildbot.net
Python-based continuous integration testing framework; your pull requests are more than welcome!
score: 53/100, stars/week: 7, stars: 5,059 -
spotify/basic-pitch
https://basicpitch.io
A lightweight yet powerful audio-to-MIDI converter with pitch bend detection
score: 53/100, stars/week: 33, stars: 2,156 -
pallets/jinja
https://jinja.palletsprojects.com
A very fast and expressive template engine.
score: 52/100, stars/week: 14, stars: 9,369 -
theskumar/python-dotenv
https://saurabh-kumar.com/python-dotenv/
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.
score: 52/100, stars/week: 13, stars: 6,206 -
pycqa/isort
https://pycqa.github.io/isort/
A Python utility / library to sort imports.
score: 52/100, stars/week: 11, stars: 5,923 -
pyo3/maturin
https://maturin.rs
Build and publish crates with pyo3, rust-cpython and cffi bindings as well as rust binaries as python packages
score: 52/100, stars/week: 9, stars: 2,358 -
pypi/warehouse
https://pypi.org
The Python Package Index
score: 51/100, stars/week: 6, stars: 3,312 -
ashleve/lightning-hydra-template
PyTorch Lightning + Hydra. A very user-friendly template for ML experimentation.⚡ 🔥 ⚡
score: 51/100, stars/week: 19, stars: 2,796 -
whylabs/whylogs
https://whylogs.readthedocs.io/
The open standard for data logging
score: 51/100, stars/week: 15, stars: 2,304 -
pygments/pygments
http://pygments.org/
Pygments is a generic syntax highlighter written in Python
score: 51/100, stars/week: 6, stars: 1,345 -
marshmallow-code/marshmallow
https://marshmallow.readthedocs.io/
A lightweight library for converting complex objects to and from simple Python datatypes.
score: 50/100, stars/week: 13, stars: 6,602 -
agronholm/apscheduler
Task scheduling library for Python
score: 50/100, stars/week: 13, stars: 5,119 -
jd/tenacity
http://tenacity.readthedocs.io
Retrying library for Python
score: 50/100, stars/week: 13, stars: 4,972 -
icloud-photos-downloader/icloud_photos_downloader
A command-line tool to download photos from iCloud
score: 50/100, stars/week: 12, stars: 4,786 -
tebelorg/RPA-Python
Python package for doing RPA
score: 50/100, stars/week: 17, stars: 4,018 -
open-telemetry/opentelemetry-python
https://opentelemetry.io
OpenTelemetry Python API and SDK
score: 50/100, stars/week: 6, stars: 1,329 -
google/latexify_py
A library to generate LaTeX expression from Python code.
score: 49/100, stars/week: 40, stars: 6,278 -
indygreg/PyOxidizer
A modern Python application packaging and distribution tool
score: 49/100, stars/week: 20, stars: 4,810 -
miguelgrinberg/python-socketio
Python Socket.IO server and client
score: 49/100, stars/week: 8, stars: 3,437 -
pyston/pyston
https://www.pyston.org/
A faster and highly-compatible implementation of the Python programming language.
score: 49/100, stars/week: 19, stars: 2,424 -
libaudioflux/audioFlux
https://audioflux.top
A library for audio and music analysis, feature extraction.
score: 49/100, stars/week: 67, stars: 1,819 -
magicstack/uvloop
Ultra fast asyncio event loop.
score: 48/100, stars/week: 23, stars: 9,433 -
openai/point-e
Point cloud diffusion for 3D model synthesis
score: 48/100, stars/week: 172, stars: 5,657 -
pycqa/pycodestyle
https://pycodestyle.pycqa.org
Simple Python style checker in one Python file
score: 48/100, stars/week: 6, stars: 4,867 -
zeromq/pyzmq
http://zguide.zeromq.org/py:all
PyZMQ: Python bindings for zeromq
score: 48/100, stars/week: 4, stars: 3,389 -
pycqa/flake8
https://flake8.pycqa.org
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.
score: 48/100, stars/week: 6, stars: 2,910 -
camelot-dev/camelot
https://camelot-py.readthedocs.io
A Python library to extract tabular data from PDFs
score: 48/100, stars/week: 10, stars: 2,202 -
arrow-py/arrow
https://arrow.readthedocs.io
🏹 Better dates & times for Python
score: 47/100, stars/week: 14, stars: 8,331 -
sdispater/pendulum
https://pendulum.eustace.io
Python datetimes made easy
score: 47/100, stars/week: 14, stars: 5,519 -
joblib/joblib
http://joblib.readthedocs.org
Computing with Python functions.
score: 47/100, stars/week: 4, stars: 3,328 -
more-itertools/more-itertools
https://more-itertools.rtfd.io
More routines for operating on iterables, beyond itertools
score: 47/100, stars/week: 5, stars: 3,125 -
legrandin/pycryptodome
https://www.pycryptodome.org
A self-contained cryptographic library for Python
score: 47/100, stars/week: 5, stars: 2,422 -
home-assistant/supervisor
https://home-assistant.io/hassio/
🏡 Home Assistant Supervisor
score: 47/100, stars/week: 4, stars: 1,422 -
wireservice/csvkit
http://csvkit.rtfd.org/
A suite of utilities for converting to and working with CSV, the king of tabular file formats.
score: 46/100, stars/week: 8, stars: 5,513 -
omry/omegaconf
Flexible Python configuration system. The last one you will ever need.
score: 46/100, stars/week: 6, stars: 1,539 -
tox-dev/pipdeptree
https://pypi.python.org/pypi/pipdeptree
A command line utility to display dependency tree of the installed Python packages
score: 45/100, stars/week: 4, stars: 2,445 -
hgrecco/pint
http://pint.readthedocs.org/
Operate and manipulate physical quantities in Python
score: 45/100, stars/week: 3, stars: 2,027 -
pyparsing/pyparsing
Python library for creating PEG parsers
score: 45/100, stars/week: 5, stars: 1,902 -
grahamdumpleton/wrapt
A Python module for decorators, wrappers and monkey patching.
score: 45/100, stars/week: 3, stars: 1,869 -
numba/llvmlite
http://llvmlite.pydata.org/
A lightweight LLVM python binding for writing JIT compilers
score: 45/100, stars/week: 3, stars: 1,657 -
rhettbull/osxphotos
Python app to export pictures and associated metadata from Apple Photos on macOS. Also includes a package to provide programmatic access to the Photos library, pictures, and metadata.
score: 45/100, stars/week: 5, stars: 1,192 -
fsspec/filesystem_spec
A specification that python filesystems should adhere to.
score: 45/100, stars/week: 2, stars: 609 -
open-telemetry/opentelemetry-python-contrib
https://opentelemetry.io
OpenTelemetry instrumentation for Python modules
score: 45/100, stars/week: 2, stars: 476 -
anthropics/anthropic-sdk-python
SDK providing access to Anthropic's safety-first language model APIs
score: 45/100, stars/week: 12, stars: 336 -
jorisschellekens/borb
https://borbpdf.com/
borb is a library for reading, creating and manipulating PDF files in python.
score: 44/100, stars/week: 21, stars: 3,067 -
pyfpdf/fpdf2
https://pyfpdf.github.io/fpdf2/
Simple PDF generation for Python
score: 44/100, stars/week: 2, stars: 715 -
milvus-io/pymilvus
Python SDK for Milvus.
score: 44/100, stars/week: 2, stars: 643 -
steamship-core/steamship-langchain
steamship-langchain
score: 44/100, stars/week: 18, stars: 440 -
imageio/imageio
https://imageio.readthedocs.io
Python library for reading and writing image data
score: 43/100, stars/week: 2, stars: 1,282 -
p0dalirius/Coercer
https://podalirius.net/
A python script to automatically coerce a Windows server to authenticate on an arbitrary machine through 12 methods.
score: 43/100, stars/week: 23, stars: 1,278 -
lidatong/dataclasses-json
Easily serialize Data Classes to and from JSON
score: 43/100, stars/week: 4, stars: 1,151 -
aio-libs/yarl
https://yarl.aio-libs.org
Yet another URL library
score: 43/100, stars/week: 2, stars: 963 -
bndr/pipreqs
pipreqs - Generate pip requirements.txt file based on imports of any project. Looking for maintainers to move this project forward.
score: 42/100, stars/week: 12, stars: 5,252 -
pytransitions/transitions
A lightweight, object-oriented finite state machine implementation in Python with many extensions
score: 42/100, stars/week: 10, stars: 4,939 -
pytoolz/toolz
http://toolz.readthedocs.org/
A functional standard library for Python.
score: 42/100, stars/week: 8, stars: 4,280 -
python-markdown/markdown
https://python-markdown.github.io/
A Python implementation of John Gruber’s Markdown with Extension support.
score: 42/100, stars/week: 4, stars: 3,286 -
suor/funcy
A fancy and practical functional tools
score: 42/100, stars/week: 5, stars: 3,104 -
ets-labs/python-dependency-injector
https://python-dependency-injector.ets-labs.org/
Dependency injection framework for Python
score: 42/100, stars/week: 6, stars: 3,035 -
astanin/python-tabulate
https://pypi.org/project/tabulate/
Pretty-print tabular data in Python, a library and a command-line utility. Repository migrated from bitbucket.org/astanin/python-tabulate.
score: 42/100, stars/week: 8, stars: 1,702 -
ossf/criticality_score
Gives criticality score for an open source project
score: 42/100, stars/week: 8, stars: 1,221 -
fabiocaccamo/python-benedict
📘 dict subclass with keylist/keypath support, built-in I/O operations (base64, csv, ini, json, pickle, plist, query-string, toml, xls, xml, yaml), s3 support and many utilities.
score: 42/100, stars/week: 5, stars: 1,108 -
mozillazg/pypy
https://foss.heptapod.net/pypy/pypy
The unofficial GitHub mirror of PyPy (mirrored via https://github.com/mozillazg/job-mirror-hg-repos)
score: 42/100, stars/week: 1, stars: 400 -
carpedm20/emoji
emoji terminal output for Python
score: 41/100, stars/week: 3, stars: 1,703 -
aio-libs/aiobotocore
http://aiobotocore.readthedocs.io
asyncio support for botocore library using aiohttp
score: 41/100, stars/week: 2, stars: 947 -
fsspec/s3fs
http://s3fs.readthedocs.io/en/latest/
S3 Filesystem
score: 41/100, stars/week: 1, stars: 704 -
gefyrahq/gefyra
https://gefyra.dev
Blazingly-fast🚀 , rock-solid, local application development➡️ with Kubernetes.
score: 41/100, stars/week: 5, stars: 507 -
dateutil/dateutil
Useful extensions to the standard Python datetime features
score: 40/100, stars/week: 4, stars: 2,096 -
ipython/ipykernel
https://ipykernel.readthedocs.io/en/stable/
IPython Kernel for Jupyter
score: 40/100, stars/week: 1, stars: 565 -
liiight/notifiers
http://notifiers.readthedocs.io/
The easy way to send notifications
score: 39/100, stars/week: 7, stars: 2,474 -
grantjenks/python-diskcache
http://www.grantjenks.com/docs/diskcache/
Python disk-backed cache (Django-compatible). Faster than Redis and Memcached. Pure-Python.
score: 39/100, stars/week: 4, stars: 1,802 -
yaml/pyyaml
Canonical source repository for PyYAML
score: 38/100, stars/week: 3, stars: 2,213 -
methexis-inc/terminal-copilot
A smart terminal assistant that helps you find the right command.
score: 38/100, stars/week: 15, stars: 505 -
jorgebastida/awslogs
AWS CloudWatch logs for Humans™
score: 37/100, stars/week: 10, stars: 4,640 -
sethmmorton/natsort
https://pypi.org/project/natsort/
Simple yet flexible natural sorting in Python.
score: 37/100, stars/week: 1, stars: 773 -
qdrant/qdrant-client
https://qdrant.tech
Python client for Qdrant vector search engine
score: 37/100, stars/week: 1, stars: 255 -
rspeer/python-ftfy
http://ftfy.readthedocs.org
Fixes mojibake and other glitches in Unicode text, after the fact.
score: 36/100, stars/week: 6, stars: 3,519 -
pyfilesystem/pyfilesystem2
https://www.pyfilesystem.org
Python's Filesystem abstraction layer
score: 36/100, stars/week: 5, stars: 1,867 -
google/gin-config
Gin provides a lightweight configuration framework for Python
score: 36/100, stars/week: 6, stars: 1,841 -
nateshmbhat/pyttsx3
Offline Text To Speech synthesis for python
score: 36/100, stars/week: 5, stars: 1,618 -
pyca/bcrypt
Modern(-ish) password hashing for your software and your servers
score: 36/100, stars/week: 1, stars: 1,028 -
zenodo/zenodo
https://zenodo.org
Research. Shared.
score: 36/100, stars/week: 1, stars: 804 -
fastai/ghapi
https://ghapi.fast.ai/
A delightful and complete interface to GitHub's amazing API
score: 36/100, stars/week: 3, stars: 466 -
scrapinghub/dateparser
python parser for human readable dates
score: 35/100, stars/week: 5, stars: 2,314 -
rasbt/watermark
An IPython magic extension for printing date and time stamps, version numbers, and hardware information
score: 35/100, stars/week: 1, stars: 816 -
pycqa/docformatter
https://pypi.python.org/pypi/docformatter
Formats docstrings to follow PEP 257
score: 35/100, stars/week: 1, stars: 434 -
rasahq/rasa-sdk
https://rasa.com/docs
SDK for the development of custom actions for Rasa
score: 35/100, stars/week: 1, stars: 263 -
cqcl/tket
Source code for the TKET quantum compiler, Python bindings and utilities
score: 35/100, stars/week: 1, stars: 191 -
aws-samples/sagemaker-ssh-helper
A helper library to connect into Amazon SageMaker with AWS Systems Manager and SSH
score: 35/100, stars/week: 3, stars: 126 -
kalliope-project/kalliope
https://kalliope-project.github.io/
Kalliope is a framework that will help you to create your own personal assistant.
score: 34/100, stars/week: 4, stars: 1,661 -
pdoc3/pdoc
https://pdoc3.github.io/pdoc/
🐍 ➡️ 📜 Auto-generate API documentation for Python projects
score: 34/100, stars/week: 4, stars: 985 -
nficano/python-lambda
A toolkit for developing and deploying serverless Python code in AWS Lambda.
score: 33/100, stars/week: 3, stars: 1,442 -
lukasschwab/arxiv.py
Python wrapper for the arXiv API
score: 33/100, stars/week: 1, stars: 738 -
bastibe/python-soundfile
SoundFile is an audio library based on libsndfile, CFFI, and NumPy
score: 33/100, stars/week: 1, stars: 565 -
tox-dev/py-filelock
https://py-filelock.readthedocs.io
A platform-independent file lock for Python.
score: 33/100, stars/week: 1, stars: 558 -
terrycain/aioboto3
Wrapper to use boto3 resources with the aiobotocore async backend
score: 33/100, stars/week: 1, stars: 529 -
google/pyglove
Manipulating Python Programs
score: 33/100, stars/week: 4, stars: 279 -
mrabarnett/mrab-regex
mrabarnett/mrab-regex
score: 33/100, stars/week: 1, stars: 256 -
pyca/pynacl
https://pynacl.readthedocs.io/
Python binding to the Networking and Cryptography (NaCl) library
score: 32/100, stars/week: 1, stars: 982 -
samuelcolvin/python-devtools
https://python-devtools.helpmanual.io/
Dev tools for python
score: 32/100, stars/week: 2, stars: 779 -
pycqa/pylint-django
Pylint plugin for improving code analysis for when using Django
score: 32/100, stars/week: 1, stars: 557 -
venth/aws-adfs
Command line tool to ease aws cli authentication against ADFS (multi factor authentication with active directory)
score: 32/100, stars/week: 1, stars: 282 -
steamship-core/python-client
steamship-core/python-client
score: 32/100, stars/week: 1, stars: 127 -
weaviate/weaviate-python-client
https://weaviate.io/developers/weaviate/current/client-libraries/python.html
A python native client for easy interaction with a Weaviate instance.
score: 32/100, stars/week: 1, stars: 54 -
julienpalard/Pipe
A Python library to use infix notation in Python
score: 31/100, stars/week: 2, stars: 1,689 -
linkedin/shiv
shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441, but with all their dependencies included.
score: 31/100, stars/week: 5, stars: 1,609 -
py4j/py4j
https://www.py4j.org
Py4J enables Python programs to dynamically access arbitrary Java objects
score: 31/100, stars/week: 1, stars: 1,081 -
sciunto-org/python-bibtexparser
https://bibtexparser.readthedocs.io
Bibtex parser for Python 3
score: 31/100, stars/week: 1, stars: 378 -
ofek/pypinfo
Easily view PyPI download statistics via Google's BigQuery.
score: 31/100, stars/week: 1, stars: 368 -
wolph/python-progressbar
http://progressbar-2.readthedocs.org/en/latest/
Progressbar 2 - A progress bar for Python 2 and Python 3 - "pip install progressbar2"
score: 30/100, stars/week: 1, stars: 818 -
cdgriffith/Box
https://github.com/cdgriffith/Box/wiki
Python dictionaries with advanced dot notation access
score: 29/100, stars/week: 6, stars: 2,231 -
prefecthq/server
The Prefect API and backend
score: 29/100, stars/week: 1, stars: 211 -
pytoolz/cytoolz
Cython implementation of Toolz: High performance functional utilities
score: 28/100, stars/week: 1, stars: 927 -
erdewit/nest_asyncio
Patch asyncio to allow nested event loops
score: 28/100, stars/week: 2, stars: 530 -
aws/aws-lambda-python-runtime-interface-client
aws/aws-lambda-python-runtime-interface-client
score: 28/100, stars/week: 1, stars: 219 -
mgedmin/check-manifest
https://pypi.org/p/check-manifest
Tool to check the completeness of MANIFEST.in for Python packages
score: 27/100, stars/week: 1, stars: 279 -
nv7-github/googlesearch
https://pypi.org/project/googlesearch-python/
A Python library for scraping the Google search engine.
score: 27/100, stars/week: 1, stars: 271 -
stub42/pytz
pytz Python historical timezone library and database
score: 27/100, stars/week: 1, stars: 267 -
hugovk/pypistats
https://pypistats.org/api/
Command-line interface to PyPI Stats API to get download stats for Python packages
score: 27/100, stars/week: 1, stars: 159 -
prefecthq/prefect-dask
https://prefecthq.github.io/prefect-dask/
Prefect integrations with the Dask execution framework.
score: 27/100, stars/week: 1, stars: 58 -
pylons/colander
https://docs.pylonsproject.org/projects/colander/en/latest/
A serialization/deserialization/validation library for strings, mappings and lists.
score: 26/100, stars/week: 1, stars: 439 -
heuer/segno
https://pypi.org/project/segno/
Python QR Code and Micro QR Code encoder
score: 26/100, stars/week: 1, stars: 428 -
carlospuenteg/File-Injector
File Injector is a script that allows you to store any file in an image using steganography
score: 26/100, stars/week: 10, stars: 404 -
serpapi/google-search-results-python
Google Search Results via SERP API pip Python Package
score: 26/100, stars/week: 1, stars: 388 -
tiangolo/poetry-version-plugin
Poetry plugin for dynamically extracting the package version from a version variable or a Git tag.
score: 26/100, stars/week: 2, stars: 297 -
pyodide/micropip
https://micropip.pyodide.org
A lightweight Python package installer for Pyodide
score: 26/100, stars/week: 1, stars: 28 -
joowani/binarytree
http://binarytree.readthedocs.io
Python Library for Studying Binary Trees
score: 25/100, stars/week: 4, stars: 1,782 -
metachris/logzero
https://logzero.readthedocs.io
Robust and effective logging for Python 2 and 3.
score: 25/100, stars/week: 3, stars: 1,030 -
irmen/pyminiaudio
python interface to the miniaudio audio playback, recording, decoding and conversion library
score: 25/100, stars/week: 1, stars: 137 -
jaraco/wolframalpha
jaraco/wolframalpha
score: 24/100, stars/week: 1, stars: 132 -
python-odin/odin
https://odin.readthedocs.org/en/latest/
Data-structure definition/validation/traversal, mapping and serialisation toolkit for Python
score: 22/100, stars/week: 1, stars: 33 -
alex-sherman/unsync
Unsynchronize asyncio
score: 21/100, stars/week: 2, stars: 840 -
clarete/forbiddenfruit
https://clarete.li/forbiddenfruit/
Patch built-in python objects
score: 19/100, stars/week: 1, stars: 774 -
brandon-rhodes/python-patterns
Source code behind the python-patterns.guide site by Brandon Rhodes
score: 18/100, stars/week: 3, stars: 1,103 -
pyyoshi/cChardet
universal character encoding detector
score: 18/100, stars/week: 1, stars: 365 -
kuimono/openapi-schema-pydantic
OpenAPI (v3) specification schema as pydantic class
score: 18/100, stars/week: 1, stars: 92 -
gondolav/pyfuncol
https://pyfuncol.readthedocs.io/
Functional collections extension functions for Python
score: 18/100, stars/week: 1, stars: 32 -
xl0/lovely-numpy
https://xl0.github.io/lovely-numpy
NumPy arrays, ready for human consumption
score: 17/100, stars/week: 1, stars: 54 -
paperswithcode/axcell
Tools for extracting tables and results from Machine Learning papers
score: 15/100, stars/week: 1, stars: 357 -
rpgreen/apilogs
Easy logging and debugging for Amazon API Gateway and AWS Lambda Serverless APIs
score: 15/100, stars/week: 1, stars: 250 -
airbnb/ottr
Serverless Public Key Infrastructure Framework
score: 14/100, stars/week: 2, stars: 263 -
mnooner256/pyqrcode
Python 3 module to generate QR Codes
score: 12/100, stars/week: 1, stars: 385 -
backtick-se/cowait
https://cowait.io
Containerized distributed programming framework for Python
score: 12/100, stars/week: 1, stars: 53 -
brokenloop/jsontopydantic
https://jsontopydantic.com
Web tool for generating Pydantic models from JSON objects
score: 11/100, stars/week: 1, stars: 252 -
xrudelis/pytrait
Traits for Python3
score: 8/100, stars/week: 1, stars: 128 -
weaviate/DEMO-text2vec-openai
This repository contains an example of how to use the Weaviate vector search engine's text2vec-openai module
score: 8/100, stars/week: 1, stars: 28 -
markhershey/arxiv-dl
https://pypi.org/project/arxiv-dl/
Command-line ArXiv & CVF (CVPR, ICCV, WACV) Paper Downloader
score: 7/100, stars/week: 1, stars: 19
Vizualisation
Vizualisation tools and libraries. Application frameworks, 2D/3D plotting, dashboards, WebGL etc.
-
apache/superset
https://superset.apache.org/
Apache Superset is a Data Visualization and Data Exploration Platform
score: 82/100, stars/week: 126, stars: 52,946 -
streamlit/streamlit
https://streamlit.io
Streamlit — A faster way to build and share data apps.
score: 74/100, stars/week: 127, stars: 25,998 -
gradio-app/gradio
http://www.gradio.app
Create UIs for your machine learning model in Python in 3 minutes
score: 73/100, stars/week: 82, stars: 19,764 -
matplotlib/matplotlib
https://matplotlib.org/stable/
matplotlib: plotting with Python
score: 72/100, stars/week: 27, stars: 17,706 -
bokeh/bokeh
https://bokeh.org
Interactive Data Visualization in the browser, from Python
score: 67/100, stars/week: 30, stars: 17,747 -
plotly/dash
https://plotly.com/dash
Data Apps & Dashboards for Python. No JavaScript Required.
score: 64/100, stars/week: 43, stars: 19,008 -
plotly/plotly.py
https://plotly.com/python/
The interactive graphing library for Python✨ This project now includes Plotly Express!
score: 63/100, stars/week: 27, stars: 13,792 -
visgl/deck.gl
https://deck.gl
WebGL2 powered visualization framework
score: 62/100, stars/week: 27, stars: 11,028 -
altair-viz/altair
https://altair-viz.github.io/
Declarative statistical visualization library for Python
score: 61/100, stars/week: 20, stars: 8,369 -
mwaskom/seaborn
https://seaborn.pydata.org
Statistical data visualization in Python
score: 59/100, stars/week: 18, stars: 10,909 -
holoviz/panel
https://panel.holoviz.org
Panel: The powerful data exploration & web app framework for Python
score: 58/100, stars/week: 11, stars: 2,964 -
marceloprates/prettymaps
A small set of Python functions to draw pretty maps from OpenStreetMap data. Based on osmnx, matplotlib and shapely libraries.
score: 53/100, stars/week: 79, stars: 9,861 -
vispy/vispy
http://vispy.org
Main repository for Vispy
score: 53/100, stars/week: 5, stars: 3,084 -
man-group/dtale
http://alphatechadmin.pythonanywhere.com
Visualizer for pandas data structures
score: 52/100, stars/week: 19, stars: 4,142 -
pyqtgraph/pyqtgraph
http://www.pyqtgraph.org
Fast data visualization and GUI tools for scientific / engineering applications
score: 52/100, stars/week: 6, stars: 3,319 -
pyvista/pyvista
https://docs.pyvista.org
3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK)
score: 52/100, stars/week: 5, stars: 1,867 -
marcomusy/vedo
https://vedo.embl.es
A python module for scientific analysis of 3D data based on VTK and Numpy
score: 50/100, stars/week: 5, stars: 1,673 -
lux-org/lux
Automatically visualize your pandas dataframe via a single print!📊 💡
score: 49/100, stars/week: 25, stars: 4,641 -
holoviz/holoviews
https://holoviews.org
With Holoviews, your data visualizes itself.
score: 49/100, stars/week: 5, stars: 2,463 -
has2k1/plotnine
https://plotnine.readthedocs.io/en/stable/
A grammar of graphics for Python
score: 47/100, stars/week: 10, stars: 3,510 -
facebookresearch/hiplot
https://facebookresearch.github.io/hiplot/
HiPlot makes understanding high dimensional data easy
score: 41/100, stars/week: 12, stars: 2,511 -
datapane/datapane
https://datapane.com
Build and share data reports in 100% Python
score: 41/100, stars/week: 7, stars: 1,252 -
facultyai/dash-bootstrap-components
https://dash-bootstrap-components.opensource.faculty.ai/
Bootstrap components for Plotly Dash
score: 40/100, stars/week: 3, stars: 1,002 -
enthought/mayavi
http://docs.enthought.com/mayavi/mayavi/
3D visualization of scientific data in Python
score: 37/100, stars/week: 1, stars: 1,139 -
ml-tooling/opyrator
https://opyrator-playground.mltooling.org
🪄 Turns your machine learning code into microservices with web API, interactive GUI, and more.
score: 36/100, stars/week: 23, stars: 2,862 -
nomic-ai/deepscatter
Zoomable, animated scatterplots in the browser that scales over a billion points
score: 35/100, stars/week: 3, stars: 855 -
holoviz/holoviz
https://holoviz.org/
High-level tools to simplify visualization in Python.
score: 34/100, stars/week: 2, stars: 714 -
netflix/flamescope
FlameScope is a visualization tool for exploring different time ranges as Flame Graphs.
score: 33/100, stars/week: 10, stars: 2,903 -
luispedro/mahotas
https://mahotas.rtfd.io
Computer Vision in Python
score: 30/100, stars/week: 1, stars: 802 -
vhranger/nodevectors
Fastest network node embeddings in the west
score: 19/100, stars/week: 2, stars: 471 -
cuemacro/chartpy
Easy to use Python API wrapper to plot charts with matplotlib, plotly, bokeh and more
score: 16/100, stars/week: 1, stars: 521
Web
Web related frameworks and libraries: webapp servers, WSGI, ASGI, asyncio, HTTP, REST, user management etc.
-
tiangolo/fastapi
https://fastapi.tiangolo.com/
FastAPI framework, high performance, easy to learn, fast to code, ready for production
score: 83/100, stars/week: 250, stars: 60,390 -
django/django
https://www.djangoproject.com/
The Web framework for perfectionists with deadlines.
score: 81/100, stars/week: 122, stars: 71,963 -
pynecone-io/reflex
https://reflex.dev
(Previously Pynecone)🕸 Web apps in pure Python🐍
score: 75/100, stars/week: 251, stars: 9,736 -
pyscript/pyscript
https://github.com/pyscript/pyscript/discussions
Home Page: https://pyscript.net Examples: https://pyscript.net/examples
score: 74/100, stars/week: 227, stars: 16,802 -
pallets/flask
https://flask.palletsprojects.com
The Python micro framework for building web applications.
score: 73/100, stars/week: 91, stars: 63,601 -
psf/requests
https://requests.readthedocs.io/en/latest/
A simple, yet elegant, HTTP library.
score: 71/100, stars/week: 76, stars: 49,914 -
sherlock-project/sherlock
http://sherlock-project.github.io
🔎 Hunt down social media accounts by username across social networks
score: 68/100, stars/week: 176, stars: 42,234 -
flet-dev/flet
https://flet.dev
Flet enables developers to easily build realtime web, mobile and desktop apps in Python. No frontend experience required.
score: 67/100, stars/week: 84, stars: 5,840 -
huge-success/sanic
https://sanic.dev
Accelerate your web app development | Build fast. Run fast.
score: 66/100, stars/week: 46, stars: 17,185 -
aio-libs/aiohttp
https://docs.aiohttp.org
Asynchronous HTTP client/server framework for asyncio and Python
score: 65/100, stars/week: 26, stars: 13,714 -
encode/httpx
https://www.python-httpx.org/
A next generation HTTP client for Python.🦋
score: 64/100, stars/week: 48, stars: 10,782 -
encode/starlette
https://www.starlette.io/
The little ASGI framework that shines. 🌟
score: 64/100, stars/week: 31, stars: 8,458 -
tornadoweb/tornado
http://www.tornadoweb.org/
Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
score: 62/100, stars/week: 29, stars: 21,192 -
starlite-api/litestar
https://litestar.dev/
Light, Flexible and Extensible ASGI API framework | Effortlessly Build Performant APIs
score: 62/100, stars/week: 27, stars: 2,346 -
vitalik/django-ninja
https://django-ninja.rest-framework.com
💨 Fast, Async-ready, Openapi, type hints based framework for building APIs
score: 59/100, stars/week: 27, stars: 4,629 -
strawberry-graphql/strawberry
https://strawberry.rocks
A GraphQL library for Python that leverages type annotations🍓
score: 59/100, stars/week: 13, stars: 3,311 -
encode/uvicorn
https://www.uvicorn.org/
An ASGI web server, for Python. 🦄
score: 58/100, stars/week: 21, stars: 6,752 -
reactive-python/reactpy
https://reactpy.dev
It's React, but in Python
score: 58/100, stars/week: 27, stars: 6,445 -
benoitc/gunicorn
http://www.gunicorn.org
gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX, fast clients and sleepy applications.
score: 56/100, stars/week: 12, stars: 9,027 -
pallets/werkzeug
https://werkzeug.palletsprojects.com
The comprehensive WSGI web application library.
score: 56/100, stars/week: 9, stars: 6,400 -
falconry/falcon
https://falcon.readthedocs.io/en/stable/
The no-magic web data plane API and microservices framework for Python developers, with a focus on reliability, correctness, and performance at scale.
score: 55/100, stars/week: 16, stars: 9,191 -
graphql-python/graphene
http://graphene-python.org/
GraphQL framework for Python
score: 54/100, stars/week: 18, stars: 7,728 -
fastapi-users/fastapi-users
https://fastapi-users.github.io/fastapi-users/
Ready-to-use and customizable users management for FastAPI
score: 53/100, stars/week: 14, stars: 2,935 -
pyeve/eve
https://python-eve.org
REST API framework designed for human beings
score: 49/100, stars/week: 11, stars: 6,618 -
pywebio/PyWebIO
https://pywebio.readthedocs.io
Write interactive web app in script way.
score: 49/100, stars/week: 22, stars: 3,980 -
python-restx/flask-restx
https://flask-restx.readthedocs.io/en/latest/
Fork of Flask-RESTPlus: Fully featured framework for fast, easy and documented API development with Flask
score: 49/100, stars/week: 10, stars: 1,876 -
bottlepy/bottle
http://bottlepy.org/
bottle.py is a fast and simple micro-framework for python web-applications.
score: 47/100, stars/week: 10, stars: 8,024 -
websocket-client/websocket-client
https://github.com/websocket-client/websocket-client
WebSocket client for Python
score: 47/100, stars/week: 4, stars: 3,266 -
pallets/quart
https://quart.palletsprojects.com
An async Python micro framework for building web applications.
score: 46/100, stars/week: 6, stars: 1,996 -
s3rius/FastAPI-template
Feature rich robust FastAPI template.
score: 46/100, stars/week: 6, stars: 940 -
rstudio/py-shiny
https://shiny.posit.co/py/
Shiny for Python
score: 46/100, stars/week: 5, stars: 551 -
unbit/uwsgi
http://projects.unbit.it/uwsgi
uWSGI application server container
score: 45/100, stars/week: 5, stars: 3,309 -
neoteroi/BlackSheep
https://www.neoteroi.dev/blacksheep/
Fast ASGI web framework for Python
score: 43/100, stars/week: 5, stars: 1,317 -
pylons/pyramid
https://trypyramid.com/
Pyramid - A Python web framework
score: 42/100, stars/week: 5, stars: 3,820 -
cherrypy/cherrypy
https://docs.cherrypy.dev
CherryPy is a pythonic, object-oriented HTTP framework. https://cherrypy.dev
score: 42/100, stars/week: 4, stars: 1,693 -
webpy/webpy
http://webpy.org
web.py is a web framework for python that is as simple as it is powerful.
score: 41/100, stars/week: 7, stars: 5,820 -
long2ice/fastapi-cache
https://github.com/long2ice/fastapi-cache
fastapi-cache is a tool to cache fastapi response and function result, with backends support redis and memcached.
score: 40/100, stars/week: 4, stars: 753 -
wtforms/wtforms
https://wtforms.readthedocs.io
A flexible forms validation and rendering library for Python.
score: 38/100, stars/week: 2, stars: 1,405 -
emmett-framework/emmett
The web framework for inventors
score: 36/100, stars/week: 1, stars: 858 -
aeternalis-ingenium/FastAPI-Backend-Template
A backend project template with FastAPI, PostgreSQL with asynchronous SQLAlchemy 2.0, Alembic for asynchronous database migration, and Docker.
score: 36/100, stars/week: 11, stars: 388 -
jordaneremieff/mangum
https://mangum.io/
AWS Lambda support for ASGI applications
score: 35/100, stars/week: 5, stars: 1,385 -
pylons/waitress
https://docs.pylonsproject.org/projects/waitress/en/latest/
Waitress - A WSGI server for Python 3
score: 35/100, stars/week: 2, stars: 1,273 -
awtkns/fastapi-crudrouter
https://fastapi-crudrouter.awtkns.com
A dynamic FastAPI router that automatically creates CRUD routes for your models
score: 35/100, stars/week: 8, stars: 1,133 -
koxudaxi/fastapi-code-generator
This code generator creates FastAPI app from an openapi file.
score: 35/100, stars/week: 4, stars: 747 -
magicstack/httptools
Fast HTTP parser
score: 34/100, stars/week: 2, stars: 1,117 -
flipkart-incubator/Astra
Automated Security Testing For REST API's
score: 33/100, stars/week: 7, stars: 2,294 -
klen/muffin
Muffin is a fast, simple and asyncronous web-framework for Python 3
score: 33/100, stars/week: 1, stars: 642 -
pyscript/pyscript-cli
A CLI for PyScript
score: 33/100, stars/week: 2, stars: 154 -
conradbez/hstream
Hyper Stream
score: 28/100, stars/week: 7, stars: 267 -
rawheel/fastapi-boilerplate
Dockerized FastAPI boiler plate similar to Django code structure with views, serializers(pydantic) and model( Sqlalchemy ORM) with dockerized database(PostgresSQL) and PgAdmin.🚀
score: 25/100, stars/week: 4, stars: 144 -
pylons/webob
https://webob.org/
WSGI request and response objects
score: 24/100, stars/week: 1, stars: 426 -
fourthbrain/FastAPI-for-Machine-Learning-Live-Demo
This repository contains the files to build your very own AI image generation web application! Outlined are the core components of the FastAPI web framework, and application leverage the newly-released Stable Diffusion text-to-image deep learning model.
score: 17/100, stars/week: 3, stars: 107 -
dmontagu/fastapi_client
FastAPI client generator
score: 15/100, stars/week: 1, stars: 306
Checkout the interactive version: www.awesomepython.org
Please raise a new issue to suggest a Python repo that you would like to see added.
The influence Score value is loosely based on the OpenSSF criticality score calculation which defines the influence and importance of a project.
This list was updated on 2023-07-23