1. 程式人生 > >【Deep Learning】Github上關注最多的53個深度學習專案

【Deep Learning】Github上關注最多的53個深度學習專案

Top Deep Learning Projects

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

Last Update: 2016.08.09

項 目 名 稱 Stars 專案介紹
TensorFlow 29622 使用資料流圖計算可擴充套件機器學習問題
Caffe 11799 Caffe是一個高效的開源深度學習框架
Neural Style 10148 Torch實現的神經網路演算法
Deep Dream 9042 Deep Dream,一款影象識別工具
Keras 7502 一款Python實現的深度學習庫,包括卷積神經網路、遞迴神經網路等。執行在Theano和TensorFlow之上。
Roc AlphaGo 7170 學生主導的一個獨立專案,從新實現了 DeepMind在2016 Nature發表的內容, 《用深度神經網路和樹搜尋學習圍棋》 (Nature 529, 484-489, 28 Jan 2016).
TensorFlow Models 6671 基於TensorFlow開發的模型
Neural Doodle 6275 運用深度神經網路將塗鴉變為優雅的藝術品,從照片生成無縫紋理,轉變圖片風格,進行基於例項的提升,等等…還有更多!(語義風格傳遞的實現)
CNTK 5957 計算網路工具(Computational Network Toolkit,CNTK)
TensorFlow Examples 5872 初學者的TensorFlow教程和程式碼示例。
ConvNet JS 5231 基於Javascript的深度學習庫。在瀏覽器中訓練卷積神經網路模型(或者普通模型)。
Torch 5133 Torch7,深度學習庫。
OpenFace 4855 基於深度學習網路的面部識別。
MXNet 4685 輕巧、便攜、靈活的分散式/移動深度學習框架,支援Python, R, Julia, Scala, Go, Javascript等等語言。
Nupic 4364 智慧計算的Numenta平臺:一個腦啟發式的計算智慧和機器智慧平臺,基於皮層學習演算法的生物精確神經網路模型。
Theano 4286 Theano 是一個 Python 庫,用來定義、優化和模擬數學表示式計算,用於高效的解決多維陣列的計算問題。
Leaf 4281 黑客的開源機器智慧框架。
Char RNN 3820 多層遞迴神經網路的字元級別語言模型,基於Torch開發。
Neural Talk 3694 NeuralTalk是一個Python+numpy專案,用多模式遞迴神經網路描述影象。
deeplearning4j 3673 基於Hadoop和Spark的Java, Scala & Clojure深度學習工具。
TFLearn 3368 深度學習庫,包括高層次的TensorFlow介面。
TensorFlow Playground 3352 神經網路模型示例。
OpenAI Gym 3020 一種用於開發和比較強化學習演算法的工具包。
Magenta 2914 Magenta: 音樂和藝術的生成與機器智慧
Colornet 2798 用神經網路模型給灰度圖上色。
Synaptic 2666 基於node.js和瀏覽器的免架構神經網路庫。
Neural Talk 2 2550 Torch開發的影象簡介生成程式碼,執行在GPU上。
Image Analogies 2540 使用神經匹配和融合生成相似圖形。
TensorFlow Tutorials 2413 Tensorflow,從基礎原理到應用。
Lasagne 2355 基於Theano訓練和構建神經網路的輕型函式庫。
PyLearn2 2153 基於Theano的機器學習庫。
LISA-lab Deep Learning Tutorials 2134 深度學習教程筆記和程式碼。詳情參見wiki頁面。
Neon 2121 Nervana™開發的一款快速、可擴充套件、易上手的Python深度學習框架.
Matlab Deep Learning Toolbox 2032 Matlab/Octave的深度學習工具箱。包括深度信念網路、自動編碼機、卷積神經網路、卷積自動編碼機和vanilla神經網路等。每種方法都有入門示例。
Deep Learning Flappy Bird 1721 使用深度強化學習破解Flappy Bird遊戲(深度 Q-學習).
Chainer 1573 一款靈活的深度學習神經網路框架。
Neural Story Teller 1514 看圖講故事的遞迴神經網路模型。
DIGITS 1353 深度學習GPU訓練系統。
Deep Jazz 1229 基於Keras和Theano生成jazz的深度學習模型!
Brainstorm 1143 快速、靈活、有趣的神經網路。
Darknet 937 C語言版本的開源神經網路。
Theano Tutorials 904 基於Theano的機器學習入門教程,從線性迴歸到卷積神經網路。
RNN Music Composition 904 一款生成古典音樂的遞迴神經網路工具。
Blocks 866 用於構建和訓練神經網路模型的Theano框架。
TDB 860 TensorFlow的互動式、節點除錯和視覺化的工具。
Scikit Neural Net 849 深度神經網路入門工具,類似scikit-learn的分類器和迴歸模型。
Veles 760 分散式機器學習平臺(Python, CUDA, OpenCL)
Deep Detect 759 基於C++11的深度學習介面和伺服器,與Python繫結並支援Caffe。
TensorFlow DeepQ 759 基於Google Tensorflow的深度Q學習演示。
Caffe on Spark 724 基於Spark的Caffe。
Nolearn 702 神經網路庫的抽象,著名的Lasagne。
DCGAN TensorFlow 568 基於tensorflow實現的深度卷積生成對抗網路。
DeepCL 413 用於訓練深度卷積神經網路模型的OpenCL庫。

> 英文原版

Project Name St ars Description
29622 Computation using data flow graphs for scalable machine learning.
Caffe 11799 Caffe: a fast open framework for deep learning.
10148 Torch implementation of neural style algorithm.
9042 Deep Dream.
Keras 7502 Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow.
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).
6671 Models built with TensorFlow
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 5957 Computational Network Toolkit (CNTK).
5872 TensorFlow tutorials and code examples for beginners.
5231 Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
Torch 5133 Torch7, Deep Learning Library.
4855 Face recognition with deep neural networks.
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.
Nupic 4364 Numenta Platform for Intelligent Computing: a brain-inspired machine intelligence platform, and biologically accurate neural network based on cortical learning algorithms.
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 4281 Open Machine Intelligence Framework for Hackers.
3820 Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch.
3694 NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
3673 Deep Learning for Java, Scala & Clojure on Hadoop, Spark.
3368 Deep learning library featuring a higher-level API for TensorFlow.
3020 A toolkit for developing and comparing reinforcement learning algorithms.
2914 Magenta: Music and Art Generation with Machine Intelligence
2798 Neural Network to colorize grayscale images.
2666 architecture-free neural network library for node.js and the browser
2550 Efficient Image Captioning code in Torch, runs on GPU.
2540 Generate image analogies using neural matching and blending.
2413 From the basics to slightly more interesting applications of Tensorflow.
2355 Lightweight library to build and train neural networks in Theano.
2153 A Machine Learning library based on Theano.
2134 Deep Learning Tutorial notes and code. See the wiki for more info.
Neon 2121 Fast, scalable, easy-to-use Python based Deep Learning Framework by Nervana™.
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.
1721 Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
1573 A flexible framework of neural networks for deep learning.
1514 A recurrent neural network for generating little stories about images.
1353 Deep Learning GPU Training System.
1229 Deep learning driven jazz generation using Keras & Theano!
1143 Fast, flexible and fun neural networks.
937 Open Source Neural Networks in C
904 Bare bones introduction to machine learning from linear regression to convolutional neural networks using Theano.
904 A recurrent neural network designed to generate classical music.
866 A Theano framework for building and training neural networks.
TDB 860 Interactive, node-by-node debugging and visualization for TensorFlow.
849 Deep neural networks without the learning cliff! Classifiers and regressors compatible with scikit-learn.
Veles 760 Distributed machine learning platform (Python, CUDA, OpenCL)
759 Deep Learning API and Server in C++11 with Python bindings and support for Caffe.
759 A deep Q learning demonstration using Google Tensorflow.
702 Abstractions around neural net libraries, most notably Lasagne.
568 A tensorflow implementation of Deep Convolutional Generative Adversarial Networks
479 MATLAB CNN toolbox for computer vision applications.
413 OpenCL library to train deep convolutional neural networks.