deep learning 源代码集锦

首先推荐几个deep learning工具箱


1. Hinton DBN code

这个不用说了,开山鼻祖Hinton的代码,下载链接:Hinton DBN coce。代码可读性一般,后面我会把我修改后的代码公布出来。

2. Deep learning toolbox

Mathworks上的代码,纯正Matlab代码,CNN部分写的不错,下载链接:DL Toolbox matlab

3. Covolutional DBN

Github项目主页:CDBN 


科研机构

1. 香港中文大学  http://mmlab.ie.cuhk.edu.hk/


Honglak Lee

Ph.D. in Computer Science, Stanford University, 2010 

1.  Convolutional deep belief networks for scalable unsupervised learning of hierarchical representations. [code]

2. Unsupervised feature learning for audio classification using convolutional deep belief networks. [code]


工具包:

1.Matlab Environment for Deep Architecture Learning (MEDAL) [code]

包含:

mlnn.m        -- Multi-layer neural network
mlcnn.m       -- Multi-layer convolutional neural network
rbm.m         -- Restricted Boltzmann machine (RBM)
mcrbm.m       -- Mean-covariance (3-way Factored) RBM
drbm.m        -- Dynamic/conditional RBM 
dbn.m         -- Deep Belief Network 
crbm.m        -- Convolutional RBM
ae.m          -- Shallow autoencoder 
dae.m         -- Deep Autoencoder 


2. DeepLearnLab [code] (包含RBM和CRBM)


3. Multimodal Learning with Deep Boltzmann Machines 多模态 [code]


Cuda-convnet

Hinton’s Group 发布的 toolbox,也是其NIPS2012工作的开发工具。 
用C++/CUDA实现的,非常高效。外壳是Python语言,通过简单的修改配置文件来制定网络结构,非常易于使用。Linux/Windows下均可成功编译运行。 
支持CNN的local结构,dropout。 
https://github.com/bitxiong/cuda-convnet

Caffe

Berkeley 视觉和学习组开发的 deeplearning 框架 
同样用C++/CUDA实现的,支持Python 和 Matlab 的外壳。Linux/Windows下均可成功编译运行 
不支持locally-connected covonlution layer 

https://github.com/BVLC/caffe


Convnet

Hinton’s Group最新发布Deeplearning toolbox,内核和 cuda-convnet 类似,最大的亮点是支持多GPU结构

https://github.com/TorontoDeepLearning/convnet


代码链接:

1. convolutionalRBM.m  [code]

A MATLAB / MEX / CUDA-MEX implementation ofConvolutional Restricted Boltzmann Machines.




Theano

http://deeplearning.net/software/theano/

code from: http://deeplearning.net/

 

Deep Learning Tutorial notes and code

https://github.com/lisa-lab/DeepLearningTutorials

code from: lisa-lab

 

A Matlab toolbox for Deep Learning

https://github.com/rasmusbergpalm/DeepLearnToolbox

code from: RasmusBerg Palm

 

deepmat

Matlab Code for Restricted/Deep BoltzmannMachines and Autoencoder

https://github.com/kyunghyuncho/deepmat

code from: KyungHyun Cho http://users.ics.aalto.fi/kcho/

 

Training a deep autoencoder or a classifieron MNIST digits

http://www.cs.toronto.edu/~hinton/MatlabForSciencePaper.html

code from: Ruslan Salakhutdinov and GeoffHinton

 

CNN - Convolutional neural network class

http://www.mathworks.cn/matlabcentral/fileexchange/24291

Code from: matlab

 

Neural Network for Recognition ofHandwritten Digits (CNN)

http://www.codeproject.com/Articles/16650/Neural-Network-for-Recognition-of-Handwritten-Digi

 

cuda-convnet

A fast C++/CUDA implementation ofconvolutional neural networks

http://code.google.com/p/cuda-convnet/

 

matrbm

a small library that can train RestrictedBoltzmann Machines, and also Deep Belief Networks of stacked RBM's.

http://code.google.com/p/matrbm/

code from: Andrej Karpathy

 

Exercise  from UFLDL Tutorial:

http://deeplearning.stanford.edu/wiki/index.php/UFLDL_Tutorial

and tornadomeet’s bolg: http://www.cnblogs.com/tornadomeet/tag/Deep%20Learning/

and https://github.com/dkyang/UFLDL-Tutorial-Exercise

 

Conditional Restricted Boltzmann Machines

http://www.cs.nyu.edu/~gwtaylor/publications/nips2006mhmublv/code.html

from Graham Taylor http://www.cs.nyu.edu/~gwtaylor/

 

Factored Conditional Restricted BoltzmannMachines

http://www.cs.nyu.edu/~gwtaylor/publications/icml2009/code/index.html

from Graham Taylor http://www.cs.nyu.edu/~gwtaylor/

 

Marginalized Stacked Denoising Autoencodersfor Domain Adaptation

http://www1.cse.wustl.edu/~mchen/code/mSDA.tar

code from: http://www.cse.wustl.edu/~kilian/code/code.html

 

Tiled Convolutional Neural Networks

http://cs.stanford.edu/~quocle/TCNNweb/pretraining.tar.gz

http://cs.stanford.edu/~pangwei/projects.html

 

tiny-cnn:

A C++11 implementation of convolutionalneural networks

https://github.com/nyanp/tiny-cnn

 

myCNN

https://github.com/aurofable/18551_Project/tree/master/server/2009-09-30-14-33-myCNN-0.07

 

Adaptive Deconvolutional Network Toolbox

http://www.matthewzeiler.com/software/DeconvNetToolbox2/DeconvNetToolbox.zip

http://www.matthewzeiler.com/

 

Deep Learning手写字符识别C++代码

http://download.csdn.net/detail/lucky_greenegg/5413211

from: http://blog.csdn.net/lucky_greenegg/article/details/8949578

 

convolutionalRBM.m

A MATLAB / MEX / CUDA-MEX implementation ofConvolutional Restricted Boltzmann Machines.

https://github.com/qipeng/convolutionalRBM.m

from: http://qipeng.me/software/convolutional-rbm.html

 

rbm-mnist

C++ 11 implementation of Geoff Hinton'sDeep Learning matlab code

https://github.com/jdeng/rbm-mnist

 

Learning Deep Boltzmann Machines

http://web.mit.edu/~rsalakhu/www/code_DBM/code_DBM.tar

http://web.mit.edu/~rsalakhu/www/DBM.html

Code provided by Ruslan Salakhutdinov

 

Efficient sparse coding algorithms

http://web.eecs.umich.edu/~honglak/softwares/fast_sc.tgz

http://web.eecs.umich.edu/~honglak/softwares/nips06-sparsecoding.htm

 

Linear Spatial Pyramid Matching UsingSparse Coding for Image Classification

http://www.ifp.illinois.edu/~jyang29/codes/CVPR09-ScSPM.rar

http://www.ifp.illinois.edu/~jyang29/ScSPM.htm

 

SPAMS

(SPArse Modeling Software) is anoptimization toolbox for solving various sparse estimation problems.

http://spams-devel.gforge.inria.fr/

 

sparsenet

Sparse coding simulation software

http://redwood.berkeley.edu/bruno/sparsenet/

 

fast dropout training

https://github.com/sidaw/fastdropout

http://nlp.stanford.edu/~sidaw/home/start

 

Deep Learning of Invariant Features viaSimulated Fixations in Video

http://ai.stanford.edu/~wzou/deepslow_release.tar.gz

http://ai.stanford.edu/~wzou/

 

Sparse filtering

http://cs.stanford.edu/~jngiam/papers/NgiamKohChenBhaskarNg2011_Supplementary.pdf

 

k-means

http://www.stanford.edu/~acoates/papers/kmeans_demo.tgz

 

others:

http://deeplearning.net/software_links/


  • 1
    点赞
  • 34
    收藏
    觉得还不错? 一键收藏
  • 10
    评论
图书可以从下面的链接下载 http://download.csdn.net/detail/u013003382/9832573 Deep Learning with Keras by Antonio Gulli English | 26 Apr. 2017 | ASIN: B06Y2YMRDW | 318 Pages | AZW3 | 10.56 MB Key Features Implement various deep-learning algorithms in Keras and see how deep-learning can be used in games See how various deep-learning models and practical use-cases can be implemented using Keras A practical, hands-on guide with real-world examples to give you a strong foundation in Keras Book Description This book starts by introducing you to supervised learning algorithms such as simple linear regression, the classical multilayer perceptron and more sophisticated deep convolutional networks. You will also explore image processing with recognition of hand written digit images, classification of images into different categories, and advanced objects recognition with related image annotations. An example of identification of salient points for face detection is also provided. Next you will be introduced to Recurrent Networks, which are optimized for processing sequence data such as text, audio or time series. Following that, you will learn about unsupervised learning algorithms such as Autoencoders and the very popular Generative Adversarial Networks (GAN). You will also explore non-traditional uses of neural networks as Style Transfer. Finally, you will look at Reinforcement Learning and its application to AI game playing, another popular direction of research and application of neural networks. What you will learn Optimize step-by-step functions on a large neural network using the Backpropagation Algorithm Fine-tune a neural network to improve the quality of results Use deep learning for image and audio processing Use Recursive Neural Tensor Networks (RNTNs) to outperform standard word embedding in special cases Identify problems for which Recurrent Neural Network (RNN) solutions are suitable Explore the process required to implement Autoencoders Evolve a deep neural network using reinforcement learning About the Author Antonio Gulli is a software executive and business leader with a passion for establishing and managing global technological talent, innovation, and execution. He is an expert in search engines, online services, machine learning, information retrieval, analytics, and cloud computing. So far, he has been lucky enough to gain professional experience in four different countries in Europe and managed people in six different countries in Europe and America. Antonio served as CEO, GM, CTO, VP, director, and site lead in multiple fields spanning from publishing (Elsevier) to consumer internet (Ask.com and Tiscali) and high-tech R&D (Microsoft and Google). Sujit Pal is a technology research director at Elsevier Labs, working on building intelligent systems around research content and metadata. His primary interests are information retrieval, ontologies, natural language processing, machine learning, and distributed processing. He is currently working on image classification and similarity using deep learning models. Prior to this, he worked in the consumer healthcare industry, where he helped build ontology-backed semantic search, contextual advertising, and EMR data processing platforms. He writes about technology on his blog at Salmon Run. Table of Contents Neural Networks Foundations Keras Installation and API Deep Learning with ConvNets Generative Adversarial Networks and WaveNet Word Embeddings Recurrent Neural Network — RNN Additional Deep Learning Models AI Game Playing Conclusion
要在 Windows 上安装 Deeplearning4j,你需要遵循以下步骤: 1. 安装 Java:Deeplearning4j 是一个基于 Java 的深度学习框架,因此你需要先安装 Java。你可以从 Oracle 官网下载最新版本的 Java。 2. 安装 Maven:Maven 是一个 Java 项目管理工具,你需要在 Windows 上安装 Maven,以便从源代码构建 Deeplearning4j。你可以从 Maven 官网下载最新版本的 Maven。 3. 安装 Git:你需要在 Windows 上安装 Git,以便从 Deeplearning4j 的 GitHub 存储库中获取源代码。你可以从 Git 官网下载最新版本的 Git。 4. 克隆 Deeplearning4j 存储库:打开命令提示符,使用 Git 克隆 Deeplearning4j 存储库。输入以下命令: ``` git clone https://github.com/eclipse/deeplearning4j.git ``` 5. 构建 Deeplearning4j:在命令提示符中导航到 Deeplearning4j 存储库,并使用 Maven 构建 Deeplearning4j。输入以下命令: ``` cd deeplearning4j mvn clean install -DskipTests ``` 构建过程可能需要几分钟时间,具体取决于你的计算机性能和网络速度。 6. 安装 Deeplearning4j:构建完成后,在 Deeplearning4j 存储库的目录下,你将找到一个名为“deeplearning4j-distribution”的目录。在该目录下,你将找到一个名为“deeplearning4j-版本号-bin.zip”的文件,其中“版本号”是 Deeplearning4j 的版本号。解压缩该文件并安装 Deeplearning4j。 完成以上步骤后,你就可以在 Windows 上使用 Deeplearning4j 进行深度学习了。

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

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

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值