diff --git a/README.md b/README.md index 3aa89a4..cb96af0 100644 --- a/README.md +++ b/README.md @@ -1,61 +1,62 @@ # Top Deep Learning Projects + A list of popular github projects related to deep learning (ranked by stars). -Last Update: 2016.08.09 +Last Update: 2016.08.15 -| Project Name| Stars | Description | -| ------- | ------ | ------ | -| [TensorFlow](https://github.com/tensorflow/tensorflow) | 29622 | Computation using data flow graphs for scalable machine learning. -| [Caffe](https://github.com/BVLC/caffe) | 11799 | Caffe: a fast open framework for deep learning. -| [Neural Style](https://github.com/jcjohnson/neural-style) | 10148 | Torch implementation of neural style algorithm. -| [Deep Dream](https://github.com/google/deepdream) | 9042 | Deep Dream. -| [Keras](https://github.com/fchollet/keras) | 7502 | Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow. -| [Roc AlphaGo](https://github.com/Rochester-NRT/RocAlphaGo) | 7170 | 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). -| [TensorFlow Models](https://github.com/tensorflow/models) | 6671 | Models built with TensorFlow -| [Neural Doodle](https://github.com/alexjc/neural-doodle) | 6275 | 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.) -| [CNTK](https://github.com/Microsoft/CNTK) | 5957 | Computational Network Toolkit (CNTK). -| [TensorFlow Examples](https://github.com/aymericdamien/TensorFlow-Examples) | 5872 | TensorFlow tutorials and code examples for beginners. -| [ConvNet JS](https://github.com/karpathy/convnetjs) | 5231 | Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser. -| [Torch](https://github.com/torch/torch7) | 5133 | Torch7, Deep Learning Library. -| [OpenFace](https://github.com/cmusatyalab/openface) | 4855 | Face recognition with deep neural networks. -| [MXNet](https://github.com/dmlc/mxnet) | 4685 | Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more. -| [Theano](https://github.com/Theano/Theano) | 4286 | 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. -| [Leaf](https://github.com/autumnai/leaf) | 4281 | Open Machine Intelligence Framework for Hackers. -| [Char RNN](https://github.com/karpathy/char-rnn) | 3820 | Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. -| [Neural Talk](https://github.com/karpathy/neuraltalk) | 3694 | NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences. -| [deeplearning4j](https://github.com/deeplearning4j/deeplearning4j) | 3673 | Deep Learning for Java, Scala & Clojure on Hadoop, Spark. -| [TFLearn](https://github.com/tflearn/tflearn) | 3368 | Deep learning library featuring a higher-level API for TensorFlow. -| [TensorFlow Playground](https://github.com/tensorflow/playground) | 3352 | Play with neural networks! -| [OpenAI Gym](https://github.com/openai/gym) | 3020 | A toolkit for developing and comparing reinforcement learning algorithms. -| [Magenta](https://github.com/tensorflow/magenta) | 2914 | Magenta: Music and Art Generation with Machine Intelligence -| [Colornet](https://github.com/pavelgonchar/colornet) | 2798 | Neural Network to colorize grayscale images. -| [Synaptic](https://github.com/cazala/synaptic) | 2666 | architecture-free neural network library for node.js and the browser -| [Neural Talk 2](https://github.com/karpathy/neuraltalk2) | 2550 | Efficient Image Captioning code in Torch, runs on GPU. -| [Image Analogies](https://github.com/awentzonline/image-analogies) | 2540 | Generate image analogies using neural matching and blending. -| [TensorFlow Tutorials](https://github.com/pkmital/tensorflow_tutorials) | 2413 | From the basics to slightly more interesting applications of Tensorflow. -| [Lasagne](https://github.com/Lasagne/Lasagne) | 2355 | Lightweight library to build and train neural networks in Theano. -| [PyLearn2](https://github.com/lisa-lab/pylearn2) | 2153 | A Machine Learning library based on Theano. -| [LISA-lab Deep Learning Tutorials](https://github.com/lisa-lab/DeepLearningTutorials) | 2134 | Deep Learning Tutorial notes and code. See the wiki for more info. -| [Neon](https://github.com/NervanaSystems/neon) | 2121 | Fast, scalable, easy-to-use Python based Deep Learning Framework by Nervana™. -| [Matlab Deep Learning Toolbox](https://github.com/rasmusbergpalm/DeepLearnToolbox) | 2032 | 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. -| [Deep Learning Flappy Bird](https://github.com/yenchenlin1994/DeepLearningFlappyBird) | 1721 | Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning). -| [Chainer](https://github.com/pfnet/chainer) | 1573 | A flexible framework of neural networks for deep learning. -| [Neural Story Teller](https://github.com/ryankiros/neural-storyteller) | 1514 | A recurrent neural network for generating little stories about images. -| [DIGITS](https://github.com/NVIDIA/DIGITS) | 1353 | Deep Learning GPU Training System. -| [Deep Jazz](https://github.com/jisungk/deepjazz) | 1229 | Deep learning driven jazz generation using Keras & Theano! -| [Brainstorm](https://github.com/IDSIA/brainstorm) | 1143 | Fast, flexible and fun neural networks. -| [Darknet](https://github.com/pjreddie/darknet) | 937 | Open Source Neural Networks in C -| [Theano Tutorials](https://github.com/Newmu/Theano-Tutorials) | 904 | Bare bones introduction to machine learning from linear regression to convolutional neural networks using Theano. -| [RNN Music Composition](https://github.com/hexahedria/biaxial-rnn-music-composition) | 904 | A recurrent neural network designed to generate classical music. -| [Blocks](https://github.com/mila-udem/blocks) | 866 | A Theano framework for building and training neural networks. -| [TDB](https://github.com/ericjang/tdb) | 860 | Interactive, node-by-node debugging and visualization for TensorFlow. -| [Scikit Neural Net](https://github.com/aigamedev/scikit-neuralnetwork) | 849 | Deep neural networks without the learning cliff! Classifiers and regressors compatible with scikit-learn. -| [Veles](https://github.com/samsung/veles) | 760 | Distributed machine learning platform (Python, CUDA, OpenCL) -| [Deep Detect](https://github.com/beniz/deepdetect) | 759 | Deep Learning API and Server in C++11 with Python bindings and support for Caffe. -| [TensorFlow DeepQ](https://github.com/nivwusquorum/tensorflow-deepq) | 759 | A deep Q learning demonstration using Google Tensorflow. -| [Caffe on Spark](https://github.com/yahoo/CaffeOnSpark) | 724 | Caffe On Spark. -| [Nolearn](https://github.com/dnouri/nolearn) | 702 | Abstractions around neural net libraries, most notably Lasagne. -| [DCGAN TensorFlow](https://github.com/carpedm20/DCGAN-tensorflow) | 568 | A tensorflow implementation of Deep Convolutional Generative Adversarial Networks -| [MatConvNet](https://github.com/vlfeat/matconvnet)| 479 | MATLAB CNN toolbox for computer vision applications. -| [DeepCL](https://github.com/hughperkins/DeepCL)| 413 | OpenCL library to train deep convolutional neural networks. -| [Visual Search Server](https://github.com/AKSHAYUBHAT/VisualSearchServer)| 304 | Visual Search using Tensorflow inception model & Approximate Nearest Neighbors. +Project Name | Stars | Description | +------------ | -----:| ----------- | +[tensorflow](https://github.com/tensorflow/tensorflow) | 29931 | Computation using data flow graphs for scalable machine learning +[caffe](https://github.com/BVLC/caffe) | 11905 | Caffe: a fast open framework for deep learning. +[neural-style](https://github.com/jcjohnson/neural-style) | 10231 | Torch implementation of neural style algorithm +[deepdream](https://github.com/google/deepdream) | 9088 | +[keras](https://github.com/fchollet/keras) | 7590 | Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano or TensorFlow. +[RocAlphaGo](https://github.com/Rochester-NRT/RocAlphaGo) | 7193 | 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), details of which can be found on their website https://deepmind.com/publications.html. +[models](https://github.com/tensorflow/models) | 6757 | Models built with TensorFlow +[neural-doodle](https://github.com/alexjc/neural-doodle) | 6346 | 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.) +[CNTK](https://github.com/Microsoft/CNTK) | 5981 | Computational Network Toolkit (CNTK) +[TensorFlow-Examples](https://github.com/aymericdamien/TensorFlow-Examples) | 5962 | TensorFlow tutorials and code examples for beginners +[convnetjs](https://github.com/karpathy/convnetjs) | 5261 | Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser. +[torch7](https://github.com/torch/torch7) | 5157 | http://torch.ch +[openface](https://github.com/cmusatyalab/openface) | 4918 | Face recognition with deep neural networks. +[mxnet](https://github.com/dmlc/mxnet) | 4735 | Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more +[Theano](https://github.com/Theano/Theano) | 4314 | 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. +[leaf](https://github.com/autumnai/leaf) | 4289 | Open Machine Intelligence Framework for Hackers. (GPU/CPU) +[char-rnn](https://github.com/karpathy/char-rnn) | 3839 | Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch +[deeplearning4j](https://github.com/deeplearning4j/deeplearning4j) | 3721 | Deep Learning for Java, Scala & Clojure on Hadoop & Spark With GPUs - From Skymind +[neuraltalk](https://github.com/karpathy/neuraltalk) | 3703 | NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences. +[tflearn](https://github.com/tflearn/tflearn) | 3416 | Deep learning library featuring a higher-level API for TensorFlow. +[playground](https://github.com/tensorflow/playground) | 3378 | Play with neural networks! +[gym](https://github.com/openai/gym) | 3059 | A toolkit for developing and comparing reinforcement learning algorithms. +[magenta](https://github.com/tensorflow/magenta) | 2955 | Magenta: Music and Art Generation with Machine Intelligence +[colornet](https://github.com/pavelgonchar/colornet) | 2816 | Neural Network to colorize grayscale images +[synaptic](https://github.com/cazala/synaptic) | 2689 | architecture-free neural network library for node.js and the browser +[neuraltalk2](https://github.com/karpathy/neuraltalk2) | 2561 | Efficient Image Captioning code in Torch, runs on GPU +[image-analogies](https://github.com/awentzonline/image-analogies) | 2545 | Generate image analogies using neural matching and blending. +[tensorflow_tutorials](https://github.com/pkmital/tensorflow_tutorials) | 2447 | From the basics to slightly more interesting applications of Tensorflow +[Lasagne](https://github.com/Lasagne/Lasagne) | 2369 | Lightweight library to build and train neural networks in Theano +[pylearn2](https://github.com/lisa-lab/pylearn2) | 2157 | A Machine Learning library based on Theano +[neon](https://github.com/NervanaSystems/neon) | 2147 | Fast, scalable, easy-to-use Python based Deep Learning Framework by Nervana™ +[DeepLearningTutorials](https://github.com/lisa-lab/DeepLearningTutorials) | 2144 | Deep Learning Tutorial notes and code. See the wiki for more info. +[DeepLearnToolbox](https://github.com/rasmusbergpalm/DeepLearnToolbox) | 2036 | 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. +[DeepLearningFlappyBird](https://github.com/yenchenlin1994/DeepLearningFlappyBird) | 1730 | Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning). +[chainer](https://github.com/pfnet/chainer) | 1577 | A flexible framework of neural networks for deep learning +[neural-storyteller](https://github.com/ryankiros/neural-storyteller) | 1521 | A recurrent neural network for generating little stories about images +[DIGITS](https://github.com/NVIDIA/DIGITS) | 1368 | Deep Learning GPU Training System +[deepjazz](https://github.com/jisungk/deepjazz) | 1239 | Deep learning driven jazz generation using Keras & Theano! +[brainstorm](https://github.com/IDSIA/brainstorm) | 1146 | Fast, flexible and fun neural networks. +[darknet](https://github.com/pjreddie/darknet) | 950 | Convolutional Neural Networks +[Theano-Tutorials](https://github.com/Newmu/Theano-Tutorials) | 911 | Bare bones introduction to machine learning from linear regression to convolutional neural networks using Theano. +[biaxial-rnn-music-composition](https://github.com/hexahedria/biaxial-rnn-music-composition) | 907 | A recurrent neural network designed to generate classical music. +[blocks](https://github.com/mila-udem/blocks) | 868 | A Theano framework for building and training neural networks +[tdb](https://github.com/ericjang/tdb) | 868 | Interactive, node-by-node debugging and visualization for TensorFlow +[scikit-neuralnetwork](https://github.com/aigamedev/scikit-neuralnetwork) | 853 | Deep neural networks without the learning cliff! Classifiers and regressors compatible with scikit-learn. +[tensorflow-deepq](https://github.com/nivwusquorum/tensorflow-deepq) | 770 | A deep Q learning demonstration using Google Tensorflow +[veles](https://github.com/samsung/veles) | 761 | Distributed machine learning platform +[deepdetect](https://github.com/beniz/deepdetect) | 733 | Deep Learning API and Server in C++11 with Python bindings and support for Caffe and XGBoost +[CaffeOnSpark](https://github.com/yahoo/CaffeOnSpark) | 728 | +[nolearn](https://github.com/dnouri/nolearn) | 707 | Abstractions around neural net libraries, most notably Lasagne. +[DCGAN-tensorflow](https://github.com/carpedm20/DCGAN-tensorflow) | 593 | A tensorflow implementation of Deep Convolutional Generative Adversarial Networks +[matconvnet](https://github.com/vlfeat/matconvnet) | 482 | MatConvNet: CNNs for MATLAB +[DeepCL](https://github.com/hughperkins/DeepCL) | 419 | OpenCL library to train deep convolutional neural networks +[VisualSearchServer](https://github.com/AKSHAYUBHAT/VisualSearchServer) | 303 | A simple implementation of Visual Search using features extracted from Tensorflow inception model and Approximate Nearest Neighbors diff --git a/repos.yml b/repos.yml new file mode 100644 index 0000000..e787be1 --- /dev/null +++ b/repos.yml @@ -0,0 +1,55 @@ +--- +- AKSHAYUBHAT/VisualSearchServer +- BVLC/caffe +- IDSIA/brainstorm +- Lasagne/Lasagne +- Microsoft/CNTK +- NVIDIA/DIGITS +- NervanaSystems/neon +- Newmu/Theano-Tutorials +- Rochester-NRT/RocAlphaGo +- Theano/Theano +- aigamedev/scikit-neuralnetwork +- alexjc/neural-doodle +- autumnai/leaf +- awentzonline/image-analogies +- aymericdamien/TensorFlow-Examples +- beniz/deepdetect +- carpedm20/DCGAN-tensorflow +- cazala/synaptic +- cmusatyalab/openface +- deeplearning4j/deeplearning4j +- dmlc/mxnet +- dnouri/nolearn +- ericjang/tdb +- fchollet/keras +- google/deepdream +- hexahedria/biaxial-rnn-music-composition +- hughperkins/DeepCL +- jcjohnson/neural-style +- jisungk/deepjazz +- karpathy/char-rnn +- karpathy/convnetjs +- karpathy/neuraltalk +- karpathy/neuraltalk2 +- lisa-lab/DeepLearningTutorials +- lisa-lab/pylearn2 +- mila-udem/blocks +- nivwusquorum/tensorflow-deepq +- openai/gym +- pavelgonchar/colornet +- pfnet/chainer +- pjreddie/darknet +- pkmital/tensorflow_tutorials +- rasmusbergpalm/DeepLearnToolbox +- ryankiros/neural-storyteller +- samsung/veles +- tensorflow/magenta +- tensorflow/models +- tensorflow/playground +- tensorflow/tensorflow +- tflearn/tflearn +- torch/torch7 +- vlfeat/matconvnet +- yahoo/CaffeOnSpark +- yenchenlin1994/DeepLearningFlappyBird