Content deleted Content added
→External links: + Popular Deep Learning Libraries (http://deep-learning.sg.tn/index.php/2-non-categorise/5-popular-deep-learning-libraries) |
uncategorize |
||
(24 intermediate revisions by 15 users not shown) | |||
Line 1:
This page lists resources that can be useful to the [[Comparison of deep learning software]] page.
==Deep learning software not yet covered==
* [https://github.com/dritchie/adnn adnn] – Javascript neural networks▼
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.
* [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▼
* [http://cs.stanford.edu/people/karpathy/convnetjs/ ConvNetJS] – Javascript library for training deep learning models entirely in a web browser▼
* Blocks[https://github.com/
* [[Caffe2]][https://caffe2.ai/] – 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/
* [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.▼
* [[Chainer]][https://chainer.org/] – Flexible neural network framework, adopting a "Define-by-run" scheme where the actual forward computation defines the network
* [https://github.com/hughperkins/DeepCL DeepCL] – OpenCL library to train deep convolutional networks, with APIs for C++, Python and the command line▼
* [
▲* [[ConvNetJS]][http://cs.stanford.edu/people/karpathy/convnetjs/
* [https://github.com/rasmusbergpalm/DeepLearnToolbox DeepLearnToolbox] – Matlab/Octave toolbox for deep learning (deprecated)▼
* [[List of neuroimaging software|Cortex]] – Theano-based deep learning toolbox for neuroimaging
* [http://niclane.org/pubs/deepx_ipsn.pdf DeepX] – Software accelerator for deep learning execution aimed towards mobile devices▼
* [[cuDNN]][https://
▲* [[CURRENNT]][https://sourceforge.net/projects/currennt/
* [https://github.com/amznlabs/amazon-dsstne DSSTNE] (Deep Scalable Sparse Tensor Network Engine) – [[Amazon.com|Amazon]] developed library for building deep learning models▼
* [[Darknet]][https://pjreddie.com/darknet/] - Darknet is an open source neural network framework written in C and CUDA, and supports CPU and GPU computation.
* [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▼
▲* [[DeepCL]][https://github.com/hughperkins/
* [https://www.gnu.org/software/gneuralnetwork/ GNU Gneural Network] – GNU package which implements a programmable neural network▼
* [[deeplearn.js]][https://pair-code.github.
* [[DeepLearningKit]][http://deeplearningkit.org/] – Open source deep learning framework for iOS, OS X and tvOS<ref>https://arxiv.org/pdf/1605.04614v1.pdf</ref>
▲* [[DeepLearnToolbox]][https://github.com/rasmusbergpalm/
▲* [[DeepX]][http://niclane.org/pubs/deepx_ipsn.pdf
* [[deepy]][https://github.com/
▲* [[DSSTNE]][https://github.com/amznlabs/amazon-dsstne
▲* [[Faster RNNLM (HS/NCE) toolkit]][https://github.com/yandex/faster-rnnlm
▲* [[GNU Gneural Network]][https://www.gnu.org/software/gneuralnetwork/
* [[IDLF]][https://github.com/01org/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://
* Leaf[https://github.com/autumnai/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>)
* [[MaTEx]][https://github.com/
▲* [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
* neon[https://github.com/
* Purine[https://github.com/
* [[Pylearn2]][http://deeplearning.net/software/pylearn2/
* [[scikit-neuralnetwork]][https://scikit-neuralnetwork.readthedocs.org/
* [[sklearn-theano]][https://github.com/
* [[Tensor Builder]][https://github.com/cgarciae/tensorbuilder
* [[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/] – Neural networks framework for the web browser, accelerated by WebGL
▲* [https://scikit-neuralnetwork.readthedocs.org/ scikit-neuralnetwork] – Multi-layer perceptrons as a wrapper for Pylearn2
* [[TF Learn (Scikit Flow)]][https://github.com/tensorflow/tensorflow/tree/master/tensorflow/contrib/learn/python/learn
* [[TF-Slim]][https://research.googleblog.com/2016/08/tf-slim-high-level-library-to-define.html
▲* [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/Ivaylo-Popov/Theano-Lights] – Deep learning research framework based on Theano
▲* [https://github.com/tensorflow/tensorflow/tree/master/tensorflow/contrib/learn/python/learn TF Learn (Scikit Flow)] – Simplified interface for TensorFlow
* [[tiny-dnn]][https://github.com/nyanp/tiny-dnn] – Header only, dependency-free deep learning framework in C++11
▲* [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
* [[torchnet]][https://github.com/torchnet/
* Veles[https://github.com/
▲* [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
* [[LSTMVis]][http://lstm.seas.harvard.edu/
* [[pastalog]][https://github.com/rewonc/
==References==
Line 64 ⟶ 67:
* [https://github.com/zer0n/deepframeworks/blob/master/README.md Evaluation of Deep Learning Toolkits], an evaluation of Caffe, CNTK, TensorFlow, Theano, and Torch with ratings on different aspects
* [https://www.youtube.com/watch?v=Vf_-OkqbwPo YouTube: CS231n Winter 2016: Lecture 12: Deep Learning libraries] – A comparison of Caffe, Torch, Theano and Tensorflow
* [http://blog.apcelent.com/most-popular-deep-learning-library-2015.html
* [http://www.infoworld.com/article/3026262/data-science/13-framewoks-for-mastering-machine-learning.html 13 frameworks for mastering machine learning]
* [
* [https://www.quora.com/What-is-the-best-deep-learning-library-at-the-current-stage-for-working-on-large-data What is the best deep learning library at the current stage for working on large data?]
* [https://github.com/josephmisiti/awesome-machine-learning Awesome Machine Learning] – A large list of machine learning frameworks, libraries and software by language
Line 74 ⟶ 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]
|