SlideShare a Scribd company logo
1 of 34
Download to read offline
Deep Learning - Concepts & Frameworks
Peter Morgan – Data Science Partnership
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 1
Contents
• Deep Learning Concepts ………….3
• Deep Learning Frameworks …..26
• Specific Frameworks ………..……30
• Comparison …………………………..33
• Questions ………………………………34
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 2
Overview - Concepts not Code
No Maths No Code
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 3
Frameworks - The Big Picture
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 4
AI Frameworks
Cognitive
Architectures
ML Frameworks
Supervised,
Unsupervised &
Reinforcement
Deep Learning
Frameworks
Neural Nets
What is Deep learning?
• Deep learning refers to algorithms based on artificial neural networks (ANNs),
which in turn are based on biological neural networks (BNN), such as the human
brain.
• In practice it consists of mulitple layers, nodes, weights and optimisation
algorithms
• Due to more labeled data, more compute power, better optimization algorithms,
and better neural net models and architectures, deep learning has started to
supersede humans when it comes to image recognition and classification.
• Work is being done to obtain similar levels of performance in natural language
processing and understanding.
• Deep learning applies to supervised, unsupervised and reinforcement learning.
• According to Jeff Dean in a recent interview, Google have implemented DL in
over one hundred of their products and services including search and photos.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 5
Deep Learning Evolution
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 6
Deep Learning Concepts
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 7
Data Sets
• Raw data input into the neural network can originate from any environmental source.
• It can be recorded and stored in a database (e.g., text, images, audio, video) or live
(incident directly from the environment), so called streaming data.
• Examples of recorded data sets include the MNIST and Labeled Faces in the Wild
(LFW).
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 8
MNIST LFW
Multilayer Perceptron (MLP)
• A MLP is a feedforward artificial neural network model that maps sets of input data onto a set of
appropriate outputs (Rosenblatt, 1958).
• An MLP consists of multiple layers of nodes with each layer fully connected to the next one.
• Except for the input nodes, each node is a neuron (or processing element) with a nonlinear
activation function.
• MLP utilizes a supervised learning technique called backpropagation for training the network.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 9
Layers and Nodes
• Layers
• A neural network is made up of layers of nodes.
• There is an input (visible) layer, an output (classification) layer, and several hidden layers.
• A typical NN may have between 10 and 30 layers, but sometimes many more.
• Every layer of a deep learning network requires four elements: the input (vector), the weights
(matrix), a bias and the transform (activation function).
• Nodes
• Nodes in a neural network represent the places where calculations are done.
• At each node, the input values xi are multiplied by a weight wi, summed, added to a bias b, and
fed into an activation function.
• A decision is then made whether to transmit the resultant value depending on if it exceeds a
certain threshold value or not.
• For example, images from the MNIST data set have 784 pixels, so neural nets processing them
must have 784 input nodes, one per pixel.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 10
Weights & Softmax
• Weights
• Coefficients that amplify or mute the input signal coming into each node.
• They are assigned initial values which can be random or chosen based
upon some insight.
• A NN can be represented by its weight matrix along with its activation
functions.
• Softmax
• The softmax function, or normalized exponential, is a generalization of the
sigmoid logistic function.
• In neural network simulations, the softmax function is often implemented
at the final layer of a network used for classification.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 11
Activation Function
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 12
• One of a set of functions that determine the threshold at each node above which a
signal is passed through the node, and below which it is blocked.
• Activation functions normalize input from a previous layer to a value between -1
and 1 to ensure an output layer probability of between 0 and 1.
• Functions that achieve this include the logistic, sigmoid, tanh and ReLU functions.
Optimization and Overfitting
• Optimization
• Refers to the manner by which a neural net minimizes error as it
adjusts its coefficients (weights) step by step.
• L-BFGS is one such algorithm.
• Overfitting
• Overfitting is where too many parameters are used in the model
constructed to fit the data which leads to poor predictive power of
the model.
• Regularisation, cross-validation and dropout are all methods used to
address this problem.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 13
Regularisation and Cross-validation
• Both techniques are used to prevent overfitting
• Regularisation
• Regularisation refers to a process of introducing additional information in order to
prevent overfitting.
• It penalizes models with extreme parameter values by introducing a factor which weights
the penalty against more complex models with an increasing variance in the data errors.
• Cross-validation
• Cross-validation combines sampling sets to correct for overfitting and derive a more
accurate estimate of model prediction performance.
• One round of cross-validation involves partitioning a sample of data into complementary
subsets, performing the analysis on one subset (called the training set), and validating
the analysis on the other subset (called the validation set or testing set).
• To reduce variability, multiple rounds of cross-validation are performed using different
partitions, and the validation results are averaged over the rounds.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 14
Feed Forward Networks
• The feedforward neural network was the first and simplest type of artificial neural
network devised.
• In this network, the information moves in only one direction, forward, from the
input nodes, through the hidden nodes and to the output nodes.
• There are no cycles or feedback loops in the network.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 15
Support Vector Machines (SVM)
• Support vector machines are supervised learning algorithms that analyze data
and recognize patterns, in order to classify data points (Vapnik, 1979).
• Given a set of training examples, each marked for belonging to one of two
categories, an SVM training algorithm builds a model that assigns new examples
into one category or the other – it is a linear classifier.
• Recently SVM’s have been usurped by the success of deep learning algorithms.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 16
Stochastic Gradient Descent
• Stochastic gradient descent is a popular algorithm for training a wide range of models
in machine learning, including support vector machines and logistic regression.
• When combined with the backpropagation algorithm, it is the de facto standard
algorithm for training artificial neural networks.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 17
Back Propagation
• Backpropagation is a common method of training artificial neural networks used in conjunction
with an optimization method such as gradient descent.
• The method calculates the gradient of a loss function with respect to all the weights in the
network.
• The gradient is fed to the optimization method which in turn uses it to update the weights, in an
attempt to minimize the loss function.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 18
Markov Models
• Markov Model
• A Markov model is a stochastic (probabilistic) model used to model
randomly changing systems where it is assumed that future states depend
only on the present state and not on the sequence of events that preceded
it.
• Markov Chain
• Markov Chains are essentially logical circuits that connect two or more
states via probabilities.
• Markov Chains are sequential. Their purpose is to give you a good idea,
given one state, of what the next state will be.
• Use cases include natural language processing (NLP) and stock price
trading.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 19
Hidden Markov Model
• An HMM is a statistical Markov model in which the system being modeled is
assumed to be a Markov process with unobserved (hidden) states.
• A HMM can be presented as the simplest dynamic Bayesian network.
• They are used in time series prediction, e.g., in language analysis.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 20
Restricted Boltzmann Machines & Autoencoders
• Restricted Boltzmann Machines (RBM)
• Invented by Geoff Hinton (1999) at the University of Toronto, RBMs are shallow, two-
layer neural nets consisting of an input layer and a hidden layer.
• They constitute the building blocks of deep neural networks - a deep learning network is
simply many restricted Boltzmann machines stacked on top of one another.
• Nodes are connected to each other across layers, but have the restriction that no two
nodes of the same layer are linked.
• Autoencoder
• An autoencoder is an ANN used for learning efficient codings.
• The aim of an autoencoder is to learn a compressed, distributed representation
(encoding) for a set of data, typically for the purpose of dimensionality reduction.
• In an autoencoder, the output layer has equally many nodes as the input layer, and
instead of training it to predict some target value y given inputs x, an autoencoder is
trained to reconstruct its own inputs x.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 21
Max Pooling and Cost Functions
• Max Pooling
• In CNN’s, max-pooling partitions the input image into a set of non-overlapping rectangles and, for
each such sub-region, outputs the maximum value.
• Loss Function
• A loss function or cost function is a function that maps an event or values of one or more variables
onto a real number intuitively representing some "cost" associated with the event.
• The opposite of a loss function is called a reward function, or utility function.
• Dropout
The dropout method is introduced to prevent overfitting.
• At each training stage, individual nodes are either "dropped out" of the net with probability 1-p or
kept with probability p, so that a reduced network is left.
• By avoiding training all nodes on all the training data, dropout decreases overfitting in neural nets.
• The method also significantly improves the speed of training.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 22
Convolutional Neural Networks
• First developed in 1970’s.
• Widely used for image recognition and classification.
• Inspired by biological processes, CNN’s are a type of feed-forward ANN.
• The individual neurons are tiled in such a way that they respond to overlapping
regions in the visual field.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 23
Recurrent Neural Networks
• First developed in 1970’s.
• RNN’s are neural networks that are used to predict the next element in a
sequence or time series.
• This could be, for example, words in a sentence or letters in a word.
• Applications include predicting or generating music, stories, news, code, financial
instrument pricing, text, speech, in fact the next element in any event stream.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 24
LSTM and NTM
• Long Short Term Memory (LSTM)
• LSTM is an RNN architecture that contains blocks that can remember a value for an
arbitrary length of time.
• It solves the vanishing or exploding gradient problem when calculating back propagation.
• An LSTM network is universal in the sense that given enough network units it can
compute anything a conventional computer can compute, provided it has the proper
weight matrix.
• LSTM outperforms alternative RNNs and Hidden Markov Models and other sequence
learning methods in numerous applications, e.g., in handwriting recognition, speech
recognition and music composition.
• Neural Turing Machines (NTM)
• NTMs are a method of extending the capabilities of recurrent neural networks by
coupling them to external memory resources.
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 25
Deep Learning Frameworks
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 26
Framework = Toolkit = Library
Deep Learning Frameworks
• Apache SINGA
• Brainstorm
• Caffe
• Chainer
• CNTK (Microsoft)
• DL4J
• DMLC
• Fbcunn (Facebook)
• Lasagne
• Minerva
• Mocha.jl (Julia)
• MXnet
• Neon (Nervana)
• Purine
• Tensorflow (Google)
• Theano
• Torch
• Warp-CTC (Baidu)
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 27
Deep Learning Frameworks (cont)
• Brain (Javascript)
• Cudamat
• Deep Learning Framework (Intel)
• Deepnet
• Hebel
• Infer.NET
• Keras
• Leaf
• MLPNeuralNet
• Neural Network Toolbox
(MatLab)
• Neuraltalk
• Neurolab
• OpenDeep
• PyBrain
• Swift-AI
• VELES (Samsung)
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 28
Some Specific DL Libraries
• ANN
• Brainstorm
• clab/cnn
• DeepHear (music composition)
• DoctorTeeth/diffmem
• miloharper/neural-network-animation
• CNN
• ConvNetJS
• Marvin
• MatConvNet
• RNN
• awesome-rnn
• karpathy/char-rnn
• karpathy/neuraltalk2
• wojciechz/learning_to_execute
• LSTM
• dl4j-0.4 Graves LTSM
• github.nicodjimenez/lstm
• Russell91/LSTMSummation
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 29
TensorFlow
• TensorFlow is the newly (Nov 2015) open sourced deep learning library
from Google.
• It is their second generation system for the implementation and
deployment of large-scale machine learning models.
• Written in C++ with a python interface, it is borne from research and
deploying machine learning projects throughout a wide range of
Google products and services.
• Initially TF ran only on a single node (your laptop, say), but Google have
recently released a version that now runs on a cluster.
• https://www.tensorflow.org/
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 30
Torch
• First released in 2000, with over 50,000 downloads, company users
include Google, Facebook, Twitter.
• The goal of Torch is to have maximum flexibility and speed in building
scientific algorithms while making the process extremely simple.
• Torch is a neural network library written in Lua with a C/CUDA
interface originally developed by a team from the Swiss institute EPFL.
• At the heart of Torch are popular neural network and optimization
libraries which are simple to use, while being flexible in implementing
different complex neural network topologies.
• http://torch.ch/
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 31
Theano
• Theano is a deep learning library written in python and popular for its
ease of use.
• Using Theano, it is possible to attain speeds rivalling hand-crafted C
implementations for problems involving large amounts of data.
• Theano has been powering large-scale computationally intensive
scientific investigations since 2007
• Supports CuDNN v3
• http://deeplearning.net/software/theano/
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 32
DL Framework Comparison
• The most common metrics we can use to compare these deep learning frameworks are:
• Speed of execution
• Ease of use
• Languages used (core and front end)
• Resources (CPU and memory capacity) needed in order to run the various algorithms
• GPU support
• Size of active community of users
• Contributors and committers
• Platforms supported (e.g., OS, single devices and/or distributed systems)
• Algorithmic support
• Number of packages in their library
• For example, various benchmarks and comparisons are available here:
https://github.com/soumith/convnet-benchmarks
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 33
Questions?
Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 34
www.datasciencepartnership.com
@insight_ai

More Related Content

What's hot

Interfacing stepper motor
Interfacing stepper motorInterfacing stepper motor
Interfacing stepper motorPRADEEP
 
Virtual memory
Virtual memoryVirtual memory
Virtual memoryAnuj Modi
 
SPEECH RECOGNITION USING NEURAL NETWORK
SPEECH RECOGNITION USING NEURAL NETWORK SPEECH RECOGNITION USING NEURAL NETWORK
SPEECH RECOGNITION USING NEURAL NETWORK Kamonasish Hore
 
Global state recording in Distributed Systems
Global state recording in Distributed SystemsGlobal state recording in Distributed Systems
Global state recording in Distributed SystemsArsnet
 
Timer And Counter in 8051 Microcontroller
Timer And Counter in 8051 MicrocontrollerTimer And Counter in 8051 Microcontroller
Timer And Counter in 8051 MicrocontrollerJay Makwana
 
PAI Unit 2 Segmentation in 80386 microprocessor
PAI Unit 2 Segmentation in 80386 microprocessorPAI Unit 2 Segmentation in 80386 microprocessor
PAI Unit 2 Segmentation in 80386 microprocessorKanchanPatil34
 
Congestion avoidance in TCP
Congestion avoidance in TCPCongestion avoidance in TCP
Congestion avoidance in TCPselvakumar_b1985
 
speech processing basics
speech processing basicsspeech processing basics
speech processing basicssivakumar m
 
Time series predictions using LSTMs
Time series predictions using LSTMsTime series predictions using LSTMs
Time series predictions using LSTMsSetu Chokshi
 
Assembly language programming_fundamentals 8086
Assembly language programming_fundamentals 8086Assembly language programming_fundamentals 8086
Assembly language programming_fundamentals 8086Shehrevar Davierwala
 
Unit 4 memory system
Unit 4   memory systemUnit 4   memory system
Unit 4 memory systemchidabdu
 
Sequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learningSequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learningRoberto Pereira Silveira
 
Multithreading computer architecture
 Multithreading computer architecture  Multithreading computer architecture
Multithreading computer architecture Haris456
 
basic computer programming and micro programmed control
basic computer programming and micro programmed controlbasic computer programming and micro programmed control
basic computer programming and micro programmed controlRai University
 
Simple Introduction to AutoEncoder
Simple Introduction to AutoEncoderSimple Introduction to AutoEncoder
Simple Introduction to AutoEncoderJun Lang
 

What's hot (20)

Interfacing stepper motor
Interfacing stepper motorInterfacing stepper motor
Interfacing stepper motor
 
Virtual memory
Virtual memoryVirtual memory
Virtual memory
 
RTL
RTLRTL
RTL
 
SPEECH RECOGNITION USING NEURAL NETWORK
SPEECH RECOGNITION USING NEURAL NETWORK SPEECH RECOGNITION USING NEURAL NETWORK
SPEECH RECOGNITION USING NEURAL NETWORK
 
Global state recording in Distributed Systems
Global state recording in Distributed SystemsGlobal state recording in Distributed Systems
Global state recording in Distributed Systems
 
Speech processing
Speech processingSpeech processing
Speech processing
 
Timer And Counter in 8051 Microcontroller
Timer And Counter in 8051 MicrocontrollerTimer And Counter in 8051 Microcontroller
Timer And Counter in 8051 Microcontroller
 
PAI Unit 2 Segmentation in 80386 microprocessor
PAI Unit 2 Segmentation in 80386 microprocessorPAI Unit 2 Segmentation in 80386 microprocessor
PAI Unit 2 Segmentation in 80386 microprocessor
 
80386 Architecture
80386 Architecture80386 Architecture
80386 Architecture
 
Congestion avoidance in TCP
Congestion avoidance in TCPCongestion avoidance in TCP
Congestion avoidance in TCP
 
8255 PPI
8255 PPI8255 PPI
8255 PPI
 
speech processing basics
speech processing basicsspeech processing basics
speech processing basics
 
Time series predictions using LSTMs
Time series predictions using LSTMsTime series predictions using LSTMs
Time series predictions using LSTMs
 
NLP CHEAT SHEET.pdf
NLP CHEAT SHEET.pdfNLP CHEAT SHEET.pdf
NLP CHEAT SHEET.pdf
 
Assembly language programming_fundamentals 8086
Assembly language programming_fundamentals 8086Assembly language programming_fundamentals 8086
Assembly language programming_fundamentals 8086
 
Unit 4 memory system
Unit 4   memory systemUnit 4   memory system
Unit 4 memory system
 
Sequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learningSequence to sequence (encoder-decoder) learning
Sequence to sequence (encoder-decoder) learning
 
Multithreading computer architecture
 Multithreading computer architecture  Multithreading computer architecture
Multithreading computer architecture
 
basic computer programming and micro programmed control
basic computer programming and micro programmed controlbasic computer programming and micro programmed control
basic computer programming and micro programmed control
 
Simple Introduction to AutoEncoder
Simple Introduction to AutoEncoderSimple Introduction to AutoEncoder
Simple Introduction to AutoEncoder
 

Viewers also liked

Fundamental of deep learning
Fundamental of deep learningFundamental of deep learning
Fundamental of deep learningStanley Wang
 
Differences of Deep Learning Frameworks
Differences of Deep Learning FrameworksDifferences of Deep Learning Frameworks
Differences of Deep Learning FrameworksSeiya Tokui
 
Sparql a simple knowledge query
Sparql  a simple knowledge querySparql  a simple knowledge query
Sparql a simple knowledge queryStanley Wang
 
Practical deepllearningv1
Practical deepllearningv1Practical deepllearningv1
Practical deepllearningv1arthi v
 
Notes from 2016 bay area deep learning school
Notes from 2016 bay area deep learning school Notes from 2016 bay area deep learning school
Notes from 2016 bay area deep learning school Niketan Pansare
 
Introduction to Deep Learning with Will Constable
Introduction to Deep Learning with Will ConstableIntroduction to Deep Learning with Will Constable
Introduction to Deep Learning with Will ConstableIntel Nervana
 
A timeline view of Evolution of Analytics
A timeline view of Evolution of AnalyticsA timeline view of Evolution of Analytics
A timeline view of Evolution of AnalyticsSaurabh Banerjee
 
Introduction to deep learning @ Startup.ML by Andres Rodriguez
Introduction to deep learning @ Startup.ML by Andres RodriguezIntroduction to deep learning @ Startup.ML by Andres Rodriguez
Introduction to deep learning @ Startup.ML by Andres RodriguezIntel Nervana
 
what is neural network....???
what is neural network....???what is neural network....???
what is neural network....???Adii Shah
 
[252] 증분 처리 플랫폼 cana 개발기
[252] 증분 처리 플랫폼 cana 개발기[252] 증분 처리 플랫폼 cana 개발기
[252] 증분 처리 플랫폼 cana 개발기NAVER D2
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Ha Phuong
 
Deep learning intro
Deep learning introDeep learning intro
Deep learning introbeamandrew
 
[251] implementing deep learning using cu dnn
[251] implementing deep learning using cu dnn[251] implementing deep learning using cu dnn
[251] implementing deep learning using cu dnnNAVER D2
 
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的機器學習入門 scikit-learn 連淡水阿嬤都聽得懂的機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn Cicilia Lee
 
機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning 機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning Will Kuan 官大鈞
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習台灣資料科學年會
 

Viewers also liked (16)

Fundamental of deep learning
Fundamental of deep learningFundamental of deep learning
Fundamental of deep learning
 
Differences of Deep Learning Frameworks
Differences of Deep Learning FrameworksDifferences of Deep Learning Frameworks
Differences of Deep Learning Frameworks
 
Sparql a simple knowledge query
Sparql  a simple knowledge querySparql  a simple knowledge query
Sparql a simple knowledge query
 
Practical deepllearningv1
Practical deepllearningv1Practical deepllearningv1
Practical deepllearningv1
 
Notes from 2016 bay area deep learning school
Notes from 2016 bay area deep learning school Notes from 2016 bay area deep learning school
Notes from 2016 bay area deep learning school
 
Introduction to Deep Learning with Will Constable
Introduction to Deep Learning with Will ConstableIntroduction to Deep Learning with Will Constable
Introduction to Deep Learning with Will Constable
 
A timeline view of Evolution of Analytics
A timeline view of Evolution of AnalyticsA timeline view of Evolution of Analytics
A timeline view of Evolution of Analytics
 
Introduction to deep learning @ Startup.ML by Andres Rodriguez
Introduction to deep learning @ Startup.ML by Andres RodriguezIntroduction to deep learning @ Startup.ML by Andres Rodriguez
Introduction to deep learning @ Startup.ML by Andres Rodriguez
 
what is neural network....???
what is neural network....???what is neural network....???
what is neural network....???
 
[252] 증분 처리 플랫폼 cana 개발기
[252] 증분 처리 플랫폼 cana 개발기[252] 증분 처리 플랫폼 cana 개발기
[252] 증분 처리 플랫폼 cana 개발기
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
 
Deep learning intro
Deep learning introDeep learning intro
Deep learning intro
 
[251] implementing deep learning using cu dnn
[251] implementing deep learning using cu dnn[251] implementing deep learning using cu dnn
[251] implementing deep learning using cu dnn
 
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的機器學習入門 scikit-learn 連淡水阿嬤都聽得懂的機器學習入門 scikit-learn
連淡水阿嬤都聽得懂的 機器學習入門 scikit-learn
 
機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning 機器學習簡報 / 机器学习简报 Machine Learning
機器學習簡報 / 机器学习简报 Machine Learning
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 

Similar to Deep learning frameworks v0.40

minimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptx
minimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptxminimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptx
minimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptxElizanderGalasi1
 
Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceTakrim Ul Islam Laskar
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxDebabrataPain1
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerPoo Kuan Hoong
 
Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Joe Xing
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learningPoo Kuan Hoong
 
Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Randa Elanwar
 
Artificial neural networks and its application
Artificial neural networks and its applicationArtificial neural networks and its application
Artificial neural networks and its applicationHưng Đặng
 
Artificial neural networks and its application
Artificial neural networks and its applicationArtificial neural networks and its application
Artificial neural networks and its applicationHưng Đặng
 
neuralnetwork.pptx
neuralnetwork.pptxneuralnetwork.pptx
neuralnetwork.pptxSherinRappai
 
Natural Language Processing Advancements By Deep Learning: A Survey
Natural Language Processing Advancements By Deep Learning: A SurveyNatural Language Processing Advancements By Deep Learning: A Survey
Natural Language Processing Advancements By Deep Learning: A SurveyRimzim Thube
 
Deep learning notes.pptx
Deep learning notes.pptxDeep learning notes.pptx
Deep learning notes.pptxPandi Gingee
 
CSA 3702 machine learning module 1
CSA 3702 machine learning module 1CSA 3702 machine learning module 1
CSA 3702 machine learning module 1Nandhini S
 
Artificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In ManagementArtificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In ManagementIOSR Journals
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspectiveAnirban Santara
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learningAkshay Kanchan
 

Similar to Deep learning frameworks v0.40 (20)

Neural network
Neural networkNeural network
Neural network
 
minimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptx
minimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptxminimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptx
minimalist-business-slides.v dsgjnejgndjgnejgnjgnrjhgdjgngdngtpptx
 
Facial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional FaceFacial Emotion Detection on Children's Emotional Face
Facial Emotion Detection on Children's Emotional Face
 
Deep learning
Deep learningDeep learning
Deep learning
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptx
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
 
Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9Introduction to Neural networks (under graduate course) Lecture 9 of 9
Introduction to Neural networks (under graduate course) Lecture 9 of 9
 
Artificial neural networks and its application
Artificial neural networks and its applicationArtificial neural networks and its application
Artificial neural networks and its application
 
Artificial neural networks and its application
Artificial neural networks and its applicationArtificial neural networks and its application
Artificial neural networks and its application
 
neuralnetwork.pptx
neuralnetwork.pptxneuralnetwork.pptx
neuralnetwork.pptx
 
neuralnetwork.pptx
neuralnetwork.pptxneuralnetwork.pptx
neuralnetwork.pptx
 
Natural Language Processing Advancements By Deep Learning: A Survey
Natural Language Processing Advancements By Deep Learning: A SurveyNatural Language Processing Advancements By Deep Learning: A Survey
Natural Language Processing Advancements By Deep Learning: A Survey
 
Deep learning notes.pptx
Deep learning notes.pptxDeep learning notes.pptx
Deep learning notes.pptx
 
CSA 3702 machine learning module 1
CSA 3702 machine learning module 1CSA 3702 machine learning module 1
CSA 3702 machine learning module 1
 
Artificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In ManagementArtificial Neural Networks: Applications In Management
Artificial Neural Networks: Applications In Management
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 

More from Jessica Willis

ODSC Hackathon for Health October 2016
ODSC Hackathon for Health October 2016ODSC Hackathon for Health October 2016
ODSC Hackathon for Health October 2016Jessica Willis
 
Jon Sedar topic modelling presentation #odsc 2016
Jon Sedar topic modelling presentation #odsc 2016Jon Sedar topic modelling presentation #odsc 2016
Jon Sedar topic modelling presentation #odsc 2016Jessica Willis
 
Knime customer intelligence on social media odsc london
Knime customer intelligence on social media odsc london   Knime customer intelligence on social media odsc london
Knime customer intelligence on social media odsc london Jessica Willis
 
Ian huston getting started with cloud foundry
Ian huston   getting started with cloud foundryIan huston   getting started with cloud foundry
Ian huston getting started with cloud foundryJessica Willis
 
Iot analytics in wearables
Iot analytics in wearables Iot analytics in wearables
Iot analytics in wearables Jessica Willis
 
Data Science for Internet of Things with Ajit Jaokar
Data Science for Internet of Things with Ajit JaokarData Science for Internet of Things with Ajit Jaokar
Data Science for Internet of Things with Ajit JaokarJessica Willis
 
Open-Source Bioinformatics for Data Scientists with Amanda Schierz
Open-Source Bioinformatics for Data Scientists with Amanda SchierzOpen-Source Bioinformatics for Data Scientists with Amanda Schierz
Open-Source Bioinformatics for Data Scientists with Amanda SchierzJessica Willis
 

More from Jessica Willis (7)

ODSC Hackathon for Health October 2016
ODSC Hackathon for Health October 2016ODSC Hackathon for Health October 2016
ODSC Hackathon for Health October 2016
 
Jon Sedar topic modelling presentation #odsc 2016
Jon Sedar topic modelling presentation #odsc 2016Jon Sedar topic modelling presentation #odsc 2016
Jon Sedar topic modelling presentation #odsc 2016
 
Knime customer intelligence on social media odsc london
Knime customer intelligence on social media odsc london   Knime customer intelligence on social media odsc london
Knime customer intelligence on social media odsc london
 
Ian huston getting started with cloud foundry
Ian huston   getting started with cloud foundryIan huston   getting started with cloud foundry
Ian huston getting started with cloud foundry
 
Iot analytics in wearables
Iot analytics in wearables Iot analytics in wearables
Iot analytics in wearables
 
Data Science for Internet of Things with Ajit Jaokar
Data Science for Internet of Things with Ajit JaokarData Science for Internet of Things with Ajit Jaokar
Data Science for Internet of Things with Ajit Jaokar
 
Open-Source Bioinformatics for Data Scientists with Amanda Schierz
Open-Source Bioinformatics for Data Scientists with Amanda SchierzOpen-Source Bioinformatics for Data Scientists with Amanda Schierz
Open-Source Bioinformatics for Data Scientists with Amanda Schierz
 

Recently uploaded

办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一F sss
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Cathrine Wilhelmsen
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort servicejennyeacort
 
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhThiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhYasamin16
 
Identifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population MeanIdentifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population MeanMYRABACSAFRA2
 
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...Boston Institute of Analytics
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Cantervoginip
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFAAndrei Kaleshka
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024thyngster
 
Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024Colleen Farrelly
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPTBoston Institute of Analytics
 
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degreeyuu sss
 
Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...Seán Kennedy
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)jennyeacort
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxMike Bennett
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhijennyeacort
 
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...GQ Research
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degreeyuu sss
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...Amil Baba Dawood bangali
 

Recently uploaded (20)

办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
 
Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)Data Factory in Microsoft Fabric (MsBIP #82)
Data Factory in Microsoft Fabric (MsBIP #82)
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
 
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhThiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
 
Identifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population MeanIdentifying Appropriate Test Statistics Involving Population Mean
Identifying Appropriate Test Statistics Involving Population Mean
 
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Canter
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
How we prevented account sharing with MFA
How we prevented account sharing with MFAHow we prevented account sharing with MFA
How we prevented account sharing with MFA
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
 
Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024
 
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default  Presentation : Data Analysis Project PPTPredictive Analysis for Loan Default  Presentation : Data Analysis Project PPT
Predictive Analysis for Loan Default Presentation : Data Analysis Project PPT
 
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
办美国阿肯色大学小石城分校毕业证成绩单pdf电子版制作修改#真实留信入库#永久存档#真实可查#diploma#degree
 
Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...
 
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
Call Us ➥97111√47426🤳Call Girls in Aerocity (Delhi NCR)
 
Semantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptxSemantic Shed - Squashing and Squeezing.pptx
Semantic Shed - Squashing and Squeezing.pptx
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
 
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
 

Deep learning frameworks v0.40

  • 1. Deep Learning - Concepts & Frameworks Peter Morgan – Data Science Partnership Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 1
  • 2. Contents • Deep Learning Concepts ………….3 • Deep Learning Frameworks …..26 • Specific Frameworks ………..……30 • Comparison …………………………..33 • Questions ………………………………34 Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 2
  • 3. Overview - Concepts not Code No Maths No Code Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 3
  • 4. Frameworks - The Big Picture Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 4 AI Frameworks Cognitive Architectures ML Frameworks Supervised, Unsupervised & Reinforcement Deep Learning Frameworks Neural Nets
  • 5. What is Deep learning? • Deep learning refers to algorithms based on artificial neural networks (ANNs), which in turn are based on biological neural networks (BNN), such as the human brain. • In practice it consists of mulitple layers, nodes, weights and optimisation algorithms • Due to more labeled data, more compute power, better optimization algorithms, and better neural net models and architectures, deep learning has started to supersede humans when it comes to image recognition and classification. • Work is being done to obtain similar levels of performance in natural language processing and understanding. • Deep learning applies to supervised, unsupervised and reinforcement learning. • According to Jeff Dean in a recent interview, Google have implemented DL in over one hundred of their products and services including search and photos. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 5
  • 6. Deep Learning Evolution Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 6
  • 7. Deep Learning Concepts Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 7
  • 8. Data Sets • Raw data input into the neural network can originate from any environmental source. • It can be recorded and stored in a database (e.g., text, images, audio, video) or live (incident directly from the environment), so called streaming data. • Examples of recorded data sets include the MNIST and Labeled Faces in the Wild (LFW). Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 8 MNIST LFW
  • 9. Multilayer Perceptron (MLP) • A MLP is a feedforward artificial neural network model that maps sets of input data onto a set of appropriate outputs (Rosenblatt, 1958). • An MLP consists of multiple layers of nodes with each layer fully connected to the next one. • Except for the input nodes, each node is a neuron (or processing element) with a nonlinear activation function. • MLP utilizes a supervised learning technique called backpropagation for training the network. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 9
  • 10. Layers and Nodes • Layers • A neural network is made up of layers of nodes. • There is an input (visible) layer, an output (classification) layer, and several hidden layers. • A typical NN may have between 10 and 30 layers, but sometimes many more. • Every layer of a deep learning network requires four elements: the input (vector), the weights (matrix), a bias and the transform (activation function). • Nodes • Nodes in a neural network represent the places where calculations are done. • At each node, the input values xi are multiplied by a weight wi, summed, added to a bias b, and fed into an activation function. • A decision is then made whether to transmit the resultant value depending on if it exceeds a certain threshold value or not. • For example, images from the MNIST data set have 784 pixels, so neural nets processing them must have 784 input nodes, one per pixel. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 10
  • 11. Weights & Softmax • Weights • Coefficients that amplify or mute the input signal coming into each node. • They are assigned initial values which can be random or chosen based upon some insight. • A NN can be represented by its weight matrix along with its activation functions. • Softmax • The softmax function, or normalized exponential, is a generalization of the sigmoid logistic function. • In neural network simulations, the softmax function is often implemented at the final layer of a network used for classification. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 11
  • 12. Activation Function Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 12 • One of a set of functions that determine the threshold at each node above which a signal is passed through the node, and below which it is blocked. • Activation functions normalize input from a previous layer to a value between -1 and 1 to ensure an output layer probability of between 0 and 1. • Functions that achieve this include the logistic, sigmoid, tanh and ReLU functions.
  • 13. Optimization and Overfitting • Optimization • Refers to the manner by which a neural net minimizes error as it adjusts its coefficients (weights) step by step. • L-BFGS is one such algorithm. • Overfitting • Overfitting is where too many parameters are used in the model constructed to fit the data which leads to poor predictive power of the model. • Regularisation, cross-validation and dropout are all methods used to address this problem. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 13
  • 14. Regularisation and Cross-validation • Both techniques are used to prevent overfitting • Regularisation • Regularisation refers to a process of introducing additional information in order to prevent overfitting. • It penalizes models with extreme parameter values by introducing a factor which weights the penalty against more complex models with an increasing variance in the data errors. • Cross-validation • Cross-validation combines sampling sets to correct for overfitting and derive a more accurate estimate of model prediction performance. • One round of cross-validation involves partitioning a sample of data into complementary subsets, performing the analysis on one subset (called the training set), and validating the analysis on the other subset (called the validation set or testing set). • To reduce variability, multiple rounds of cross-validation are performed using different partitions, and the validation results are averaged over the rounds. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 14
  • 15. Feed Forward Networks • The feedforward neural network was the first and simplest type of artificial neural network devised. • In this network, the information moves in only one direction, forward, from the input nodes, through the hidden nodes and to the output nodes. • There are no cycles or feedback loops in the network. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 15
  • 16. Support Vector Machines (SVM) • Support vector machines are supervised learning algorithms that analyze data and recognize patterns, in order to classify data points (Vapnik, 1979). • Given a set of training examples, each marked for belonging to one of two categories, an SVM training algorithm builds a model that assigns new examples into one category or the other – it is a linear classifier. • Recently SVM’s have been usurped by the success of deep learning algorithms. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 16
  • 17. Stochastic Gradient Descent • Stochastic gradient descent is a popular algorithm for training a wide range of models in machine learning, including support vector machines and logistic regression. • When combined with the backpropagation algorithm, it is the de facto standard algorithm for training artificial neural networks. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 17
  • 18. Back Propagation • Backpropagation is a common method of training artificial neural networks used in conjunction with an optimization method such as gradient descent. • The method calculates the gradient of a loss function with respect to all the weights in the network. • The gradient is fed to the optimization method which in turn uses it to update the weights, in an attempt to minimize the loss function. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 18
  • 19. Markov Models • Markov Model • A Markov model is a stochastic (probabilistic) model used to model randomly changing systems where it is assumed that future states depend only on the present state and not on the sequence of events that preceded it. • Markov Chain • Markov Chains are essentially logical circuits that connect two or more states via probabilities. • Markov Chains are sequential. Their purpose is to give you a good idea, given one state, of what the next state will be. • Use cases include natural language processing (NLP) and stock price trading. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 19
  • 20. Hidden Markov Model • An HMM is a statistical Markov model in which the system being modeled is assumed to be a Markov process with unobserved (hidden) states. • A HMM can be presented as the simplest dynamic Bayesian network. • They are used in time series prediction, e.g., in language analysis. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 20
  • 21. Restricted Boltzmann Machines & Autoencoders • Restricted Boltzmann Machines (RBM) • Invented by Geoff Hinton (1999) at the University of Toronto, RBMs are shallow, two- layer neural nets consisting of an input layer and a hidden layer. • They constitute the building blocks of deep neural networks - a deep learning network is simply many restricted Boltzmann machines stacked on top of one another. • Nodes are connected to each other across layers, but have the restriction that no two nodes of the same layer are linked. • Autoencoder • An autoencoder is an ANN used for learning efficient codings. • The aim of an autoencoder is to learn a compressed, distributed representation (encoding) for a set of data, typically for the purpose of dimensionality reduction. • In an autoencoder, the output layer has equally many nodes as the input layer, and instead of training it to predict some target value y given inputs x, an autoencoder is trained to reconstruct its own inputs x. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 21
  • 22. Max Pooling and Cost Functions • Max Pooling • In CNN’s, max-pooling partitions the input image into a set of non-overlapping rectangles and, for each such sub-region, outputs the maximum value. • Loss Function • A loss function or cost function is a function that maps an event or values of one or more variables onto a real number intuitively representing some "cost" associated with the event. • The opposite of a loss function is called a reward function, or utility function. • Dropout The dropout method is introduced to prevent overfitting. • At each training stage, individual nodes are either "dropped out" of the net with probability 1-p or kept with probability p, so that a reduced network is left. • By avoiding training all nodes on all the training data, dropout decreases overfitting in neural nets. • The method also significantly improves the speed of training. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 22
  • 23. Convolutional Neural Networks • First developed in 1970’s. • Widely used for image recognition and classification. • Inspired by biological processes, CNN’s are a type of feed-forward ANN. • The individual neurons are tiled in such a way that they respond to overlapping regions in the visual field. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 23
  • 24. Recurrent Neural Networks • First developed in 1970’s. • RNN’s are neural networks that are used to predict the next element in a sequence or time series. • This could be, for example, words in a sentence or letters in a word. • Applications include predicting or generating music, stories, news, code, financial instrument pricing, text, speech, in fact the next element in any event stream. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 24
  • 25. LSTM and NTM • Long Short Term Memory (LSTM) • LSTM is an RNN architecture that contains blocks that can remember a value for an arbitrary length of time. • It solves the vanishing or exploding gradient problem when calculating back propagation. • An LSTM network is universal in the sense that given enough network units it can compute anything a conventional computer can compute, provided it has the proper weight matrix. • LSTM outperforms alternative RNNs and Hidden Markov Models and other sequence learning methods in numerous applications, e.g., in handwriting recognition, speech recognition and music composition. • Neural Turing Machines (NTM) • NTMs are a method of extending the capabilities of recurrent neural networks by coupling them to external memory resources. Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 25
  • 26. Deep Learning Frameworks Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 26 Framework = Toolkit = Library
  • 27. Deep Learning Frameworks • Apache SINGA • Brainstorm • Caffe • Chainer • CNTK (Microsoft) • DL4J • DMLC • Fbcunn (Facebook) • Lasagne • Minerva • Mocha.jl (Julia) • MXnet • Neon (Nervana) • Purine • Tensorflow (Google) • Theano • Torch • Warp-CTC (Baidu) Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 27
  • 28. Deep Learning Frameworks (cont) • Brain (Javascript) • Cudamat • Deep Learning Framework (Intel) • Deepnet • Hebel • Infer.NET • Keras • Leaf • MLPNeuralNet • Neural Network Toolbox (MatLab) • Neuraltalk • Neurolab • OpenDeep • PyBrain • Swift-AI • VELES (Samsung) Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 28
  • 29. Some Specific DL Libraries • ANN • Brainstorm • clab/cnn • DeepHear (music composition) • DoctorTeeth/diffmem • miloharper/neural-network-animation • CNN • ConvNetJS • Marvin • MatConvNet • RNN • awesome-rnn • karpathy/char-rnn • karpathy/neuraltalk2 • wojciechz/learning_to_execute • LSTM • dl4j-0.4 Graves LTSM • github.nicodjimenez/lstm • Russell91/LSTMSummation Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 29
  • 30. TensorFlow • TensorFlow is the newly (Nov 2015) open sourced deep learning library from Google. • It is their second generation system for the implementation and deployment of large-scale machine learning models. • Written in C++ with a python interface, it is borne from research and deploying machine learning projects throughout a wide range of Google products and services. • Initially TF ran only on a single node (your laptop, say), but Google have recently released a version that now runs on a cluster. • https://www.tensorflow.org/ Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 30
  • 31. Torch • First released in 2000, with over 50,000 downloads, company users include Google, Facebook, Twitter. • The goal of Torch is to have maximum flexibility and speed in building scientific algorithms while making the process extremely simple. • Torch is a neural network library written in Lua with a C/CUDA interface originally developed by a team from the Swiss institute EPFL. • At the heart of Torch are popular neural network and optimization libraries which are simple to use, while being flexible in implementing different complex neural network topologies. • http://torch.ch/ Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 31
  • 32. Theano • Theano is a deep learning library written in python and popular for its ease of use. • Using Theano, it is possible to attain speeds rivalling hand-crafted C implementations for problems involving large amounts of data. • Theano has been powering large-scale computationally intensive scientific investigations since 2007 • Supports CuDNN v3 • http://deeplearning.net/software/theano/ Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 32
  • 33. DL Framework Comparison • The most common metrics we can use to compare these deep learning frameworks are: • Speed of execution • Ease of use • Languages used (core and front end) • Resources (CPU and memory capacity) needed in order to run the various algorithms • GPU support • Size of active community of users • Contributors and committers • Platforms supported (e.g., OS, single devices and/or distributed systems) • Algorithmic support • Number of packages in their library • For example, various benchmarks and comparisons are available here: https://github.com/soumith/convnet-benchmarks Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 33
  • 34. Questions? Deep Learning Frameworks ODSC Meetup Peter Morgan 16 Mar 2016 34 www.datasciencepartnership.com @insight_ai