Talk:Comparison of deep learning software/Resources: Difference between revisions

Content deleted Content added
Deep learning software not yet covered: darknet is a collection of deep learning models written in c++ and cuda
uncategorize
 
(11 intermediate revisions by 8 users not shown)
Line 1:
{{Underlinked|date=March 2016}}
 
This page lists resources that can be useful to the [[Comparison of deep learning software]] page.
 
==Deep learning software not yet covered==
 
{{Expand list|date=April 2017}}
 
This is a list of deep learning software that is not listed on the [[Comparison of deep learning software|main page]] because they lack a Wikipedia article. If you would like to see any of these pieces of software listed there, you are welcome to create a Wikipedia article for it.
 
* [[adnn]][https://github.com/dritchie/adnn adnn] – Javascript neural networks
* Blocks[https://github.com/mila-udem/blocks Blocks] – Theano framework for building and training neural networks
* [[Caffe2]][https://caffe2.ai/ Caffe2] – Deep learning framework built on [[Caffe (software)|Caffe]], developed by [[Facebook]] in cooperation with [[NVIDIA]], [[Qualcomm]], [[Intel]], [[Amazon.com|Amazon]], and [[Microsoft]]<ref>https://caffe2.ai/blog/2017/04/18/caffe2-open-source-announcement.html</ref>
* [[CaffeOnSpark]][https://github.com/yahoo/CaffeOnSpark CaffeOnSpark] – Scalable deep learning package running Caffe on [[Apache Spark|Spark]] and [[Apache Hadoop|Hadoop]] clusters with [[peer-to-peer]] communication
* [[Chainer]][https://chainer.org/] – Flexible neural network framework, adopting a "Define-by-run" scheme where the actual forward computation defines the network
* [http[CNNLab]][https://arxiv.org/abs/1606.06234 CNNLab] – Deep learning framework using GPU and FPGA-based accelerators
* [[ConvNetJS]][http://cs.stanford.edu/people/karpathy/convnetjs/ ConvNetJS] – Javascript library for training deep learning models entirely in a web browser
* [https://github.com/rdevon/cortex[List of neuroimaging software|Cortex]] – Theano-based deep learning toolbox for neuroimaging
* [[cuDNN]][https://developer.nvidia.com/cudnn cuDNN] – Optimized deep learning computation primitives implemented in CUDA
* [[CURRENNT]][https://sourceforge.net/projects/currennt/ CURRENNT] – CUDA-accelerated toolkit for deep Long Short-Term Memory (LSTM) RNN architectures supporting large data sets not fitting into main memory.
* [[Darknet]][https://pjreddie.com/darknet/ Darknet] - Darknet is an open source neural network framework written in C and CUDA, and supports CPU and GPU computation.
* [https://github.com/hughperkins/DeepCL DeepCL] – OpenCL library to train deep convolutional networks, with APIs for C++, Python and the command line
* [[DeepCL]][https://pair-code.github.iocom/deeplearnjshughperkins/ deeplearn.jsDeepCL] – Hardware-acceleratedOpenCL library to train deep learningconvolutional librarynetworks, with APIs for C++, Python and the webcommand browserline
* [[deeplearn.js]][https://pair-code.github.io/deeplearnjs/] – Hardware-accelerated deep learning library for the web browser
* [[DeepLearningKit]][http://deeplearningkit.org/ DeepLearningKit] – Open source deep learning framework for iOS, OS X and tvOS<ref>httphttps://arxiv.org/pdf/1605.04614v1.pdf</ref>
* [https://github.com/rasmusbergpalm/DeepLearnToolbox DeepLearnToolbox] – Matlab/Octave toolbox for deep learning (deprecated)
* [http[DeepLearnToolbox]][https://niclanegithub.orgcom/pubsrasmusbergpalm/deepx_ipsn.pdf DeepXDeepLearnToolbox] – SoftwareMatlab/Octave acceleratortoolbox for deep learning execution aimed towards mobile devices(deprecated)
* [https[DeepX]][http://githubniclane.comorg/zomuxpubs/deepy deepydeepx_ipsn.pdf] – ExtensibleSoftware accelerator for deep learning framework basedexecution aimed towards onmobile Theanodevices
* [[deepy]][https://github.com/Ivaylo-Popovzomux/Theano-Lights Theano-Lightsdeepy] – DeepExtensible learningdeep researchlearning framework based on Theano
* [[DSSTNE]][https://github.com/amznlabs/amazon-dsstne DSSTNE] (Deep Scalable Sparse Tensor Network Engine) – [[Amazon.com|Amazon]] developed library for building deep learning models
* [[Faster RNNLM (HS/NCE) toolkit]][https://github.com/yandex/faster-rnnlm Faster RNNLM (HS/NCE) toolkit] – An rnnlm implementation for training on huge datasets and very large vocabularies and usage in real-world ASR and MT problems
* [[GNU Gneural Network]][https://www.gnu.org/software/gneuralnetwork/ GNU Gneural Network] – GNU package which implements a programmable neural network
* [[IDLF]][https://github.com/01org/idlf IDLF] – [[Intel]]® Deep Learning Framework; supports OpenCL (deprecated)
* Intel [[Math Kernel Library]] (Intel MKL),<ref>https://software.intel.com/en-us/articles/introducing-dnn-primitives-in-intelr-mkl</ref> library of optimized math routines, including optimized deep learning computation primitives
* Lasagne[http://keraslasagne.ioreadthedocs.org/en/latest/ Keras] – Deep LearningLightweight library forto Theanobuild and TensorFlowtrain neural networks in Theano
* Leaf[https://github.com/autumnai/leaf Leaf] – "The Hacker's Machine Learning Engine"; supports OpenCL (official development suspended<ref>{{cite web|author=Michael Hirn|url=https://medium.com/@mjhirn/tensorflow-wins-89b78b29aafb#.u5yveb1le|title=Tensorflow wins|date=9 May 2016|accessdate=17 August 2016|quote=... I will suspend the development of Leaf and focus on new ventures.}}</ref>)
* [http://lasagne.readthedocs.org/en/latest/ Lasagne] – Lightweight library to build and train neural networks in Theano
* [http[LightNet]][https://arxiv.org/abs/1605.02766 LightNet] – MATLAB-based environment for deep learning
* [https://github.com/autumnai/leaf Leaf] – "The Hacker's Machine Learning Engine"; supports OpenCL (official development suspended<ref>{{cite web|author=Michael Hirn|url=https://medium.com/@mjhirn/tensorflow-wins-89b78b29aafb#.u5yveb1le|title=Tensorflow wins|date=9 May 2016|accessdate=17 August 2016|quote=... I will suspend the development of Leaf and focus on new ventures.}}</ref>)
* [[MaTEx]][https://github.com/Samsungabhinavvishnu/veles Velesmatex] – Distributed machineTensorFlow learningwith platformMPI by [[SamsungPNNL]]
* [http://arxiv.org/abs/1605.02766 LightNet] – MATLAB-based environment for deep learning
* Mocha[https://github.com/pluskid/Mocha.jl] – Deep learning framework for [[Julia (programming language)|Julia]], inspired by Caffe
* [http://www.vlfeat.org/matconvnet/ MatConvNet] – CNNs for MATLAB
* neon[https://github.com/abhinavvishnuNervanaSystems/matex MaTExneon] – DistributedNervana's TensorFlowPython withbased MPIDeep byLearning [[PNNL]]framework
* Purine[https://github.com/pluskidpurine/Mocha.jl Mochapurine2] – DeepBi-graph based deep learning framework for [[Julia (programming language)|Julia]], inspired by Caffe<ref>https://arxiv.org/abs/1412.6249</ref>
* [[Pylearn2]][http://deeplearning.net/software/pylearn2/ Pylearn2] – Machine learning library mainly built on top of Theano
* [https://github.com/NervanaSystems/neon neon] – Nervana's Python based Deep Learning framework
* [[scikit-neuralnetwork]][https://scikit-neuralnetwork.readthedocs.org/ scikit-neuralnetwork] – Multi-layer perceptrons as a wrapper for Pylearn2
* [http://fr.mathworks.com/products/neural-network/ Neural Network Toolbox] – MATLAB toolbox for neural network creation, training and simulation
* [[sklearn-theano]][https://github.com/PaddlePaddlesklearn-theano/paddle PaddlePaddlesklearn-theano] – "PArallel Distributed Deep LEarning",Scikit-learn deepcompatible learningtools platformusing theano
* [[Tensor Builder]][https://github.com/cgarciae/tensorbuilder Tensor Builder] – Lightweight extensible library for easy creation of deep neural networks using functions from "any Tensor-based library" (requires TensorFlow) through an API based on the Builder Pattern
* [https://github.com/purine/purine2 Purine] – Bi-graph based deep learning framework<ref>https://arxiv.org/abs/1412.6249</ref>
* [[TensorGraph]][https://github.com/hycis/TensorGraph] – Framework for building any models based on TensorFlow
* [http://deeplearning.net/software/pylearn2/ Pylearn2] – Machine learning library mainly built on top of Theano
* [[TensorFire]][https://tenso.rs/ TensorFire] – Neural networks framework for the web browser, accelerated by WebGL
* [http://pytorch.org Pytorch] - Python based implementation of Torch API, allows for dynamic graph construction
* [[TF Learn (Scikit Flow)]][https://github.com/tensorflow/tensorflow/tree/master/tensorflow/contrib/learn/python/learn TF Learn (Scikit Flow)] – Simplified interface for TensorFlow
* [https://scikit-neuralnetwork.readthedocs.org/ scikit-neuralnetwork] – Multi-layer perceptrons as a wrapper for Pylearn2
* [[TF-Slim]][https://research.googleblog.com/2016/08/tf-slim-high-level-library-to-define.html TF-Slim] – High level library to define complex models in TensorFlow
* [https://github.com/sklearn-theano/sklearn-theano sklearn-theano] – Scikit-learn compatible tools using theano
* [[TFLearn]][http://tflearn.org/ TFLearn] – Deep learning library featuring a higher-level API for TensorFlow
* [https://github.com/cgarciae/tensorbuilder Tensor Builder] – Lightweight extensible library for easy creation of deep neural networks using functions from "any Tensor-based library" (requires TensorFlow) through an API based on the Builder Pattern
* [[Theano-Lights]][https://github.com/hycisIvaylo-Popov/TensorGraph TensorGraphTheano-Lights] – Framework forDeep buildinglearning anyresearch modelsframework based on TensorFlowTheano
* [[tiny-dnn]][https://github.com/nyanp/tiny-dnn tiny-dnn] – Header only, dependency-free deep learning framework in C++11
* [https://tenso.rs/ TensorFire] – Neural networks framework for the web browser, accelerated by WebGL
* [[torchnet]][https://github.com/torchnet/torchnet torchnet] – Torch framework providing a set of abstractions aiming at encouraging code re-use as well as encouraging modular programming<ref>https://code.facebook.com/posts/580706092103929</ref><ref>{{cite web|author1=Ronan Collobert|author2=Laurens van der Maaten|author3=Armand Joulin|title=Torchnet: An Open-Source Platform for (Deep) Learning Research|url=https://lvdmaaten.github.io/publications/papers/Torchnet_2016.pdf|publisher=Facebook AI Research|accessdate=24 June 2016}}</ref>
* [https://github.com/tensorflow/tensorflow/tree/master/tensorflow/contrib/learn/python/learn TF Learn (Scikit Flow)] – Simplified interface for TensorFlow
* Veles[https://github.com/Samsung/veles] – Distributed machine learning platform by [[Samsung]]
* [https://research.googleblog.com/2016/08/tf-slim-high-level-library-to-define.html TF-Slim] – High level library to define complex models in TensorFlow
* [http://tflearn.org/ TFLearn] – Deep learning library featuring a higher-level API for TensorFlow
* [https://github.com/Ivaylo-Popov/Theano-Lights Theano-Lights] – Deep learning research framework based on Theano
* [https://github.com/nyanp/tiny-dnn tiny-dnn] – Header only, dependency-free deep learning framework in C++11
* [https://github.com/torchnet/torchnet torchnet] – Torch framework providing a set of abstractions aiming at encouraging code re-use as well as encouraging modular programming<ref>https://code.facebook.com/posts/580706092103929</ref><ref>{{cite web|author1=Ronan Collobert|author2=Laurens van der Maaten|author3=Armand Joulin|title=Torchnet: An Open-Source Platform for (Deep) Learning Research|url=https://lvdmaaten.github.io/publications/papers/Torchnet_2016.pdf|publisher=Facebook AI Research|accessdate=24 June 2016}}</ref>
* [https://github.com/Samsung/veles Veles] – Distributed machine learning platform by [[Samsung]]
 
==Related software==
* [[Deep Visualization Toolbox]][https://github.com/yosinski/deep-visualization-toolbox Deep Visualization Toolbox]<ref>httphttps://arxiv.org/abs/1506.06579</ref><ref>http://yosinski.com/deepvis</ref> – Software tool for "probing" DNNs by feeding them image data and watching the reaction of every neuron, and for visualizing what a specific neuron "wants to see the most"
* [[LSTMVis]][http://lstm.seas.harvard.edu/ LSTMVis] – A visual analysis tool for recurrent neural networks
* [[pastalog]][https://github.com/rewonc/pastalog pastalog] – Simple, realtime visualization of neural network training performance
 
==References==
Line 84 ⟶ 77:
* [https://github.com/jtoy/awesome-tensorflow#libraries Awesome TensorFlow – Libraries]
* [http://deep-learning.sg.tn/index.php/2-non-categorise/5-popular-deep-learning-libraries Popular Deep Learning Libraries]
 
{{DEFAULTSORT:Comparison of deep learning software Resources}}
[[Category:Data mining and machine learning software]]