Top deep learning repositories on Github!

  • 11-07-2018
  • programming
Thumb

Share:

https://techconductor.com/blogs/programming/top_deep_learning_repositories_on_github.php

Copy


Deep Learning is a new area of Machine Learning research, which has been introduced with the objective of moving Machine Learning closer to one of its original goals: Artificial Intelligence. Deep learning is part of a broader family of machine learning methods based on learning data representations, as opposed to task-specific algorithms. Learning can be supervised, semi-supervised or unsupervised.

The "deep" in "deep learning" refers to the number of layers through which the data is transformed. Deep learning models are inspired by information processing and communication patterns in biological nervous systems yet have various differences from the structural and functional properties of biological brains.

Deep Learning is a vast field and cannot be understood without proper time investment into the field as one have to learn many theory maths and algorithms. The true power of Deep Learning lies in the Learning or Training process. To get started here is the top frameworks and projects regarding Deep Learning on GitHub.

Here's a list of top 180 deep learning Github repositories sorted by the number of stars and popularity.

1: tensorflow

Computation using data flow graphs for scalable machine learning. TensorFlow is an open source software library for numerical computation using data flow graphs. The graph nodes represent mathematical operations, while the graph edges represent the multidimensional data arrays (tensors) that flow between them. This flexible architecture enables you to deploy computation to one or more CPUs or GPUs in a desktop, server, or mobile device without rewriting code.


  • 104,749
  • 8,155


2: keras

Deep Learning for humans. Keras is a high-level neural networks API, written in Python and capable of running on top of TensorFlow, CNTK, or Theano. It was developed with a focus on enabling fast experimentation. Being able to go from idea to result with the least possible delay is key to doing good research.


  • 31,472
  • 1,760


3: opencv

Open Source Computer Vision Library. OpenCV (Open Source Computer Vision Library) is released under a BSD license and hence it’s free for both academic and commercial use. It has C++, Python and Java interfaces and supports Windows, Linux, Mac OS, iOS and Android. OpenCV was designed for computational efficiency and with a strong focus on real-time applications. Written in optimized C/C++, the library can take advantage of multi-core processing. Enabled with OpenCL, it can take advantage of the hardware acceleration of the underlying heterogeneous compute platform.


  • 26,070
  • 2,156


4: caffe

Caffe: a fast open framework for deep learning. Caffe is a deep learning framework made with expression, speed, and modularity in mind. It is developed by Berkeley AI Research (BAIR) and by community contributors. Yangqing Jia created the project during his PhD at UC Berkeley. Caffe is released under the BSD 2-Clause license.


  • 24,812
  • 2,201


5: TensorFlow-Examples

TensorFlow Tutorial and Examples for Beginners with Latest APIs


  • 23,456
  • 1,648


6: machine-learning-for-software-engineers

A complete daily plan for studying to become a machine learning engineer.


  • 19,188
  • 1,363


7: deeplearningbook-chinese

Deep Learning Book Chinese Translation


  • 18,657
  • 1,861


8: Deep-Learning-Papers-Reading-Roadmap

Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!


  • 18,085
  • 18,085


9: pytorch

Tensors and Dynamic neural networks in Python with strong GPU acceleration. PyTorch is a Python package that provides two high-level features: Tensor computation (like NumPy) with strong GPU acceleration Deep neural networks built on a tape-based autograd system. You can reuse your favorite Python packages such as NumPy, SciPy and Cython to extend PyTorch when needed.


  • 17,023
  • 898


10: awesome-deep-learning-papers

The most cited deep learning papers


  • 15,362
  • 15,362


11: Detectron

FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. Detectron is Facebook AI Research's software system that implements state-of-the-art object detection algorithms, including Mask R-CNN. It is written in Python and powered by the Caffe2 deep learning framework. The goal of Detectron is to provide a high-quality, high-performance codebase for object detection research. It is designed to be flexible in order to support rapid implementation and evaluation of novel research.


  • 15,127
  • 15,127


12: CNTK

Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit


  • 14,789
  • 1,351


13: 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


  • 14,460
  • 1,151


14: 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.


  • 13,107
  • 13,107


15: lectures

Oxford Deep NLP 2017 course


  • 12,141
  • 12,141


16: Qix

Machine LearningDeep LearningPostgreSQLDistributed SystemNode.JsGolang


  • 11,362
  • 1,815


17: Screenshot-to-code-in-Keras

A neural network that transforms a screenshot into a static website


  • 10,411
  • 10,411


18: openface

Face recognition with deep neural networks.


  • 10,345
  • 697


19: cheatsheets-ai

Essential Cheat Sheets for deep learning and machine learning researchers


  • 9,761
  • 934


20: spaCy

Industrial-strength Natural Language Processing (NLP) with Python and Cython


  • 9,826
  • 457


21: pix2code

pix2code: Generating Code from a Graphical User Interface Screenshot


  • 9,297
  • 9,297


22: convnetjs

Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.


  • 9,178
  • 9,178


23: deeplearning4j

Deeplearning4j, ND4J, DataVec and more - deep learning & linear algebra for Java/Scala with GPUs + Spark - From Skymind


  • 9,293
  • 811


24: awesome-deep-learning

A curated list of awesome Deep Learning tutorials, projects and communities.


  • 9,264
  • 9,264


25: 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.


  • 8,511
  • 8,511


26: dive-into-machine-learning

Dive into Machine Learning with Python Jupyter notebook and scikit-learn!


  • 8,393
  • 564


27: FastPhotoStyle

Style transfer, deep learning, feature transform


  • 8,365
  • 8,365


28: darknet

Convolutional Neural Networks


  • 8,581
  • 639


29: tflearn

Deep learning library featuring a higher-level API for TensorFlow.


  • 8,296
  • 467


30: neural-enhance

Super Resolution for images using deep learning.


  • 8,211
  • 8,211


31: awesome-datascience

An awesome Data Science repository to learn and apply for real world problems.


  • 8,232
  • 8,232


32: char-rnn

Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch


  • 8,172
  • 8,172


33: caffe2

Caffe2 is a lightweight, modular, and scalable deep learning framework.


  • 8,141
  • 565


34: 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.


  • 8,319
  • 8,319


35: tfjs

A WebGL accelerated JavaScript library for training and deploying ML models.


  • 8,128
  • 260


36: tfjs-core

WebGL-accelerated ML // linear algebra // automatic differentiation for JavaScript.


  • 7,708
  • 326


37: Machine-Learning-Tutorials

machine learning and deep learning tutorials, articles and other resources


  • 7,643
  • 681


38: openpose

OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation


  • 8,020
  • 8,020


39: EffectiveTensorflow

TensorFlow tutorials and best practices.


  • 7,418
  • 345


40: Paddle

PArallel Distributed Deep LEarning


  • 7,222
  • 613


41: DeepSpeech

A TensorFlow implementation of Baidu's DeepSpeech architecture


  • 7,239
  • 7,239


42: neural-networks-and-deep-learning

Code samples for my book "Neural Networks and Deep Learning"


  • 7,116
  • 7,116


43: awesome-deep-vision

A curated list of deep learning resources for computer vision


  • 6,954
  • 6,954


44: turicreate

Turi Create simplifies the development of custom machine learning models.


  • 7,045
  • 7,045


45: MLAlgorithms

Minimal and clean examples of machine learning algorithms implementations


  • 6,835
  • 6,835


46: stanford-tensorflow-tutorials

This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.


  • 6,679
  • 521


47: CycleGAN

Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.


  • 6,599
  • 6,599


48: fast-style-transfer

TensorFlow CNN for fast style transfer


  • 6,271
  • 6,271


49: Mask_RCNN

Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow


  • 6,569
  • 6,569


50: pytorch-tutorial

PyTorch Tutorial for Deep Learning Researchers


  • 6,393
  • 6,393


51: awesome-nlp

A curated list of resources dedicated to Natural Language Processing (NLP)


  • 6,189
  • 6,189


52: Swift-AI

The Swift machine learning library.


  • 5,385
  • 5,385


53: fastai

The fast.ai deep learning library, lessons, and tutorials


  • 5,783
  • 5,783


54: dlib

A toolkit for making real world machine learning and data analysis applications in C++


  • 5,304
  • 397


55: BossSensor

Hide screen when boss is approaching.


  • 4,993
  • 266


56: awesome-rnn

Recurrent Neural Network - A curated list of resources dedicated to RNN


  • 4,934
  • 4,934


57: pix2pix

Image-to-image translation with conditional adversarial nets


  • 4,970
  • 235


58: srez

Image super-resolution through deep learning


  • 4,824
  • 4,824


59: facenet

Face recognition using Tensorflow


  • 5,124
  • 5,124


60: neuraltalk

NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.


  • 4,753
  • 4,753


61: TensorFlow-Tutorials

TensorFlow Tutorials with YouTube Videos


  • 4,664
  • 4,664


62: py-faster-rcnn

Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen /faster_rcnn for the official MATLAB version


  • 4,492
  • 4,492


63: faster_rcnn

Faster R-CNN


  • 1,728
  • 1,728


64: DeepLearningFlappyBird

Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).


  • 4,428
  • 4,428


65: TopDeepLearning

A list of popular github projects related to deep learning


  • 4,279
  • 4,279


66: pytorch-CycleGAN-and-pix2pix

Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)


  • 4,568
  • 4,568


67: tensor2tensor

Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.


  • 4,428
  • 4,428


68: tiny-dnn

header only, dependency-free deep learning framework in C++14


  • 4,247
  • 318


69: amazon-dsstne

Deep Scalable Sparse Tensor Network Engine (DSSTNE) is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models


  • 4,157
  • 4,157


70: keras-js

Run Keras models in the browser, with GPU support using WebGL


  • 4,194
  • 174