Skip to content

Instantly share code, notes, and snippets.

@jaimevalero
Last active May 13, 2023 00:29
Show Gist options
  • Save jaimevalero/3db5c5753373b37d1e687700d2039b07 to your computer and use it in GitHub Desktop.
Save jaimevalero/3db5c5753373b37d1e687700d2039b07 to your computer and use it in GitHub Desktop.
Which awesome resource has more awesomess in an awesome list
# Order an awesome list by number stars.
#
# Tis one liner scripts extracts the number of stars from each repo from a given awesome list, and order repos by the number of start
# This one liner uses jq command, so you should have it installed in your machine
# Parameter
# Awesome List to extract, in raw
AWESOME_LIST=https://raw.githubusercontent.com/pditommaso/awesome-pipeline/master/README.md
#CREDENTIALS="jaimevalero:mysecret"
CREDENTIALS="replace-for-your-github-user:replace-for-your-github-password"
curl -L --user "$CREDENTIALS" -s "$AWESOME_LIST" | \
egrep -E -o 'https://github.com/.*/.*\)' | \
cut -d\/ -f 4-5 | cut -d\) -f1 | \
while read line ; do \
echo "[$line](https://github.com/$line)" \| \
`curl --user "$CREDENTIALS" -s -L -k "https://api.github.com/repos/$line" | \
jq -c '[ .stargazers_count ,"ยบ" , .description , "ยบ"] ' | \
tr -d '\[' | tr -d '\]' | tr -d ',' | tr -d '\"' | tr -d '\|' | tr 'ยบ' '|' `; \
done | sort -r -u -t \| -k2 -n | sed -e 's/^/\|/g' | sed -e 's@||@|@g'
@jaimevalero
Copy link
Author

jaimevalero commented Feb 17, 2018

For https://github.com/josephmisiti/awesome-machine-learning

Repo Stars Description
tensorflow/tensorflow 147708 An Open Source Machine Learning Framework for Everyone
sindresorhus/awesome 139063 ๐Ÿ˜Ž Awesome lists about all kinds of interesting topics
vinta/awesome-python 85763 A curated list of awesome Python frameworks libraries software and resources
keras-team/keras 49342 Deep Learning for humans
josephmisiti/awesome-machine-learning 46119 A curated list of awesome Machine Learning frameworks libraries and software.
pytorch/pytorch 41255 Tensors and Dynamic neural networks in Python with strong GPU acceleration
ageitgey/face_recognition 35900 The world's simplest facial recognition api for Python and the command line
BVLC/caffe 30730 Caffe: a fast open framework for deep learning.
apache/incubator-superset 29759 Apache Superset is a Data Visualization and Data Exploration Platform
apache/spark 27233 Apache Spark - A unified analytics engine for large-scale data processing
fxsjy/jieba#jieba-1 23886 ็ป“ๅทดไธญๆ–‡ๅˆ†่ฏ
facebookresearch/Detectron 23597 FAIR's research platform for object detection research implementing popular algorithms like Mask R-CNN and RetinaNet.
openai/gym 21937 A toolkit for developing and comparing reinforcement learning algorithms.
CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers 21673 aka \Bayesian Methods for Hackers: An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first mathematics-second point of view. All in pure Python ;)
dmlc/xgboost 19631 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 Flink and DataFlow
donnemartin/data-science-ipython-notebooks 19367 Data science Python notebooks: Deep learning (TensorFlow Theano Caffe Keras) scikit-learn Kaggle big data (Spark Hadoop MapReduce HDFS) matplotlib pandas NumPy SciPy Python essentials AWS and various command lines.
apache/incubator-mxnet 18924 Lightweight Portable Flexible Distributed/Mobile Deep Learning with Dynamic Mutation-aware Dataflow Dep Scheduler; for Python R Julia Scala Go Javascript and more
fastai/fastai 18730 The fastai deep learning library plus lessons and tutorials
pjreddie/darknet 18580 Convolutional Neural Networks
CMU-Perceptual-Computing-Lab/openpose 18287 OpenPose: Real-time multi-person keypoint detection library for body face hands and foot estimation
explosion/spaCy 17062 ๐Ÿ’ซ Industrial-strength Natural Language Processing (NLP) with Python and Cython
Microsoft/CNTK 16841 Microsoft Cognitive Toolkit (CNTK) an open source deep-learning toolkit
eriklindernoren/ML-From-Scratch 16605 Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
jtoy/awesome-tensorflow 15896 TensorFlow - A curated list of dedicated resources http://tensorflow.org
trekhleb/homemade-machine-learning 14341 ๐Ÿค– Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
bokeh/bokeh 13865 Interactive Data Visualization in the browser from Python
wesm/pydata-book 13071 Materials and IPython notebooks for \Python for Data Analysis\ by Wes McKinney published by O'Reilly Media
plotly/dash 12721 Analytical Web Apps for Python R Julia and Jupyter. No JavaScript Required.
apache/predictionio 12403 PredictionIO a machine learning server for developers and ML engineers.
facebookresearch/detectron2 12233 Detectron2 is FAIR's next-generation platform for object detection and segmentation.
quantopian/zipline 11705 Zipline a Pythonic Algorithmic Trading Library
mnielsen/neural-networks-and-deep-learning 11528 Code samples for my book \Neural Networks and Deep Learning|
Microsoft/LightGBM 11394 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.
BrainJS/brain.js 11237 ๐Ÿค– Neural networks in JavaScript
RaRe-Technologies/gensim 11088 Topic Modelling for Humans
lutzroeder/netron 10923 Visualizer for neural network deep learning and machine learning models
apache/hadoop 10785 Apache Hadoop
jupyter/jupyter 10777 Jupyter metapackage for installation docs and chat
hangtwenty/dive-into-machine-learning 10094 Dive into Machine Learning with Python Jupyter notebook and scikit-learn!
apple/turicreate 9827 Turi Create simplifies the development of custom machine learning models.
RasaHQ/rasa_nlu 9540 ๐Ÿ’ฌ 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
google/jax 9477 Composable transformations of Python+NumPy programs: differentiate vectorize JIT to GPU/TPU and more
spencermountain/compromise 9440 modest natural-language processing
tflearn/tflearn 9437 Deep learning library featuring a higher-level API for TensorFlow.
kaldi-asr/kaldi 9343 kaldi-asr/kaldi is the official location of the Kaldi project.
NaturalNode/natural 9299 general natural language facilities for node
Theano/Theano 9209 Theano is a Python library that allows you to define optimize and evaluate mathematical expressions involving multi-dimensional arrays efficiently. It can use GPUs and perform efficient symbolic differentiation.
ddbourgin/numpy-ml 8858 Machine learning in numpy
Microsoft/Recommenders 8086 Best Practices on Recommendation Systems
harthur/brain 8040 UNMAINTAINED Simple feed-forward neural network in JavaScript
marcotcr/lime 7824 Lime: Explaining the predictions of any machine learning classifier
clips/pattern 7547 Web mining module for Python with tools for scraping natural language processing machine learning network analysis and visualization.
spotify/annoy 7453 Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
EpistasisLab/tpot 7392 A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
sjwhitworth/golearn 7313 Machine Learning for Go
sympy/sympy 7268 A computer algebra system written in pure Python
seatgeek/fuzzywuzzy 7213 Fuzzy String Matching in Python
VowpalWabbit/vowpal_wabbit 7182 Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online hashing allreduce reductions learning2search active and interactive learning.
dotnet/machinelearning 7073 ML.NET is an open source and cross-platform machine learning framework for .NET.
cazala/synaptic 6721 architecture-free neural network library for node.js and the browser
liuliu/ccv 6669 C-based/Cached/Core Computer Vision Library A Modern Computer Vision Library
deepmind/lab 6238 A customisable 3D platform for agent-based AI research
numenta/nupic 6120 Numenta Platform for Intelligent Computing is an implementation of Hierarchical Temporal Memory (HTM) a theory of intelligence based strictly on the neuroscience of the neocortex.
iterative/dvc 6096 ๐Ÿฆ‰Data Version Control Git for Data & Models
albu/albumentations 5888 Fast image augmentation library and easy to use wrapper around other libraries. Documentation: https://albumentations.ai/docs/
cortexlabs/cortex 5847 Build machine learning APIs
altair-viz/altair 5797 Declarative statistical visualization library for Python
Swift-AI/Swift-AI 5753 The Swift machine learning library.
SerpentAI/SerpentAI 5658 Game Agent Framework. Helping you create AIs / Bots that learn to play any game you own!
tensorflow/swift 5650 Swift for TensorFlow
statsmodels/statsmodels 5455 Statsmodels: statistical modeling and econometrics in Python
chainer/chainer 5438 A flexible framework of neural networks for deep learning
autumnai/leaf 5432 Open Machine Intelligence Framework for Hackers. (GPU/CPU)
loadfive/Knwl.js 5337 Find Dates Places Times and More. A .js library for parsing text for specific information.
catboost/catboost 5321 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.
karpathy/neuraltalk 5131 NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
featuretools/featuretools 5036 An open source python library for automated feature engineering
lancopku/pkuseg-python 4999 pkusegๅคš้ข†ๅŸŸไธญๆ–‡ๅˆ†่ฏๅทฅๅ…ท; The pkuseg toolkit for multi-domain Chinese word segmentation
h2oai/h2o-3 4946 Open Source Fast Scalable Machine Learning Platform For Smarter Applications: Deep Learning Gradient Boosting & XGBoost Random Forest Generalized Linear Modeling (Logistic Regression Elastic Net) K-Means PCA Stacked Ensembles Automatic Machine Learning (AutoML) etc.
karpathy/neuraltalk2 4943 Efficient Image Captioning code in Torch runs on GPU
haifengl/smile 4925 Statistical Machine Intelligence & Learning Engine
isnowfy/snownlp 4908 Python library for processing Chinese text
amueller/introduction_to_ml_with_python 4796 Notebooks and code for the book \Introduction to Machine Learning with Python|
PRML/PRMLT 4765 Matlab code for machine learning algorithms in book PRML
transcranial/keras-js 4761 Run Keras models in the browser with GPU support using WebGL
likedan/Awesome-CoreML-Models 4712 Largest list of models for Core ML (for iOS 11+)
airbnb/aerosolve 4656 A machine learning package built for humans.
jvns/pandas-cookbook 4639 Recipes for using Python's pandas library
deepmipt/DeepPavlov 4554 An open source library for deep learning end-to-end dialog systems and chatbots.
amznlabs/amazon-dsstne 4442 Deep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models
ml5js/ml5-library 4076 Friendly machine learning for the web! ๐Ÿค–
NVIDIA/DIGITS 3981 Deep Learning GPU Training System
scikit-image/scikit-image 3904 Image processing in Python
NervanaSystems/neon 3848 Intel
facebookresearch/DrQA 3847 Reading Wikipedia to Answer Open-Domain Questions
baidu-research/warp-ctc 3822 Fast parallel CTC.
axa-group/nlp.js 3818 An NLP library for building bots with entity extraction sentiment analysis automatic language identify and so more
deap/deap 3788 Distributed Evolutionary Algorithms in Python
Lasagne/Lasagne 3744 Lightweight library to build and train neural networks in Theano
rasbt/pattern_classification 3686 A collection of tutorials and examples for solving and understanding machine learning and pattern classification tasks
yhat/ggpy 3562 ggplot port for python
johnmyleswhite/ML_for_Hackers 3556 Code accompanying the book \Machine Learning for Hackers|
yzhao062/pyod 3513 A Python Toolbox for Scalable Outlier Detection (Anomaly Detection)
gorgonia/gorgonia 3510 Gorgonia is a library that helps facilitate machine learning in Go.
hybridgroup/gocv 3436 Go package for computer vision using OpenCV 4 and beyond.
snipsco/snips-nlu 3341 Snips Python library to extract meaning from text
twitter/scalding 3248 A Scala API for Cascading
jrosebr1/imutils 3234 A series of convenience functions to make basic image processing operations such as translation rotation resizing skeletonization and displaying Matplotlib images easier with OpenCV and Python.
scalanlp/breeze 3157 Breeze is a numerical processing library for Scala.
clab/dynet 3114 DyNet: The Dynamic Neural Network Toolkit
madmaze/pytesseract 3094 A Python wrapper for Google Tesseract
rasbt/mlxtend 3069 A library of extension and helper modules for Python's data analysis and machine learning libraries.
IDSIA/sacred 3027 Sacred is a tool to help you configure organize log and reproduce experiments developed at IDSIA.
justmarkham/scikit-learn-videos 2944 Jupyter notebooks from the scikit-learn video series
microsoft/tensorwatch 2903 Debugging monitoring and visualization for Python Machine Learning and Data Science
blaze/blaze 2895 NumPy and Pandas interface to Big Data
bloomberg/bqplot 2873 Plotting library for IPython/Jupyter notebooks
quantumblacklabs/kedro 2827 A Python library that implements software engineering best-practice for data and ML pipelines.
mindsdb/mindsdb 2805 Machine Learning in one line of code
pybrain/pybrain 2756 null
aksnzhy/xlearn 2741 High performance easy-to-use and scalable machine learning (ML) package including linear model (LR) factorization machines (FM) and field-aware factorization machines (FFM) for Python and CLI interface.
dedupeio/dedupe 2722 ๐Ÿ†” A python library for accurate and scalable fuzzy matching record deduplication and entity-resolution.
shogun-toolbox/shogun 2714 Shลgun
lisa-lab/pylearn2 2706 Warning: This project does not have any current developer. See bellow.
leoxiaobin/deep-high-resolution-net.pytorch 2672 The project is an official implementation of our CVPR2019 paper \Deep High-Resolution Representation Learning for Human Pose Estimation|
polyaxon/polyaxon 2539 Machine Learning Platform for Kubernetes
mit-nlp/MITIE 2500 MITIE: library and tools for information extraction
vispy/vispy 2415 Main repository for Vispy
simple-statistics/simple-statistics 2395 simple statistics for node & browser javascript
jmschrei/pomegranate 2389 Fast flexible and easy to use probabilistic modelling in Python.
twitter/twitter-text 2338 Twitter Text Libraries
stdlib-js/stdlib 2321 โœจ Standard library for JavaScript and Node.js. โœจ
cloudera/impala 2295 Real-time Query for Hadoop; mirror of Apache Impala
openai/retro 2178 Retro Games in Gym
jolibrain/deepdetect 2143 Deep Learning API and Server in C++11 support for Caffe Caffe2 PyTorchTensorRT Dlib NCNN Tensorflow XGBoost and TSNE
catalyst-team/catalyst 2111 Accelerated DL R&D
pyqtgraph/pyqtgraph 2107 Fast data visualization and GUI tools for scientific / engineering applications
twitter/summingbird 2086 Streaming MapReduce with Scalding and Storm
twitter/algebird 1993 Abstract Algebra for Scala
openai/roboschool 1977 DEPRECATED: Open-source software for robot simulation integrated with OpenAI Gym.
onyx-platform/onyx 1961 Distributed masterless high performance fault tolerant data processing
retextjs/retext 1928 natural language processor powered by plugins part of the @unifiedjs collective
reiinakano/scikit-plot 1921 An intuitive library to add plotting functionality to scikit-learn objects.
apache/mahout 1853 Mirror of Apache Mahout
mars-project/mars 1848 Mars is a tensor-based unified framework for large-scale data computation which scales Numpy Pandas and Scikit-learn.
NervanaSystems/coach 1802 Reinforcement Learning Coach by Intel AI Lab enables easy experimentation with state of the art Reinforcement Learning algorithms
mljs/ml 1754 Machine learning tools in JavaScript
mil-tokyo/webdnn 1729 The Fastest DNN Running Framework on Web Browser
oryxproject/oryx 1711 Oryx 2: Lambda architecture on Apache Spark Apache Kafka for real-time large scale machine learning
iterative/cml 1709 โ™พ๏ธ CML - Continuous Machine Learning CI/CD for ML
xmartlabs/Bender 1689 Easily craft fast Neural Networks on iOS! Use TensorFlow models. Metal under the hood.
jesolem/PCV 1672 Open source Python module for computer vision
aboSamoor/polyglot 1650 Multilingual text (NLP) processing toolkit
BayesWitnesses/m2cgen 1644 Transform ML models into a native code (Java C Python Go JavaScript Visual Basic C# R PowerShell PHP Dart Haskell Ruby) with zero dependencies
discoproject/disco 1615 a Map/Reduce framework for distributed computing
mikeizbicki/HLearn 1564 Homomorphic machine learning
GiovineItalia/Gadfly.jl 1554 Crafty statistical graphics for Julia.
pgmpy/pgmpy 1546 Python Library for learning (Structure and Parameter) and inference (Statistical and Causal) in Bayesian Networks.
ajstarks/svgo 1527 Go Language Library for SVG generation
arbox/machine-learning-with-ruby 1517 Curated list: Resources for machine learning in Ruby
bentoml/bentoml 1514 Model Serving Made Easy
chartbeat-labs/textacy 1504 NLP before and after spaCy
mmcloughlin/globe 1503 Globe wireframe visualizations in Golang
Franck-Dernoncourt/NeuroNER 1478 Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
stellargraph/stellargraph 1474 StellarGraph - Machine Learning on Graphs
ClimbsRocks/auto_ml 1472 UNMAINTAINED Automated machine learning for analytics & production
JohnSnowLabs/spark-nlp 1432 State of the Art Natural Language Processing
AllenDowney/ThinkBayes 1402 Code repository for Think Bayes.
ml-tooling/ml-workspace 1373 ๐Ÿ›  All-in-one web-based IDE specialized for machine learning and data science.
ericjang/tdb 1370 Interactive node-by-node debugging and visualization for TensorFlow
HIPS/Spearmint 1356 Spearmint Bayesian optimization codebase
mikedewar/d3py 1352 a plottling library for python based on D3
louismullie/treat 1347 Natural language processing framework for Ruby.
ocelma/python-recsys 1333 A python library for implementing a recommender system
jamesturk/jellyfish 1329 ๐ŸŽ a python library for doing approximate and phonetic matching of strings.
go-gota/gota 1322 Gota: DataFrames and data wrangling in Go (Golang)
IDSIA/brainstorm 1289 Fast flexible and fun neural networks.
srendle/libfm 1286 Library for factorization machines
pluskid/Mocha.jl 1250 Deep Learning framework for Julia
reiinakano/xcessiv 1243 A web-based application for quick scalable and automated hyperparameter tuning and stacked ensembling in Python.
originrose/cortex 1205 Machine learning in Clojure
Xtra-Computing/thundersvm 1204 ThunderSVM: A Fast SVM Library on GPUs and CPUs
hannes-brt/hebel 1182 GPU-Accelerated Deep Learning Library in Python
machinalis/quepy 1175 A python framework to transform natural language questions to queries in a database query language.
denizyuret/Knet.jl 1160 Koรง University deep learning framework.
alibaba/pipcook 1140 Front-End Algorithm Engineering Platform based on Tensorflow.js
cdipaolo/goml 1123 On-line Machine Learning in Go (and so much more)
muricoca/crab 1103 Crab is a ๏ฌ‚exible fast recommender engine for Python that integrates classic information ๏ฌltering recommendation algorithms in the world of scienti๏ฌc Python packages (numpy scipy matplotlib).
mining/mining 1096 Business Intelligence (BI) in Python OLAP
jcoglan/sylvester 1090 Vector matrix and geometry math JavaScript
golang/geo 1081 S2 geometry library in Go
mwydmuch/ViZDoom 1080 Doom-based AI Research Platform for Reinforcement Learning from Raw Visual Information. :godmode:
hyperopt/hyperopt-sklearn 1075 Hyper-parameter optimization for sklearn
dfm/emcee 1063 The Python ensemble sampling toolkit for affine-invariant MCMC
datumbox/datumbox-framework 1056 Datumbox is an open-source Machine Learning framework written in Java which allows the rapid development of Machine Learning and Statistical applications.
metric-learn/metric-learn 1028 Metric learning algorithms in Python
fukuball/jieba-php 1018 \็ตๅทด\ไธญๆ–‡ๅˆ†่ฉž๏ผšๅšๆœ€ๅฅฝ็š„ PHP ไธญๆ–‡ๅˆ†่ฉžใ€ไธญๆ–‡ๆ–ท่ฉž็ต„ไปถใ€‚ / \Jieba\ (Chinese for \to stutter) Chinese text segmentation: built to be the best PHP Chinese word segmentation module.
zhenghaoz/gorse 1017 An offline recommender system backend based on collaborative filtering written in Go
torchnet/torchnet 995 Torch on steroids
kartograph/kartograph.py 989 UNMAINTAINED! Renders beautiful SVG maps in Python.
gojek/feast 987 Feature Store for Machine Learning
sepandhaghighi/pycm 973 Multi-class confusion matrix library in Python
Element-Research/rnn 923 Recurrent Neural Network library for Torch7's nn
BIDData/BIDMach 908 CPU and GPU-accelerated Machine Learning Library
nikolaypavlov/MLPNeuralNet 907 Fast multilayer perceptron neural network library for iOS and Mac OS X
arbox/nlp-with-ruby 893 Curated List: Practical Natural Language Processing done in Ruby
creme-ml/creme 892 ๐Ÿจ Online machine learning in Python
benedekrozemberczki/karateclub 891 A general purpose community detection and network embedding library for research built on NetworkX.
pymc-devs/pymc 885 THIS IS THE OLD PYMC PROJECT. PLEASE USE PYMC3 INSTEAD:
simpleai-team/simpleai 878 simple artificial intelligence utilities
bigdatagenomics/adam 862 ADAM is a genomics analysis platform with specialized file formats built using Apache Avro Apache Spark and Apache Parquet. Apache 2 licensed.
h2oai/sparkling-water 859 Sparkling Water provides H2O functionality inside Spark cluster
rlworkgroup/garage 853 A toolkit for reproducible reinforcement learning research.
jasondavies/science.js 851 Scientific and statistical computing in JavaScript.
echen/restricted-boltzmann-machines 845 Restricted Boltzmann Machines in Python.
apache/systemml 828 Mirror of Apache SystemML
modAL-python/modAL 819 A modular active learning framework for Python
JuliaData/DataFrames.jl 814 In-memory tabular data in Julia
kengz/SLM-Lab 802 Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book \Foundations of Deep Reinforcement Learning.
alan-turing-institute/MLJ.jl 796 A Julia machine learning framework
eaplatanios/tensorflow_scala 795 TensorFlow API for the Scala Programming Language
KevinCoble/AIToolbox 740 A toolbox of AI modules written in Swift: Graphs/Trees Support Vector Machines Neural Networks PCA K-Means Genetic Algorithms
giacomelli/GeneticSharp 727 GeneticSharp is a fast extensible multi-platform and multithreading C# Genetic Algorithm library that simplifies the development of applications using Genetic Algorithms (GAs).
encog/encog-java-core 726 null
Tom-Alexander/regression-js 721 Curve Fitting in JavaScript.
p2t2/figaro 715 Figaro Programming Language and Core Libraries
kendricktan/suiron 714 Machine Learning for RC Cars
jwkvam/bowtie 710 :bowtie: Create a dashboard with python!
dakrone/clojure-opennlp 709 Natural Language Processing in Clojure (opennlp)
nickgillian/grt 706 gesture recognition toolkit
gopherdata/resources 702 Resources for Go-based data analysis visualization machine learning etc.
MaxHalford/eaopt 695 ๐Ÿ€ Evolutionary optimization library for Go (genetic algorithm partical swarm optimization differential evolution)
ajtulloch/dnngraph 692 A DSL for deep neural networks supporting Caffe and Torch
ryanbressler/CloudForest 675 Ensembles of decision trees in go/golang.
jbrukh/bayesian 674 Naive Bayesian Classification for Golang.
nilearn/nilearn 667 Machine learning for NeuroImaging in Python
cardmagic/classifier 646 A general classifier module to allow Bayesian and other types of classifications.
flennerhag/mlens 630 ML-Ensemble โ€“ high performance ensemble learning
yandex/rep 629 Machine Learning toolbox for Humans
luispedro/milk 611 MILK: Machine Learning Toolkit
cltk/cltk 607 The Classical Language Toolkit
trekhleb/machine-learning-octave 595 ๐Ÿค– MatLab/Octave examples of popular machine learning algorithms with code examples and mathematics being explained
sermanet/OverFeat 590 null
stsievert/swix 583 Swift Matrix Library
meta-toolkit/meta 574 A Modern C++ Data Sciences Toolkit
JuliaStats/Distributions.jl 567 A Julia package for probability distributions and associated functions.
Xtra-Computing/thundergbm 555 ThunderGBM: Fast GBDTs and Random Forests on GPUs
twitter/torch-autograd 548 Autograd automatically differentiates native Torch code
ogrisel/notebooks 534 Some sample IPython notebooks for scikit-learn
cloudkj/layer 533 Neural network inference the Unix way
nathanepstein/dora 531 Tools for exploratory data analysis in Python
JuliaGraphs/LightGraphs.jl 528 An optimized graphs package for the Julia programming language
Netflix/PigPen 518 Map-Reduce for Clojure
bigartm/bigartm 513 Fast topic modeling platform
sergey-tihon/Stanford.NLP.NET 510 Stanford NLP for .NET
NathanEpstein/Pavlov.js 497 Reinforcement learning using Markov Decision Processes. For JS written in C++.
tqchen/xgboost 488 https://github.com/dmlc/xgboost
SwiftBrain/awesome-CoreML-models 487 Collection of models for Core ML
yoshoku/rumale 476 Rumale is a machine learning library in Ruby
machinelearnjs/machinelearnjs 472 Machine Learning library for the web and Node.
benanne/kaggle-galaxies 471 Winning solution for the Galaxy Challenge on Kaggle (http://www.kaggle.com/c/galaxy-zoo-the-galaxy-challenge)
mattjj/pyhsmm 464 null
antoniodeluca/dn2a.js 460 DN2A - Digital Neural Networks Architecture
mljar/mljar-supervised 448 โœจ Automates Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning ๐Ÿš€
goml/gobrain 447 Neural Networks written in go
AllenDowney/ThinkOS 445 Text and supporting code for Think OS: A Brief Introduction to Operating Systems by Allen Downey.
sinhrks/ggfortify 440 Define fortify and autoplot functions to allow ggplot2 to handle some popular R packages.
maciejkula/rustlearn 430 Machine learning crate for Rust
proycon/pynlpl 417 PyNLPl pronounced as 'pineapple' is a Python library for Natural Language Processing. It contains various modules useful for common and less common NLP tasks. PyNLPl can be used for basic tasks such as the extraction of n-grams and frequency lists and to build simple language model. There are also more complex data types and algorithms. Moreover there are parsers for file formats common in NLP (e.g. FoLiA/Giza/Moses/ARPA/Timbl/CQL). There are also clients to interface with various NLP specific servers. PyNLPl most notably features a very extensive library for working with FoLiA XML (Format for Linguistic Annotation).
josephmisiti/machine-learning-module 413 the best machine learning tutorials on the web
rewonc/pastalog 409 Simple realtime visualization of neural network training performance.
AmazaspShumik/sklearn-bayes 405 Python package for Bayesian Machine Learning with scikit-learn API
CogComp/cogcomp-nlp 403 CogComp's Natural Language Processing libraries and Demos:
FidoProject/Fido 397 A lightweight C++ machine learning library for embedded electronics and robotics.
stripe/brushfire 395 Distributed decision tree ensemble learning in Scala
scikit-multiflow/scikit-multiflow 390 A machine learning package for streaming data in Python.
cstjean/ScikitLearn.jl 389 Julia implementation of the scikit-learn API https://cstjean.github.io/ScikitLearn.jl/dev/
benedekrozemberczki/littleballoffur 382 Little Ball of Fur - A graph sampling extension library for NetworKit and NetworkX.
neptune-ml/open-solution-home-credit 379 Open solution to the Home Credit Default Risk challenge ๐Ÿก
jbarrow/LambdaNet 377 Purely functional artificial neural network library implemented in Haskell.
twpayne/go-geom 375 Package geom implements efficient geometry types for geospatial applications.
machinalis/featureforge 374 A set of tools for creating and testing machine learning features with a scikit-learn compatible API
fredwu/simple_bayes 371 A Naive Bayes machine learning implementation in Elixir.
etsy/Conjecture 361 Scalable Machine Learning in Scalding
JuliaImages/Images.jl 358 An image library for Julia
bioruby/bioruby 355 bioruby
nicholas-leonard/dp 349 A deep learning library for streamlining research and development using the Torch7 distribution.
intel/daal 343 oneAPI Data Analytics Library (oneDAL)
NathanEpstein/D3xter 342 Straight forward plotting built on D3
sparklingpandas/sparklingpandas 339 Sparkling Pandas
fxsjy/gonn 338 GoNN is an implementation of Neural Network in Go Language which includes BPNN RBF PCN
ukoethe/vigra 334 a generic C++ library for image analysis
alexgutteridge/rsruby 328 Ruby - R bridge.
rlworkgroup/metaworld 325 An open source robotics benchmark for meta- and multi-task reinforcement learning
jgreenemi/Parris 323 Parris the automated infrastructure setup tool for machine learning algorithms.
ynqa/word-embedding 322 Word Embeddings (e.g. Word2Vec) in Go!
torch/cutorch 319 A CUDA backend for Torch7
JuliaStats/GLM.jl 317 Generalized linear models in Julia
RGF-team/rgf 316 Home repository for the Regularized Greedy Forest (RGF) library. It includes original implementation from the paper and multithreaded one written in C++ along with various language-specific wrappers.
rocketlaunchr/dataframe-go 306 DataFrames for Go: For statistics machine-learning and data manipulation/exploration
numenta/htm.java 303 Hierarchical Temporal Memory implementation in Java - an official Community-Driven Java port of the Numenta Platform for Intelligent Computing (NuPIC).
jackm321/RustNN 301 A neural network crate
Hydrospheredata/mist 300 Serverless proxy for Spark cluster
perone/Pyevolve 297 Pyevolve
alankbi/detecto 295 Build fully-functioning computer vision models with PyTorch
bwaldvogel/liblinear-java 291 Java version of LIBLINEAR
anshuman23/tensorflex 290 Tensorflow bindings for the Elixir programming language ๐Ÿ’ช
lspector/Clojush 286 The Push programming language and the PushGP genetic programming system implemented in Clojure.
neurosnap/sentences 283 A multilingual command line sentence tokenizer in Golang
fukuball/fuku-ml 279 Simple machine learning library / ็ฐกๅ–ฎๆ˜“็”จ็š„ๆฉŸๅ™จๅญธ็ฟ’ๅฅ—ไปถ
febeling/rb-libsvm 275 Ruby language bindings for LIBSVM
totemstech/neuraln 274 null
LaurentMazare/tensorflow-ocaml 268 OCaml bindings for TensorFlow
Neuraxio/Neuraxle 262 A Sklearn-like Framework for Hyperparameter Tuning and AutoML in Deep Learning projects. Finally have the right abstractions and design patterns to properly do AutoML. Let your pipeline steps have hyperparameter spaces. Enable checkpoints to cut duplicate calculations. Go from research to production environment easily.
nkallen/arel 259 A Relational Algebra
aunum/goro 253 A High-level Machine Learning Library for Go
primaryobjects/lda 251 LDA topic modeling for node.js
aurelian/ruby-stemmer 248 Expose libstemmer_c to Ruby
PreferredAI/cornac 245 A Comparative Framework for Multimodal Recommender Systems
logicalclocks/hopsworks 244 Hopsworks - Data-Intensive AI platform with a Feature Store
melisgl/mgl 243 Common Lisp machine learning library.
jeff1evesque/machine-learning 231 Web-interface + rest API for classification and regression (https://jeff1evesque.github.io/machine-learning.docs)
GHamrouni/Recommender 230 A C library for product recommendations/suggestions using collaborative filtering (CF)
brian-j-smith/Mamba.jl 228 Markov chain Monte Carlo (MCMC) for Bayesian analysis in julia
twitter/pycascading 221 A Python wrapper for Cascading
maitbayev/the-elements-of-statistical-learning 213 My notes and codes (jupyter notebooks) for the \The Elements of Statistical Learning\ by Trevor Hastie Robert Tibshirani and Jerome Friedman
JuliaData/DataFramesMeta.jl 211 Metaprogramming tools for DataFrames
AutoViML/AutoViz 207 Automatically Visualize any dataset any size with a single line of code. Created by Ram Seshadri. Collaborators Welcome. Permission Granted upon Request.
bensadeghi/DecisionTree.jl 205 Julia implementation of Decision Tree (CART) and Random Forest algorithms
dmbates/MixedModels.jl 203 A Julia package for fitting (statistical) mixed-effects models
BLLIP/bllip-parser 201 BLLIP reranking parser (also known as Charniak-Johnson parser Charniak parser Brown reranking parser) See http://pypi.python.org/pypi/bllipparser/ for Python module.
aunum/gold 200 Reinforcement Learning in Go
ecpolley/SuperLearner 199 Current version of the SuperLearner R package
JuliaStats/Distances.jl 198 A Julia package for evaluating distances (metrics) between vectors.
JuliaDSP/DSP.jl 194 Filter design periodograms window functions and other digital signal processing functionality
tedsta/deeplearn-rs 193 Neural networks in Rust
dmitryikh/leaves 191 pure Go implementation of prediction part for GBRT (Gradient Boosting Regression Trees) models from popular frameworks
Element-Research/dpnn 189 deep extensions to nn
r0man/inflections-clj 188 Rails-like inflection library for Clojure and ClojureScript
rlidwka/node-fann 186 FANN (Fast Artificial Neural Network Library) bindings for Node.js
JuliaStats/TimeSeries.jl 183 Time series toolkit for Julia
thoj/go-galib 181 Genetic Algorithms library written in Go / golang
serendipious/nodejs-decision-tree-id3 180 NodeJS Implementation of Decision Tree using ID3 Algorithm
htm-community/clortex 177 (pre-alpha) Implementation of Jeff Hawkins' Hierarchical Temporal Memory & Cortical Learning Algorithm
aria42/infer 176 inference and machine learning in clojure
reiver/go-porterstemmer 175 A native Go clean room implementation of the Porter Stemming algorithm.
BRML/climin 171 Optimizers for machine learning
JuliaStats/MLBase.jl 170 A set of functions to support the development of machine learning algorithms
infochimps-labs/big_data_for_chimps 169 A Seriously Fun guide to Big Data Analytics in Practice
vasinov/jruby_mahout 166 JRuby Mahout is a gem that unleashes the power of Apache Mahout in the world of JRuby.
dmlc/XGBoost.jl 165 XGBoost Julia Package
PerfectlySoft/Perfect-TensorFlow 161 TensorFlow C API Class Wrapper in Server Side Swift.
ayush1997/visualize_ML 160 Python package for consolidated and extensive UnivariateBivariate Data Analysis and Visualization catering to both categorical and continuous datasets.
neptune-ml/open-solution-data-science-bowl-2018 155 Open solution to the Data Science Bowl 2018
neptune-ml/open-solution-toxic-comments 152 Open solution to the Toxic Comment Classification Challenge
amueller/kaggle_insults 150 Kaggle Submission for \Detecting Insults in Social Commentary|
antoniogarrote/clj-ml 148 A machine learning library for Clojure built on top of Weka and friends
htm-community/comportex 145 Hierarchical Temporal Memory in Clojure
Somnibyte/MLKit 144 A simple machine learning framework written in Swift ๐Ÿค–
zueve/neurolab 142 Neurolab is a simple and powerful Neural Network Library for Python
JuliaStats/HypothesisTests.jl 141 Hypothesis tests for Julia
hshindo/Merlin.jl 140 Deep Learning for Julia
jimpil/enclog 138 Clojure wrapper for Encog (v3) (Machine-Learning framework that specialises in neural-nets)
plotly/dash-svm 137 Interactive SVM Explorer using Dash and scikit-learn
fredwu/stemmer 134 An English (Porter2) stemming implementation in Elixir.
covartech/PRT 133 Pattern Recognition Toolbox for MATLAB
kevincobain2000/jProcessing 129 Japanese Natural Langauge Processing Libraries
emorynlp/nlp4j 126 NLP framework for JVM languages.
ptaoussanis/touchstone 124 Split testing library for Clojure
tech-quantum/MxNet.Sharp 122 .NET Standard bindings for Apache MxNet with Imperative Symbolic and Gluon Interface for developing training and deploying Machine Learning models in C#. https://mxnet.tech-quantum.com/
ClearTK/cleartk 121 Machine learning components for Apache UIMA
p-christ/nn_builder 120 Build neural networks with less boilerplate code
yconst/YCML 119 A Machine Learning and Optimization framework for Objective-C and Swift (MacOS and iOS)
zygmuntz/kaggle-blackbox 117 Deep learning made easy
sassoftware/enlighten-apply 116 Example code and materials that illustrate applications of SAS machine learning techniques.
jkomiyama/banditlib 115 Multi-armed bandit simulation library
fsprojects/Vulpes 114 Vulpes: a Deep Belief Net written in F# and using Alea.cuBase to access the GPU.
tasdikrahman/spammy 113 Spam filtering made easy for you
rleonid/oml 112 OCaml Math Library
alpmestan/HNN 111 haskell neural network library
johnmyleswhite/RDatasets.jl 110 Julia package for loading many of the data sets available in R
proycon/colibri-core 108 Colibri core is an NLP tool as well as a C++ and Python library for working with basic linguistic constructions such as n-grams and skipgrams (i.e patterns with one or more gaps either of fixed or dynamic size) in a quick and memory-efficient way. At the core is the tool colibri-patternmodeller whi ch allows you to build view manipulate and query pattern models.
itamarwe/kalman 106 Kalman Filter in Javascript
luccastera/shaman 105 Machine Learning library for node.js
denissimon/prediction-builder 104 A library for machine learning that builds predictions using a linear regression.
fukatani/stacked_generalization 103 Library for machine learning stacking generalization.
GaelVaroquaux/scikit-learn-tutorial 102 Applied Machine Learning in Python with scikit-learn
abhik/pebl 101 Python Environment for Bayesian Learning
yetanalytics/dl4clj 99 null
Lazin/go-ngram 98 Ngram index for golang
StepLg/go-graph 97 Graph library for Go/golang language.
clementfarabet/lua---nnx 96 An extension to Torch7's nn package.
breze-no-salt/breze 95 Breze with all the stuff.
ContinuumIO/topik 94 A Topic Modeling toolbox
htm-community/nupic.studio 90 NuPIC Studio is a powerful all
NathanEpstein/Z3d 88 Interactive 3D plotting with a simple function call using Three.js
cigroup-ol/windml 87 The windML framework provides an easy-to-use access to wind data sources within the Python world building upon numpy scipy sklearn and matplotlib. Renewable Wind Energy Forecasting Prediction
marcelcaraciolo/crab 86 Crab - A recommendation engine library for Python
koraykv/unsup 84 Some unsupervised learning modules using Torch
AllenDowney/ThinkComplexity 83 Code for Allen Downey's book Think Complexity published by O'Reilly Media.
raamana/neuropredict 82 Easy and comprehensive assessment of predictive power with support for neuroimaging features
oxinabox/DataDeps.jl 81 reproducible data setup for reproducible science
fangpenlin/loso 79 Chinese segmentation library
NeuraLegion/crystal-fann 77 FANN (Fast Artifical Neural Network) binding in Crystal
clojurewerkz/envision 76 Clojure Data Visualisation library based on Statistiker and D3
cogitare-ai/cogitare 74 ๐Ÿ”ฅ Cogitare - A Modern Fast and Modular Deep Learning and Machine Learning framework for Python
MLWave/kaggle_acquire-valued-shoppers-challenge 69 Code for the Kaggle acquire valued shoppers challenge
mrdimosthenis/emel 68 Turn data into functions! A simple and functional machine learning library written in elixir.
simonster/GLMNet.jl 67 Julia wrapper for fitting Lasso/ElasticNet GLM models using glmnet
cloudkj/lambda-ml 66 A small machine learning library written in Lisp (Clojure) aimed at providing simple concise implementations of machine learning techniques and utilities.
asafschers/scoruby 65 Ruby Scoring API for PMML
mwgg/GreatCircle 64 A concise collection of classes for PHP Python JavaScript and Ruby to calculate great circle distance bearing and destination from geographic coordinates
yandongliu/learningjs 63 javascript implementation of logistic regression/c4.5 decision tree
JuliaStats/NMF.jl 62 A Julia package for non-negative matrix factorization
clojurewerkz/statistiker 61 Minimalistic statistics library for Clojure
LanguageMachines/frog 60 Frog is an integration of memory-based natural language processing (NLP) modules developed for Dutch. All NLP modules are based on Timbl the Tilburg memory-based learning software package.
daviddengcn/go-pr 59 Pattern recognition package in Go lang.
lindahua/Regression.jl 58 Algorithms for regression analysis (e.g. linear regression and logistic regression)
jinyeom/neat 57 NEAT (NeuroEvolution of Augmenting Topologies) implemented in Go
ajtulloch/haskell-ml 55 Haskell implementations of various ML algorithms.
padreati/rapaio 54 statistics data mining and machine learning toolbox
Tyill/skynet 53 neural net with blackjack and hookers
songtianyi/go-mxnet-predictor 52 go binding for mxnet c_predict_api to do inference with pre-trained model
LanguageMachines/ucto 51 Unicode tokeniser. Ucto tokenizes text files: it separates words from punctuation and splits sentences. It offers several other basic preprocessing steps such as changing case that you can all use to make your text suited for further processing such as indexing part-of-speech tagging or machine translation. Ucto comes with tokenisation rules for several languages and can be easily extended to suit other languages. It has been incorporated for tokenizing Dutch text in Frog our Dutch morpho-syntactic processor. http://ilk.uvt.nl/ucto --
madhusudancs/sentiment-analyzer 50 Tweets Sentiment Analyzer
masatoi/cl-random-forest 49 Random forest in Common Lisp
melisgl/mgl-gpr 48 MGL-GPR is a library of evolutionary algorithms such as Genetic Programming (evolving typed expressions from a set of operators and constants) and Differential Evolution.
masatoi/cl-online-learning 47 A collection of machine learning algorithms for online linear classification written in Common Lisp
JuliaStats/PGM.jl 46 A Julia framework for probabilistic graphical models.
compressed/BackpropNeuralNet.jl 45 A neural network in Julia
alrevuelta/cONNXr 44 Pure C ONNX runtime with zero dependancies for embedded devices
omphalos/bayesian-bandit.js 43 Bayesian bandit implementation for Node and the browser.
emilbayes/kMeans.js 42 Simple Javascript implementation of the k-means algorithm for node.js and the browser
zuhao/plotrb 41 A plotting library in Ruby built on top of Vega and D3.
ProGamerGov/neural-dream 40 PyTorch implementation of DeepDream algorithm
mathieulaporte/machine 38 Simple machine learning algorithm for crystal lang
JuliaStats/SVM.jl 37 SVM's for Julia
proycon/python-frog 36 Python bindings to the dutch NLP tool Frog (pos tagger lemmatiser NER tagger morphological analysis shallow parser dependency parser)
ayoshiaki/tops 35 null
Kalvar/ios-BPN-NeuralNetwork 34 Neural network (ใƒ‹ใƒฅใƒผใƒฉใƒซใƒใƒƒใƒˆใƒฏใƒผใ‚ฏ) on Machine Learning (ใƒžใ‚ทใƒณใƒฉใƒผใƒ‹ใƒณใ‚ฐ).
torch/graph 33 Graph package for Torch
doobwa/MCMC.jl 32 MCMC tools for Julia
slycoder/TopicModels.jl 31 TopicModels for Julia
emilbayes/clustering.js 30 Clustering algorithms implemented in Javascript for Node.js and the browser
npellet/visualizer 29 null
mosdeo/LKYDeepNN 28 Low dependency๏ผˆC++11 STL only๏ผ‰ good portability header-only deep neural networks for embedded
proycon/python-ucto 27 This is a Python binding to the tokenizer Ucto. Tokenisation is one of the first step in almost any Natural Language Processing task yet it is not always as trivial a task as it appears to be. This binding makes the power of the ucto tokeniser available to Python. Ucto itself is regular-expression based extensible and advanced tokeniser written in C++ (http://ilk.uvt.nl/ucto).
Rookii/paicehusk 26 Golang implementation of the Paice/Husk Stemming Algorithm
nuanio/xgboost-node 25 Run XGBoost model and make predictions in Node.js
siavashserver/neonrvm 24 An open source machine learning library for performing regression tasks using RVM technique.
Kalvar/ios-KRKmeans-Algorithm 23 K-Means is clustering algorithm (ใ‚ฏใƒฉใ‚นใ‚ฟใƒชใƒณใ‚ฐๅˆ†้กž) that one of Machine Learning methods.
cortical-io/Iris 22 Iris repository
mattcunningham/naive-apl 21 Naive Bayesian Classifier written in APL
jsmlt/jsmlt 20 ๐Ÿญ JavaScript Machine Learning Toolkit
JuliaText/CorpusLoaders.jl 19 A variety of loaders for various NLP corpora.
fidlej/aledataset 18 Scripts to generate a dataset with static frames from the Arcade Learning Environment
rlworkgroup/dowel 17 A little logger for machine learning research
melisgl/cl-libsvm 16 Common Lisp wrapper for the libsvm support vector machine library.
mizoR/machine-learning-ruby 15 null
therfoo/therfoo 14 An embedded deep learning library for Go.
fulldecent/19-questions 13 A machine learning / bayesian inference engine assigning attributes to objects
LanguageMachines/libfolia 12 FoLiA library for C++
Kalvar/ios-KRFuzzyCMeans-Algorithm 11 Fuzzy C-Means is clustering algorithm (ใ‚ฏใƒฉใ‚นใ‚ฟใƒชใƒณใ‚ฐๅˆ†้กž) combined fuzzy theory (ใƒ•ใ‚กใ‚ธใƒผ็†่ซ–) on Machine Learning.
clementfarabet/videograph 10 This package extends imgraph for videos...
deeplearning4j/deeplearning4j 9 Deeplearning4j ND4J DataVec and more - deep learning & linear algebra for Java/Scala with GPUs + Spark
SeniorSA/hybrid-rs-trainner 8 Conjunto de scripts para treinar um Sistema de Recomendaรงรฃo Hรญbrido baseado nos algoritmos do scikit-learn
jgreenemi/MLPleaseHelp 7 MLPleaseHelp is a simple ML resource search engine.
sudachen/go-dnn 6 Deep Neural Networks for Golang (powered by MXNet). The new updated version - https://github.com/go-ml-dev/nn
rlowrance/kernel-smoothers 5 kernel smoothers in lua
sta-ger/HalfBeer 4 Example in javascript of how the neural network learns to predict is the beer glass half full or half empty depending on user decisions created with synaptic.js
sta-ger/TheBot 3 Example in javascript of how the neural network learns to predict the angle between two points created with synaptic.js
cnclabs/proNet-core 2 This project has been moved to https://github.com/cnclabs/smore.
lindahua/Sampling.jl 1 Basic sampling algorithms for Julia
php-ai/php-ml null null

@jaimevalero
Copy link
Author

jaimevalero commented Feb 17, 2018

For https://github.com/sindresorhus/awesome

Repo Stars Description
EbookFoundation/free-programming-books 101355 ๐Ÿ“š Freely available programming books
sindresorhus/awesome 78356 ๐Ÿ˜Ž Curated list of awesome lists
vinta/awesome-python 45481 A curated list of awesome Python frameworks libraries software and resources
josephmisiti/awesome-machine-learning 30515 A curated list of awesome Machine Learning frameworks libraries and software.
open-source-society/computer-science 29945 ๐ŸŽ“ Path to a free self-taught education in Computer Science!
vuejs/awesome-vue 28813 A curated list of awesome things related to Vue.js
papers-we-love/papers-we-love 28690 Papers from the computer science community to read and discuss.
wasabeef/awesome-android-ui 28563 A curated list of awesome Android UI/UX libraries
avelino/awesome-go 27875 A curated list of awesome Go frameworks libraries and software
tiimgreen/github-cheat-sheet 24382 A list of cool features of Git and GitHub.
vsouza/awesome-ios 24086 A curated list of awesome iOS ecosystem including Objective-C and Swift Projects
enaqx/awesome-react 23717 A collection of awesome things regarding React ecosystem.
dypsilon/frontend-dev-bookmarks 23598 Manually curated collection of resources for frontend web developers.
prakhar1989/awesome-courses 22944 ๐Ÿ“š List of awesome university courses for learning Computer Science!
caesar0301/awesome-public-datasets 22666 A topic-centric list of high-quality open datasets in public domains. By everyone for everyone!
sindresorhus/awesome-nodejs 21729 โšก Delightful Node.js packages and resources
Kickball/awesome-selfhosted 20704 This is a list of Free Software network services and web applications which can be hosted locally. Selfhosting is the process of locally hosting and managing applications instead of renting from SaaS providers.
herrbischoff/awesome-osx-command-line 18707 Use your macOS terminal shell to do awesome things.
ripienaar/free-for-dev 18051 A list of SaaS PaaS and IaaS offerings that have free tiers of interest to devops and infradev
ziadoz/awesome-php 17956 A curated list of amazingly awesome PHP libraries resources and shiny things.
MaximAbramchuck/awesome-interview-questions 17918 :octocat: A curated awesome list of lists of interview questions. Feel free to contribute! ๐ŸŽ“
jondot/awesome-react-native 17324 Awesome React Native components news tools and learning material!
akullpp/awesome-java 15675 A curated list of awesome frameworks libraries and software for the Java programming language.
matteocrippa/awesome-swift 13895 A collaborative list of awesome Swift libraries and resources. Feel free to contribute!
terryum/awesome-deep-learning-papers 13746 The most cited deep learning papers
sindresorhus/awesome-electron 13604 Useful resources for creating apps with Electron
sorrycc/awesome-javascript 13338 A collection of awesome browser-side JavaScript libraries resources and shiny things.
kilimchoi/engineering-blogs 12626 A curated list of engineering blogs
git-tips/tips 12331 Most commonly used git tips and tricks.
fffaraz/awesome-cpp 11839 A curated list of awesome C++ (or C) frameworks libraries resources and shiny things. Inspired by awesome-... stuff.
alebcay/awesome-shell 11611 A curated list of awesome command-line frameworks toolkits guides and gizmos. Inspired by awesome-php.
bolshchikov/js-must-watch 11521 Must-watch videos about javascript
lukasz-madon/awesome-remote-job 11159 A curated list of awesome remote jobs and resources. Inspired by https://github.com/vinta/awesome-python
loverajoel/jstips 10685 This is about useful JS tips!
jtoy/awesome-tensorflow 10676 TensorFlow - A curated list of dedicated resources http://tensorflow.org
sindresorhus/quick-look-plugins 10474 List of useful Quick Look plugins for developers
leereilly/games 10402 ๐ŸŽฎ A list of popular/awesome videos games add-ons maps etc. hosted on GitHub. Any genre. Any platform. Any engine.
phanan/htaccess 10253 A collection of useful .htaccess snippets.
AllThingsSmitty/css-protips 10113 A collection of tips to help take your CSS skills pro
cjwirth/awesome-ios-ui 9990 A curated list of awesome iOS UI/UX libraries
veggiemonk/awesome-docker 9456 ๐Ÿณ A curated list of Docker resources and projects
markets/awesome-ruby 8349 ๐Ÿ’Ž A collection of awesome Ruby libraries tools frameworks and software
mhinz/vim-galore 7969 ๐ŸŽ“ All things Vim!
hangtwenty/dive-into-machine-learning 7872 Dive into Machine Learning with Python Jupyter notebook and scikit-learn!
ChristosChristofidis/awesome-deep-learning 7808 A curated list of awesome Deep Learning tutorials projects and communities.
h4cc/awesome-elixir 7679 A curated list of amazingly awesome Elixir and Erlang libraries resources and shiny things. Updates:
bulutyazilim/awesome-datascience 7305 ๐Ÿ“ An awesome Data Science repository to learn and apply for real world problems.
iCHAIT/awesome-macOS 7265 A curated list of awesome applications softwares tools and shiny things for macOS.
cjbarber/ToolsOfTheTrade 7075 Tools of The Trade from Hacker News.
rosarior/awesome-django 6939 Repository mirror of GitLab: https://gitlab.com/rosarior/awesome-django
paralax/awesome-honeypots 2077 an awesome list of honeypot resources
JanVanRyswyck/awesome-talks 2053 Awesome online talks and screencasts
ramitsurana/awesome-kubernetes 2031 A curated list for awesome kubernetes sources ๐Ÿšข๐ŸŽ‰
uraimo/Awesome-Swift-Playgrounds 2016 A List of Awesome Swift Playgrounds
apsdehal/awesome-ctf 1844 A curated list of CTF frameworks libraries resources and softwares
RyanNielson/awesome-unity 1802 A curated list of awesome Unity assets resources and more.
aharris88/awesome-cli-apps 1794 A curated list of command line apps
ekremkaraca/awesome-rails 1746 A curated list of awesome things related to Ruby on Rails
meirwah/awesome-incident-response 1743 A curated list of tools for incident response
willianjusten/awesome-audio-visualization 1673 A curated list about Audio Visualization.
edobashira/speech-language-processing 1657 A curated list of speech and natural language processing resources
dastergon/awesome-sre 1632 A curated list of awesome Site Reliability and Production Engineering resources.
sindresorhus/awesome-scifi 1607 Sci-Fi worth consuming
LewisJEllis/awesome-lua 1592 A curated list of quality Lua packages and resources.
marmelab/awesome-rest 1586 A collaborative list of great resources about RESTful API architecture development test and performance
dahlia/awesome-sqlalchemy 1571 A curated list of awesome tools for SQLAlchemy
fasouto/awesome-dataviz 1513 ๐Ÿ“ˆ A curated list of awesome data visualization libraries and resources.
veelenga/awesome-crystal 1503 ๐Ÿ’Ž A collection of awesome Crystal libraries tools frameworks and software
mehcode/awesome-atom 1501 A curated list of delightful Atom packages and resources.
NARKOZ/guides 1417 Design and development guides
sotayamashita/awesome-css 1408 ๐ŸŽจ A curated contents of amazing CSS Ever :)
parro-it/awesome-micro-npm-packages 1400 A curated list of small focused npm packages.
krispo/awesome-haskell 1369 A collection of awesome Haskell links frameworks libraries and software. Inspired by awesome projects line.
nikgraf/awesome-draft-js 1333 Awesome list of Draft.js resources
igorbarinov/awesome-data-engineering 1317 A curated list of data engineering tools for software developers
JustServerless/awesome-serverless 1291 Curated list of resources related to serverless architectures and the Serverless Framework
rossant/awesome-math 1267 A curated list of awesome mathematics resources
aframevr/awesome-aframe 1254 DISCONTINUED ๐Ÿ…ฐ๏ธ collection of awesome resources for the A-Frame WebVR framework.
TalAter/awesome-service-workers 1239 ๐Ÿ”ฉ A collection of awesome resources for learning Service Workers
razum2um/awesome-clojure 1236 A curated list of awesome Clojure libraries and resources. Inspired by awesome-... stuff
rizo/awesome-ocaml 1207 A curated collection of awesome OCaml tools frameworks libraries and articles.
Urigo/awesome-meteor 1178 A curated community driven list of awesome Meteor packages libraries resources and shiny things
sitepoint/awesome-symfony 1150 A list of awesome Symfony bundles utilities and resources.
aleksandar-todorovic/awesome-linux 1115 ๐Ÿง A list of awesome projects and resources that make Linux even more awesome. ๐Ÿง
caesar0301/awesome-pcaptools 1107 A collection of tools developed by other researchers in the Computer Science area to process network traces. All the right reserved for the original authors.
dustinspecker/awesome-eslint 1106 A list of awesome ESLint plugins configs etc.
Famolus/awesome-sass 1085 Curated list of awesome Sass and SCSS frameworks libraries style guides articles and resources.
wbinnssmith/awesome-promises 1068 A curated list of useful resources for JavaScript Promises
TalAter/awesome-progressive-web-apps 1056 ๐ŸŒ… A collection of awesome resources for building progressive web apps
onqtam/awesome-cmake 1052 A curated list of awesome CMake resources scripts modules examples and others.
jondot/awesome-devenv 1049 A curated list of awesome tools resources and workflow tips making an awesome development environment.
avivace/awesome-gbdev 1039 A curated list of Game Boy development resources such as tools docs emulators related projects and open-source ROMs.
stefanbuck/awesome-browser-extensions-for-github 1024 A collection of awesome browser extensions for GitHub.
qazbnm456/awesome-web-security 1017 A curated list of Web Security materials and resources.
ligurio/awesome-software-quality 1014 List of free software testing and verification resources
mateusortiz/webcomponents-the-right-way 1000 This is a guide intended to introduce to Web Components. Everyone can contribute here!
ipfs/awesome-ipfs 994 Useful resources for using IPFS and building things on top of it
hubtee/awesome-opensource-documents 993 ๐Ÿ“˜ A curated list of awesome open source or open source licensed documents guides books.
HQarroum/awesome-iot 981 A curated list of awesome Internet of Things projects and resources.
onurakpolat/awesome-analytics 953 A curated list of analytics frameworks software and other tools.
AchoArnold/discount-for-student-dev 952 This is list of discounts on software (SaaS PaaS IaaS etc.) and other offerings for developers who are students
aleksandar-todorovic/awesome-c 950 Continuing the development of awesome-c list on GitHub
LappleApple/awesome-leading-and-managing 939 Awesome List of resources on leading people and being a manager. Geared toward tech but potentially useful to anyone.
addyosmani/critical-path-css-tools 935 Tools to prioritize above-the-fold (critical-path) CSS
websemantics/awesome-ant-design 933 A curated list of Ant Design resources and related projects. The main idea is that everyone can contribute here so we can have a central repository of informations about Ant Design that we keep up-to-date
sobolevn/awesome-cryptography 928 A curated list of cryptography resources and links.
watson/awesome-computer-history 906 An Awesome List of computer history videos documentaries and related folklore
sindresorhus/amas 905 Awesome & Marvelous Amas
love2d-community/awesome-love2d 893 A curated list of amazingly awesome Lร–VE libraries resources and shiny things.
arbox/machine-learning-with-ruby 886 Curated list: Resources for machine learning in Ruby.
zingchart/awesome-charting 878 A curated list of chart and dataviz resources that developers may find useful.
briatte/awesome-network-analysis 870 A curated list of awesome network analysis resources.
aharris88/awesome-macos-screensavers 863 A curated list of screensavers for Mac OS X
diegocard/awesome-html5 848 ๐Ÿ“ A curated list of awesome HTML5 resources. Inspired by awesome-php and awesome-python
drobakowski/awesome-erlang 813 A curated list of awesome Erlang libraries resources and shiny things.
enjalot/algovis 809 collection of projects and links about algorithm visualization
micromata/awesome-javascript-learning 805 A tiny list limited to the best JavaScript Learning Resources
afonsopacifer/awesome-flexbox 793 ๐Ÿ‘“ A curated list of CSS Flexible Box Layout Module or only Flexbox.
unicodeveloper/awesome-nextjs 788 ๐Ÿ“” ๐Ÿ“š A curated list of awesome resources : books videos articles about using Next.js (A minimalistic framework for universal server-rendered React applications)
vredniy/awesome-newsletters 762 A list of amazing Newsletters
felipebueno/awesome-PICO-8 759 A curated list of awesome PICO-8 resources carts tools and more
guillaume-chevalier/awesome-deep-learning-resources 758 Rough list of my favorite deep learning resources useful for revisiting topics or for reference. I have got through all of the content listed there carefully.
Kiloreux/awesome-robotics 748 A list of awesome Robotics resources
derimagia/awesome-alfred-workflows 747 A curated list of awesome alfred workflows
deephacks/awesome-jvm 740 A curated list of awesome loosely performance related JVM stuff. Inspired by awesome-python.
benoitjadinon/awesome-xamarin 732 A collection of interesting libraries/tools for Xamarin mobile projects
cyclejs-community/awesome-cyclejs 727 A curated list of awesome Cycle.js resources
vinjn/awesome-vulkan 725 Awesome Vulkan ecosystem
eug/awesome-opengl 722 A curated list of awesome OpenGL libraries debuggers and resources.
arbox/nlp-with-ruby 718 Practical Natural Language Processing done in Ruby.
vert-x3/vertx-awesome 708 A curated list of awesome Vert.x resources libraries and other nice things.
brunopulis/awesome-a11y 706 A curate list about A11Y
manuzhang/awesome-streaming 697 a curated list of awesome streaming frameworks applications etc
marcobiedermann/search-engine-optimization 690 ๐Ÿ” A helpful checklist / collection of Search Engine Optimization (SEO) tips and techniques.
jaredthecoder/awesome-vehicle-security 688 A curated list of resources for learning about vehicle security and car hacking.
feross/awesome-mad-science 687 Delightful npm packages that make you say \wow didn't know that was possible!|
drewrwilson/toolsforactivism 677 growing list of digital tools for activism things
candelibas/awesome-ionic 654 An \awesome\ list of Ionic resources
ahkscript/awesome-AutoHotkey 649 A curated list of awesome AutoHotkey libraries library distributions scripts tools and resources.
ramnes/awesome-mongodb 645 ๐Ÿƒ A curated list of awesome MongoDB resources libraries tools and applications
RichardLitt/awesome-conferences 635 ๐ŸŽซ A list of awesome conferences
tmcw/awesome-geojson 634 GeoJSON utilities that will make your life easier.
friendsofcake/awesome-cakephp 632 A curated list of amazingly awesome CakePHP plugins resources and shiny things.
Calinou/awesome-godot 624 A curated list of free/libre plugins scripts and add-ons for Godot
diessica/awesome-sketch 623 ๐Ÿ“š delightful stuff for SketchApp students.
CodyReichert/awesome-cl 618 A curated list of awesome Common Lisp frameworks libraries and other shiny stuff.
hackerkid/bots 617 โšก Tools for building bots
jbucaran/awesome-fish 615 A curated list of awesome tools prompts and other cool nuggets for the amazing fish-shell.
matteofigus/awesome-speaking 612 Resources about public speaking
stevemao/awesome-git-addons 610 ๐Ÿ˜Ž A curated list of add-ons that extend/enhance the git CLI.
youngwookim/awesome-hadoop 609 A curated list of amazingly awesome Hadoop and Hadoop ecosystem resources
burningtree/awesome-json 607 A curated list of awesome JSON libraries and resources.
ciandcd/awesome-ciandcd 606 continuous integration and continuous delivery
NoahBuscher/Inspire 602 Collection of web design & dev links
dreikanter/sublime-bookmarks 593 Sublime Text essential plugins and resources
numetriclabz/awesome-db 568 A curated list of amazingly awesome database libraries resources and shiny things by https://www.numetriclabz.com/
svaksha/Julia.jl 567 Curated decibans of Julia language.
hantuzun/awesome-clojurescript 566 A community driven list of ClojureScript frameworks libraries and wrappers.
aharris88/awesome-static-website-services 564 A curated list of awesome static websites services
diasdavid/awesome-hacking-spots 561 ๐Ÿ’ป โ˜• List of Awesome Hacking places organised by Country and City listing if it features power and wifi
melvin0008/awesome-projects-boilerplates 555 Boilerplates for mobile and web apps
matiassingers/awesome-slack 530 A curated list of awesome Slack related things
cyberglot/awesome-answers 523 Curated list of inspiring and thoughtful answers given on stackoverflow quora etc.
petk/awesome-jquery 517 A curated list of awesome jQuery plugins resources and other shiny things.
hzoo/awesome-gametalks 511 ๐Ÿ’ฌ A curated list of gaming talks (development design etc)
nicolesaidy/awesome-web-design 508 A curated list of awesome resources for digital designers.
sger/ElixirBooks 499 List of Elixir books
aviaryan/awesome-no-login-web-apps 495 Awesome (free) web apps that work without login
Friz-zy/awesome-linux-containers 484 A curated list of awesome Linux Containers frameworks libraries and software
sachin1092/awesome-material 482 A curated list of Google's material design libraries for different frameworks.
janikvonrotz/awesome-powershell 475 A curated list of delightful PowerShell modules and resources
fliptheweb/motion-ui-design 472 Resources for inspiration lists of software libraries and other stuff related to Motion UI design animations and transitions.
beaconinside/awesome-beacon 471 A curated list of awesome Bluetooth beacon software and tools.
timofurrer/awesome-asyncio 465 A curated list of awesome Python asyncio frameworks libraries software and resources
RichardLitt/awesome-styleguides 450 ๐Ÿ“‹ A list of styleguides
jonathandion/awesome-emails 434 An awesome list of resources to build better emails.
igorbarinov/awesome-bitcoin 433 A curated list of bitcoin services and tools for software developers
Fr0sT-Brutal/awesome-delphi 429 A curated list of awesome Delphi frameworks libraries resources and shiny things. Inspired by awesome-... stuff.
kdabir/awesome-groovy 426 A curated list of awesome groovy libraries frameworks and resources
hobbyquaker/awesome-mqtt 419 A curated list of MQTT related stuff. โœจ
springload/awesome-wagtail 416 A curated list of awesome packages articles and other cool resources from the Wagtail community.
karlhorky/learn-to-program 415 Educational resources to learn to program
awesome-spark/awesome-spark 406 A curated list of awesome Apache Spark packages and resources.
uralbash/awesome-pyramid 404 A curated list of awesome Pyramid apps projects and resources.
HollyAdele/awesome-programming-for-kids 401 A curated list of resources for teaching kids programming.
passy/awesome-recursion-schemes 398 Resources for learning and using recursion schemes.
mark-rushakoff/awesome-influxdb 397 A curated list of awesome projects libraries tools etc. related to InfluxDB
alferov/awesome-gulp 390 ๐Ÿน A curated list of awesome gulp resources plugins and boilerplates for a better development workflow automation - http://alferov.github.io/awesome-gulp
hachiojipm/awesome-perl 386 A curated list of awesome Perl frameworks and libraries. Come on Pull Requests!
danielecook/Awesome-Bioinformatics 379 A curated list of awesome Bioinformatics libraries and software.
sadcitizen/awesome-backbone 373 A list of resources for backbone.js
Siddharth11/Colorful 371 A curated list of awesome resources to choose your next color scheme
notthetup/awesome-webaudio 367 A curated list of awesome WebAudio packages and resources.
Kikobeats/awesome-network-js 363 A ๐ŸŽฉ list of network layer resources written pure JS.
sturobson/BEM-resources 356 Just a repo full of BEM resources
RyanZim/awesome-npm-scripts 350 Everything awesome related to npm scripts and using npm as a build tool.
raphamorim/awesome-canvas 346 A curated list of awesome HTML5 Canvas with examples related articles and posts.
domenicosolazzo/awesome-okr 342 A curated list about OKR (Objective - Key Results)
lucasviola/awesome-functional-programming 341 ๐Ÿ‘ฝ A curated list of functional programming resources such as blog posts communities discussion topics wikis and more.
Granze/awesome-polymer 339 A collection of awesome Polymer resources.
therebelrobot/awesome-workshopper 337 A list of CLI workshopper/adventure tutorials for various things. Inspired by awesome.
mojoaxel/awesome-regression-testing 333 A curated list of resources around the topic: visual regression testing
lvwzhen/tools 332 Tools Online
gamontalvo/awesome-katas 329 A curated list of code katas
yissachar/awesome-dart 327 A curated list of awesome Dart frameworks libraries and software
yenchenlin/awesome-watchos 325 A curated list of awesome watchOS frameworks libraries sample apps.
jyguyomarch/awesome-productivity 321 A curated list of delightful productivity resources.
tobiasbueschel/awesome-pokemon 318 ๐ŸŽฎ A curated list of awesome Pokรฉmon & Pokรฉmon Go resources tools and more.
iJackUA/awesome-vagrant 313 A curated list of awesome Vagrant resources plugins tutorials and other nice things.
brabadu/awesome-fonts 311 Curated list of fonts and everything
christian-bromann/awesome-selenium 306 A curated list of delightful Selenium resources.
maxogden/maintenance-modules 305 a list of modules that are useful for maintaining or developing modules
weblancaster/awesome-IoT-hybrid 302 The missing awesome list - collection of awesome IoT and Hybrid Apps frameworks tools resources videos and shiny things.
RichardLitt/awesome-fantasy 299 ๐Ÿฐ Fantasy literature worth reading
deanhume/typography 297 A collection of web typography resources
zhaopuming/awesome-d 291 A curated list of awesome D documents frameworks libraries and software. Inspired by awesome-python.
ciconia/awesome-music 289 Awesome Music Projects
shuaibiyy/awesome-terraform 288 Curated list of resources on HashiCorp's Terraform
jakoch/awesome-composer 285 A curated awesome list for Composer Packagist Satis Plugins Scripts Composer related resources tutorials.
lucasviola/awesome-tech-videos 280 ๐Ÿ“บ A curated list of tech conferences from youtube vimeo etc for us to get inspired ;)
machinomy/awesome-non-financial-blockchain 279 Curated list of projects that build non-financial applications of blockchain
exAspArk/awesome-chatops 274 ๐Ÿค– A collection of awesome things about ChatOps โ€“ managing operations through a chat
vinkla/awesome-fuse 273 A curated list of awesome Fuse applications articles and plugins
davisonio/awesome-gif 272 ๐Ÿ˜Ž A curated list of awesome GIF resources
ebu/awesome-broadcasting 268 A curated list of amazingly awesome open source resources related to broadcast technologies
sdnds-tw/awesome-sdn 261 A awesome list about Software Defined Network (SDN)
zachflower/awesome-open-source-supporters 260 A curated list of companies that offer their services for free to Open Source projects
nmec/awesome-ember 259 A curated list of awesome Ember.js things
avajs/awesome-ava 245 Awesome AVA resources
antontarasenko/awesome-economics 244 A curated collection of links for economists
pehapkari/awesome-symfony-education 234 Useful sources around Symfony - articles series and books (not Bundles)
folkswhocode/awesome-diversity 233 A curated list of amazingly awesome articles websites and resources about diversity in technology.
jjaderg/awesome-postcss 232 An awesome & curated list of best resources and other things related for postcss.
egeerardyn/awesome-LaTeX 224 Curated list of LaTeX awesomeness
cristianoliveira/awesome4girls 222 A curated list of inclusive events/projects/initiatives for women in the tech area. ๐Ÿ’
sjfricke/awesome-webgl 221 A curated list of awesome WebGL libraries resources and much more
jaspergould/awesome-asm 220 A curated list of awesome Assembler
busterc/awesome-cordova 218 ๐Ÿ“ฑ A curated list of amazingly awesome Cordova libraries resources and shiny things.
sindresorhus/awesome-observables 217 Awesome Observable related stuff - An Observable is a collection that arrives over time.
httpsGithubParty/FOSS-for-Dev 216 A hub of Free and open-source software for developers
mailtoharshit/awesome-salesforce 215 A curated list of delightful Salesforce Platform Resources
brunocvcunha/awesome-userscripts 212 A curated list of Awesome Userscripts.
bfred-it/Awesome-WebExtensions 211 A curated list of awesome resources for WebExtensions development.
standard/awesome-standard 209 Documenting the explosion of packages in the standard ecosystem!
woop/awesome-quantified-self 203 ๐Ÿ“Š Websites Resources Devices Wearables Applications and Platforms for Self Tracking
shime/creative-commons-media 202 A curated list of resources that provide media licensed under Creative Commons licenses.
J2TeaM/awesome-AutoIt 201 โญ A curated list of awesome UDFs example scripts tools and useful resources for AutoIt.
brillout/awesome-redux 198 Catalog of Redux Libraries & Learning Material
opencompany/awesome-open-company 197 A community-curated list of awesome open companies.
neueda/awesome-neo4j 196 A curated list of Neo4j resources.
hyperapp/awesome-hyperapp 185 A curated list of awesome projects built with Hyperapp & more.
faroit/awesome-python-scientific-audio 184 Curated list of python software and packages related to scientific research in audio
meitar/awesome-lockpicking 182 ๐Ÿ”“๐Ÿ˜Ž A curated list of awesome guides tools and other resources related to the security and compromise of locks safes and keys.
fukuball/Awesome-Laravel-Education 180 A curated list of resources for learning about the Laravel PHP Framework
wfhio/awesome-job-boards 179 null
passy/awesome-purescript 173 A curation of awesome PureScript libraries resources and shiny things.
eleventigers/awesome-rxjava 169 Useful resources for working with RxJava
johnjago/awesome-uncopyright 168 Curated list of all things public domain.
ooade/awesome-preact 162 A curated list of amazingly awesome things regarding Preact ecosystem ๐ŸŒŸ
harpribot/awesome-information-retrieval 160 A curated list of awesome information retrieval resources
Kazhnuz/awesome-gnome 158 A curated list of awesome apps extensions modules themes and tools for the Gnome Desktop Environment.
JesseTG/awesome-qt 153 A curated list of awesome tools libraries and resources for the Qt framework.
YerkoPalma/awesome-choo 150 Awesome things related with choo framework
ibaaj/awesome-OpenSourcePhotography 149 A list of awesome free open source software & libraries for photography. Also tools for video.
roaldnefs/awesome-prometheus 148 A curated list of awesome Prometheus resources projects and tools.
sadcitizen/awesome-marionette 144 A list of resources for marionette.js
TheJambo/awesome-testing 143 A curated list of testing resources
rabbiabram/awesome-fortran 135 Awesome list of Fortran libs
johnjago/awesome-free-software 132 Curated list of free as in freedom software.
yrgo/awesome-eg 127 A curated list of awesome educational games to learn editors languages programming etc
dav009/awesome-spanish-nlp 125 Curated list of Linguistic Resources for doing NLP & CL on Spanish
jwaterfaucett/awesome-foss-apps 117 A curated list of awesome production grade free and open source software organized by category
SrinivasanTarget/awesome-appium 114 A curated list of delightful Appium resources.
aliesbelik/awesome-jmeter 112 A collection of resources covering different aspects of JMeter usage
johnjago/awesome-ad-free 110 Curated list of ad-free services on the Internet.
ianstormtaylor/awesome-heroku 108 A curated list of helpful Heroku resources.
leekelleher/awesome-umbraco 106 A collection of amazingly awesome Umbraco 7 packages resources and shiny things.
stoeffel/awesome-ama-answers 103 A curated list of awesome AMA answers
vorpaljs/awesome-vorpal 102 A curated list of delightful Vorpal extensions.
sublimino/awesome-funny-markov 101 A curated list of delightfully amusing and facetious Markov chain output.
kyleterry/awesome-radio 99 My exploration into CB radio. And radio in general.
vinkla/awesome-share 96 A curated list of shareable social media links
theimpossibleastronaut/awesome-linguistics 93 A curated list of anything remotely related to linguistics
vhpoet/awesome-ripple 92 A curated list of Ripple resources
RomanTsegelskyi/rbooks 89 A curated list of #rstats books
hbokh/awesome-saltstack 87 A collaborative curated list of awesome SaltStack resources tutorials and other salted stuff.
dok/awesome-text-editing 83 Collection of text editing resources and libraries for the web
mislavcimpersak/awesome-dev-fun 79 A curated list of awesome fun libs/packages/languages that have no real purpose but to make a developer chuckle.
vitalets/awesome-smart-tv 78 โšกA curated list of awesome resources for building Smart TV apps
mohataher/awesome-tinkerpop 76 A curated list of useful libraries for Apache TinkerPop3 and Tinkerpop2
robinstickel/awesome-design-principles 74 A curated list of awesome design principles
TalAter/awesome-book-authoring 73 ๐Ÿ“š A collection of awesome resources for technical book authors
dnbard/awesome-knockout 70 A curated list of awesome plugins for Knockout
robinrodricks/awesome-actionscript3 65 A curated list of awesome libraries and components for ActionScript 3 and Adobe AIR.
ungoldman/awesome-browserify 64 ๐Ÿ”ฎ A curated list of awesome Browserify resources libraries and tools.
joaomilho/awesome-idris 63 Awesome Idris resources
petk/awesome-dojo 60 A curated list of awesome Dojo JavaScript Toolkit libraries resources and other shiny things.
motion-open-source/awesome-rubymotion 58 A collection of awesome RubyMotion example apps libraries tools frameworks software and resources
tleb/awesome-mastodon 57 Curated list of awesome Mastodon-related stuff!
seancoyne/awesome-coldfusion 54 A curated list of awesome ColdFusion frameworks libraries and software.
dylanrees/citizen-science 48 A repository of resources related to citizen community-based and/or non-institutional science
quangv/awesome-couchdb 47 CouchDB - curated meta resources & best practices list
stve/awesome-dropwizard 46 null
rayokota/awesome-hbase 44 A curated list of awesome HBase projects and resources.
johnjago/awesome-theravada 42 Curated list of Theravada Buddhist teachings.
gitfrage/guitarspecs 41 Overview of the electric guitar's parts specs
jbmoelker/progressive-enhancement-resources 37 Resources on Progressive Enhancement. From concept and strategies to feature detection & testing methods. Complete with a list of (code) examples.
PerfectCarl/awesome-play1 36 A collection of modules tools and resources for play1
sfischer13/awesome-eta 32 โญ Useful resources for the Eta programming language
PhantomYdn/awesome-wicket 30 A curated list of awesome projects powered by Apache Wicket
awkward/awesome-netherlands-events 28 Curated list of awesome Dutch (tech related) events
sfischer13/awesome-ledger 23 โญ Useful resources for the Ledger command-line accounting system
refinerycms-contrib/awesome-refinerycms 19 A collection of awesome Refinery CMS extensions resources and shiny things.
hobbyquaker/awesome-homematic 18 A curated list of Homematic related links โœจ
sfischer13/awesome-frege 17 โญ Useful resources for the Frege programming language
armaldio/awesome-construct 13 A curated list of tools tutorials examples and much more for the awesome game development engine Construct 2.
stetso/awesome-gideros 8 A curated list of awesome Gideros resources classes and tips.
inspectit-labs/awesome-inspectit 6 A curated list of awesome inspectIT documentations and resources.
sheonhan/awesome-effective-altruism null null

@jaimevalero
Copy link
Author

jaimevalero commented Feb 17, 2018

For https://github.com/vinta/awesome-python/

Repo Stars Description
tensorflow/tensorflow 147708 An Open Source Machine Learning Framework for Everyone
sindresorhus/awesome 139063 ๐Ÿ˜Ž Awesome lists about all kinds of interesting topics
vinta/awesome-python#restful-api 85763 A curated list of awesome Python frameworks libraries software and resources
TheAlgorithms/Python 82407 All Algorithms implemented in Python
nvbn/thefuck 54880 Magnificent app which corrects your previous console command.
keras-team/keras 49342 Deep Learning for humans
jakubroztocil/httpie 47885 As easy as /aitch-tee-tee-pie/ ๐Ÿฅง Modern user-friendly command-line HTTP client for the API era. JSON support colors sessions downloads plugins & more. https://twitter.com/clihttp
josephmisiti/awesome-machine-learning#python 46119 A curated list of awesome Machine Learning frameworks libraries and software.
ansible/ansible 44450 Ansible is a radically simple IT automation platform that makes your applications and systems easier to deploy and maintain. Automate everything from code deployment to network configuration to cloud management in a language that approaches plain English using SSH with no agents to install on remote systems. https://docs.ansible.com.
psf/requests 43330 A simple yet elegant HTTP library.
pytorch/pytorch 41256 Tensors and Dynamic neural networks in Python with strong GPU acceleration
python/cpython 33104 The Python programming language
BVLC/caffe 30730 Caffe: a fast open framework for deep learning.
faif/python-patterns 25582 A collection of design patterns/idioms in Python
ziadoz/awesome-php 24016 A curated list of amazingly awesome PHP libraries resources and shiny things.
fxsjy/jieba 23886 ็ป“ๅทดไธญๆ–‡ๅˆ†่ฏ
fighting41love/funNLP 23410 ไธญ่‹ฑๆ–‡ๆ•ๆ„Ÿ่ฏใ€่ฏญ่จ€ๆฃ€ๆต‹ใ€ไธญๅค–ๆ‰‹?
Valloric/YouCompleteMe 21698 A code-completion engine for Vim
sorrycc/awesome-javascript#data-visualization 20839 ๐Ÿข A collection of awesome browser-side JavaScript libraries resources and shiny things.
pyenv/pyenv 20471 Simple Python version management
tiangolo/fastapi 20021 FastAPI framework high performance easy to learn fast to code ready for production
dmlc/xgboost 19631 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 Flink and DataFlow
dmlc/mxnet 18924 Lightweight Portable Flexible Distributed/Mobile Deep Learning with Dynamic Mutation-aware Dataflow Dep Scheduler; for Python R Julia Scala Go Javascript and more
sqlmapproject/sqlmap 17968 Automatic SQL injection and database takeover tool
keon/algorithms 17720 Minimal examples of data structures and algorithms in Python
google/python-fire 17588 Python Fire is a library for automatically generating command line interfaces (CLIs) from absolutely any Python object.
python/black 17229 The uncompromising Python code formatter
ChristosChristofidis/awesome-deep-learning 15682 A curated list of awesome Deep Learning tutorials projects and communities.
tqdm/tqdm 15536 A Fast Extensible Progress Bar for Python and CLI
binux/pyspider 14510 A Powerful Spider(Web Crawler) System in Python.
huge-success/sanic 14038 Async Python 3.6+ web server/framework Build fast. Run fast.
bokeh/bokeh 13865 Interactive Data Visualization in the browser from Python
spotify/luigi 13643 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.
locustio/locust 13587 Scalable user load testing tool written in Python
ray-project/ray 12783 A fast and simple framework for building and running distributed applications. Ray is packaged with RLlib a scalable reinforcement learning library and Tune a scalable hyperparameter tuning library.
audreyr/cookiecutter 12639 A command-line utility that creates projects from cookiecutters (project templates) e.g. Python package projects VueJS projects.
fabric/fabric 12425 Simple Pythonic remote execution and deployment.
willmcgugan/rich 11975 Rich is a Python library for rich text and beautiful formatting in the terminal.
sdispater/poetry 11883 Python dependency management and packaging made easy.
quantopian/zipline 11705 Zipline a Pythonic Algorithmic Trading Library
saltstack/salt 11189 Software to automate the management and configuration of any infrastructure or application at scale. Get access to the Salt software package repository here:
psf/requests-html 11108 Pythonic HTML Parsing for Humansโ„ข
RaRe-Technologies/gensim 11088 Topic Modelling for Humans
micropython/micropython 11019 MicroPython - a lean and efficient Python implementation for microcontrollers and constrained systems
Miserlou/Zappa 10956 Serverless Python
google/yapf 10954 A formatter for Python files
mkdocs/mkdocs 10611 Project documentation with Markdown.
joke2k/faker 10392 Faker is a Python package that generates fake data for you.
google/grumpy 10134 Grumpy is a Python to Go source code transcompiler and runtime.
codelucas/newspaper 9970 News full-text and article metadata extraction in Python 3. Advanced docs:
AtsushiSakai/PythonRobotics 9903 Python sample codes for robotics algorithms.
getpelican/pelican 9834 Static site generator that supports Markdown and reST syntax. Powered by Python.
beetbox/beets 9538 music library manager and MusicBrainz tagger
Theano/Theano 9209 Theano is a Python library that allows you to define optimize and evaluate mathematical expressions involving multi-dimensional arrays efficiently. It can use GPUs and perform efficient symbolic differentiation.
chriskiehl/Gooey 9093 Turn (almost) any Python command line program into a full GUI application with one line
humiaozuzu/awesome-flask 9084 A curated list of awesome Flask resources and plugins
dbcli/pgcli 8878 Postgres CLI with autocompletion and syntax highlighting
dbcli/mycli 8863 A Terminal Client for MySQL with AutoCompletion and Syntax Highlighting.
andymccurdy/redis-py 8754 Redis Python Client
gleitz/howdoi 8381 instant coding answers via the command line
falconry/falcon 7949 The no-nonsense minimalist web services and app backend framework for Python developers with a focus on reliability correctness and performance at scale.
thumbor/thumbor 7904 thumbor is an open-source photo thumbnail service by globo.com
scrapinghub/portia 7863 Visual scraping for Scrapy
coleifer/peewee 7758 a small expressive orm -- supports postgresql mysql and sqlite
python-pillow/Pillow 7636 The friendly PIL fork (Python Imaging Library)
dbader/schedule 7625 Python job scheduling for humans.
mre/awesome-static-analysis 7574 Static analysis tools for all programming languages build tools config files and more.
clips/pattern 7547 Web mining module for Python with tools for scraping natural language processing machine learning network analysis and visualization.
mwaskom/seaborn 7540 Statistical data visualization using matplotlib
spotify/annoy 7453 Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
sympy/sympy 7268 A computer algebra system written in pure Python
pallets/jinja 7215 A very fast and expressive template engine.
seatgeek/fuzzywuzzy 7213 Fuzzy String Matching in Python
JaidedAI/EasyOCR 7212 Ready-to-use OCR with 40+ languages supported including Chinese Japanese Korean and Thai
rq/rq 7199 Simple job queues for Python
MagicStack/uvloop 7107 Ultra fast asyncio event loop.
benoitc/gunicorn 7086 gunicorn 'Green Unicorn' is a WSGI HTTP Server for UNIX fast clients and sleepy applications.
dask/dask 7085 Parallel computing with task scheduling
pyinstaller/pyinstaller 7072 Freeze (package) Python programs into stand-alone executables
Delgan/loguru 6757 Python logging made (stupidly) simple
giampaolo/psutil 6520 Cross-platform lib for process and system monitoring in Python
jonathanslenders/python-prompt-toolkit 6464 Library for building powerful interactive command line applications in Python
paramiko/paramiko 6430 The leading native Python SSHv2 protocol library.
dhamaniasad/awesome-postgres 6408 A curated list of awesome PostgreSQL software libraries tools and resources inspired by awesome-mysql
Supervisor/supervisor 6322 Supervisor process control system for UNIX
hugapi/hug 6305 Embrace the APIs of the future. Hug aims to make developing APIs as simple as possible but no simpler.
pyeve/eve 6170 REST API framework designed for human beings
numenta/nupic 6120 Numenta Platform for Intelligent Computing is an implementation of Hierarchical Temporal Memory (HTM) a theory of intelligence based strictly on the neuroscience of the neocortex.
PyMySQL/PyMySQL 6090 Pure Python MySQL Client
ajenti/ajenti 6086 Ajenti Core and stock plugins
jazzband/django-debug-toolbar 6056 A configurable set of panels that display various debug information about the current request/response.
facebookresearch/pytext 5965 A natural language modeling framework based on PyTorch
Manisso/fsociety 5924 fsociety Hacking Tools Pack โ€“ A Penetration Testing Framework
mingrammer/diagrams 5864 ๐ŸŽจ Diagram as Code for prototyping cloud system architectures
benfred/py-spy 5803 Sampling profiler for Python programs
altair-viz/altair 5797 Declarative statistical visualization library for Python
pennersr/django-allauth 5749 Integrated set of Django applications addressing authentication registration account management as well as 3rd party (social) account authentication.
boto/boto3 5706 AWS SDK for Python
flask-restful/flask-restful 5694 Simple framework for creating REST APIs
SerpentAI/SerpentAI 5658 Game Agent Framework. Helping you create AIs / Bots that learn to play any game you own!
trustedsec/social-engineer-toolkit 5656 The Social-Engineer Toolkit (SET) repository from TrustedSec - All new versions of SET will be deployed here.
spyder-ide/spyder 5620 Official repository for Spyder - The Scientific Python Development Environment
secdev/scapy 5518 Scapy: the Python-based interactive packet manipulation program & library. Supports Python 2 & Python 3.
encode/apistar 5474 The Web API toolkit. ๐Ÿ› 
statsmodels/statsmodels 5455 Statsmodels: statistical modeling and econometrics in Python
encode/httpx 5446 A next generation HTTP client for Python. ๐Ÿฆ‹
pallets/werkzeug 5419 The comprehensive WSGI web application library.
amoffat/sh 5368 Python process launching
mahmoud/boltons 5221 ๐Ÿ”ฉ Like builtins but boltons. 250+ constructs recipes and snippets which extend (and rely on nothing but) the Python standard library. Nothing like Michael Bolton.
pymc-devs/pymc3 5194 Probabilistic Programming in Python: Bayesian Modeling and Probabilistic Machine Learning with Theano
worldveil/dejavu 5094 Audio fingerprinting and recognition in Python
python-mode/python-mode 5074 Vim python-mode. PyLint Rope Pydoc breakpoints from box.
lancopku/pkuseg-python 4999 pkusegๅคš้ข†ๅŸŸไธญๆ–‡ๅˆ†่ฏๅทฅๅ…ท; The pkuseg toolkit for multi-domain Chinese word segmentation
h2oai/h2o-3 4946 Open Source Fast Scalable Machine Learning Platform For Smarter Applications: Deep Learning Gradient Boosting & XGBoost Random Forest Generalized Linear Modeling (Logistic Regression Elastic Net) K-Means PCA Stacked Ensembles Automatic Machine Learning (AutoML) etc.
marshmallow-code/marshmallow 4926 A lightweight library for converting complex objects to and from simple Python datatypes.
robotframework/robotframework 4921 Generic automation framework for acceptance testing and RPA
isnowfy/snownlp 4908 Python library for processing Chinese text
burnash/gspread 4884 Google Sheets Python API
robinhood/faust 4818 Python Stream Processing
facebook/pyre-check 4727 Performant type-checking for python.
jiaaro/pydub 4668 Manipulate audio with a simple and easy high level interface
stanfordnlp/stanza 4573 Official Stanford NLP Python Library for Many Human Languages
donnemartin/saws 4565 A supercharged AWS command line interface (CLI).
HypothesisWorks/hypothesis 4557 Hypothesis is a powerful flexible and easy to use library for property-based testing.
dropbox/pyston 4537 An open-source Python implementation using JIT techniques.
django/channels 4527 Developer-friendly asynchrony for Django
davidhalter/jedi-vim 4508 Using the jedi autocompletion library for VIM.
facebook/PathPicker 4442 PathPicker accepts a wide range of input -- output from git commands grep results searches -- pretty much anything.After parsing the input PathPicker presents you with a nice UI to select which files you're interested in. After that you can open them in your favorite editor or execute arbitrary commands.
sshwsfc/xadmin 4438 Drop-in replacement of Django admin comes with lots of goodies fully extensible with plugin support pretty UI based on Twitter Bootstrap.
jazzband/pip-tools 4436 A set of tools to keep your pinned Python dependencies fresh.
mher/flower 4380 Real-time monitor and web admin for Celery distributed task queue
tschellenbach/Stream-Framework 4357 Stream Framework is a Python library which allows you to build news feed activity streams and notification systems using Cassandra and/or Redis. The authors of Stream-Framework also provide a cloud service for feed technology:
flask-admin/flask-admin 4355 Simple and extensible administrative interface framework for Flask
dylanaraps/pywal 4337 ๐ŸŽจ Generate and change color-schemes on the fly.
wireservice/csvkit 4331 A suite of utilities for converting to and working with CSV the king of tabular file formats.
PySimpleGUI/PySimpleGUI 4321 Launched in 2018 Actively developed and supported. Supports tkinter Qt WxPython Remi (in browser). Create custom layout GUI's simply. Python 2.7 & 3 Support. 200+ Demo programs & Cookbook for rapid start. Extensive documentation. Examples using Machine Learning(GUI OpenCV Integration Chatterbot) Floating Desktop Widgets Matplotlib + Pyplot integration add GUI to command line scripts PDF & Image Viewer. For both beginning and advanced programmers .
NicolasHug/Surprise 4301 A Python scikit for building and analyzing recommender systems
platformio/platformio-core 4289 PlatformIO is a professional collaborative platform for embedded development ๐Ÿ‘ฝ A place where Developers and Teams have true Freedom! No more vendor lock-in!
gorakhargosh/watchdog 4240 Python library and shell utilities to monitor filesystem events.
asweigart/pyautogui 4177 A cross-platform GUI automation Python module for human beings. Used to programmatically control the mouse & keyboard.
stephenmcd/mezzanine 4114 CMS framework for Django
martinblech/xmltodict 4061 Python module that makes working with XML feel like you are working with JSON
sdispater/pendulum 4040 Python datetimes made easy
dpkp/kafka-python 3967 Python client for Apache Kafka
django-crispy-forms/django-crispy-forms 3956 The best way to have DRY Django forms. The app provides a tag and filter that lets you quickly render forms in a div format while providing an enormous amount of capability to configure and control the rendered HTML.
pudo/dataset 3858 Easy-to-use data handling for SQL data stores with support for implicit table creation bulk loading and transactions.
librosa/librosa 3829 Python library for audio and music analysis
ChrisKnott/Eel 3766 A little Python library for making simple Electron-like HTML/JS GUI apps
conda/conda 3758 OS-agnostic system-level binary package manager and ecosystem
jazzband/tablib 3755 Python Module for Tabular Datasets in XLS CSV JSON YAML &c.
jonathanslenders/ptpython 3725 A better Python REPL
nvdv/vprof 3667 Visual profiler for Python
msiemens/tinydb 3655 TinyDB is a lightweight document oriented database optimized for your happiness :)
pypa/virtualenv 3652 Virtual Python Environment builder
MechanicalSoup/MechanicalSoup 3528 A Python library for automating interaction with websites.
mininet/mininet 3500 Emulator for rapid prototyping of Software Defined Networks
spyoungtech/grequests 3477 Requests + Gevent = <3
jmcarp/robobrowser 3471 null
rkern/line_profiler 3470 (OLD REPO) Line-by-line profiling for Python - Current repo ->
sphinx-doc/sphinx 3450 Main repository for the Sphinx documentation builder
s3tools/s3cmd 3401 Official s3cmd repo -- Command line tool for managing Amazon S3 and CloudFront services
jpadilla/pyjwt 3386 JSON Web Token implementation in Python
python-trio/trio 3355 Trio โ€“ a friendly Python library for async concurrency and I/O
tyiannak/pyAudioAnalysis 3347 Python Audio Analysis Library: Feature Extraction Classification Segmentation and Applications
lektor/lektor 3321 The lektor static file content management system
mstamy2/PyPDF2 3266 A utility to read and write PDFs with Python
lyst/lightfm 3244 A Python implementation of LightFM a hybrid recommendation algorithm.
MongoEngine/mongoengine 3236 A Python Object-Document-Mapper for working with MongoDB
timothycrosley/isort 3214 A Python utility / library to sort imports.
python-attrs/attrs 3186 Python Classes Without Boilerplate
timofurrer/maya 3168 Datetimes for Humansโ„ข
coleifer/huey 3124 a little task queue for python
pytransitions/transitions 3115 A lightweight object-oriented finite state machine implementation in Python with many extensions
madmaze/pytesseract 3094 A Python wrapper for Google Tesseract
mongodb/mongo-python-driver 3088 PyMongo - the Python driver for MongoDB
Instagram/MonkeyType 3059 A system for Python that generates static type annotations by collecting runtime types
coala/coala 3039 coala provides a unified command-line interface for linting and fixing all your code regardless of the programming languages you use.
kachayev/fn.py 3028 Functional programming in Python: implementation of missing features to enjoy FP
django-haystack/django-haystack 3026 Modular search for Django
what-studio/profiling 3006 An interactive continuous Python profiler.
elastic/elasticsearch-dsl-py 2982 High level Python client for Elasticsearch
evhub/coconut 2978 Simple elegant Pythonic functional programming.
encode/uvicorn 2974 The lightning-fast ASGI server. ๐Ÿฆ„
geopy/geopy 2972 Geocoding library for Python.
pyinvoke/invoke#readme 2950 Pythonic task management & command execution.
mooz/percol 2942 adds flavor of interactive filtering to the traditional pipe concept of UNIX shell
lk-geimfari/mimesis 2940 Mimesis is a high-performance fake data generator for Python which provides data for a variety of purposes in a variety of languages.
esnme/ultrajson 2923 Ultra fast JSON decoder and encoder written in C with Python bindings
joestump/python-oauth2 2920 A fully tested abstract interface to creating OAuth clients and servers.
blaze/blaze 2895 NumPy and Pandas interface to Big Data
aaugustin/websockets 2894 Library for building WebSocket servers and clients in Python
Julian/jsonschema 2893 An(other) implementation of JSON Schema for Python
pytoolz/toolz 2882 A functional standard library for Python.
bloomberg/bqplot 2873 Plotting library for IPython/Jupyter notebooks
deanmalmgren/textract 2856 extract text from any document. no muss. no fuss.
tony/tmuxp 2833 ๐Ÿ’ป tmux session manager. built on libtmux
geex-arts/django-jet 2829 Modern responsive template for the Django admin interface with improved functionality. We are proud to announce completely new Jet. Please check out Live Demo
sloria/doitlive 2819 Because sometimes you need to do it live
omab/python-social-auth 2790 Social auth made simple
mozillazg/python-pinyin 2782 ๆฑ‰ๅญ—่ฝฌๆ‹ผ้Ÿณ(pypinyin)
kornia/kornia 2771 Open Source Differentiable Computer Vision Library for PyTorch
LuminosoInsight/python-ftfy 2750 Fixes mojibake and other glitches in Unicode text after the fact.
django-guardian/django-guardian 2724 Per object permissions for Django
facebookresearch/hydra 2667 Hydra is a framework for elegantly configuring complex applications
wsvincent/awesome-django 2666 A curated list of awesome things related to Django
0rpc/zerorpc-python 2661 zerorpc for python
mobolic/facebook-sdk 2534 Python SDK for Facebook's Graph API
daviddrysdale/python-phonenumbers 2521 Python port of Google's libphonenumber
spulec/freezegun 2517 Let your Python tests travel through time
Yelp/mrjob 2499 Run MapReduce jobs on Hadoop or Amazon Web Services
mhammond/pywin32 2479 Python for Windows (pywin32) Extensions
timofurrer/awesome-asyncio 2469 A curated list of awesome Python asyncio frameworks libraries software and resources
pypa/warehouse 2462 The Python Package Index
jazzband/django-taggit 2441 Simple tagging for django
sightmachine/SimpleCV 2426 The Open Source Framework for Machine Vision
vispy/vispy 2415 Main repository for Vispy
shazow/urllib3 2403 Python HTTP library with thread-safe connection pooling file post support sanity friendly and more.
jonashaag/bjoern 2399 A screamingly fast Python 2/3 WSGI server written in C.
zoofIO/flexx 2383 Write desktop and web apps in pure Python
pybee/toga 2372 A Python native OS native GUI toolkit.
schematics/schematics 2366 Python Data Structures for Humansโ„ข.
django-compressor/django-compressor 2356 Compresses linked and inline javascript or CSS into a single cached file.
Suor/funcy 2345 A fancy and practical functional tools
has2k1/plotnine 2329 A grammar of graphics for Python
jmcnamara/XlsxWriter 2321 A Python module for creating Excel XLSX files.
python-openxml/python-docx 2311 Create and modify Word documents with Python
errbotio/errbot 2303 Errbot is a chatbot a daemon that connects to your favorite chat service and bring your tools and some fun into the conversation.
Microsoft/PTVS 2285 Python Tools for Visual Studio
ponyorm/pony 2280 Pony Object Relational Mapper
awesto/django-shop 2277 A Django based shop system
cobrateam/splinter 2266 splinter - python test framework for web applications
FactoryBoy/factory_boy 2247 A test fixtures replacement for Python
waylan/Python-Markdown 2237 A Python implementation of John Gruberโ€™s Markdown with Extension support.
maciejkula/spotlight 2236 Deep recommender models using PyTorch.
pythonnet/pythonnet 2228 Python for .NET is a package that gives Python programmers nearly seamless integration with the .NET Common Language Runtime (CLR) and provides a powerful application scripting tool for .NET developers.
crossbario/autobahn-python 2204 WebSocket and WAMP in Python for Twisted and asyncio
rochacbruno/quokka 2195 LOOKING FOR NEW MAINTAINER - Quokka is a Content Management System - docker run --rm -it -p 5000:5000 quokka/quokka
dyve/django-bootstrap3 2194 Bootstrap 3 integration with Django.
lincolnloop/python-qrcode 2192 Python QR Code image generator
pyeve/cerberus 2160 Lightweight extensible data validation library for Python
Bogdanp/dramatiq 2157 A fast and reliable background task processing library for Python 3.
andialbrecht/sqlparse 2139 A non-validating SQL parser module for Python
keleshev/schema 2132 Schema validation just got Pythonic
jindaxiang/akshare 2112 AkShare is an elegant and simple financial data interface library for Python built for human beings! ๅผ€?
DamnWidget/anaconda 2084 Anaconda turns your Sublime Text 3 in a full featured Python development IDE including autocompletion code linting IDE features autopep8 formating McCabe complexity checker Vagrant and Docker support for Sublime Text 3 using Jedi PyFlakes pep8 MyPy PyLint pep257 and McCabe that will never freeze your Sublime Text 3
idan/oauthlib 2073 A generic spec-compliant thorough implementation of the OAuth request-signing logic
pallets/itsdangerous 2047 Safely pass trusted data to untrusted environments and back.
benfred/implicit 2036 Fast Python Collaborative Filtering for Implicit Feedback Datasets
boppreh/keyboard 2025 Hook and simulate global keyboard events on Windows and Linux.
emirozer/fake2db 2022 create custom test databases that are populated with fake data
evonove/django-oauth-toolkit 1994 OAuth2 goodies for the Djangonauts!
lepture/authlib 1982 The ultimate Python library in building OAuth OpenID Connect clients and servers. JWSJWEJWKJWAJWT included.
r0x0r/pywebview 1965 Build GUI for your Python program with JavaScript HTML and CSS
peterbrittain/asciimatics 1964 A cross platform package to do curses-like operations plus higher level APIs and widgets to create text UIs and ASCII art animations
mozilla/bleach 1961 Bleach is an allowed-list-based HTML sanitizing library that escapes or strips markup and attributes
getnikola/nikola 1945 A static website and blog generator
unoconv/unoconv 1928 Universal Office Converter - Convert between any document format supported by LibreOffice/OpenOffice.
gawel/pyquery 1883 A jquery-like library for python
buriy/python-readability 1853 fast python port of arc90's readability tool updated to match latest readability.js!
gruns/furl 1848 ๐ŸŒ URL parsing and manipulation made easy.
lepture/mistune 1830 A fast yet powerful Python Markdown parser with renderers and plugins.
inducer/pudb 1827 Full-screen console debugger for Python
grantjenks/python-sortedcontainers 1825 Python Sorted Container Types: Sorted List Sorted Dict and Sorted Set
kootenpv/yagmail 1820 Send email in Python conveniently for gmail using yagmail
gabrielfalcao/HTTPretty 1806 HTTP client mocking tool for Python - inspired by Fakeweb for Ruby
markusschanta/awesome-jupyter 1804 A curated list of awesome Jupyter projects libraries and resources
justquick/django-activity-stream 1786 Generate generic activity streams from the actions on your site. Users can follow any actors' activities for personalized streams.
PyMySQL/mysqlclient-python 1785 MySQL database connector for Python (with Python 3 support)
python/typeshed 1781 Collection of library stubs for Python with static types
PetrochukM/PyTorch-NLP 1776 Basic Utilities for PyTorch Natural Language Processing (NLP)
orsinium/textdistance 1763 Compute distance between sequences. 30+ algorithms pure python implementation common interface optional external libs usage.
kevin1024/vcrpy 1757 Automatically mock your HTTP interactions to simplify and speed up testing
ryanmcgrath/twython 1737 Actively maintained pure Python wrapper for the Twitter API. Supports both normal and streaming Twitter APIs.
dabeaz/ply 1716 Python Lex-Yacc
cloudnativelabs/kube-shell 1681 Kubernetes shell: An integrated shell for working with the Kubernetes
myusuf3/delorean 1675 Delorean: Time Travel Made Easy
jschneier/django-storages 1662 https://django-storages.readthedocs.io/
aboSamoor/polyglot 1650 Multilingual text (NLP) processing toolkit
ahupp/python-magic 1646 A python wrapper for libmagic
seatgeek/sixpack 1641 Sixpack is a language-agnostic a/b-testing framework
saffsd/langid.py 1636 Stand-alone language identification system
alecthomas/voluptuous 1629 CONTRIBUTIONS ONLY: Voluptuous despite the name is a Python data validation library.
jorgenschaefer/elpy 1617 Emacs Python Development Environment
modoboa/modoboa 1601 Mail hosting made simple
realpython/list-of-python-api-wrappers 1595 List of Python API Wrappers and Libraries
google/pyringe 1581 Debugger capable of attaching to and injecting code into python processes.
bpython/bpython 1553 bpython - A fancy curses interface to the Python interactive interpreter
gruns/icecream 1543 ๐Ÿฆ Sweet and creamy print debugging.
napalm-automation/napalm 1538 Network Automation and Programmability Abstraction Layer with Multivendor support
mongodb/motor 1520 Motor - the async Python driver for MongoDB and Tornado or asyncio
cdgriffith/Box 1506 Python dictionaries with advanced dot notation access
amitt001/delegator.py 1496 Subprocesses for Humans 2.0.
erikrose/more-itertools 1495 More routines for operating on iterables beyond itertools
Kozea/wdb 1483 An improbable web debugger through WebSockets
wooey/wooey 1462 A Django app that creates automatic web UIs for Python scripts.
gak/pycallgraph 1457 pycallgraph is a Python module that creates call graphs for Python programs.
henriquebastos/python-decouple 1450 Strict separation of config from code.
glamp/bashplotlib 1443 plotting in the terminal
guestwalk/libffm 1439 A Library for Field-aware Factorization Machines
Maratyszcza/PeachPy 1435 x86-64 assembler embedded in Python
MasoniteFramework/masonite 1430 The Modern And Developer Centric Python Web Framework. Be sure to read the documentation and join the Slack channel questions: http://slack.masoniteproject.com
Parsely/streamparse 1415 Run Python in Apache Storm topologies. Pythonic API CLI tooling and a topology DSL.
mailgun/flanker 1412 Python email address and Mime parsing library
spotify/dh-virtualenv 1383 Python virtualenvs in Debian packages
jazzband/django-pipeline 1374 Pipeline is an asset packaging library for Django.
chineking/cola 1372 A high-level distributed crawling framework.
nickstenning/honcho 1364 Honcho: a python clone of Foreman. For managing Procfile-based applications.
dateutil/dateutil 1359 Useful extensions to the standard Python datetime features
chardet/chardet 1349 Python 2/3 compatible character encoding detector.
Microsoft/Pyjion 1348 Pyjion - A JIT for Python based upon CoreCLR
benhamner/Metrics 1347 Machine learning evaluation metrics implemented in Python R Haskell and MATLAB / Octave
abhiTronix/vidgear 1342 High-performance cross-platform Video Processing Python framework powerpacked with unique trailblazing features โœจ
django/daphne 1330 Django Channels HTTP/WebSocket server
skorokithakis/shortuuid 1318 A generator library for concise unambiguous and URL-safe UUIDs.
pynamodb/PynamoDB 1308 A pythonic interface to Amazon's DynamoDB
PyCQA/prospector 1292 Inspects Python source files and provides information about type and location of classes methods etc
sirfz/tesserocr 1290 A Python wrapper for the tesseract-ocr API
dry-python/returns 1287 Make your functions return something meaningful typed and safe!
Suor/django-cacheops 1279 A slick ORM cache with automatic granular event-driven invalidation.
dcramer/django-devserver 1254 A drop-in replacement for Django's runserver.
sebastien/cuisine 1240 Chef-like functionality for Fabric
gotcha/ipdb 1239 Integration of IPython pdb
pybuilder/pybuilder 1237 Software build automation tool for Python.
fabtools/fabtools 1235 Tools for writing awesome Fabric files
dbcli/litecli 1186 CLI for SQLite Databases with auto-completion and syntax highlighting
laixintao/iredis 1176 Interactive Redis: A Terminal Client for Redis with AutoCompletion and Syntax Highlighting.
datastax/python-driver 1166 DataStax Python Driver for Apache Cassandra
nficano/python-lambda 1159 A toolkit for developing and deploying serverless Python code in AWS Lambda.
python-greenlet/greenlet 1158 Lightweight in-process concurrent programming
wtforms/wtforms 1143 A flexible forms validation and rendering library for Python.
pyfilesystem/pyfilesystem2 1122 Python's Filesystem abstraction layer
scanny/python-pptx 1121 Create Open XML PowerPoint documents in Python
wemake-services/wemake-python-styleguide 1115 The strictest and most opinionated python linter ever!
fengsp/plan 1112 Crontab jobs management in Python
davidaurelio/hashids-python 1109 Implementation of hashids (http://hashids.org) in Python. Compatible with Pythonโ€‰2 and Pythonโ€‰3
dfunckt/django-rules 1108 Awesome Django authorization without the database
jek/blinker 1103 A fast Python in-process signal/event dispatching system.
mining/mining 1096 Business Intelligence (BI) in Python OLAP
jfkirk/tensorrec 1076 A TensorFlow recommendation algorithm and framework in Python.
indico/indico 1073 Indico - A feature-rich event management system made @ CERN the place where the Web was born.
marshmallow-code/webargs 1053 A friendly library for parsing HTTP request arguments with built-in support for popular web frameworks including Flask Django Bottle Tornado Pyramid webapp2 Falcon and aiohttp.
selwin/python-user-agents 1049 A Python library that provides an easy way to identify devices like mobile phones tablets and their capabilities by parsing (browser) user agent strings.
prabhupant/python-ds 1048 Repository for data structure and algorithms in Python for coding interviews
eliben/pyelftools 1045 Parsing ELF and DWARF in Python
tylerlaberge/PyPattyrn 1038 A simple library for implementing common design patterns.
linkedin/shiv 1030 shiv is a command line utility for building fully self contained Python zipapps as outlined in PEP 441 but with all their dependencies included.
encode/orm 1027 An async ORM. ๐Ÿ—ƒ
bloomreach/s4cmd 1017 Super S3 command line tool
dahlia/wand 1010 The ctypes-based simple ImageMagick binding for Python
jendrikseipp/vulture 992 Find dead Python code
Alir3z4/html2text 967 Convert HTML to Markdown-formatted text.
python-rope/rope 964 a python refactoring library
awslabs/aws-data-wrangler 957 Pandas on AWS
agiliq/merchant 951 A Django app to accept payments from various payment processors via Pluggable backends.
fogleman/Quads 945 Computer art based on quadtrees.
vandersonmota/model_mommy 938 No longer maintained please migrate to model_bakery
martinrusev/imbox 934 Python IMAP for Human beings
nucleic/enaml 933 Declarative User Interfaces for Python
SavinaRoja/PyUserInput 927 A module for cross-platform control of the mouse and keyboard in python that is simple to install and use.
ironmussa/Optimus 925 ๐Ÿšš Agile Data Preparation Workflows made
Fizzadar/pyinfra 919 pyinfra automates infrastructure super fast at massive scale. It can be used for ad-hoc command execution service deployment configuration management and more.
jaraco/path.py 915 Object-oriented file system path manipulation
tomerfiliba/rpyc 902 RPyC (Remote Python Call) - A transparent and symmetric RPC library for python
mitsuhiko/pluginbase 900 A simple but flexible plugin system for Python.
srusskih/SublimeJEDI 898 awesome Python autocompletion with SublimeText
un33k/python-slugify 895 Returns unicode slugs
benedekrozemberczki/karateclub 891 A general purpose community detection and network embedding library for research built on NetworkX.
miracle2k/webassets 885 Asset management for Python web development.
ibayer/fastFM 861 fastFM: A Library for Factorization Machines
Acrotrend/awesome-dash 859 A curated list of awesome Dash (plotly) resources
html5lib/html5lib-python 854 Standards-compliant library for parsing and serializing HTML documents and fragments in Python
SmileyChris/django-countries 853 A Django application that provides country choices for use with forms flag icons static files and a country field for models.
ztane/python-Levenshtein 845 The Levenshtein Python C extension module contains functions for fast computation of Levenshtein distance and string similarity
pyparsing/pyparsing 835 Python library for creating PEG parsers
pyexcel/pyexcel 830 Single API for reading manipulating and writing data in csv ods xls xlsx and xlsm files
pricingassistant/mrq 817 Mr. Queue - A distributed worker task queue in Python using Redis & gevent
Pylons/waitress 810 Waitress - A WSGI server for Python 2 and 3
elapouya/python-docx-template 802 Use a docx as a jinja2 template
django-cache-machine/django-cache-machine 790 Automatic caching and invalidation for Django models through the ORM.
zostera/django-bootstrap4 781 Bootstrap 4 integration with Django.
SciTools/cartopy 780 Cartopy - a cartographic python library with matplotlib support
thauber/django-schedule 778 A calendaring app for Django. It is now stable Please feel free to use it now. Active development has been taken over by bartekgorny.
feincms/feincms 777 A Django-based CMS with a focus on extensibility and concise code
jet-admin/jet-bridge 762 Jet Bridge (Universal) for Jet Admin โ€“ API-based Admin Panel Framework for your application
scottrogowski/code2flow 760 Turn your Python and Javascript code into DOT flowcharts
hhatto/nude.py 740 Nudity detection with Python
rsalmei/alive-progress 732 A new kind of Progress Bar with real time throughput eta and very cool animations!
getsentry/sentry-python 730 The new Python SDK for Sentry.io
pytoolz/cytoolz 727 Cython implementation of Toolz: High performance functional utilities
klen/pylama 718 Code audit tool for python.
pyca/pynacl 713 Python binding to the Networking and Cryptography (NaCl) library
klen/mixer 702 Mixer -- Is a fixtures replacement. Supported Django Flask SqlAlchemy and custom python objects.
mpdavis/python-jose 689 A JOSE implementation in Python
pwaller/pyfiglet 682 An implementation of figlet written in Python
obspy/obspy 681 ObsPy: A Python Toolbox for seismology/seismological observatories.
mitmproxy/pdoc 667 A simple command line tool and library to auto generate API documentation for Python libraries.
khamidou/lptrace 663 Trace any Python program anywhere!
yoloseem/awesome-sphinxdoc 662 A curated list of awesome tools for Sphinx Python Documentation Generator
CleanCut/green 656 Green is a clean colorful fast python test runner.
quodlibet/mutagen 648 Python module for handling audio metadata
plasticityai/supersqlite 646 A supercharged SQLite library for Python
nose-devs/nose2 643 The successor to nose based on unittest2
stackless-dev/stackless 631 The Stackless Python programming language
keunwoochoi/kapre 624 kapre: Keras Audio Preprocessors
jab/bidict 619 The bidirectional mapping library for Python.
stephenmcd/cartridge 618 Ecommerce for Mezzanine
django-haystack/pysolr 564 Pysolr โ€” Python Solr client
frewsxcv/python-geojson 561 Python bindings and utilities for GeoJSON
timofurrer/try 554 Dead simple CLI tool to try Python packages - It's never been easier! ๐Ÿ“ฆ
ionelmc/python-hunter 550 Hunter is a flexible code tracing toolkit.
kiwicom/schemathesis 543 A tool that generates and runs test cases for Open API / GraphQL based apps
mitsuhiko/python-modernize 542 Modernizes Python code for eventual Python 3 migration. Build on top of 2to3
wbolster/happybase 541 A developer-friendly Python library to interact with Apache HBase
typeddjango/awesome-python-typing 537 Collection of awesome Python types stubs plugins and tools to work with them.
antocuni/pdb 534 pdb++ a drop-in replacement for pdb (the Python debugger)
pyglet/pyglet 530 pyglet is a cross-platform windowing and multimedia library for Python for developing games and other visually rich applications.
twisted/treq 504 Python requests like API built on top of Twisted's HTTP client.
michaelhelmick/lassie 502 Web Content Retrieval for Humansโ„ข
coleifer/micawber 497 a small library for extracting rich content from urls
noxrepo/pox 496 The POX network software platform
mikeorr/Unipath 489 An object-oriented approach to Python file/directory operations.
patx/pickledb 487 pickleDB is an open source key-value store using Python's json module.
appliedsec/pygeoip 482 DEPRECATED: Pure Python API for Maxmind's binary GeoIP databases
stchris/untangle 474 Converts XML to Python objects
chapmanb/bcbb 472 Incubator for useful bioinformatics code primarily in Python and R
soravux/scoop 460 SCOOP (Scalable COncurrent Operations in Python)
dimka665/awesome-slugify 450 Python flexible slugify function
bbangert/beaker 446 WSGI middleware for sessions and caching
moggers87/salmon 439 A Python Mail Server
lericson/pylibmc 436 A Python wrapper around the libmemcached interface from TangentOrg.
shahraizali/awesome-django 433 The Best Django Resource Awesome Django for mature packages.
kiddouk/redisco 432 A Python Library for Simple Models and Containers Persisted in Redis
derek73/python-nameparser 422 A simple Python module for parsing human names into their individual components
zopefoundation/ZODB 413 Python object-oriented database
patrys/httmock 406 A mocking library for requests
devpi/devpi 402 Python PyPi staging server and packaging testing release tool
devsnd/tinytag 398 Read music meta data and length of MP3 OGG OPUS MP4 M4A FLAC WMA and Wave files with python 2 or 3
python-rapidjson/python-rapidjson 391 Python wrapper around rapidjson
httplib2/httplib2 377 Small fast HTTP client library for Python. Features persistent connections cache and Google App Engine support. Originally written by Joe Gregorio now supported by community.
DmytroLitvinov/awesome-flake8-extensions 370 :octocat: A curated awesome list of flake8 extensions. Feel free to contribute! ๐ŸŽ“
jazzband/localshop 369 local pypi server (custom packages and auto-mirroring of pypi)
TkTech/pysimdjson 366 Python bindings for the simdjson project.
mitsuhiko/unp 365 Unpacks things.
Cornices/cornice 359 Build Web Services with Pyramid.
Kotti/Kotti 352 Kotti is a high-level Pythonic web application framework based on Pyramid and SQLAlchemy. It includes an extensible Content Management System called the Kotti CMS.
pallets/markupsafe 342 Safely add untrusted strings to HTML/XML markup.
beetbox/audioread 337 cross-library (GStreamer + Core Audio + MAD + FFmpeg) audio decoding for Python
Pylons/deform 333 A Python HTML form library.
MicroPyramid/forex-python 330 Foreign exchange rates Bitcoin price index and currency conversion using ratesapi.io
web2py/pydal 325 A pure Python Database Abstraction Layer
lxneng/alipay 316 An Unofficial Alipay API for Python
istrategylabs/django-wordpress 313 WordPress models and views for Django.
KoffeinFlummi/Chronyk 309 A Python 3 library for parsing human-written times and dates
RaylockLLC/DearPyGui 305 DearPyGui: A GPU Accelerated Python GUI Framework
metawilm/cl-python 301 An implementation of Python in Common Lisp
mozilla/unicode-slugify 293 A slugifier that works in unicode
ionelmc/python-manhole 292 Debugging manhole for python applications.
Parisson/TimeSide 288 Scalable audio processing framework written in Python with a RESTful API
rockymeza/wifi 266 unmaintained WiFi tools for linux
stephenmcd/hot-redis 263 Rich Python data types for Redis
ellisonleao/pyshorteners 261 ๐Ÿ”Œ Generating short urls with python has never been easier
libvips/pyvips 254 python binding for libvips using cffi
codeinthehole/purl 245 A simple immutable URL class with a clean API for interrogation and manipulation.
nicfit/eyeD3 244 eyeD3 is a Python module and command line program for processing ID3 tags. Information about mp3 files (i.e bit rate sample frequency play time etc.) is also provided. The formats supported are ID3v1 (1.0/1.1) and ID3v2 (2.3/2.4).
sergree/matchering 241 ๐ŸŽš๏ธ Open Source Audio Matching and Mastering
podio/valideer 237 Lightweight data validation and adaptation Python library.
DiffSK/configobj 232 Python 3+ compatible port of the configobj library
gmr/queries 226 PostgreSQL database access simplified
maxmind/geoip-api-python 207 GeoIP Legacy Python API
marrow/mailer 201 A light-weight modular message representation and mail delivery framework for Python.
WiserTogether/django-remote-forms 199 A platform independent django form serializer
mindflayer/python-mocket 195 a socket mock framework - for all kinds of socket animals web-clients included
daboth/pagan 194 Python avatar generator for absolute nerds
carlospalol/money 186 Python money class with optional CLDR-backed locale-aware formatting and an extensible currency exchange solution.
dirn/When.py 185 Friendly Python Dates
rossgoodwin/hmap 175 Image histogram remapping
davedoesdev/python-jwt 172 Python module for generating and verifying JSON Web Tokens
josephreisinger/vowpal_porpoise 156 lightweight python wrapper for vowpal wabbit
vinta/pangu.py 149 Paranoid text spacing in Python
shinux/PyTime 137 PyTime is an easy-use Python module which aims to operate date/time/datetime by string.
ovalhub/pyicu 118 PyICU project repository
carlosescri/DottedDict 102 Python library that provides a method of accessing lists and dicts with a dotted path notation.
ajkumar25/pygram 94 Instagram-like image filters.
tartiflette/tartiflette-asgi 66 ASGI support for the Tartiflette GraphQL engine
fabianp/memory_profiler 56 Monitor Memory usage of Python code
TomNicholas/Python-for-Scientists 49 A list of recommended Python libraries and resources intended for scientific Python users.
Alir3z4/python-currencies 44 Display money format and its filthy currencies for all money lovers out there.

@jaimevalero
Copy link
Author

jaimevalero commented Feb 17, 2018

For https://github.com/agarrharr/awesome-cli-apps

Repo Stars Description
sindresorhus/awesome 139063 ๐Ÿ˜Ž Awesome lists about all kinds of interesting topics
ytdl-org/youtube-dl 69948 Command-line program to download videos from YouTube.com and other video sites
nvbn/thefuck 54880 Magnificent app which corrects your previous console command.
jkbrzt/httpie 47885 As easy as /aitch-tee-tee-pie/ ๐Ÿฅง Modern user-friendly command-line HTTP client for the API era. JSON support colors sessions downloads plugins & more. https://twitter.com/clihttp
neovim/neovim 38149 Vim-fork focused on extensibility and usability
sindresorhus/awesome-nodejs#command-line-apps 36866 โšก Delightful Node.js packages and resources
junegunn/fzf 31337 ๐ŸŒธ A command-line fuzzy finder
tldr-pages/tldr 28113 ๐Ÿ“š Collaborative cheatsheets for console commands
herrbischoff/awesome-macos-command-line#readme 23801 Use your macOS terminal shell to do awesome things.
ncw/rclone 22978 \rsync for cloud storage\ - Google Drive Amazon Drive S3 Dropbox Backblaze B2 One Drive Swift Hubic Cloudfiles Google Cloud Storage Yandex Files
sharkdp/bat 22248 A cat(1) clone with wings.
BurntSushi/ripgrep 21244 ripgrep recursively searches directories for a regex pattern
vim/vim 21053 The official Vim repository
tatsuhiro-t/aria2 20725 aria2 is a lightweight multi-protocol & multi-source cross platform download utility operated in command-line. It supports HTTP/HTTPS FTP SFTP BitTorrent and Metalink.
github/hub 20120 A command-line tool that makes git easier to use with GitHub.
alebcay/awesome-shell#readme 19898 A curated list of awesome command-line frameworks toolkits guides and gizmos. Inspired by awesome-php.
stedolan/jq 17580 Command-line JSON processor
jesseduffield/lazydocker 16028 The lazier way to manage everything docker
zyedidia/micro 14792 A modern and intuitive terminal-based text editor
sharkdp/fd 14666 A simple fast and user-friendly alternative to 'find'
svg/svgo 14655 ๐Ÿฏ Node.js tool for optimizing SVG files
yudai/gotty 14325 Share your terminal as a web application
tj/git-extras 14198 GIT utilities -- repo summary repl changelog population author commit percentages and more
audreyr/cookiecutter 12640 A command-line utility that creates projects from cookiecutters (project templates) e.g. Python package projects VueJS projects.
rupa/z 12123 z - jump around
wting/autojump 11572 A cd command that learns - easily navigate directories from the command line
ogham/exa 10538 A modern version of โ€˜lsโ€™.
localtunnel/localtunnel 10260 expose yourself
aws/aws-cli 9973 Universal Command Line Interface for Amazon Web Services
sivel/speedtest-cli 9965 Command line interface for testing internet bandwidth using speedtest.net
antonmedv/fx 9814 Command-line tool and terminal JSON viewer ๐Ÿ”ฅ
beetbox/beets 9538 music library manager and MusicBrainz tagger
dylanaraps/neofetch 9405 ๐Ÿ–ผ๏ธ A command-line system information tool written in bash 3.2+
k4m4/terminals-are-sexy#readme 9322 ๐Ÿ’ฅ A curated list of Terminal frameworks plugins & resources for CLI lovers.
jonas/tig 9260 Text-mode interface for git
jarun/nnn 8920 n
dbcli/pgcli 8878 Postgres CLI with autocompletion and syntax highlighting
dbcli/mycli 8863 A Terminal Client for MySQL with AutoCompletion and Syntax Highlighting.
gleitz/howdoi 8381 instant coding answers via the command line
asciinema/asciinema 8362 Terminal session recorder ๐Ÿ“น
unixorn/awesome-zsh-plugins#readme 8130 A collection of ZSH frameworks plugins themes and tutorials.
ranger/ranger 8095 A VIM-inspired filemanager for the console
eliangcs/http-prompt 7890 An interactive command-line HTTP and API testing client built on top of HTTPie featuring autocomplete syntax highlighting and more. https://twitter.com/clihttp
klaussinani/taskbook 7723 Tasks boards & notes for the command-line habitat
kefranabg/readme-md-generator 7681 ๐Ÿ“„ CLI that generates beautiful README.md files
denisidoro/navi 7584 An interactive cheatsheet tool for the command-line and application launchers
kamranahmedse/git-standup 6713 Recall what you did on the last working day. Psst! or be nosy and find what someone else in your team did ;-)
cyrus-and/gdb-dashboard 6644 Modular visual interface for GDB in Python
schachmat/wego 6429 weather app for the terminal
Rigellute/spotify-tui 6350 Spotify for the terminal written in Rust ๐Ÿš€
mps-youtube/mps-youtube 6317 Terminal based YouTube player and downloader
mawww/kakoune 6210 mawww's experiment for a better code editor
sindresorhus/fkill-cli 6128 Fabulously kill processes. Cross-platform.
zeit/serve 6070 Static file serving and directory listing
imsnif/bandwhich 5676 Terminal bandwidth utilization tool
tjunnone/npm-check-updates 5595 Find newer versions of package dependencies than what your package.json allows
IonicaBizau/git-stats 5412 ๐Ÿ€ Local git statistics including GitHub-like contributions calendars.
sindresorhus/np 5410 A better npm publish
santinic/how2 5273 stackoverflow from the terminal
clvv/fasd 5114 Command-line productivity booster offers quick access to files and directories inspired by autojump z and v.
akavel/up 5025 Ultimate Plumber is a tool for writing Linux pipes with instant live preview
streamlink/streamlink 5019 Streamlink is a CLI utility which pipes video streams from various services into a video player
timvisee/ffsend 4947 ๐Ÿ“ฌ Easily and securely share files from the command line. A fully featured Firefox Send client.
joeyespo/grip 4803 Preview GitHub README.md files locally before committing them.
rastapasta/mapscii 4670 ?
mixn/carbon-now-cli 4658 ๐ŸŽจ Beautiful images of your code โ€” from right inside your terminal.
jarun/googler 4614 ๐Ÿ” Google from the terminal
donnemartin/saws 4565 A supercharged AWS command line interface (CLI).
facebook/pathpicker 4442 PathPicker accepts a wide range of input -- output from git commands grep results searches -- pretty much anything.After parsing the input PathPicker presents you with a nice UI to select which files you're interested in. After that you can open them in your favorite editor or execute arbitrary commands.
dylanaraps/pywal 4337 ๐ŸŽจ Generate and change color-schemes on the fly.
soimort/translate-shell 4331 ๐Ÿ’ฌ Command-line translator using Google Translate Bing Translator Yandex.Translate etc.
Canop/broot 4281 A new way to see and navigate directory trees : https://dystroy.org/broot
wp-cli/wp-cli 4201 โš™๏ธ WP-CLI framework
busyloop/lolcat 4170 Rainbows and unicorns!
cmus/cmus 3856 Small fast and powerful console music player for Unix-like operating systems.
visit1985/mdp 3814 A command-line based markdown presentation tool.
jarun/Buku 3808 ๐Ÿ”– Browser-independent bookmark manager
rgburke/grv 3700 GRV is a terminal interface for viewing git repositories
mjswensen/themer 3688 ๐ŸŽจ themer takes a set of colors and generates themes for your apps (editors terminals wallpapers and more).
wooorm/alex 3649 Catch insensitive inconsiderate writing
s3tools/s3cmd 3401 Official s3cmd repo -- Command line tool for managing Amazon S3 and CloudFront services
icholy/ttygif 3383 Convert terminal recordings to animated gifs
webpro/release-it 3374 ๐Ÿš€ Automate versioning and package publishing
sindresorhus/speed-test 3372 Test your internet connection speed and ping using speedtest.net from the CLI
shobrook/rebound 3261 Command-line tool that instantly fetches Stack Overflow results when an exception is thrown
DTVD/rainbowstream 3168 A smart and nice Twitter client on terminal written in Python.
chjj/ttystudio 3166 A terminal-to-gif recorder minus the headaches.
yeoman/yo 3130 CLI tool for running Yeoman generators
thlorenz/doctoc 3070 ๐Ÿ“œ Generates table of contents for markdown files inside local git repository. Links are compatible with anchors generated by github or other sites.
zeit/release 2941 Generate changelogs with a single command
sharkdp/pastel 2940 A command-line tool to generate analyze convert and manipulate colors
dylanaraps/fff 2922 ๐Ÿ“ A simple file manager written in bash.
herrbischoff/awesome-command-line-apps#readme 2843 ๐Ÿš Use your terminal shell to do awesome things.
yaronn/wopr 2794 A simple markup language for creating rich terminal reports presentations and infographics
lirantal/dockly 2661 Immersive terminal interface for managing docker containers and services
emacs-mirror/emacs 2573 Mirror of GNU Emacs
carloscuesta/gitmoji-cli 2406 A gitmoji interactive command line tool for using emojis on commits. ๐Ÿ’ป
gokcehan/lf 2380 Terminal file manager
kohler/gifsicle 2289 Create manipulate and optimize GIF images and animations
insanum/gcalcli 2239 Google Calendar Command Line Interface
irssi/irssi 2205 The client of the future
clangen/musikcube 2076 a cross-platform terminal-based music player audio engine metadata indexer and server in c++
VitaliyRodnenko/geeknote 2065 Console client for Evernote.
sobolevn/git-secret 2046 ๐Ÿ‘ฅ A bash-tool to store your private data inside a git repository.
Azure/azure-cli 2014 Azure Command-Line Interface
sindresorhus/emoj 2010 Find relevant emoji from text on the command-line ๐Ÿ˜ฎ โœจ ๐Ÿ™Œ ๐Ÿด ๐Ÿ’ฅ ๐Ÿ™ˆ
alexfernandez/loadtest 1938 Runs a load test on the selected URL. Easy to extend minimally for your own ends.
kurolabs/stegcloak 1841 Hide secrets with invisible characters in plain text securely using passwords ๐Ÿง™๐Ÿปโ€โ™‚๏ธโญ
dnote/dnote 1824 A simple command line notebook for programmers
hlandau/acme 1786 ๐Ÿ”’ acmetool an automatic certificate acquisition tool for ACME (Let's Encrypt)
zquestz/s 1750 Open a web search in your terminal.
jhspetersson/fselect 1718 Find files with SQL-like queries
skywind3000/z.lua 1695 โšก A new cd command that helps you navigate faster by learning your habits (ๅธฆๅญฆไน ๅŠŸ่ƒฝ็š„ๅฟซ้€Ÿ่ทฏๅพ„ๅˆ‡ๆขๅทฅๅ…ท)
ddopson/underscore-cli 1634 Command-line utility-belt for hacking JSON and Javascript.
astefanutti/decktape 1617 PDF exporter for HTML presentations
miguelmota/cointop 1549 A fast and lightweight interactive terminal based UI application for tracking cryptocurrencies
TailorDev/Watson 1539 โŒš A wonderful CLI to track your time!
spolu/warp 1500 Secure and simple terminal sharing
Treri/cmatrix 1476 Terminal based \The Matrix\ like implementation
pimutils/khal 1472 ๐Ÿ“† CLI calendar application
sgentle/caniuse-cmd 1448 Caniuse command line tool
axiros/terminal_markdown_viewer 1376 Styled Terminal Markdown Viewer
ajeetdsouza/zoxide 1352 A faster way to navigate your filesystem
yask123/Instant-Music-Downloader 1318 ๐ŸŽท Downloads Music From The Web
sindresorhus/pageres-cli 1305 Capture website screenshots
MidnightCommander/mc 1262 Midnight Commander's repository
pipeseroni/pipes.sh 1231 Animated pipes terminal screensaver
stevemao/awesome-git-addons#readme 1228 ๐Ÿ˜Ž A curated list of add-ons that extend/enhance the git CLI.
newsboat/newsboat 1222 An RSS/Atom feed reader for text terminals
kislyuk/yq 1215 Command-line YAML and XML processor - jq wrapper for YAML/XML documents
laixintao/iredis 1176 Interactive Redis: A Terminal Client for Redis with AutoCompletion and Syntax Highlighting.
MusicPlayerDaemon/MPD 1157 Music Player Daemon
tmrts/boilr 1148 โšก boilerplate template manager that generates files or directories from template repositories
samg/timetrap 1131 Simple command line timetracker
jaebradley/uber-cli 1128 ๐Ÿš—Uber at your fingertips
golbin/git-commander 1062 A git tool with an easy terminal interface.
smallhadroncollider/taskell 998 Command-line Kanban board/task manager with support for Trello boards and GitHub projects
arybczak/ncmpcpp 989 Featureful ncurses based MPD client inspired by ncmpc
ManrajGrover/football-cli 983 โšฝ Command line interface for Hackers who love football
mptre/yank 947 Yank terminal output to clipboard
erkin/ponysay 944 Pony rewrite of cowsay.
ivanilves/xiringuito 943 SSH-based \VPN for poors|
cytopia/ffscreencast 888 ffscreencast - ffmpeg screencast/desktop-recording with video overlay and multi monitor support
ttscoff/doing 771 null
pimutils/vdirsyncer 758 ๐Ÿ“‡ Synchronize calendars and contacts.
nosarthur/gita 754 Manage many git repos with sanity ็†?
sindresorhus/trash-cli 742 Move files and folders to the trash
alichtman/stronghold 732 Easily configure macOS security settings from the terminal.
jarun/imgp 671 ๐Ÿ“ธ High-performance CLI batch image resizer & rotator
keepcosmos/terjira 666 Terjira is a very interactive and easy to use CLI tool for Jira.
agentofuser/ipfs-deploy 660 Zero-Config CLI to Deploy Static Websites to IPFS
xxczaki/oji 653 (โ—•โ€ฟโ—•) Text Emoticons Maker
alichtman/shallow-backup 644 Git-integrated backup tool for macOS and Linux devs.
iridakos/goto 627 Alias and navigate to directories with tab completion in Linux
clog-tool/clog-cli 616 Generate beautiful changelogs from your Git commit history
msoap/shell2http 613 Executing shell commands via HTTP server
djadmin/medium-cli 609 Medium for Hackers - ๐Ÿ’ป A CLI for Medium Stories.
feross/webtorrent-cli 566 WebTorrent the streaming torrent client. For the command line.
kimmobrunfeldt/chokidar-cli 554 Fast cross-platform cli utility to watch file system changes
himynameisdave/git-labelmaker 518 ๐ŸŽ Manage your GitHub labels from the command line!
captainsafia/legit 514 Add licenses to projects at the command line
sindresorhus/dark-mode 505 Control the macOS dark mode from the command-line
c0bra/deviceframe 504 ๐Ÿ“ฑ Put device frames around your mobile/web/progressive app screenshots.
wustho/epr 492 CLI Epub Reader
raine/ramda-cli 485 ๐Ÿ A CLI tool for processing data with functional pipelines
nanovms/ops 471 ops - build and run nanos unikernels
ddsol/speedtest.net 470 node.js SpeedTest.net client module
brandonweiss/discharge 464 โšก๏ธ A simple easy way to deploy static websites to Amazon S3.
mbostock/gistup 459 Create a gist from terminal then use git to update it.
dthree/wat 447 Instant central community-built docs
TejasQ/add-gitignore 435 An interactive CLI tool that adds a .gitignore to your projects.
rawnly/splash-cli 405 ๐Ÿ“ธ Beautiful wallpapers from Unsplash ๐Ÿ–ผ๏ธ๐Ÿ› ๏ธ
mischah/itunes-remote 402 ๐ŸŽถ Control iTunes via CLI
IonicaBizau/cli-github 400 ๐Ÿ˜ธ A fancy GitHub client for command line.
arvindch/pockyt 394 Automate & manage your Pocket.com collection.
diit/overtime-cli 389 Easy time-overlap tables for remote teams.
GothenburgBitFactory/timewarrior 386 Timewarrior - Commandline Time Reporting
lukechilds/gifgen 373 Simple high quality GIF encoding
julianhyde/sqlline 357 Shell for issuing SQL to relational databases via JDBC
mellowcandle/bitwise 349 Terminal based bit manipulator in ncurses
changyuheng/fz 334 Cli shell plugin the missing fuzzy tab completion feature of z jump around command.
specious/facebook-cli 333 ๐Ÿ’ป Facebook command line tool
insanum/sncli 313 Simplenote CLI
bnagy/cgasm 307 We're insanely passionate about command line asm documentation in the cloud and we're crushing it!
jarun/bcal 306 ๐Ÿ”ข Storage and regular CLI calculator
oysttyer/oysttyer 303 An interactive console text-based command-line Twitter client written in Perl
bevacqua/hget 294 ๐Ÿ‘ Render websites in plain text from your terminal
oguzhaninan/korkut 289 Quick and simple image processing at the command line. ๐Ÿ”จ
bntzio/wipe-modules 280 ๐Ÿ—‘๏ธ Easily remove the node_modules folder of non-active projects
sindresorhus/is-up-cli 269 Check whether a website is up or down
kdabir/has 265 โœ… checks presence of various command line tools and their versions on the path
rtfpessoa/diff2html-cli 262 Pretty diff to html javascript cli (diff2html-cli)
sindresorhus/kill-tabs 259 Kill all Chrome tabs to improve performance decrease battery usage and save memory
Trendyol/docker-shell 256 A simple interactive prompt for docker
ManrajGrover/organize-cli 250 ๐Ÿ“‹ Organize your files imagine cleaning up your downloads in an instant
sugyan/ttygif 239 ttyrec to gif
simeg/eureka 229 ๐Ÿ’ก CLI tool to input and store your ideas without leaving the terminal
sindresorhus/npm-name-cli 224 Check whether a package or organization name is available on npm
BibleJS/BibleApp 213 ๐Ÿ“– Bible.JS CLI client. Read the Holy Bible via the command line.
passy/givegif 210 GIFs on the command line
vishwanatharondekar/gitlab-cli 206 Create a merge request from command line in gitlab
frinyvonnick/gitmoji-changelog 200 A changelog generator for gitmoji ๐Ÿ˜œ
marionebl/share-cli 196 ๐ŸŒ Quickly share files from your command line
kevva/brightness-cli 180 Change the screen brightness
yeoman/yosay 179 Tell Yeoman what to say
sindresorhus/del-cli 177 Delete files and directories
NISH1001/playx 172 Search and play any song from terminal
albinekb/open-pip-cli 171 ?
sindresorhus/npm-home 170 Open the npm page Yarn page or GitHub repo of a package
aweary/alder 168 A minimal implementation of the UNIX tree command with colors!
lukechilds/htconvert 167 Convert .htaccess redirects to nginx.conf redirects
mingrammer/awesome-finder 165 ๐Ÿ˜Ž Search the awesome curated list without browser
iCHAIT/moviemon 160 ๐ŸŽฅ Everything about your movies within the command line.
IonicaBizau/idea 158 ๐Ÿ’ก A lightweight CLI tool and module for keeping ideas in a safe place quick and easy.
xxczaki/cash-cli 150 ๐Ÿ’ฐ๐Ÿ’ฐ Convert currency rates directly from your terminal!
sindresorhus/gzip-size-cli 147 Get the gzipped size of a file or stdin
tnalpgge/rank-amateur-cowsay 140 Fork me if you want to maintain cowsay.
larose/utt 138 Ultimate Time Tracker - A simple command-line time tracker written in Python
zaaack/foy 137 A simple light-weight and modern task runner for general purpose.
Angelmmiguel/pm 132 The easy way to switch between your projects on ZSH
cezaraugusto/mklicense 130 ๐Ÿ“‹ ๐ŸŽ‰ CLI tool for generating Licenses. Easily.
shlomif/fortune-mod 129 Implementation of the Unix fortune command for displaying a random quotation for Linux and other systems.
dduan/tre 123 Tree command improved.
lordgiotto/google-font-installer 119 Download and install Google Web Fonts on your local machine. Both CLI and API available.
eneserdogan/trino 116 Trino: Master your translations with command line!
thompsonemerson/moeda 112 ๐Ÿ’ฐ ๐Ÿ“ˆ A foreign exchange rates and currency conversion using CLI
metadelta/mdlt 107 A command-line utility for quick math.
deepjyoti30/QuickWall 106 Set latest wallpapers from Unsplash from the commandline
JPeer264/node-semantic-git-commit-cli 104 A CLI for semantic git commits
jamesgeorge007/scaffold-static 102 Scaffolding utility for vanilla-js
sindresorhus/sparkly-cli 97 Generate sparklines โ–โ–‚โ–ƒโ–…โ–‚โ–‡
darrikonn/td-cli 96 A todo command line todo manager โœ”๏ธ
sindresorhus/get-port-cli 94 Get an available port
mayankchd/movie 90 A CLI for getting information about movies and comparing two movies
omgimanerd/getnews.tech 88 A web server that fetches data from the News API and formats it for display in the terminal.
beatfreaker/text-meme-cli 86 Generate text meme
bogem/nehm 84 (DEPRECATED) โ˜๏ธ CLI for downloading tracks from SoundCloud
jhotmann/node-rename-cli 76 A tool for renaming files quickly especially multiple files at once.
rockymadden/somafm-cli 74 ๐ŸŽต Listen to SomaFM in your terminal via pure bash
sanity-io/groq-cli 68 Run GROQ in your command line
pandastrike/yaml-cli 65 A simple CLI for querying and updating YAML files
zupzup/calories 64 Calories Tracker for the Commandline
ImFeelingDucky/undollar 63 undollar eats the dollar sign in the command you just pasted into your terminal
sindresorhus/hasha-cli 57 Hashing made simple. Get the hash of text or stdin.
sindresorhus/file-type-cli 54 Detect the file type of a file or stdin
silverwind/updates 51 Flexible npm dependency update tool
riyadhalnur/quote-cli 48 Get a random quote or the quote of the day in your CLI
SamVerschueren/mobisplash-cli 47 Mobile app splash screen generator
IonicaBizau/birthday 46 ๐ŸŽ‚ Know when a friend's birthday is coming.
busyloop/vj 45 vj - JSON Humanizer
kevva/viewport-list-cli 44 Return a list of devices and their viewports
sunsations/speed_read 43 speed_read: A simple terminal-based open source Spritz-alike
kevva/imgur-uploader-cli 41 Upload images to imgur
sindresorhus/parse-columns-cli 40 Parse text columns like the output of unix commands. Returns JSON that you can manipulate with tools like jq or underscore-cli.
xxczaki/nasa-cli 38 ๐Ÿš€ Download NASA Picture of the Day from your terminal!
Duroktar/YuleLog 37 A terminal based Yule Log fireplace for all the kids in the corner with sweatpants.
specious/meetup-cli 36 ๐Ÿ• An easy way to keep track of upcoming Meetup events
specious/bitly-client 35 ๐Ÿ”— Create and manage your Bitly shortlinks from the command line
sindresorhus/strip-json-comments-cli 33 Strip comments from JSON. Lets you use comments in your JSON files!
yask123/AutoScreenshotUploader 32 Automagically captures the screenshot of the screen uploads in imgurl copies the url into clipboard deletes the created image file from your desktop
koraa/pipe_exec 31 Execute binaries from pipes stdin and ttys
sindresorhus/app-path-cli 30 Get the path to an app (macOS)
sindresorhus/strip-css-comments-cli 28 Strip comments from CSS
Camji55/googlr 27 Googlr is a command line tool that lets you search Google from your terminal.
sggts04/dankcli 25 CLI Image Captioning Tool or Meme Generator which automatically adds whitespace and text to top
snwfdhmp/simplehttp 24 Pretty simple and lightweight http server for serving local files.
therealklanni/jp 23 A tiny commandline tool for parsing JSON from any source.
antonmedv/ll 21 Opinionated ls rewrite in Go ๐Ÿงฆ
sindresorhus/find-up-cli 20 Find a file by walking up parent directories
sindresorhus/bundle-id-cli 19 Get bundle identifier from a bundle name (macOS): Safari โ†’ com.apple.Safari
dolsup/cli-fireplace 18 ๐ŸŽ‰Enjoy your ๐ŸŽChristmas๐ŸŽ… watching digital fireplace๐Ÿ”ฅ on your own terminal๐Ÿ–ฅ
sindresorhus/npm-user-cli 17 Get user info of an npm user
sindresorhus/to-single-quotes-cli 16 Convert matching double-quotes to single-quotes: I \love\ unicorns โ†’ I 'love' unicorns
sindresorhus/website-popup-cli 14 Open a website in a popup (macOS)
sindresorhus/osx-version-cli 13 Get the macOS version of the current system
beatfreaker/is-reachable-cli 12 Check if hostnames are reachable or not
roma-guru/ricksay 11 Rick & Morty quotes of the day with ponies included!
sindresorhus/pkg-dir-cli 10 Find the root directory of a Node.js project or npm package
italolelis/reachable 9 Reachable is a CLI tool to check if a domain is up
jackel27/jackpaper 8 null
drselump14/ipt 6 interactive pivotal tracker command line interface
kevva/lnfs-cli 4 Safely force create symlinks

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment