gboeer / TopDeepLearning

A list of popular github projects related to deep learning

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

Top Deep Learning Projects

A list of popular github projects related to deep learning (ranked by stars).

Last Update: May 21st 2019

Project Name Stars Description
TensorFlow 127935 Computation using data flow graphs for scalable machine learning.
TensorFlow Models 52969 Models built with TensorFlow
Keras 41307 Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow.
TensorFlow Examples 31627 TensorFlow tutorials and code examples for beginners.
Pytorch 28233 Tensors and Dynamic neural networks in Python with strong GPU acceleration.
Caffe 28124 Caffe: a fast open framework for deep learning.
Detectron 20396 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.
MXNet 16935 Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more.
Neural Style 16809 Torch implementation of neural style algorithm.
OpenAI Gym 16778 A toolkit for developing and comparing reinforcement learning algorithms.
CNTK 16142 Computational Network Toolkit (CNTK).
Darknet 13259 Open Source Neural Networks in C
Magenta 13216 Magenta: Music and Art Generation with Machine Intelligence
OpenFace 12091 Face recognition with deep neural networks.
Deep Dream 11958 Deep Dream.
deeplearning4j 10789 Deep Learning for Java, Scala & Clojure on Hadoop, Spark.
DeepSpeech 10217 A TensorFlow implementation of Baidu's DeepSpeech architecture.
ConvNet JS 9586 Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
Char RNN 9387 Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch.
Neural Doodle 9109 Turn your two-bit doodles into fine artworks with deep neural networks, generate seamless textures from photos, transfer style from one image to another, perform example-based upscaling, but wait... there's more! (An implementation of Semantic Style Transfer.)
TFLearn 9085 Deep learning library featuring a higher-level API for TensorFlow.
Roc AlphaGo 8930 An independent, student-led replication of DeepMind's 2016 Nature publication, "Mastering the game of Go with deep neural networks and tree search" (Nature 529, 484-489, 28 Jan 2016).
Theano 8795 Theano is a Python library that allows you to define, optimize, and evaluate mathematical expressions involving multi-dimensional arrays efficiently. It can use GPUs and perform efficient symbolic differentiation.
CycleGAN 8414 Torch implementation for learning an image-to-image translation network, the CycleGAN (Paper)
Torch 8295 Torch7, Deep Learning Library.
TensorFlow Playground 8175 Play with neural networks!
DeOldify 8060 A Deep Learning based project for colorizing and restoring old images (and video!)
Synaptic 6515 architecture-free neural network library for node.js and the browser
NVIDIA vid2vid 6386 Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation.

DCGAN TensorFlow 5743 A tensorflow implementation of Deep Convolutional Generative Adversarial Networks
Leaf 5404 Open Machine Intelligence Framework for Hackers.
TensorFlow Tutorials 5304 From the basics to slightly more interesting applications of Tensorflow.
Deep Learning Flappy Bird 5138 Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
Neural Talk 5005 NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
Chainer 4794 A flexible framework of neural networks for deep learning. https://chainer.org
Tiny DNN 4738 header only, dependency-free deep learning framework in C++11
Neural Talk 2 4598 Efficient Image Captioning code in Torch, runs on GPU.
Neon 3766 Intel® Nervana™ reference deep learning framework committed to best performance on all hardware http://neon.nervanasys.com/docs/latest
LISA-lab Deep Learning Tutorials 3738 Deep Learning Tutorial notes and code. See the wiki for more info. http://deeplearning.net/tutorial
DIGITS 3672 Deep Learning GPU Training System https://developer.nvidia.com/digits
Lasagne 3627 Lightweight library to build and train neural networks in Theano http://lasagne.readthedocs.org/
dl-docker 3540 An all-in-one Docker image for deep learning. Contains all the popular DL frameworks (TensorFlow, Theano, Torch, Caffe, etc.). Includes Deep Belief Nets, Stacked Autoencoders, Convolutional Neural Nets, Convolutional Autoencoders and vanilla Neural Nets. Each method has examples to get you started.
Colornet 3456 Neural Network to colorize grayscale images.
Image Analogies 3351 Generate image analogies using neural matching and blending.
Matlab Deep Learning Toolbox 3302 Matlab/Octave toolbox for deep learning.
Neural Story Teller 2732 A recurrent neural network for generating little stories about images.
Lucid 2647 A collection of infrastructure and tools for research in neural network interpretability.
DeepVideoAnalytics 2595 A distributed visual search and visual data analytics platform. https://www.deepvideoanalytics.com/
Deep Jazz 2405 Deep learning driven jazz generation using Keras & Theano!
dl-setup 2037 Instructions for setting up the software on your deep learning machine.
deep-reinforcement-learning 2291 Repo for the Deep Reinforcement Learning Nanodegree program.
Deep Detect 1879 Deep Learning API and Server in C++11 with Python bindings and support for Caffe.
RNN Music Composition 1718 A recurrent neural network designed to generate classical music.
U-Net Keras 1663 Implementation of deep learning framework -- Unet, using Keras
TDB 1365 Interactive, node-by-node debugging and visualization for TensorFlow.
Caffe on Spark 1255 Caffe On Spark.
Theano Tutorials 1209 Bare bones introduction to machine learning from linear regression to convolutional neural networks using Theano.
Generic U-Net 1166 Generic U-Net Tensorflow implementation for image segmentation
TensorFlow DeepQ 1164 A deep Q learning demonstration using Google Tensorflow.
Scikit Neural Net 1148 Deep neural networks without the learning cliff! Classifiers and regressors compatible with scikit-learn.
Blocks 1148 A Theano framework for building and training neural networks.
MatConvNet 1165 MATLAB CNN toolbox for computer vision applications.
Nolearn 924 Abstractions around neural net libraries, most notably Lasagne.
DeepCL 751 OpenCL library to train deep convolutional neural networks.

Discontinued

Project Name Stars Description
PyLearn2 2667 A Machine Learning library based on Theano. 🔺 Not actively developed anymore
Brainstorm 1282 Fast, flexible and fun neural networks. 🔺 Brainstorm is discontinued.
Veles 878 Distributed machine learning platform (Python, CUDA, OpenCL)
Visual Search Server 496 Visual Search using Tensorflow inception model & Approximate Nearest Neighbors. Follow-Up: DeepVideoAnalytics

About

A list of popular github projects related to deep learning

License:MIT License