├── .gitattributes ├── LICENSE ├── Old-lists ├── 03-19-2018.md ├── 03-20-2018.md ├── 03-22-2018.md ├── 03-24-2018.md ├── 03-26-2018.md ├── 03-27-2018.md ├── 03-28-2018.md ├── 03-31-2018.md ├── 04-02-2019.md ├── 04-03-2018.md ├── 04-05-2018.md ├── 04-10-2018.md ├── 04-25-2018.md ├── 04-29-2018.md ├── 06-10-2018.md ├── 06-26-2019.md ├── 07-17-2018.md ├── 09-01-2019.md └── 09-07-2018.md ├── main.py └── readme.md /.gitattributes: -------------------------------------------------------------------------------- 1 | # Auto detect text files and perform LF normalization 2 | * text=auto -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2018 MBadry 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. -------------------------------------------------------------------------------- /Old-lists/03-19-2018.md: -------------------------------------------------------------------------------- 1 | # Top deep learning Github repositories 2 | 3 | Here's a list of top 200 deep learning Github repositories sorted by the number of stars. The query that has been used with Github search API is: 4 | 5 | - `deep-learning OR CNN OR RNN OR "convolutional neural network" OR "recurrent neural network"` 6 | 7 | Date: 03-19-2018 8 | 9 | Hint: This will be updated regularly. 10 | 11 | 12 | | Pos | Name | Description | Language | Stars | Forks | 13 | |-----|----------------------------------------------------------------------------------------------------------------|--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|------------------|-------|-------| 14 | | 1 | [tensorflow](https://github.com/tensorflow/tensorflow) | Computation using data flow graphs for scalable machine learning | C++ | 93025 | 59758 | 15 | | 2 | [keras](https://github.com/keras-team/keras) | Deep Learning for humans | Python | 27100 | 9892 | 16 | | 3 | [caffe](https://github.com/BVLC/caffe) | Caffe: a fast open framework for deep learning. | C++ | 23281 | 14206 | 17 | | 4 | [opencv](https://github.com/opencv/opencv) | Open Source Computer Vision Library | C++ | 22995 | 16573 | 18 | | 5 | [TensorFlow-Examples](https://github.com/aymericdamien/TensorFlow-Examples) | TensorFlow Tutorial and Examples for Beginners with Latest APIs | Jupyter Notebook | 20765 | 7289 | 19 | | 6 | [machine-learning-for-software-engineers](https://github.com/ZuzooVn/machine-learning-for-software-engineers) | A complete daily plan for studying to become a machine learning engineer. | None | 18340 | 3735 | 20 | | 7 | [deeplearningbook-chinese](https://github.com/exacity/deeplearningbook-chinese) | Deep Learning Book Chinese Translation | TeX | 16515 | 4839 | 21 | | 8 | [Deep-Learning-Papers-Reading-Roadmap](https://github.com/songrotek/Deep-Learning-Papers-Reading-Roadmap) | Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech! | Python | 16358 | 3455 | 22 | | 9 | [awesome-deep-learning-papers](https://github.com/terryum/awesome-deep-learning-papers) | The most cited deep learning papers | TeX | 14065 | 2492 | 23 | | 10 | [CNTK](https://github.com/Microsoft/CNTK) | Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit | C++ | 14034 | 3723 | 24 | | 11 | [incubator-mxnet](https://github.com/apache/incubator-mxnet) | Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more | Python | 13390 | 4934 | 25 | | 12 | [pytorch](https://github.com/pytorch/pytorch) | Tensors and Dynamic neural networks in Python with strong GPU acceleration | Python | 13025 | 2787 | 26 | | 13 | [Detectron](https://github.com/facebookresearch/Detectron) | FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. | Python | 12778 | 2075 | 27 | | 14 | [data-science-ipython-notebooks](https://github.com/donnemartin/data-science-ipython-notebooks) | 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. | Python | 11979 | 3359 | 28 | | 15 | [lectures](https://github.com/oxford-cs-deepnlp-2017/lectures) | Oxford Deep NLP 2017 course | None | 11454 | 2416 | 29 | | 16 | [Qix](https://github.com/ty4z2008/Qix) | Machine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang | None | 10762 | 4331 | 30 | | 17 | [Screenshot-to-code-in-Keras](https://github.com/emilwallner/Screenshot-to-code-in-Keras) | A neural network that transforms a screenshot into a static website | Jupyter Notebook | 9769 | 861 | 31 | | 18 | [openface](https://github.com/cmusatyalab/openface) | Face recognition with deep neural networks. | Lua | 9449 | 2126 | 32 | | 19 | [cheatsheets-ai](https://github.com/kailashahirwar/cheatsheets-ai) | Essential Cheat Sheets for deep learning and machine learning researchers | None | 9155 | 1982 | 33 | | 20 | [convnetjs](https://github.com/karpathy/convnetjs) | Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser. | JavaScript | 8870 | 1774 | 34 | | 21 | [pix2code](https://github.com/tonybeltramelli/pix2code) | pix2code: Generating Code from a Graphical User Interface Screenshot | Python | 8742 | 741 | 35 | | 22 | [spaCy](https://github.com/explosion/spaCy) | 💫 Industrial-strength Natural Language Processing (NLP) with Python and Cython | Python | 8617 | 1301 | 36 | | 23 | [deeplearning4j](https://github.com/deeplearning4j/deeplearning4j) | Deep Learning for Java, Scala & Clojure on Hadoop & Spark With GPUs - From Skymind | Java | 8508 | 4109 | 37 | | 24 | [awesome-deep-learning](https://github.com/ChristosChristofidis/awesome-deep-learning) | A curated list of awesome Deep Learning tutorials, projects and communities. | None | 8153 | 2418 | 38 | | 25 | [ML-From-Scratch](https://github.com/eriklindernoren/ML-From-Scratch) | Machine Learning From Scratch. Bare bones Python implementations of Machine Learning models and algorithms with a focus on transparency and accessibility. Aims to cover everything from Data Mining to Deep Learning. | Python | 7997 | 1093 | 39 | | 26 | [dive-into-machine-learning](https://github.com/hangtwenty/dive-into-machine-learning) | Dive into Machine Learning with Python Jupyter notebook and scikit-learn! | None | 7972 | 1362 | 40 | | 27 | [neural-enhance](https://github.com/alexjc/neural-enhance) | Super Resolution for images using deep learning. | Python | 7861 | 750 | 41 | | 28 | [tflearn](https://github.com/tflearn/tflearn) | Deep learning library featuring a higher-level API for TensorFlow. | Python | 7763 | 1836 | 42 | | 29 | [char-rnn](https://github.com/karpathy/char-rnn) | Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch | Lua | 7608 | 1891 | 43 | | 30 | [caffe2](https://github.com/caffe2/caffe2) | Caffe2 is a lightweight, modular, and scalable deep learning framework. | C++ | 7596 | 1807 | 44 | | 31 | [awesome-datascience](https://github.com/bulutyazilim/awesome-datascience) | :memo: An awesome Data Science repository to learn and apply for real world problems. | None | 7502 | 2232 | 45 | | 32 | [FastPhotoStyle](https://github.com/NVIDIA/FastPhotoStyle) | Style transfer, deep learning, feature transform | Python | 7106 | 471 | 46 | | 33 | [EffectiveTensorflow](https://github.com/vahidk/EffectiveTensorflow) | TensorFlow tutorials and best practices. | None | 7010 | 671 | 47 | | 34 | [Machine-Learning-Tutorials](https://github.com/ujjwalkarn/Machine-Learning-Tutorials) | machine learning and deep learning tutorials, articles and other resources | None | 6935 | 1925 | 48 | | 35 | [deeplearnjs](https://github.com/PAIR-code/deeplearnjs) | Hardware-accelerated deep learning // machine learning // NumPy library for the web. | TypeScript | 6743 | 663 | 49 | | 36 | [MLAlgorithms](https://github.com/rushter/MLAlgorithms) | Minimal and clean examples of machine learning algorithms | Python | 6585 | 1027 | 50 | | 37 | [Paddle](https://github.com/PaddlePaddle/Paddle) | PArallel Distributed Deep LEarning | C++ | 6558 | 1740 | 51 | | 38 | [neural-networks-and-deep-learning](https://github.com/mnielsen/neural-networks-and-deep-learning) | Code samples for my book "Neural Networks and Deep Learning" | Python | 6438 | 3296 | 52 | | 39 | [handson-ml](https://github.com/ageron/handson-ml) | A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow. | Jupyter Notebook | 6372 | 3190 | 53 | | 40 | [awesome-deep-vision](https://github.com/kjw0612/awesome-deep-vision) | A curated list of deep learning resources for computer vision | None | 6272 | 1875 | 54 | | 41 | [darknet](https://github.com/pjreddie/darknet) | Convolutional Neural Networks | C | 6244 | 3037 | 55 | | 42 | [openpose](https://github.com/CMU-Perceptual-Computing-Lab/openpose) | OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation | C++ | 6241 | 1520 | 56 | | 43 | [turicreate](https://github.com/apple/turicreate) | Turi Create simplifies the development of custom machine learning models. | C++ | 6179 | 554 | 57 | | 44 | [DeepSpeech](https://github.com/mozilla/DeepSpeech) | A TensorFlow implementation of Baidu's DeepSpeech architecture | C++ | 6117 | 963 | 58 | | 45 | [CycleGAN](https://github.com/junyanz/CycleGAN) | Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more. | Lua | 5920 | 822 | 59 | | 46 | [fast-style-transfer](https://github.com/lengstrom/fast-style-transfer) | TensorFlow CNN for fast style transfer! ⚡🖥🎨🖼 | Python | 5630 | 1251 | 60 | | 47 | [stanford-tensorflow-tutorials](https://github.com/chiphuyen/stanford-tensorflow-tutorials) | This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research. | Python | 5482 | 2442 | 61 | | 48 | [Swift-AI](https://github.com/Swift-AI/Swift-AI) | The Swift machine learning library. | Swift | 5286 | 524 | 62 | | 49 | [pytorch-tutorial](https://github.com/yunjey/pytorch-tutorial) | PyTorch Tutorial for Deep Learning Researchers | Python | 4916 | 1342 | 63 | | 50 | [BossSensor](https://github.com/Hironsan/BossSensor) | Hide screen when boss is approaching. | Python | 4787 | 865 | 64 | | 51 | [srez](https://github.com/david-gpu/srez) | Image super-resolution through deep learning | Python | 4723 | 562 | 65 | | 52 | [neuraltalk](https://github.com/karpathy/neuraltalk) | NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences. | Python | 4636 | 1196 | 66 | | 53 | [awesome-rnn](https://github.com/kjw0612/awesome-rnn) | Recurrent Neural Network - A curated list of resources dedicated to RNN | None | 4611 | 1142 | 67 | | 54 | [pix2pix](https://github.com/phillipi/pix2pix) | Image-to-image translation with conditional adversarial nets | Lua | 4517 | 684 | 68 | | 55 | [dlib](https://github.com/davisking/dlib) | A toolkit for making real world machine learning and data analysis applications in C++ | C++ | 4446 | 1328 | 69 | | 56 | [awesome-nlp](https://github.com/keon/awesome-nlp) | :book: A curated list of resources dedicated to Natural Language Processing (NLP) | None | 4378 | 747 | 70 | | 57 | [Mask_RCNN](https://github.com/matterport/Mask_RCNN) | Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow | Jupyter Notebook | 4264 | 1408 | 71 | | 58 | [TopDeepLearning](https://github.com/aymericdamien/TopDeepLearning) | A list of popular github projects related to deep learning | None | 4172 | 650 | 72 | | 59 | [DeepLearningFlappyBird](https://github.com/yenchenlin/DeepLearningFlappyBird) | Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning). | Python | 4124 | 1247 | 73 | | 60 | [amazon-dsstne](https://github.com/amzn/amazon-dsstne) | Deep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models | C++ | 4065 | 672 | 74 | | 61 | [neurojs](https://github.com/janhuenermann/neurojs) | A javascript deep learning and reinforcement learning library. | JavaScript | 4035 | 321 | 75 | | 62 | [tiny-dnn](https://github.com/tiny-dnn/tiny-dnn) | header only, dependency-free deep learning framework in C++14 | C++ | 3926 | 1036 | 76 | | 63 | [py-faster-rcnn](https://github.com/rbgirshick/py-faster-rcnn) | Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version | Python | 3871 | 2577 | 77 | | 64 | [keras-js](https://github.com/transcranial/keras-js) | Run Keras models in the browser, with GPU support using WebGL | JavaScript | 3789 | 351 | 78 | | 65 | [mobile-deep-learning](https://github.com/baidu/mobile-deep-learning) | This research aims at simply deploying CNN(Convolutional Neural Network) on mobile devices, with low complexity and high speed. | C++ | 3756 | 687 | 79 | | 66 | [TensorFlow-World](https://github.com/astorfi/TensorFlow-World) | :earth_americas: Simple and ready-to-use tutorials for TensorFlow | Python | 3755 | 308 | 80 | | 67 | [facenet](https://github.com/davidsandberg/facenet) | Face recognition using Tensorflow | Python | 3743 | 1584 | 81 | | 68 | [fastai](https://github.com/fastai/fastai) | The fast.ai deep learning library, lessons, and tutorials | Jupyter Notebook | 3634 | 957 | 82 | | 69 | [deepo](https://github.com/ufoym/deepo) | A series of Docker images (and their generator) that allows you to quickly set up your deep learning research environment. | Python | 3630 | 334 | 83 | | 70 | [TensorFlow-Tutorials](https://github.com/Hvass-Labs/TensorFlow-Tutorials) | TensorFlow Tutorials with YouTube Videos | Jupyter Notebook | 3599 | 1662 | 84 | | 71 | [chainer](https://github.com/chainer/chainer) | A flexible framework of neural networks for deep learning | Python | 3588 | 946 | 85 | | 72 | [awesome-artificial-intelligence](https://github.com/owainlewis/awesome-artificial-intelligence) | A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers | None | 3562 | 734 | 86 | | 73 | [pytorch-CycleGAN-and-pix2pix](https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix) | Image-to-image translation in PyTorch (e.g. horse2zebra, edges2cats, and more) | Python | 3562 | 757 | 87 | | 74 | [ncnn](https://github.com/Tencent/ncnn) | ncnn is a high-performance neural network inference framework optimized for the mobile platform | C++ | 3484 | 786 | 88 | | 75 | [deep-residual-networks](https://github.com/KaimingHe/deep-residual-networks) | Deep Residual Learning for Image Recognition | None | 3447 | 1402 | 89 | | 76 | [neon](https://github.com/NervanaSystems/neon) | Intel® Nervana™ reference deep learning framework committed to best performance on all hardware | Python | 3434 | 777 | 90 | | 77 | [edward](https://github.com/blei-lab/edward) | A probabilistic programming language in TensorFlow. Deep generative models, variational inference. | Jupyter Notebook | 3392 | 597 | 91 | | 78 | [tensorlayer](https://github.com/tensorlayer/tensorlayer) | TensorLayer: A Deep Learning and Reinforcement Learning Library for Researchers and Engineers. | Python | 3375 | 824 | 92 | | 79 | [conv_arithmetic](https://github.com/vdumoulin/conv_arithmetic) | A technical report on convolution arithmetic in the context of deep learning | TeX | 3289 | 670 | 93 | | 80 | [DeepLearningTutorials](https://github.com/lisa-lab/DeepLearningTutorials) | Deep Learning Tutorial notes and code. See the wiki for more info. | Python | 3287 | 1903 | 94 | | 81 | [iOS-10-Sampler](https://github.com/shu223/iOS-10-Sampler) | Code examples for new APIs of iOS 10. | Swift | 3273 | 336 | 95 | | 82 | [machine-learning-mindmap](https://github.com/dformoso/machine-learning-mindmap) | A mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning. | None | 3230 | 508 | 96 | | 83 | [deep-learning-models](https://github.com/fchollet/deep-learning-models) | Keras code and weights files for popular deep learning models. | Python | 3198 | 892 | 97 | | 84 | [fashion-mnist](https://github.com/zalandoresearch/fashion-mnist) | A MNIST-like fashion product database. Benchmark :point_right: | Python | 3169 | 403 | 98 | | 85 | [deeplearning-papernotes](https://github.com/dennybritz/deeplearning-papernotes) | Summaries and notes on Deep Learning research papers | None | 3155 | 687 | 99 | | 86 | [skflow](https://github.com/tensorflow/skflow) | Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning | Python | 3154 | 460 | 100 | | 87 | [DIGITS](https://github.com/NVIDIA/DIGITS) | Deep Learning GPU Training System | HTML | 2982 | 1098 | 101 | | 88 | [deep-learning-with-python-notebooks](https://github.com/fchollet/deep-learning-with-python-notebooks) | Jupyter notebooks for the code samples of the book "Deep Learning with Python" | Jupyter Notebook | 2970 | 986 | 102 | | 89 | [h2o-3](https://github.com/h2oai/h2o-3) | Open Source Fast Scalable Machine Learning Platform For Smarter Applications (Deep Learning, Gradient Boosting, Random Forest, Generalized Linear Modeling (Logistic Regression, Elastic Net), K-Means, PCA, Stacked Ensembles, Automatic Machine Learning (AutoML), ...) | Java | 2927 | 1163 | 103 | | 90 | [cnn-text-classification-tf](https://github.com/dennybritz/cnn-text-classification-tf) | Convolutional Neural Network for Text Classification in Tensorflow | Python | 2925 | 1623 | 104 | | 91 | [onnx](https://github.com/onnx/onnx) | Open Neural Network Exchange | PureBasic | 2892 | 325 | 105 | | 92 | [DeepLearnToolbox](https://github.com/rasmusbergpalm/DeepLearnToolbox) | Matlab/Octave toolbox for deep learning. Includes Deep Belief Nets, Stacked Autoencoders, Convolutional Neural Nets, Convolutional Autoencoders and vanilla Neural Nets. Each method has examples to get you started. | Matlab | 2864 | 1953 | 106 | | 93 | [DeepLearningProject](https://github.com/Spandan-Madan/DeepLearningProject) | An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch. | HTML | 2833 | 428 | 107 | | 94 | [tensorflow_cookbook](https://github.com/nfmcclure/tensorflow_cookbook) | Code for Tensorflow Machine Learning Cookbook | Jupyter Notebook | 2832 | 1316 | 108 | | 95 | [vrn](https://github.com/AaronJackson/vrn) | :man: Code for "Large Pose 3D Face Reconstruction from a Single Image via Direct Volumetric CNN Regression" | Shell | 2745 | 389 | 109 | | 96 | [ray](https://github.com/ray-project/ray) | A high-performance distributed execution engine | Python | 2697 | 356 | 110 | | 97 | [labelImg](https://github.com/tzutalin/labelImg) | :metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images | Python | 2663 | 1079 | 111 | | 98 | [dl-docker](https://github.com/floydhub/dl-docker) | An all-in-one Docker image for deep learning. Contains all the popular DL frameworks (TensorFlow, Theano, Torch, Caffe, etc.) | Python | 2654 | 598 | 112 | | 99 | [iGAN](https://github.com/junyanz/iGAN) | Interactive Image Generation via Generative Adversarial Networks | Python | 2635 | 362 | 113 | | 100 | [deep-learning-papers](https://github.com/sbrugman/deep-learning-papers) | Papers about deep learning ordered by task, date. Current state-of-the-art papers are labelled. | None | 2602 | 325 | 114 | | 101 | [darkflow](https://github.com/thtrieu/darkflow) | Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices | Python | 2499 | 827 | 115 | | 102 | [face_classification](https://github.com/oarriaga/face_classification) | Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV. | Python | 2433 | 517 | 116 | | 103 | [neural-storyteller](https://github.com/ryankiros/neural-storyteller) | A recurrent neural network for generating little stories about images | Python | 2394 | 401 | 117 | | 104 | [ml-agents](https://github.com/Unity-Technologies/ml-agents) | Unity Machine Learning Agents | C# | 2384 | 464 | 118 | | 105 | [DeepLearning](https://github.com/yusugomori/DeepLearning) | Deep Learning (Python, C, C++, Java, Scala, Go) | Java | 2372 | 1266 | 119 | | 106 | [BigDL](https://github.com/intel-analytics/BigDL) | BigDL: Distributed Deep Learning Library for Apache Spark | Scala | 2334 | 518 | 120 | | 107 | [MachineLearning](https://github.com/wepe/MachineLearning) | Basic Machine Learning and Deep Learning | Python | 2329 | 1979 | 121 | | 108 | [keras-rl](https://github.com/keras-rl/keras-rl) | Deep Reinforcement Learning for Keras. | Python | 2299 | 547 | 122 | | 109 | [mit-deep-learning-book-pdf](https://github.com/janishar/mit-deep-learning-book-pdf) | MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville | Java | 2288 | 536 | 123 | | 110 | [DenseNet](https://github.com/liuzhuang13/DenseNet) | Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award). | Lua | 2273 | 559 | 124 | | 111 | [imgaug](https://github.com/aleju/imgaug) | Image augmentation for machine learning experiments. | Python | 2247 | 474 | 125 | | 112 | [Realtime_Multi-Person_Pose_Estimation](https://github.com/ZheC/Realtime_Multi-Person_Pose_Estimation) | Code repo for realtime multi-person pose estimation in CVPR'17 (Oral) | Jupyter Notebook | 2247 | 702 | 126 | | 113 | [the-incredible-pytorch](https://github.com/ritchieng/the-incredible-pytorch) | The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch. | None | 2182 | 370 | 127 | | 114 | [DeepLearningZeroToAll](https://github.com/hunkim/DeepLearningZeroToAll) | TensorFlow Basic Tutorial Labs | Jupyter Notebook | 2173 | 1169 | 128 | | 115 | [miles-deep](https://github.com/ryanjay0/miles-deep) | Deep Learning Porn Video Classifier/Editor with Caffe | C++ | 2158 | 242 | 129 | | 116 | [gluon-api](https://github.com/gluon-api/gluon-api) | A clear, concise, simple yet powerful and efficient API for deep learning. | Jupyter Notebook | 2099 | 211 | 130 | | 117 | [gluon-tutorials-zh](https://github.com/mli/gluon-tutorials-zh) | 通过MXNet/Gluon来动手学习深度学习 | Python | 2072 | 543 | 131 | | 118 | [mlpack](https://github.com/mlpack/mlpack) | mlpack: a scalable C++ machine learning library -- | C++ | 2045 | 785 | 132 | | 119 | [deepframeworks](https://github.com/zer0n/deepframeworks) | Evaluation of Deep Learning Frameworks | None | 2044 | 309 | 133 | | 120 | [dl-setup](https://github.com/floydhub/dl-setup) | Instructions for setting up the software on your deep learning machine | None | 1998 | 331 | 134 | | 121 | [deepjazz](https://github.com/jisungk/deepjazz) | Deep learning driven jazz generation using Keras & Theano! | Python | 1986 | 272 | 135 | | 122 | [TensorFlow-and-DeepLearning-Tutorial](https://github.com/CreatCodeBuild/TensorFlow-and-DeepLearning-Tutorial) | TensorFlow & Deep Learning Tutorial | Python | 1980 | 525 | 136 | | 123 | [tensorpack](https://github.com/ppwwyyxx/tensorpack) | A Neural Net Training Interface on TensorFlow | Python | 1964 | 625 | 137 | | 124 | [deep-learning](https://github.com/udacity/deep-learning) | Repo for the Deep Learning Nanodegree Foundations program. | Jupyter Notebook | 1952 | 2484 | 138 | | 125 | [stanford_dl_ex](https://github.com/amaas/stanford_dl_ex) | Programming exercises for the Stanford Unsupervised Feature Learning and Deep Learning Tutorial | None | 1952 | 1460 | 139 | | 126 | [Automatic_Speech_Recognition](https://github.com/zzw922cn/Automatic_Speech_Recognition) | End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow | Python | 1943 | 322 | 140 | | 127 | [deep-learning-keras-tensorflow](https://github.com/leriomaggio/deep-learning-keras-tensorflow) | Introduction to Deep Neural Networks with Keras and Tensorflow | Jupyter Notebook | 1900 | 793 | 141 | | 128 | [tensorflow-tutorial](https://github.com/alrojo/tensorflow-tutorial) | Practical tutorials and labs for TensorFlow used by Nvidia, FFN, CNN, RNN, Kaggle, AE | Jupyter Notebook | 1886 | 438 | 142 | | 129 | [keras-resources](https://github.com/fchollet/keras-resources) | Directory of tutorials and open-source code repositories for working with Keras, the Python deep learning library | None | 1877 | 501 | 143 | | 130 | [char-rnn-tensorflow](https://github.com/sherjilozair/char-rnn-tensorflow) | Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow | Python | 1859 | 741 | 144 | | 131 | [torch-rnn](https://github.com/jcjohnson/torch-rnn) | Efficient, reusable RNNs and LSTMs for torch | Lua | 1847 | 428 | 145 | | 132 | [deep-learning-book](https://github.com/rasbt/deep-learning-book) | Repository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in Python" | Jupyter Notebook | 1838 | 416 | 146 | | 133 | [fast-rcnn](https://github.com/rbgirshick/fast-rcnn) | Fast R-CNN | Python | 1827 | 1089 | 147 | | 134 | [horovod](https://github.com/uber/horovod) | Distributed training framework for TensorFlow. | C++ | 1777 | 237 | 148 | | 135 | [DeepVideoAnalytics](https://github.com/AKSHAYUBHAT/DeepVideoAnalytics) | A distributed visual search and visual data analytics platform. | Python | 1776 | 409 | 149 | | 136 | [reinforcement-learning](https://github.com/rlcode/reinforcement-learning) | Minimal and Clean Reinforcement Learning Examples | Python | 1774 | 363 | 150 | | 137 | [makegirlsmoe_web](https://github.com/makegirlsmoe/makegirlsmoe_web) | Create Anime Characters with MakeGirlsMoe | JavaScript | 1741 | 136 | 151 | | 138 | [gorgonia](https://github.com/gorgonia/gorgonia) | Gorgonia is a library that helps facilitate machine learning in Go. | Go | 1739 | 171 | 152 | | 139 | [DL4NLP](https://github.com/andrewt3000/DL4NLP) | Deep Learning for NLP resources | None | 1729 | 393 | 153 | | 140 | [kcws](https://github.com/koth/kcws) | Deep Learning Chinese Word Segment | C++ | 1723 | 614 | 154 | | 141 | [Practical_RL](https://github.com/yandexdataschool/Practical_RL) | A course in reinforcement learning in the wild | Jupyter Notebook | 1697 | 401 | 155 | | 142 | [pix2pixHD](https://github.com/NVIDIA/pix2pixHD) | Synthesizing and manipulating 2048x1024 images with conditional GANs | Python | 1692 | 243 | 156 | | 143 | [mxnet-the-straight-dope](https://github.com/zackchase/mxnet-the-straight-dope) | An interactive book on deep learning. Much easy, so MXNet. Wow. | Jupyter Notebook | 1668 | 484 | 157 | | 144 | [Tensorflow-Project-Template](https://github.com/MrGemy95/Tensorflow-Project-Template) | A best practice for tensorflow project template architecture. | Python | 1666 | 323 | 158 | | 145 | [Neural-Photo-Editor](https://github.com/ajbrock/Neural-Photo-Editor) | A simple interface for editing natural photos with generative neural networks. | Python | 1643 | 139 | 159 | | 146 | [OpenNMT](https://github.com/OpenNMT/OpenNMT) | Open Source Neural Machine Translation in Torch | Lua | 1628 | 353 | 160 | | 147 | [DeepQA](https://github.com/Conchylicultor/DeepQA) | My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot | Python | 1623 | 758 | 161 | | 148 | [text-to-image](https://github.com/paarthneekhara/text-to-image) | Text to image synthesis using thought vectors | Python | 1592 | 262 | 162 | | 149 | [tangent](https://github.com/google/tangent) | Source-to-Source Debuggable Derivatives in Pure Python | Python | 1578 | 104 | 163 | | 150 | [fold](https://github.com/tensorflow/fold) | Deep learning with dynamic computation graphs in TensorFlow | Python | 1546 | 216 | 164 | | 151 | [text_classification](https://github.com/brightmart/text_classification) | all kinds of text classificaiton models and more with deep learning | Python | 1531 | 581 | 165 | | 152 | [biaxial-rnn-music-composition](https://github.com/hexahedria/biaxial-rnn-music-composition) | A recurrent neural network designed to generate classical music. | Python | 1524 | 311 | 166 | | 153 | [faster_rcnn](https://github.com/ShaoqingRen/faster_rcnn) | Faster R-CNN | Matlab | 1523 | 877 | 167 | | 154 | [neural-style-tf](https://github.com/cysmith/neural-style-tf) | TensorFlow (Python API) implementation of Neural Style | Python | 1510 | 363 | 168 | | 155 | [SSD-Tensorflow](https://github.com/balancap/SSD-Tensorflow) | Single Shot MultiBox Detector in TensorFlow | Jupyter Notebook | 1504 | 655 | 169 | | 156 | [deep-learning-coursera](https://github.com/Kulbear/deep-learning-coursera) | Deep Learning Specialization by Andrew Ng on Coursera. | Jupyter Notebook | 1499 | 1117 | 170 | | 157 | [deepdetect](https://github.com/beniz/deepdetect) | Deep Learning API and Server in C++11 with Python bindings and support for Caffe, Tensorflow, XGBoost and TSNE | C++ | 1486 | 350 | 171 | | 158 | [DQN-tensorflow](https://github.com/devsisters/DQN-tensorflow) | Tensorflow implementation of Human-Level Control through Deep Reinforcement Learning | Python | 1477 | 473 | 172 | | 159 | [simplified-deeplearning](https://github.com/exacity/simplified-deeplearning) | Simplified implementations of deep learning related works | Jupyter Notebook | 1471 | 500 | 173 | | 160 | [colorization](https://github.com/richzhang/colorization) | Automatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016. | Jupyter Notebook | 1468 | 315 | 174 | | 161 | [interactive-deep-colorization](https://github.com/junyanz/interactive-deep-colorization) | Deep learning software for colorizing black and white images with a few clicks. | Jupyter Notebook | 1464 | 235 | 175 | | 162 | [Bender](https://github.com/xmartlabs/Bender) | Easily craft fast Neural Networks on iOS! Use TensorFlow models. Metal under the hood. | Swift | 1457 | 72 | 176 | | 163 | [ELF](https://github.com/facebookresearch/ELF) | An End-To-End, Lightweight and Flexible Platform for Game Research | C++ | 1450 | 190 | 177 | | 164 | [tensorflow-speech-recognition](https://github.com/pannous/tensorflow-speech-recognition) | 🎙Speech recognition using the tensorflow deep learning framework, sequence-to-sequence neural networks | Python | 1447 | 428 | 178 | | 165 | [dl_tutorials](https://github.com/sjchoi86/dl_tutorials) | Deep learning tutorials (2nd ed.) | None | 1445 | 403 | 179 | | 166 | [mx-maskrcnn](https://github.com/TuSimple/mx-maskrcnn) | An MXNet implementation of Mask R-CNN | Python | 1439 | 507 | 180 | | 167 | [benchm-ml](https://github.com/szilard/benchm-ml) | A minimal benchmark for scalability, speed and accuracy of commonly used open source implementations (R packages, Python scikit-learn, H2O, xgboost, Spark MLlib etc.) of the top machine learning algorithms for binary classification (random forests, gradient boosted trees, deep neural networks etc.). | R | 1427 | 257 | 181 | | 168 | [tensorflow_poems](https://github.com/jinfagang/tensorflow_poems) | 中文古诗自动作诗机器人,屌炸天,基于tensorflow1.4 api,正在积极维护升级中,快star,保持更新! | Python | 1393 | 410 | 182 | | 169 | [rcnn](https://github.com/rbgirshick/rcnn) | R-CNN: Regions with Convolutional Neural Network Features | Matlab | 1391 | 703 | 183 | | 170 | [nnvm](https://github.com/dmlc/nnvm) | Bring deep learning to bare metal | C++ | 1389 | 244 | 184 | | 171 | [face-alignment](https://github.com/1adrianb/face-alignment) | :fire: 2D and 3D Face alignment library build using pytorch | Python | 1383 | 290 | 185 | | 172 | [deep-reinforcement-learning-papers](https://github.com/junhyukoh/deep-reinforcement-learning-papers) | A list of recent papers regarding deep reinforcement learning | None | 1370 | 393 | 186 | | 173 | [tensorflow-mnist-tutorial](https://github.com/martin-gorner/tensorflow-mnist-tutorial) | Sample code for "Tensorflow and deep learning, without a PhD" presentation and code lab. | Python | 1350 | 700 | 187 | | 174 | [luminoth](https://github.com/tryolabs/luminoth) | Deep Learning toolkit for Computer Vision | Python | 1348 | 154 | 188 | | 175 | [cnn-benchmarks](https://github.com/jcjohnson/cnn-benchmarks) | Benchmarks for popular CNN models | Python | 1341 | 228 | 189 | | 176 | [VisualDL](https://github.com/PaddlePaddle/VisualDL) | A platform to visualize the deep learning process. | Vue | 1333 | 201 | 190 | | 177 | [Awesome-pytorch-list](https://github.com/bharathgs/Awesome-pytorch-list) | A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc. | None | 1330 | 237 | 191 | | 178 | [machine_learning_examples](https://github.com/lazyprogrammer/machine_learning_examples) | A collection of machine learning examples and tutorials. | Python | 1327 | 1636 | 192 | | 179 | [keras-vis](https://github.com/raghakot/keras-vis) | Neural network visualization toolkit for keras | Python | 1319 | 193 | 193 | | 180 | [tensorflow_template_application](https://github.com/tobegit3hub/tensorflow_template_application) | TensorFlow template application for deep learning | Python | 1311 | 548 | 194 | | 181 | [sru](https://github.com/taolei87/sru) | Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755) | Python | 1310 | 190 | 195 | | 182 | [seldon-server](https://github.com/SeldonIO/seldon-server) | Machine Learning Platform and Recommendation Engine built on Kubernetes | Java | 1283 | 273 | 196 | | 183 | [LSTM-Human-Activity-Recognition](https://github.com/guillaume-chevalier/LSTM-Human-Activity-Recognition) | Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING). | Jupyter Notebook | 1278 | 348 | 197 | | 184 | [CNN_sentence](https://github.com/yoonkim/CNN_sentence) | CNNs for sentence classification | Python | 1268 | 636 | 198 | | 185 | [quiver](https://github.com/keplr-io/quiver) | Interactive convnet features visualization for Keras | JavaScript | 1257 | 141 | 199 | | 186 | [TensorFlow-Tutorials](https://github.com/golbin/TensorFlow-Tutorials) | 텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다 | Python | 1253 | 545 | 200 | | 187 | [deepschool.io](https://github.com/sachinruk/deepschool.io) | Deep Learning tutorials in jupyter notebooks. | Jupyter Notebook | 1250 | 291 | 201 | | 188 | [Tensorflow-Tutorial](https://github.com/MorvanZhou/Tensorflow-Tutorial) | Tensorflow tutorial from basic to hard | Python | 1243 | 601 | 202 | | 189 | [tvm](https://github.com/dmlc/tvm) | bring deep learning workloads to bare metal | C++ | 1243 | 233 | 203 | | 190 | [Keras-GAN](https://github.com/eriklindernoren/Keras-GAN) | Keras implementations of Generative Adversarial Networks. | Python | 1236 | 243 | 204 | | 191 | [deeppy](https://github.com/andersbll/deeppy) | Deep learning in Python | Python | 1227 | 299 | 205 | | 192 | [requests-for-research](https://github.com/openai/requests-for-research) | A living collection of deep learning problems | HTML | 1223 | 512 | 206 | | 193 | [TensorFlow-World-Resources](https://github.com/astorfi/TensorFlow-World-Resources) | :satellite: Organized & Useful Resources about Deep Learning with TensorFlow | Python | 1218 | 122 | 207 | | 194 | [awesome-deeplearning-resources](https://github.com/endymecy/awesome-deeplearning-resources) | Deep Learning and deep reinforcement learning research papers and some codes | None | 1209 | 353 | 208 | | 195 | [AI-Blocks](https://github.com/MrNothing/AI-Blocks) | A powerful and intuitive WYSIWYG interface that allows anyone to create Machine Learning models! | JavaScript | 1202 | 118 | 209 | | 196 | [DeepLearningImplementations](https://github.com/tdeboissiere/DeepLearningImplementations) | Implementation of recent Deep Learning papers | Python | 1196 | 392 | 210 | | 197 | [DeepRL-Agents](https://github.com/awjuliani/DeepRL-Agents) | A set of Deep Reinforcement Learning Agents implemented in Tensorflow. | Jupyter Notebook | 1193 | 467 | 211 | | 198 | [Theano-Tutorials](https://github.com/Newmu/Theano-Tutorials) | Bare bones introduction to machine learning from linear regression to convolutional neural networks using Theano. | Python | 1189 | 458 | 212 | | 199 | [book](https://github.com/PaddlePaddle/book) | Deep Learning 101 with PaddlePaddle | HTML | 1176 | 511 | 213 | | 200 | [hebel](https://github.com/hannes-brt/hebel) | GPU-Accelerated Deep Learning Library in Python | Python | 1173 | 134 | -------------------------------------------------------------------------------- /Old-lists/09-07-2018.md: -------------------------------------------------------------------------------- 1 | # Top deep learning Github repositories 2 | 3 | Here's a list of top 200 deep learning Github repositories sorted by the number of stars. The query that has been used with Github search API is: 4 | 5 | - `deep-learning OR CNN OR RNN OR "convolutional neural network" OR "recurrent neural network"` 6 | 7 | Trending deep learning Github repositories can be found [here](https://github.com/mbadry1/Trending-Deep-Learning). 8 | 9 | Date: 09-07-2018 compared to 07-17-2018 10 | 11 | Hint: This will be updated regularly. 12 | 13 | 14 | | | Pos | Name | Description | Language | Stars | Forks | 15 | |--------------------|-----|----------------------------------------------------------------------------------------------------------------|---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|------------------|--------|-------| 16 | | :heavy_minus_sign: | 1 | [tensorflow](https://github.com/tensorflow/tensorflow) | An Open Source Machine Learning Framework for Everyone | C++ | 109031 | 67289 | 17 | | :heavy_minus_sign: | 2 | [keras](https://github.com/keras-team/keras) | Deep Learning for humans | Python | 33284 | 12550 | 18 | | :heavy_minus_sign: | 3 | [opencv](https://github.com/opencv/opencv) | Open Source Computer Vision Library | C++ | 27462 | 19683 | 19 | | :heavy_minus_sign: | 4 | [caffe](https://github.com/BVLC/caffe) | Caffe: a fast open framework for deep learning. | C++ | 25466 | 15550 | 20 | | :heavy_minus_sign: | 5 | [TensorFlow-Examples](https://github.com/aymericdamien/TensorFlow-Examples) | TensorFlow Tutorial and Examples for Beginners with Latest APIs | Jupyter Notebook | 24822 | 9294 | 21 | | :heavy_minus_sign: | 6 | [machine-learning-for-software-engineers](https://github.com/ZuzooVn/machine-learning-for-software-engineers) | A complete daily plan for studying to become a machine learning engineer. | None | 19847 | 4289 | 22 | | :heavy_minus_sign: | 7 | [deeplearningbook-chinese](https://github.com/exacity/deeplearningbook-chinese) | Deep Learning Book Chinese Translation | TeX | 19736 | 5955 | 23 | | :heavy_minus_sign: | 8 | [Deep-Learning-Papers-Reading-Roadmap](https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap) | Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech! | Python | 19090 | 4196 | 24 | | :heavy_minus_sign: | 9 | [pytorch](https://github.com/pytorch/pytorch) | Tensors and Dynamic neural networks in Python with strong GPU acceleration | C++ | 18463 | 4407 | 25 | | :heavy_minus_sign: | 10 | [awesome-deep-learning-papers](https://github.com/terryum/awesome-deep-learning-papers) | The most cited deep learning papers | TeX | 16135 | 3013 | 26 | | :heavy_minus_sign: | 11 | [Detectron](https://github.com/facebookresearch/Detectron) | FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. | Python | 16118 | 3188 | 27 | | :arrow_up:1 | 12 | [incubator-mxnet](https://github.com/apache/incubator-mxnet) | Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more | C++ | 15157 | 5481 | 28 | | :arrow_down:1 | 13 | [CNTK](https://github.com/Microsoft/CNTK) | Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit | C++ | 15078 | 4019 | 29 | | :heavy_minus_sign: | 14 | [data-science-ipython-notebooks](https://github.com/donnemartin/data-science-ipython-notebooks) | 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. | Python | 13687 | 4032 | 30 | | :heavy_minus_sign: | 15 | [lectures](https://github.com/oxford-cs-deepnlp-2017/lectures) | Oxford Deep NLP 2017 course | None | 12548 | 2845 | 31 | | :heavy_minus_sign: | 16 | [Qix](https://github.com/ty4z2008/Qix) | Machine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang | None | 11588 | 4528 | 32 | | :arrow_up:1 | 17 | [openface](https://github.com/cmusatyalab/openface) | Face recognition with deep neural networks. | Lua | 10666 | 2547 | 33 | | :arrow_down:1 | 18 | [Screenshot-to-code-in-Keras](https://github.com/emilwallner/Screenshot-to-code-in-Keras) | A neural network that transforms a screenshot into a static website | Jupyter Notebook | 10641 | 997 | 34 | | :heavy_minus_sign: | 19 | [spaCy](https://github.com/explosion/spaCy) | 💫 Industrial-strength Natural Language Processing (NLP) with Python and Cython | Python | 10606 | 1741 | 35 | | :heavy_minus_sign: | 20 | [cheatsheets-ai](https://github.com/kailashahirwar/cheatsheets-ai) | Essential Cheat Sheets for deep learning and machine learning researchers | None | 10152 | 2348 | 36 | | :arrow_up:5 | 21 | [ML-From-Scratch](https://github.com/eriklindernoren/ML-From-Scratch) | Machine Learning From Scratch. Bare bones Python implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from data mining to deep learning. | Python | 9992 | 1520 | 37 | | :arrow_up:1 | 22 | [awesome-deep-learning](https://github.com/ChristosChristofidis/awesome-deep-learning) | A curated list of awesome Deep Learning tutorials, projects and communities. | None | 9751 | 2885 | 38 | | :arrow_down:2 | 23 | [deeplearning4j](https://github.com/deeplearning4j/deeplearning4j) | Deeplearning4j, ND4J, DataVec and more - deep learning & linear algebra for Java/Scala with GPUs + Spark - From Skymind | Java | 9568 | 4430 | 39 | | :arrow_down:2 | 24 | [pix2code](https://github.com/tonybeltramelli/pix2code) | pix2code: Generating Code from a Graphical User Interface Screenshot | Python | 9457 | 888 | 40 | | :heavy_minus_sign: | 25 | [darknet](https://github.com/pjreddie/darknet) | Convolutional Neural Networks | C | 9378 | 5032 | 41 | | :arrow_down:2 | 26 | [convnetjs](https://github.com/karpathy/convnetjs) | Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser. | JavaScript | 9266 | 1845 | 42 | | :arrow_up:1 | 27 | [handson-ml](https://github.com/ageron/handson-ml) | A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow. | Jupyter Notebook | 9261 | 4844 | 43 | | :arrow_up:6 | 28 | [tfjs](https://github.com/tensorflow/tfjs) | A WebGL accelerated JavaScript library for training and deploying ML models. | JavaScript | 8869 | 559 | 44 | | :arrow_up:7 | 29 | [openpose](https://github.com/CMU-Perceptual-Computing-Lab/openpose) | OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation | C++ | 8818 | 2324 | 45 | | :arrow_down:3 | 30 | [dive-into-machine-learning](https://github.com/hangtwenty/dive-into-machine-learning) | Dive into Machine Learning with Python Jupyter notebook and scikit-learn! | None | 8587 | 1518 | 46 | | :arrow_down:2 | 31 | [FastPhotoStyle](https://github.com/NVIDIA/FastPhotoStyle) | Style transfer, deep learning, feature transform | Python | 8562 | 737 | 47 | | :arrow_down:1 | 32 | [awesome-datascience](https://github.com/bulutyazilim/awesome-datascience) | :memo: An awesome Data Science repository to learn and apply for real world problems. | None | 8561 | 2545 | 48 | | :arrow_down:3 | 33 | [tflearn](https://github.com/tflearn/tflearn) | Deep learning library featuring a higher-level API for TensorFlow. | Python | 8506 | 2135 | 49 | | :arrow_down:1 | 34 | [char-rnn](https://github.com/karpathy/char-rnn) | Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch | Lua | 8437 | 2104 | 50 | | :arrow_down:3 | 35 | [neural-enhance](https://github.com/alexjc/neural-enhance) | Super Resolution for images using deep learning. | Python | 8371 | 862 | 51 | | :arrow_down:1 | 36 | [caffe2](https://github.com/caffe2/caffe2) | Caffe2 is a lightweight, modular, and scalable deep learning framework. | C++ | 8260 | 2073 | 52 | | :heavy_minus_sign: | 37 | [tfjs-core](https://github.com/tensorflow/tfjs-core) | WebGL-accelerated ML // linear algebra // automatic differentiation for JavaScript. | TypeScript | 7952 | 840 | 53 | | :heavy_minus_sign: | 38 | [Machine-Learning-Tutorials](https://github.com/ujjwalkarn/Machine-Learning-Tutorials) | machine learning and deep learning tutorials, articles and other resources | None | 7940 | 2274 | 54 | | :arrow_up:1 | 39 | [DeepSpeech](https://github.com/mozilla/DeepSpeech) | A TensorFlow implementation of Baidu's DeepSpeech architecture | C++ | 7722 | 1316 | 55 | | :arrow_down:1 | 40 | [EffectiveTensorflow](https://github.com/vahidk/EffectiveTensorflow) | TensorFlow tutorials and best practices. | None | 7664 | 798 | 56 | | :heavy_minus_sign: | 41 | [Paddle](https://github.com/PaddlePaddle/Paddle) | PArallel Distributed Deep LEarning | C++ | 7506 | 2049 | 57 | | :arrow_up:5 | 42 | [Mask_RCNN](https://github.com/matterport/Mask_RCNN) | Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow | Python | 7473 | 3030 | 58 | | :arrow_down:1 | 43 | [neural-networks-and-deep-learning](https://github.com/mnielsen/neural-networks-and-deep-learning) | Code samples for my book "Neural Networks and Deep Learning" | Python | 7430 | 3807 | 59 | | :arrow_down:1 | 44 | [turicreate](https://github.com/apple/turicreate) | Turi Create simplifies the development of custom machine learning models. | C++ | 7348 | 669 | 60 | | :arrow_down:1 | 45 | [awesome-deep-vision](https://github.com/kjw0612/awesome-deep-vision) | A curated list of deep learning resources for computer vision | None | 7209 | 2142 | 61 | | :arrow_up:6 | 46 | [fastai](https://github.com/fastai/fastai) | The fast.ai deep learning library, lessons, and tutorials | Jupyter Notebook | 7095 | 2575 | 62 | | :arrow_down:1 | 47 | [stanford-tensorflow-tutorials](https://github.com/chiphuyen/stanford-tensorflow-tutorials) | This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research. | Python | 7081 | 3262 | 63 | | :heavy_minus_sign: | 48 | [CycleGAN](https://github.com/junyanz/CycleGAN) | Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more. | Lua | 7012 | 1082 | 64 | | :heavy_minus_sign: | 49 | [pytorch-tutorial](https://github.com/yunjey/pytorch-tutorial) | PyTorch Tutorial for Deep Learning Researchers | Python | 7005 | 2056 | 65 | | :arrow_down:5 | 50 | [MLAlgorithms](https://github.com/rushter/MLAlgorithms) | Minimal and clean examples of machine learning algorithms implementations | Python | 6954 | 1121 | 66 | | :arrow_down:1 | 51 | [fast-style-transfer](https://github.com/lengstrom/fast-style-transfer) | TensorFlow CNN for fast style transfer ⚡🖥🎨🖼 | Python | 6574 | 1524 | 67 | | :arrow_down:1 | 52 | [awesome-nlp](https://github.com/keon/awesome-nlp) | :book: A curated list of resources dedicated to Natural Language Processing (NLP) | None | 6497 | 1161 | 68 | | :new: | 53 | [AiLearning](https://github.com/apachecn/AiLearning) | AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP | Python | 5820 | 2291 | 69 | | :heavy_minus_sign: | 54 | [dlib](https://github.com/davisking/dlib) | A toolkit for making real world machine learning and data analysis applications in C++ | C++ | 5663 | 1672 | 70 | | :heavy_minus_sign: | 55 | [facenet](https://github.com/davidsandberg/facenet) | Face recognition using Tensorflow | Python | 5659 | 2420 | 71 | | :arrow_down:3 | 56 | [Swift-AI](https://github.com/Swift-AI/Swift-AI) | The Swift machine learning library. | Swift | 5428 | 534 | 72 | | :arrow_up:4 | 57 | [TensorFlow-Tutorials](https://github.com/Hvass-Labs/TensorFlow-Tutorials) | TensorFlow Tutorials with YouTube Videos | Jupyter Notebook | 5247 | 2551 | 73 | | :arrow_down:1 | 58 | [pix2pix](https://github.com/phillipi/pix2pix) | Image-to-image translation with conditional adversarial nets | Lua | 5163 | 828 | 74 | | :arrow_up:3 | 59 | [pytorch-CycleGAN-and-pix2pix](https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix) | Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more) | Python | 5107 | 1209 | 75 | | :arrow_down:2 | 60 | [awesome-rnn](https://github.com/kjw0612/awesome-rnn) | Recurrent Neural Network - A curated list of resources dedicated to RNN | None | 5037 | 1259 | 76 | | :arrow_down:5 | 61 | [BossSensor](https://github.com/Hironsan/BossSensor) | Hide screen when boss is approaching. | Python | 5028 | 930 | 77 | | :arrow_up:2 | 62 | [tensor2tensor](https://github.com/tensorflow/tensor2tensor) | Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research. | Python | 4934 | 1195 | 78 | | :arrow_down:4 | 63 | [srez](https://github.com/david-gpu/srez) | Image super-resolution through deep learning | Python | 4856 | 603 | 79 | | :arrow_down:4 | 64 | [neuraltalk](https://github.com/karpathy/neuraltalk) | NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences. | Python | 4795 | 1253 | 80 | | :arrow_down:2 | 65 | [py-faster-rcnn](https://github.com/rbgirshick/py-faster-rcnn) | Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version | Python | 4762 | 3111 | 81 | | :arrow_up:2 | 66 | [ncnn](https://github.com/Tencent/ncnn) | ncnn is a high-performance neural network inference framework optimized for the mobile platform | C | 4589 | 1155 | 82 | | :arrow_down:2 | 67 | [DeepLearningFlappyBird](https://github.com/yenchenlin/DeepLearningFlappyBird) | Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning). | Python | 4572 | 1428 | 83 | | :arrow_up:3 | 68 | [conv_arithmetic](https://github.com/vdumoulin/conv_arithmetic) | A technical report on convolution arithmetic in the context of deep learning | TeX | 4483 | 894 | 84 | | :arrow_up:8 | 69 | [labelImg](https://github.com/tzutalin/labelImg) | :metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images | Python | 4434 | 1638 | 85 | | :arrow_down:3 | 70 | [tiny-dnn](https://github.com/tiny-dnn/tiny-dnn) | header only, dependency-free deep learning framework in C++14 | C++ | 4361 | 1153 | 86 | | :arrow_down:5 | 71 | [TopDeepLearning](https://github.com/aymericdamien/TopDeepLearning) | A list of popular github projects related to deep learning | None | 4339 | 745 | 87 | | :arrow_down:3 | 72 | [keras-js](https://github.com/transcranial/keras-js) | Run Keras models in the browser, with GPU support using WebGL | JavaScript | 4290 | 429 | 88 | | :heavy_minus_sign: | 73 | [tensorlayer](https://github.com/tensorlayer/tensorlayer) | Versatile Deep Learning Toolbox for Industry and Academic | Python | 4247 | 1046 | 89 | | :arrow_up:8 | 74 | [deep-learning-with-python-notebooks](https://github.com/fchollet/deep-learning-with-python-notebooks) | Jupyter notebooks for the code samples of the book "Deep Learning with Python" | Jupyter Notebook | 4211 | 1695 | 90 | | :arrow_down:5 | 75 | [amazon-dsstne](https://github.com/amzn/amazon-dsstne) | Deep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models | C++ | 4187 | 700 | 91 | | :arrow_up:4 | 76 | [onnx](https://github.com/onnx/onnx) | Open Neural Network Exchange | PureBasic | 4176 | 579 | 92 | | :arrow_down:3 | 77 | [deepo](https://github.com/ufoym/deepo) | A series of Docker images (and their generator) that allows you to quickly set up your deep learning research environment. | Python | 4170 | 433 | 93 | | :arrow_up:7 | 78 | [ray](https://github.com/ray-project/ray) | A high-performance distributed execution engine | Python | 4154 | 562 | 94 | | :arrow_down:7 | 79 | [neurojs](https://github.com/janhuenermann/neurojs) | A javascript deep learning and reinforcement learning library. | JavaScript | 4140 | 334 | 95 | | :arrow_down:2 | 80 | [deep-residual-networks](https://github.com/KaimingHe/deep-residual-networks) | Deep Residual Learning for Image Recognition | None | 4111 | 1640 | 96 | | :arrow_down:5 | 81 | [chainer](https://github.com/chainer/chainer) | A flexible framework of neural networks for deep learning | Python | 4091 | 1083 | 97 | | :arrow_down:3 | 82 | [awesome-artificial-intelligence](https://github.com/owainlewis/awesome-artificial-intelligence) | A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers | None | 4073 | 855 | 98 | | :arrow_down:8 | 83 | [paddle-mobile](https://github.com/PaddlePaddle/paddle-mobile) | This research aims at simply deploying deeplearning on mobile and embedded devices, with low complexity and high speed. old name mobile deep learning. | C++ | 4032 | 774 | 99 | | :arrow_down:1 | 84 | [deep-learning-models](https://github.com/fchollet/deep-learning-models) | Keras code and weights files for popular deep learning models. | Python | 3995 | 1226 | 100 | | :arrow_up:1 | 85 | [fashion-mnist](https://github.com/zalandoresearch/fashion-mnist) | A MNIST-like fashion product database. Benchmark :point_right: | Python | 3967 | 603 | 101 | | :arrow_down:5 | 86 | [TensorFlow-World](https://github.com/astorfi/TensorFlow-World) | :earth_americas: Simple and ready-to-use tutorials for TensorFlow | Python | 3882 | 333 | 102 | | :arrow_down:3 | 87 | [edward](https://github.com/blei-lab/edward) | A probabilistic programming language in TensorFlow. Deep generative models, variational inference. | Jupyter Notebook | 3832 | 683 | 103 | | :arrow_up:3 | 88 | [ml-agents](https://github.com/Unity-Technologies/ml-agents) | Unity Machine Learning Agents Toolkit | C# | 3823 | 871 | 104 | | :arrow_down:2 | 89 | [cnn-text-classification-tf](https://github.com/dennybritz/cnn-text-classification-tf) | Convolutional Neural Network for Text Classification in Tensorflow | Python | 3785 | 2062 | 105 | | :arrow_up:5 | 90 | [mit-deep-learning-book-pdf](https://github.com/janishar/mit-deep-learning-book-pdf) | MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville | Java | 3771 | 921 | 106 | | :arrow_up:9 | 91 | [horovod](https://github.com/uber/horovod) | Distributed training framework for TensorFlow, Keras, and PyTorch. | C++ | 3654 | 493 | 107 | | :arrow_up:7 | 92 | [imgaug](https://github.com/aleju/imgaug) | Image augmentation for machine learning experiments. | Python | 3636 | 793 | 108 | | :arrow_down:5 | 93 | [neon](https://github.com/NervanaSystems/neon) | Intel® Nervana™ reference deep learning framework committed to best performance on all hardware | Python | 3629 | 811 | 109 | | :arrow_down:1 | 94 | [tensorflow_cookbook](https://github.com/nfmcclure/tensorflow_cookbook) | Code for Tensorflow Machine Learning Cookbook | Jupyter Notebook | 3624 | 1687 | 110 | | :arrow_down:6 | 95 | [deeplearning-papernotes](https://github.com/dennybritz/deeplearning-papernotes) | Summaries and notes on Deep Learning research papers | None | 3617 | 794 | 111 | | :arrow_down:6 | 96 | [machine-learning-mindmap](https://github.com/dformoso/machine-learning-mindmap) | A mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning. | None | 3601 | 626 | 112 | | :arrow_down:3 | 97 | [darkflow](https://github.com/thtrieu/darkflow) | Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices | Python | 3600 | 1241 | 113 | | :arrow_down:6 | 98 | [DeepLearningTutorials](https://github.com/lisa-lab/DeepLearningTutorials) | Deep Learning Tutorial notes and code. See the wiki for more info. | Python | 3502 | 1983 | 114 | | :arrow_down:1 | 99 | [h2o-3](https://github.com/h2oai/h2o-3) | Open Source Fast Scalable Machine Learning Platform For Smarter Applications (Deep Learning, Gradient Boosting, Random Forest, Generalized Linear Modeling (Logistic Regression, Elastic Net), K-Means, PCA, Stacked Ensembles, Automatic Machine Learning (AutoML), ...) | Java | 3384 | 1299 | 115 | | :arrow_down:3 | 100 | [DIGITS](https://github.com/NVIDIA/DIGITS) | Deep Learning GPU Training System | HTML | 3339 | 1216 | 116 | | :arrow_down:5 | 101 | [iOS-10-Sampler](https://github.com/shu223/iOS-10-Sampler) | Code examples for new APIs of iOS 10. | Swift | 3318 | 344 | 117 | | :arrow_down:1 | 102 | [skflow](https://github.com/tensorflow/skflow) | Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning | Python | 3186 | 466 | 118 | | :arrow_up:10 | 103 | [allennlp](https://github.com/allenai/allennlp) | An open-source NLP research library, built on PyTorch. | Python | 3186 | 554 | 119 | | :arrow_down:2 | 104 | [vrn](https://github.com/AaronJackson/vrn) | :man: Code for "Large Pose 3D Face Reconstruction from a Single Image via Direct Volumetric CNN Regression" | Shell | 3151 | 483 | 120 | | :heavy_minus_sign: | 105 | [face_classification](https://github.com/oarriaga/face_classification) | Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV. | Python | 3128 | 757 | 121 | | :arrow_down:3 | 106 | [DeepLearnToolbox](https://github.com/rasmusbergpalm/DeepLearnToolbox) | Matlab/Octave toolbox for deep learning. Includes Deep Belief Nets, Stacked Autoencoders, Convolutional Neural Nets, Convolutional Autoencoders and vanilla Neural Nets. Each method has examples to get you started. | Matlab | 3046 | 2041 | 122 | | :arrow_down:3 | 107 | [dl-docker](https://github.com/floydhub/dl-docker) | An all-in-one Docker image for deep learning. Contains all the popular DL frameworks (TensorFlow, Theano, Torch, Caffe, etc.) | Python | 3039 | 696 | 123 | | :new: | 108 | [autokeras](https://github.com/jhfjhfj1/autokeras) | accessible AutoML for deep learning. | Python | 3014 | 385 | 124 | | :arrow_up:1 | 109 | [gluon-tutorials-zh](https://github.com/mli/gluon-tutorials-zh) | 《动手学深度学习》 | Python | 2981 | 868 | 125 | | :arrow_down:2 | 110 | [keras-rl](https://github.com/keras-rl/keras-rl) | Deep Reinforcement Learning for Keras. | Python | 2957 | 749 | 126 | | :arrow_down:4 | 111 | [iGAN](https://github.com/junyanz/iGAN) | Interactive Image Generation via Generative Adversarial Networks | Python | 2947 | 424 | 127 | | :arrow_down:6 | 112 | [DeepLearningProject](https://github.com/Spandan-Madan/DeepLearningProject) | An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch. | HTML | 2908 | 448 | 128 | | :arrow_down:4 | 113 | [Realtime_Multi-Person_Pose_Estimation](https://github.com/ZheC/Realtime_Multi-Person_Pose_Estimation) | Code repo for realtime multi-person pose estimation in CVPR'17 (Oral) | Jupyter Notebook | 2862 | 881 | 129 | | :arrow_down:3 | 114 | [DenseNet](https://github.com/liuzhuang13/DenseNet) | Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award). | Lua | 2830 | 684 | 130 | | :new: | 115 | [learnopencv](https://github.com/spmallick/learnopencv) | Learn OpenCV : C++ and Python Examples | Jupyter Notebook | 2808 | 1681 | 131 | | :arrow_up:4 | 116 | [tensorpack](https://github.com/tensorpack/tensorpack) | A Neural Net Training Interface on TensorFlow | Python | 2792 | 905 | 132 | | :arrow_down:3 | 117 | [MachineLearning](https://github.com/wepe/MachineLearning) | Basic Machine Learning and Deep Learning | Python | 2782 | 2240 | 133 | | :arrow_down:3 | 118 | [the-incredible-pytorch](https://github.com/ritchieng/the-incredible-pytorch) | The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch. | None | 2768 | 489 | 134 | | :arrow_down:7 | 119 | [deep-learning-papers](https://github.com/sbrugman/deep-learning-papers) | Papers about deep learning ordered by task, date. Current state-of-the-art papers are labelled. | None | 2713 | 354 | 135 | | :arrow_up:3 | 120 | [text_classification](https://github.com/brightmart/text_classification) | all kinds of text classificaiton models and more with deep learning | Python | 2693 | 1095 | 136 | | :arrow_down:4 | 121 | [DeepLearningZeroToAll](https://github.com/hunkim/DeepLearningZeroToAll) | TensorFlow Basic Tutorial Labs | Jupyter Notebook | 2671 | 1551 | 137 | | :new: | 122 | [Deep-Learning-World](https://github.com/astorfi/Deep-Learning-World) | :satellite: Organized Resources for Deep Learning Researchers and Developers | Python | 2655 | 258 | 138 | | :arrow_down:7 | 123 | [BigDL](https://github.com/intel-analytics/BigDL) | BigDL: Distributed Deep Learning Library for Apache Spark | Scala | 2613 | 604 | 139 | | :heavy_minus_sign: | 124 | [deep-learning-coursera](https://github.com/Kulbear/deep-learning-coursera) | Deep Learning Specialization by Andrew Ng on Coursera. | Jupyter Notebook | 2566 | 2035 | 140 | | :arrow_down:7 | 125 | [neural-storyteller](https://github.com/ryankiros/neural-storyteller) | A recurrent neural network for generating little stories about images | Python | 2560 | 452 | 141 | | :new: | 126 | [serving](https://github.com/tensorflow/serving) | A flexible, high-performance serving system for machine learning models | C++ | 2550 | 1108 | 142 | | :arrow_up:4 | 127 | [Keras-GAN](https://github.com/eriklindernoren/Keras-GAN) | Keras implementations of Generative Adversarial Networks. | Python | 2541 | 750 | 143 | | :arrow_down:6 | 128 | [deep-learning](https://github.com/udacity/deep-learning) | Repo for the Deep Learning Nanodegree Foundations program. | Jupyter Notebook | 2513 | 3117 | 144 | | :arrow_down:10 | 129 | [DeepLearning](https://github.com/yusugomori/DeepLearning) | Deep Learning (Python, C, C++, Java, Scala, Go) | Java | 2500 | 1304 | 145 | | :arrow_down:9 | 130 | [easy-tensorflow](https://github.com/easy-tensorflow/easy-tensorflow) | Simple and comprehensive tutorials in TensorFlow | Python | 2482 | 203 | 146 | | :arrow_up:1 | 131 | [mace](https://github.com/XiaoMi/mace) | MACE is a deep learning inference framework optimized for mobile heterogeneous computing platforms. | C++ | 2434 | 410 | 147 | | :arrow_down:6 | 132 | [keras-resources](https://github.com/fchollet/keras-resources) | Directory of tutorials and open-source code repositories for working with Keras, the Python deep learning library | None | 2365 | 669 | 148 | | :arrow_up:2 | 133 | [pix2pixHD](https://github.com/NVIDIA/pix2pixHD) | Synthesizing and manipulating 2048x1024 images with conditional GANs | Python | 2342 | 404 | 149 | | :arrow_down:9 | 134 | [mlpack](https://github.com/mlpack/mlpack) | mlpack: a scalable C++ machine learning library -- | C++ | 2339 | 844 | 150 | | :new: | 135 | [stanford-cs-229-machine-learning](https://github.com/afshinea/stanford-cs-229-machine-learning) | VIP cheatsheets for Stanford's CS 229 Machine Learning | None | 2316 | 402 | 151 | | :arrow_down:7 | 136 | [Tensorflow-Project-Template](https://github.com/MrGemy95/Tensorflow-Project-Template) | A best practice for tensorflow project template architecture. | Python | 2310 | 506 | 152 | | :arrow_down:7 | 137 | [Practical_RL](https://github.com/yandexdataschool/Practical_RL) | A course in reinforcement learning in the wild | Jupyter Notebook | 2306 | 580 | 153 | | :new: | 138 | [Algorithm_Interview_Notes-Chinese](https://github.com/imhuay/Algorithm_Interview_Notes-Chinese) | 2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记 | Python | 2304 | 507 | 154 | | :arrow_up:4 | 139 | [SSD-Tensorflow](https://github.com/balancap/SSD-Tensorflow) | Single Shot MultiBox Detector in TensorFlow | Jupyter Notebook | 2254 | 1028 | 155 | | :arrow_down:13 | 140 | [miles-deep](https://github.com/ryanjay0/miles-deep) | Deep Learning Porn Video Classifier/Editor with Caffe | C++ | 2247 | 257 | 156 | | :heavy_minus_sign: | 141 | [Augmentor](https://github.com/mdbloice/Augmentor) | Image augmentation library in Python for machine learning. | Python | 2238 | 401 | 157 | | :arrow_down:5 | 142 | [deep-learning-keras-tensorflow](https://github.com/leriomaggio/deep-learning-keras-tensorflow) | Introduction to Deep Neural Networks with Keras and Tensorflow | Jupyter Notebook | 2237 | 973 | 158 | | :arrow_down:15 | 143 | [gluon-api](https://github.com/gluon-api/gluon-api) | A clear, concise, simple yet powerful and efficient API for deep learning. | Jupyter Notebook | 2234 | 225 | 159 | | :arrow_down:8 | 144 | [char-rnn-tensorflow](https://github.com/sherjilozair/char-rnn-tensorflow) | Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow | Python | 2226 | 870 | 160 | | :arrow_up:11 | 145 | [MMdnn](https://github.com/Microsoft/MMdnn) | MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML. | Python | 2198 | 425 | 161 | | :arrow_down:13 | 146 | [deepjazz](https://github.com/jisungk/deepjazz) | Deep learning driven jazz generation using Keras & Theano! | Python | 2192 | 314 | 162 | | :arrow_down:13 | 147 | [Automatic_Speech_Recognition](https://github.com/zzw922cn/Automatic_Speech_Recognition) | End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow | Python | 2175 | 400 | 163 | | :arrow_up:7 | 148 | [Tensorflow-Tutorial](https://github.com/MorvanZhou/Tensorflow-Tutorial) | Tensorflow tutorial from basic to hard | Python | 2166 | 1039 | 164 | | :arrow_down:11 | 149 | [deep-learning-book](https://github.com/rasbt/deep-learning-book) | Repository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in Python" | Jupyter Notebook | 2163 | 528 | 165 | | :arrow_down:5 | 150 | [DeepVideoAnalytics](https://github.com/AKSHAYUBHAT/DeepVideoAnalytics) | A distributed visual search and visual data analytics platform. | Python | 2154 | 509 | 166 | | :arrow_down:7 | 151 | [fast-rcnn](https://github.com/rbgirshick/fast-rcnn) | Fast R-CNN | Python | 2127 | 1205 | 167 | | :arrow_down:5 | 152 | [gorgonia](https://github.com/gorgonia/gorgonia) | Gorgonia is a library that helps facilitate machine learning in Go. | Go | 2114 | 190 | 168 | | :arrow_down:14 | 153 | [TensorFlow-and-DeepLearning-Tutorial](https://github.com/CreatCodeBuild/TensorFlow-and-DeepLearning-Tutorial) | TensorFlow & Deep Learning Tutorial | Python | 2112 | 576 | 169 | | :arrow_up:12 | 154 | [pytorch-book](https://github.com/chenyuntc/pytorch-book) | PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation | Jupyter Notebook | 2110 | 783 | 170 | | :arrow_down:1 | 155 | [DeepPavlov](https://github.com/deepmipt/DeepPavlov) | An open source library for deep learning end-to-end dialog systems and chatbots. | Python | 2094 | 339 | 171 | | :arrow_down:14 | 156 | [stanford_dl_ex](https://github.com/amaas/stanford_dl_ex) | Programming exercises for the Stanford Unsupervised Feature Learning and Deep Learning Tutorial | None | 2084 | 1508 | 172 | | :arrow_down:9 | 157 | [DeepQA](https://github.com/Conchylicultor/DeepQA) | My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot | Python | 2068 | 923 | 173 | | :arrow_down:18 | 158 | [deepframeworks](https://github.com/zer0n/deepframeworks) | Evaluation of Deep Learning Frameworks | None | 2065 | 317 | 174 | | :heavy_minus_sign: | 159 | [Deep-Learning-21-Examples](https://github.com/hzy46/Deep-Learning-21-Examples) | 《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码 | Python | 2060 | 716 | 175 | | :arrow_up:1 | 160 | [Awesome-pytorch-list](https://github.com/bharathgs/Awesome-pytorch-list) | A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc. | None | 2021 | 381 | 176 | | :arrow_down:12 | 161 | [mxnet-the-straight-dope](https://github.com/zackchase/mxnet-the-straight-dope) | An interactive book on deep learning. Much easy, so MXNet. Wow. | Jupyter Notebook | 2017 | 621 | 177 | | :arrow_down:16 | 162 | [dl-setup](https://github.com/floydhub/dl-setup) | Instructions for setting up the software on your deep learning machine | None | 2015 | 333 | 178 | | :arrow_down:12 | 163 | [reinforcement-learning](https://github.com/rlcode/reinforcement-learning) | Minimal and Clean Reinforcement Learning Examples | Python | 2010 | 451 | 179 | | :heavy_minus_sign: | 164 | [opencv4nodejs](https://github.com/justadudewhohacks/opencv4nodejs) | Asynchronous OpenCV 3.x nodejs bindings with JavaScript and TypeScript API, with examples for: Face Detection, Machine Learning, Deep Neural Nets, Hand Gesture Recognition, Object Tracking, Feature Matching, Image Histogram | C++ | 1980 | 296 | 180 | | :arrow_down:15 | 165 | [torch-rnn](https://github.com/jcjohnson/torch-rnn) | Efficient, reusable RNNs and LSTMs for torch | Lua | 1976 | 459 | 181 | | :arrow_down:13 | 166 | [makegirlsmoe_web](https://github.com/makegirlsmoe/makegirlsmoe_web) | Create Anime Characters with MakeGirlsMoe | JavaScript | 1966 | 164 | 182 | | :arrow_down:4 | 167 | [face-alignment](https://github.com/1adrianb/face-alignment) | :fire: 2D and 3D Face alignment library build using pytorch | Python | 1965 | 440 | 183 | | :heavy_minus_sign: | 168 | [OpenNMT](https://github.com/OpenNMT/OpenNMT) | Open Source Neural Machine Translation in Torch | Lua | 1962 | 391 | 184 | | :arrow_up:3 | 169 | [tvm](https://github.com/dmlc/tvm) | Open deep learning compiler stack for cpu, gpu and specialized accelerators | C++ | 1954 | 440 | 185 | | :arrow_down:18 | 170 | [tensorflow-tutorial](https://github.com/alrojo/tensorflow-tutorial) | Practical tutorials and labs for TensorFlow used by Nvidia, FFN, CNN, RNN, Kaggle, AE | Jupyter Notebook | 1951 | 461 | 186 | | :arrow_down:11 | 171 | [tensorflow_poems](https://github.com/jinfagang/tensorflow_poems) | 中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新! | Python | 1935 | 561 | 187 | | :arrow_down:7 | 172 | [machine_learning_examples](https://github.com/lazyprogrammer/machine_learning_examples) | A collection of machine learning examples and tutorials. | Python | 1934 | 2223 | 188 | | :arrow_down:16 | 173 | [DL4NLP](https://github.com/andrewt3000/DL4NLP) | Deep Learning for NLP resources | None | 1897 | 434 | 189 | | :arrow_down:16 | 174 | [kcws](https://github.com/koth/kcws) | Deep Learning Chinese Word Segment | C++ | 1887 | 654 | 190 | | :arrow_down:13 | 175 | [neural-style-tf](https://github.com/cysmith/neural-style-tf) | TensorFlow (Python API) implementation of Neural Style | Python | 1872 | 476 | 191 | | :arrow_up:2 | 176 | [OpenNMT-py](https://github.com/OpenNMT/OpenNMT-py) | Open Source Neural Machine Translation in PyTorch | Python | 1857 | 771 | 192 | | :heavy_minus_sign: | 177 | [ml5-library](https://github.com/ml5js/ml5-library) | Friendly machine learning for the web! 🤖 | JavaScript | 1854 | 109 | 193 | | :arrow_down:11 | 178 | [faster_rcnn](https://github.com/ShaoqingRen/faster_rcnn) | Faster R-CNN | Matlab | 1805 | 978 | 194 | | :arrow_up:20 | 179 | [faster-rcnn.pytorch](https://github.com/jwyang/faster-rcnn.pytorch) | A faster pytorch implementation of faster r-cnn | Python | 1782 | 471 | 195 | | :arrow_down:4 | 180 | [simplified-deeplearning](https://github.com/exacity/simplified-deeplearning) | Simplified implementations of deep learning related works | Jupyter Notebook | 1778 | 614 | 196 | | :arrow_down:8 | 181 | [VisualDL](https://github.com/PaddlePaddle/VisualDL) | A platform to visualize the deep learning process and result. | JavaScript | 1778 | 268 | 197 | | :arrow_up:13 | 182 | [Learn_Deep_Learning_in_6_Weeks](https://github.com/llSourcell/Learn_Deep_Learning_in_6_Weeks) | This is the Curriculum for "Learn Deep Learning in 6 Weeks" by Siraj Raval on Youtube | None | 1763 | 459 | 198 | | :arrow_down:13 | 183 | [tangent](https://github.com/google/tangent) | Source-to-Source Debuggable Derivatives in Pure Python | Python | 1759 | 136 | 199 | | :arrow_down:13 | 184 | [ELF](https://github.com/facebookresearch/ELF) | An End-To-End, Lightweight and Flexible Platform for Game Research | C++ | 1755 | 236 | 200 | | :arrow_down:10 | 185 | [luminoth](https://github.com/tryolabs/luminoth) | Deep Learning toolkit for Computer Vision | Python | 1749 | 221 | 201 | | :new: | 186 | [60_Days_RL_Challenge](https://github.com/andri27-ts/60_Days_RL_Challenge) | Learn Deep Reinforcement Learning in depth in 60 days | Jupyter Notebook | 1749 | 110 | 202 | | :arrow_down:6 | 187 | [sketch-code](https://github.com/ashnkumar/sketch-code) | Keras model to generate HTML code from hand-drawn website mockups. Implements an image captioning architecture to drawn source images. | Python | 1744 | 226 | 203 | | :arrow_down:19 | 188 | [Neural-Photo-Editor](https://github.com/ajbrock/Neural-Photo-Editor) | A simple interface for editing natural photos with generative neural networks. | Python | 1739 | 150 | 204 | | :arrow_up:5 | 189 | [handong1587.github.io](https://github.com/handong1587/handong1587.github.io) | None | CSS | 1725 | 661 | 205 | | :arrow_down:10 | 190 | [DQN-tensorflow](https://github.com/devsisters/DQN-tensorflow) | Tensorflow implementation of Human-Level Control through Deep Reinforcement Learning | Python | 1714 | 565 | 206 | | :arrow_down:17 | 191 | [text-to-image](https://github.com/paarthneekhara/text-to-image) | Text to image synthesis using thought vectors | Python | 1709 | 295 | 207 | | :arrow_down:9 | 192 | [colorization](https://github.com/richzhang/colorization) | Automatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016. | Jupyter Notebook | 1680 | 362 | 208 | | :arrow_down:4 | 193 | [keras-vis](https://github.com/raghakot/keras-vis) | Neural network visualization toolkit for keras | Python | 1678 | 270 | 209 | | :arrow_down:12 | 194 | [tensorflow-speech-recognition](https://github.com/pannous/tensorflow-speech-recognition) | 🎙Speech recognition using the tensorflow deep learning framework, sequence-to-sequence neural networks | Python | 1675 | 523 | 210 | | :arrow_down:16 | 195 | [fold](https://github.com/tensorflow/fold) | Deep learning with dynamic computation graphs in TensorFlow | Python | 1666 | 236 | 211 | | :arrow_up:2 | 196 | [carla](https://github.com/carla-simulator/carla) | Open-source simulator for autonomous driving research. | C++ | 1664 | 374 | 212 | | :arrow_down:13 | 197 | [deepdetect](https://github.com/jolibrain/deepdetect) | Deep Learning API and Server in C++11 with Python bindings and support for Caffe, Tensorflow, XGBoost and TSNE | C++ | 1657 | 405 | 213 | | :new: | 198 | [PyTorch-Tutorial](https://github.com/MorvanZhou/PyTorch-Tutorial) | Build your neural network easy and fast | Jupyter Notebook | 1650 | 698 | 214 | | :new: | 199 | [100-Days-Of-ML-Code](https://github.com/MLEveryday/100-Days-Of-ML-Code) | 100-Days-Of-ML-Code中文版 | Jupyter Notebook | 1643 | 292 | 215 | | :arrow_down:13 | 200 | [cnn-benchmarks](https://github.com/jcjohnson/cnn-benchmarks) | Benchmarks for popular CNN models | Python | 1637 | 284 | -------------------------------------------------------------------------------- /main.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | from github import Github 3 | from terminaltables import AsciiTable 4 | from terminaltables import GithubFlavoredMarkdownTable 5 | import pickle 6 | import codecs 7 | 8 | 9 | # Insert you username and password 10 | g = Github("**", "***") 11 | 12 | # Settings 13 | number_of_reps = 100 14 | names_of_props = ["Id", "Name", "Description", "Language", "Stars", "Forks"] 15 | github_server_link = "https://github.com/" 16 | last_tables_file_name = 'last_table_data.pickle' 17 | md_file_name = 'readme.md' 18 | 19 | # Main query 20 | seach_query = g.search_repositories("deep-learning", sort="stars", order="desc") 21 | results = [] 22 | for index, rep in enumerate(seach_query): 23 | 24 | # print(rep.url) # Everything are here as json file (You can use it instead of the API) 25 | 26 | rep_prop = [index+1] 27 | link = github_server_link + rep.full_name 28 | rep_prop.append("[{}]({})".format(rep.name, link)) 29 | rep_prop.append(rep.description) 30 | rep_prop.append(rep.language) 31 | rep_prop.append(rep.stargazers_count) 32 | rep_prop.append(rep.forks) 33 | 34 | results.append(rep_prop) 35 | 36 | if(index > number_of_reps-2): 37 | break 38 | 39 | # Creating the table 40 | table_data = [["" for x in range(len(names_of_props))] for y in range(number_of_reps + 1)] 41 | 42 | for i in range(len(names_of_props)): 43 | table_data[0][i] = names_of_props[i] 44 | 45 | for i in range(number_of_reps): 46 | for j in range(len(names_of_props)): 47 | table_data[i+1][j] = results[i][j] 48 | 49 | 50 | # Saving Table data (For further analysis) 51 | with open(last_tables_file_name, 'wb') as handle: 52 | pickle.dump(table_data, handle, protocol=pickle.HIGHEST_PROTOCOL) 53 | 54 | # Generating the ascii table 55 | table = GithubFlavoredMarkdownTable(table_data) 56 | table_str = table.table 57 | 58 | # Wrting the md file 59 | with codecs.open(md_file_name, "w", "utf-8") as f: 60 | f.write(table_str) --------------------------------------------------------------------------------