【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项目介绍
TensorFlow29622使用数据流图计算可扩展机器学习问题
Caffe11799Caffe是一个高效的开源深度学习框架
Neural Style10148Torch实现的神经网络算法
Deep Dream9042Deep Dream,一款图像识别工具
Keras7502一款Python实现的深度学习库,包括卷积神经网络、递归神经网络等。运行在Theano和TensorFlow之上。
Roc AlphaGo7170学生主导的一个独立项目,从新实现了 DeepMind在2016 Nature发表的内容, 《用深度神经网络和树搜索学习围棋》 (Nature 529, 484-489, 28 Jan 2016).
TensorFlow Models6671基于TensorFlow开发的模型
Neural Doodle6275运用深度神经网络将涂鸦变为优雅的艺术品,从照片生成无缝纹理,转变图片风格,进行基于实例的提升,等等…还有更多!(语义风格传递的实现)
CNTK5957计算网络工具(Computational Network Toolkit,CNTK)
TensorFlow Examples5872初学者的TensorFlow教程和代码示例。
ConvNet JS5231基于Javascript的深度学习库。在浏览器中训练卷积神经网络模型(或者普通模型)。
Torch5133Torch7,深度学习库。
OpenFace4855基于深度学习网络的面部识别。
MXNet4685轻巧、便携、灵活的分布式/移动深度学习框架,支持Python, R, Julia, Scala, Go, Javascript等等语言。
Nupic4364智能计算的Numenta平台:一个脑启发式的计算智能和机器智能平台,基于皮层学习算法的生物精确神经网络模型。
Theano4286Theano 是一个 Python 库,用来定义、优化和模拟数学表达式计算,用于高效的解决多维数组的计算问题。
Leaf4281黑客的开源机器智能框架。
Char RNN3820多层递归神经网络的字符级别语言模型,基于Torch开发。
Neural Talk3694NeuralTalk是一个Python+numpy项目,用多模式递归神经网络描述图像。
deeplearning4j3673基于Hadoop和Spark的Java, Scala & Clojure深度学习工具。
TFLearn3368深度学习库,包括高层次的TensorFlow接口。
TensorFlow Playground3352神经网络模型示例。
OpenAI Gym3020一种用于开发和比较强化学习算法的工具包。
Magenta2914Magenta: 音乐和艺术的生成与机器智能
Colornet2798用神经网络模型给灰度图上色。
Synaptic2666基于node.js和浏览器的免架构神经网络库。
Neural Talk 22550Torch开发的图像简介生成代码,运行在GPU上。
Image Analogies2540使用神经匹配和融合生成相似图形。
TensorFlow Tutorials2413Tensorflow,从基础原理到应用。
Lasagne2355基于Theano训练和构建神经网络的轻型函数库。
PyLearn22153基于Theano的机器学习库。
LISA-lab Deep Learning Tutorials2134深度学习教程笔记和代码。详情参见wiki页面。
Neon2121Nervana™开发的一款快速、可扩展、易上手的Python深度学习框架.
Matlab Deep Learning Toolbox2032Matlab/Octave的深度学习工具箱。包括深度信念网络、自动编码机、卷积神经网络、卷积自动编码机和vanilla神经网络等。每种方法都有入门示例。
Deep Learning Flappy Bird1721使用深度强化学习破解Flappy Bird游戏(深度 Q-学习).
Chainer1573一款灵活的深度学习神经网络框架。
Neural Story Teller1514看图讲故事的递归神经网络模型。
DIGITS1353深度学习GPU训练系统。
Deep Jazz1229基于Keras和Theano生成jazz的深度学习模型!
Brainstorm1143快速、灵活、有趣的神经网络。
Darknet937C语言版本的开源神经网络。
Theano Tutorials904基于Theano的机器学习入门教程,从线性回归到卷积神经网络。
RNN Music Composition904一款生成古典音乐的递归神经网络工具。
Blocks866用于构建和训练神经网络模型的Theano框架。
TDB860TensorFlow的交互式、节点调试和可视化的工具。
Scikit Neural Net849深度神经网络入门工具,类似scikit-learn的分类器和回归模型。
Veles760分布式机器学习平台(Python, CUDA, OpenCL)
Deep Detect759基于C++11的深度学习接口和服务器,与Python绑定并支持Caffe。
TensorFlow DeepQ759基于Google Tensorflow的深度Q学习演示。
Caffe on Spark724基于Spark的Caffe。
Nolearn702神经网络库的抽象,著名的Lasagne。
DCGAN TensorFlow568基于tensorflow实现的深度卷积生成对抗网络。
DeepCL413用于训练深度卷积神经网络模型的OpenCL库。



> 英文原版
Project NameSt arsDescription
TensorFlow29622Computation using data flow graphs for scalable machine learning.
Caffe11799Caffe: a fast open framework for deep learning.
Neural Style10148Torch implementation of neural style algorithm.
Deep Dream9042Deep Dream.
Keras7502Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow.
Roc AlphaGo7170An 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 Models6671Models built with TensorFlow
Neural Doodle6275Turn 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.)
CNTK5957Computational Network Toolkit (CNTK).
TensorFlow Examples5872TensorFlow tutorials and code examples for beginners.
ConvNet JS5231Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
Torch5133Torch7, Deep Learning Library.
OpenFace4855Face recognition with deep neural networks.
MXNet4685Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more.
Nupic4364Numenta Platform for Intelligent Computing: a brain-inspired machine intelligence platform, and biologically accurate neural network based on cortical learning algorithms.
Theano4286Theano 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.
Leaf4281Open Machine Intelligence Framework for Hackers.
Char RNN3820Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch.
Neural Talk3694NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
deeplearning4j3673Deep Learning for Java, Scala & Clojure on Hadoop, Spark.
TFLearn3368Deep learning library featuring a higher-level API for TensorFlow.
TensorFlow Playground3352Play with neural networks!
OpenAI Gym3020A toolkit for developing and comparing reinforcement learning algorithms.
Magenta2914Magenta: Music and Art Generation with Machine Intelligence
Colornet2798Neural Network to colorize grayscale images.
Synaptic2666architecture-free neural network library for node.js and the browser
Neural Talk 22550Efficient Image Captioning code in Torch, runs on GPU.
Image Analogies2540Generate image analogies using neural matching and blending.
TensorFlow Tutorials2413From the basics to slightly more interesting applications of Tensorflow.
Lasagne2355Lightweight library to build and train neural networks in Theano.
PyLearn22153A Machine Learning library based on Theano.
LISA-lab Deep Learning Tutorials2134Deep Learning Tutorial notes and code. See the wiki for more info.
Neon2121Fast, scalable, easy-to-use Python based Deep Learning Framework by Nervana™.
Matlab Deep Learning Toolbox2032Matlab/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 Bird1721Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
Chainer1573A flexible framework of neural networks for deep learning.
Neural Story Teller1514A recurrent neural network for generating little stories about images.
DIGITS1353Deep Learning GPU Training System.
Deep Jazz1229Deep learning driven jazz generation using Keras & Theano!
Brainstorm1143Fast, flexible and fun neural networks.
Darknet937Open Source Neural Networks in C
Theano Tutorials904Bare bones introduction to machine learning from linear regression to convolutional neural networks using Theano.
RNN Music Composition904A recurrent neural network designed to generate classical music.
Blocks866A Theano framework for building and training neural networks.
TDB860Interactive, node-by-node debugging and visualization for TensorFlow.
Scikit Neural Net849Deep neural networks without the learning cliff! Classifiers and regressors compatible with scikit-learn.
Veles760Distributed machine learning platform (Python, CUDA, OpenCL)
Deep Detect759Deep Learning API and Server in C++11 with Python bindings and support for Caffe.
TensorFlow DeepQ759A deep Q learning demonstration using Google Tensorflow.
Caffe on Spark724Caffe On Spark.
Nolearn702Abstractions around neural net libraries, most notably Lasagne.
DCGAN TensorFlow568A tensorflow implementation of Deep Convolutional Generative Adversarial Networks
MatConvNet479MATLAB CNN toolbox for computer vision applications.
DeepCL413OpenCL library to train deep convolutional neural networks.


来源:Top Deep Learning Projects

  • 3
    点赞
  • 29
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值