Skip to content

AhmedGabal/Trending-Deep-Learning

 
 

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

8 Commits
 
 
 
 
 
 
 
 
 
 

Repository files navigation

Trending deep learning Github repositories

Here's a list of top 100 deep learning Github trending repositories sorted by the number of stars gained on a specific day. The query that has been used with Github search API is:

  • deep-learning OR CNN OR RNN OR "convolutional neural network" OR "recurrent neural network"

Repositories with 50000 stars or more are excluded.

Top deep learning Github repositories can be found here.

Date: 04-29-2018 compared to 04-25-2018

Hint: This will be updated regularly.

Pos1 Name Description Language Stars Today Total Stars
🆕 1 gluon-cv Gluon CV Toolkit Python 51 385
⬆️3 2 pytorch Tensors and Dynamic neural networks in Python with strong GPU acceleration C++ 44 14630
⬇️2 3 tfjs A WebGL accelerated, browser based JavaScript library for training and deploying ML models. JavaScript 42 6518
🆕 4 pytorch-summary Model summary in PyTorch similar to model.summary() in Keras Python 39 287
⬇️1 5 opencv Open Source Computer Vision Library C++ 28 24182
⬇️3 6 keras Deep Learning for humans Python 24 28810
⬆️2 7 deeplearningbook-chinese Deep Learning Book Chinese Translation TeX 23 17402
⬇️2 8 TensorFlow-Examples TensorFlow Tutorial and Examples for Beginners with Latest APIs Jupyter Notebook 22 21926
⬆️9 9 Detectron FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. Python 20 13718
⬆️60 10 Tensorflow-Project-Template A best practice for tensorflow project template architecture. Python 17 1918
⬇️4 11 Mask_RCNN Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow Python 15 5393
⬆️21 12 awesome-nlp 📖 A curated list of resources dedicated to Natural Language Processing (NLP) None 13 5433
⬆️44 13 Augmentor Image augmentation library in Python for machine learning. Python 12 1740
⬆️18 14 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 12 8173
⬇️2 15 fastai The fast.ai deep learning library, lessons, and tutorials Jupyter Notebook 11 4252
⬆️79 16 lectures Oxford Deep NLP 2017 course None 11 11736
🆕 17 mit-deep-learning-book-pdf MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville Java 11 2629
⬇️10 18 Deep-Learning-21-Examples 《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码 Python 11 1394
⬇️9 19 darknet Convolutional Neural Networks C 11 7453
⬇️9 20 stanford-tensorflow-tutorials This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research. Python 10 6104
⬆️7 21 labelImg 🤘 LabelImg is a graphical image annotation tool and label object bounding boxes in images Python 10 3147
⬆️29 22 DeepSpeech A TensorFlow implementation of Baidu's DeepSpeech architecture C++ 10 6518
⬆️35 23 awesome-datascience 📝 An awesome Data Science repository to learn and apply for real world problems. None 10 7749
⬇️1 24 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 10 7074
⬆️34 25 spaCy 💫 Industrial-strength Natural Language Processing (NLP) with Python and Cython Python 10 9065
🆕 26 Repo-2017 Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano Python 10 408
27 machine-learning-for-software-engineers A complete daily plan for studying to become a machine learning engineer. None 10 18683
⬆️37 28 ncnn ncnn is a high-performance neural network inference framework optimized for the mobile platform C++ 9 3740
🆕 29 turicreate Turi Create simplifies the development of custom machine learning models. C++ 9 6416
🆕 30 HyperLPR 基于深度学习高性能中文车牌识别 High Performance Chinese License Plate Recognition Framework. C++ 9 665
⬆️35 31 onnx Open Neural Network Exchange PureBasic 9 3233
⬆️24 32 CNTK Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit C++ 8 14321
⬆️10 33 awesome-deep-vision A curated list of deep learning resources for computer vision None 8 6545
⬇️18 34 sketch-code Keras model to generate HTML code from hand-drawn website mockups. Implements an image captioning architecture to drawn source images. Python 8 1317
⬆️6 35 Deep-Learning-Papers-Reading-Roadmap Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech! Python 8 16966
⬇️11 36 ml-agents Unity Machine Learning Agents C# 8 2843
⬆️54 37 deeplearning4j Deep Learning for Java, Scala & Clojure on Hadoop & Spark With GPUs - From Skymind Java 8 8790
⬇️12 38 awesome-deep-learning A curated list of awesome Deep Learning tutorials, projects and communities. None 8 8653
⬆️22 39 ray A high-performance distributed execution engine Python 8 3177
🆕 40 cheatsheets-ai Essential Cheat Sheets for deep learning and machine learning researchers None 7 9403
⬇️3 41 imgaug Image augmentation for machine learning experiments. Python 7 2575
⬇️28 42 facenet Face recognition using Tensorflow Python 7 4237
🆕 43 horovod Distributed training framework for TensorFlow. C++ 7 1989
🆕 44 machine-learning-mindmap A mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning. None 7 3320
🆕 45 text-classification-cnn-rnn CNN-RNN中文文本分类,基于tensorflow Python 7 591
⬇️34 46 pytorch-tutorial PyTorch Tutorial for Deep Learning Researchers Python 7 5524
47 pytorch-book PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation Jupyter Notebook 7 1041
⬆️41 48 Machine-Learning-Tutorials machine learning and deep learning tutorials, articles and other resources None 7 7221
⬇️5 49 conv_arithmetic A technical report on convolution arithmetic in the context of deep learning TeX 7 3598
⬇️2 50 textgenrnn Python module to easily generate text using a pretrained character-based recurrent neural network. Python 6 545
🆕 51 Tensorflow-Tutorial Some interesting TensorFlow tutorials for beginners. Jupyter Notebook 6 341
🆕 52 keras-yolo2 Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows). Jupyter Notebook 6 669
⬇️17 53 pytorch-CycleGAN-and-pix2pix Image-to-image translation in PyTorch (e.g. horse2zebra, edges2cats, and more) Python 6 3890
🆕 54 Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Automotives, Retail, Pharma, Medicine, Healthcare by Tarry Singh until at-least 2020 until he finishes his Ph.D. (which might end up being inter-stellar cosmic networks! Who knows! 😀) Python 6 786
⬆️29 55 luminoth Deep Learning toolkit for Computer Vision Python 6 1499
⬇️37 56 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 and CoreML. Python 6 1401
⬆️29 57 pix2code pix2code: Generating Code from a Graphical User Interface Screenshot Python 6 9020
⬇️29 58 dlib A toolkit for making real world machine learning and data analysis applications in C++ C++ 6 4769
⬆️3 59 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 6 13806
🆕 60 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++ 5 1317
🆕 61 labelme Image Polygonal Annotation with Python. Python 5 604
🆕 62 gluon-tutorials-zh 通过 MXNet / Gluon 来动手学习深度学习 Python 5 2304
🆕 63 DeepQA My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot Python 5 1760
🆕 64 face_classification Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV. Python 5 2620
⬇️48 65 probability Probabilistic reasoning and statistical analysis in TensorFlow Jupyter Notebook 5 506
🆕 66 vrn 👨 Code for "Large Pose 3D Face Reconstruction from a Single Image via Direct Volumetric CNN Regression" Shell 5 2863
⬆️18 67 ssd.pytorch A PyTorch Implementation of Single Shot MultiBox Detector Python 5 785
🆕 68 crnn Convolutional Recurrent Neural Network (CRNN) for image-based sequence recognition. Lua 5 764
🆕 69 face-alignment 🔥 2D and 3D Face alignment library build using pytorch Python 5 1539
⬆️6 70 awesome-project-ideas Curated list of Machine Learning, NLP, Vision Project Ideas None 5 639
⬆️16 71 MachineLearning Machine learning resources None 5 935
🆕 72 MAgent A Platform for Many-agent Reinforcement Learning Python 5 651
⬇️9 73 Qix Machine Learning、Deep Learning、PostgreSQL、Distributed System、Node.Js、Golang None 5 11028
⬇️35 74 openface Face recognition with deep neural networks. Lua 5 9754
⬆️13 75 fast-style-transfer TensorFlow CNN for fast style transfer! ⚡🖥🎨🖼 Python 5 5909
⬇️21 76 Paddle PArallel Distributed Deep LEarning C++ 5 6814
⬇️8 77 caffe2 Caffe2 is a lightweight, modular, and scalable deep learning framework. C++ 5 7845
⬇️36 78 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 5 12403
⬇️64 79 caffe Caffe: a fast open framework for deep learning. C++ 5 23917
🆕 80 deepo A series of Docker images (and their generator) that allows you to quickly set up your deep learning research environment. Python 5 3755
⬇️31 81 MTCNN_face_detection_alignment Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks Matlab 4 1020
🆕 82 MLAlgorithms Minimal and clean examples of machine learning algorithms Python 4 6678
⬇️53 83 text_classification all kinds of text classificaiton models and more with deep learning Python 4 1833
🆕 84 zi2zi Learning Chinese Character style with conditional GAN Python 4 925
⬇️65 85 tfjs-core WebGL-accelerated ML // linear algebra // automatic differentiation for JavaScript. TypeScript 4 7399
🆕 86 gorgonia Gorgonia is a library that helps facilitate machine learning in Go. Go 4 1827
🆕 87 DeepReinforcementLearning A replica of the AlphaZero methodology for deep reinforcement learning in Python Jupyter Notebook 4 1001
⬇️7 88 OpenNMT-py Open Source Neural Machine Translation in PyTorch Python 4 1292
🆕 89 carla Open-source simulator for autonomous driving research. C++ 4 1173
🆕 90 attention-is-all-you-need-pytorch A PyTorch implementation of the Transformer model in "Attention is All You Need". Python 4 890
⬇️39 91 FastPhotoStyle Style transfer, deep learning, feature transform Python 4 8117
⬇️38 92 awesome-deep-learning-papers The most cited deep learning papers TeX 4 14571
🆕 93 keras-rl Deep Reinforcement Learning for Keras. Python 4 2494
🆕 94 mxnet-the-straight-dope An interactive book on deep learning. Much easy, so MXNet. Wow. Jupyter Notebook 4 1776
⬇️27 95 tflearn Deep learning library featuring a higher-level API for TensorFlow. Python 4 7975
⬆️4 96 tf-pose-estimation Deep Pose Estimation implemented using Tensorflow with Custom Architecture for fast inference. PureBasic 4 747
🆕 97 Practical_RL A course in reinforcement learning in the wild Jupyter Notebook 4 1872
🆕 98 VisualDL A platform to visualize the deep learning process. JavaScript 4 1514
🆕 99 Tensorflow-Tutorial Tensorflow tutorial from basic to hard Python 4 1516
🆕 100 awesome-artificial-intelligence A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers None 4 3684

About

Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published

Languages

  • Python 100.0%