SlideShare a Scribd company logo
RNNs for Timeseries Analysis


www.data4sci.com
github.com/DataForScience/RNN
www.data4sci.com@bgoncalves
The views and opinions expressed in this tutorial are
those of the authors and do not necessarily reflect the
official policy or position of my employer. The
examples provided with this tutorial were chosen for
their didactic value and are not mean to be
representative of my day to day work.
Disclaimer
www.data4sci.com@bgoncalves
References
www.data4sci.com@bgoncalves
How the Brain “Works” (Cartoon version)
www.data4sci.com@bgoncalves
How the Brain “Works” (Cartoon version)
• Each neuron receives input from other neurons
• 1011 neurons, each with with 104 weights
• Weights can be positive or negative
• Weights adapt during the learning process
• “neurons that fire together wire together” (Hebb)
• Different areas perform different functions using same structure
(Modularity)
www.data4sci.com@bgoncalves
How the Brain “Works” (Cartoon version)
Inputs Outputf(Inputs)
www.data4sci.com@bgoncalves
Optimization Problem
• (Machine) Learning can be thought of as an optimization
problem.
• Optimization Problems have 3 distinct pieces:
• The constraints
• The function to optimize
• The optimization algorithm.
Neural Network
Prediction Error
Gradient Descent
www.data4sci.com@bgoncalves
Artificial Neuron
x1
x2
x3
xN
w
1j
w2j
w3j
wN
j
zj
wT
x
aj
(z)
w
0j
1
Inputs Weights
Output
Activation
function
Bias
www.data4sci.com@bgoncalves
Activation Function - Sigmoid
(z) =
1
1 + e z
• Non-Linear function
• Differentiable
• non-decreasing
• Compute new sets of features
• Each layer builds up a more abstract

representation of the data
• Perhaps the most common
http://github.com/bmtgoncalves/Neural-Networks
www.data4sci.com@bgoncalves
Activation Function - tanh
(z) =
ez
e z
ez + e z
• Non-Linear function
• Differentiable
• non-decreasing
• Compute new sets of features
• Each layer builds up a more abstract

representation of the data
http://github.com/bmtgoncalves/Neural-Networks
www.data4sci.com@bgoncalves
Forward Propagation
• The output of a perceptron is determined by a sequence of steps:
• obtain the inputs
• multiply the inputs by the respective weights
• calculate output using the activation function
• To create a multi-layer perceptron, you can simply use the output of
one layer as the input to the next one.

x1
x2
x3
xN
w
1j
w2j
w3j
wN
j
aj
w
0j
1
wT
x
1
w
0k
w
1k
w2k
w3k
wNk
ak
wT
a
a1
a2
aN
www.data4sci.com@bgoncalves
Backward Propagation of Errors (BackProp)
• BackProp operates in two phases:
• Forward propagate the inputs and calculate the deltas
• Update the weights
• The error at the output is a weighted average difference between
predicted output and the observed one.
• For inner layers there is no “real output”!
www.data4sci.com@bgoncalves
The Cross Entropy is complementary to sigmoid
activation in the output layer and improves its stability.
Loss Functions
• For learning to occur, we must quantify how far off we are from the
desired output. There are two common ways of doing this:
• Quadratic error function:
• Cross Entropy
E =
1
N
X
n
|yn an|
2
J =
1
N
X
n
h
yT
n log an + (1 yn)
T
log (1 an)
i
www.data4sci.com@bgoncalves
Gradient Descent
• Find the gradient for each training
batch
• Take a step downhill along the
direction of the gradient 



• where is the step size.
• Repeat until “convergence”.
H
✓mn ✓mn ↵
@H
@✓mn
@H
@✓mn
↵
www.data4sci.com@bgoncalves
www.data4sci.com@bgoncalves
Feed Forward Networks
h t Output
h t = f (xt)
xt Input
www.data4sci.com@bgoncalves
Feed Forward Networks
h t
xt
Information

Flow
Input
Output
h t = f (xt)
www.data4sci.com@bgoncalves
h t = f (xt, h t−1)
Recurrent Neural Network (RNN)
h t Output
h t
Output
Previous
Output
Information

Flow
h t−1
h t = f (xt)
xt Input
www.data4sci.com@bgoncalves
Recurrent Neural Network (RNN)
xt
h t
h t−1 h t
xt+ 1
h t+ 1
h t+ 1
xt−1
h t−1
h t−2
• Each output depends (implicitly) on all previous outputs.
• Input sequences generate output sequences (seq2seq)
www.data4sci.com@bgoncalves
Recurrent Neural Network (RNN)
h t
h t
h t−1
xt
tanh
h t = tanh (Wh t−1 + Uxt)
Concatenate
both inputs.
www.data4sci.com@bgoncalves
Timeseries
• Temporal sequence of data points
• Consecutive points are strongly correlated
• Common in statistics, signal processing, econometrics,
mathematical finance, earthquake prediction, etc
• Numeric (real or discrete) or symbolic data
• Supervised Learning problem:
Xt = f (Xt−1, ⋯, Xt−n )
github.com/DataForScience/RNN
www.data4sci.com@bgoncalves
Long-Short Term Memory (LSTM)
xt
h t
ct−1 ct
xt+ 1
h t+ 1
ct+ 1
xt−1
h t−1
ct−2
• What if we want to keep explicit information about previous states
(memory)?
• How much information is kept, can be controlled through gates.
h t−2 h t−1 h t h t+ 1
• LSTMs were first introduced in 1997 by Hochreiter and Schmidhuber
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
tanh
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
Forget gate:

How much of
the previous
state should
be kept?
tanh
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
Input gate:

How much of
the previous
output
should be
remembered? tanh
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
Output gate:

How much of
the previous
output
should
contribute?
All gates use
the same
inputs and
activation
functions,
but different
weights
tanh
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
Output gate:

How much of
the previous
output
should
contribute? tanh
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
State:

Update the
current state
tanh
www.data4sci.com@bgoncalves
σ σ
f
g
×
σ
×i o
Long-Short Term Memory (LSTM)
h t
h t
h t−1
xt
ct−1 ct
g = tanh (Wg h t−1 + Ug xt)
ct = (ct−1 ⊗ f) + (g ⊗ i)
h t = tanh (ct) ⊗ o
+×
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
tanh
i = σ (Wih t−1 + Uixt)
f = σ (Wf h t−1 + Uf xt)
o = σ (Wo h t−1 + Uo xt)
Output:

Combine all
available
information.
tanh
www.data4sci.com@bgoncalves
Using LSTMs
inputs
W1
LSTM
W2
Neuron
inputs
W1
LSTM
inputs
W1
LSTM
inputs
W1
LSTM
inputs
W1
LSTM
inputs
W1
LSTM
inputs
W1
LSTM
inputs
W1
LSTM
Sequence
Length
#features
#LSTMcells
github.com/DataForScience/RNN
www.data4sci.com@bgoncalves
Applications
• Language Modeling and Prediction
• Speech Recognition
• Machine Translation
• Part-of-Speech Tagging
• Sentiment Analysis
• Summarization
• Time series forecasting
www.data4sci.com@bgoncalves
Neural Networks?
h t
h t
h t−1
xt
ct−1 ct
www.data4sci.com@bgoncalves
Or legos? https://keras.io
www.data4sci.com@bgoncalves
Keras
• Open Source neural network library written in Python
• TensorFlow, Microsoft Cognitive Toolkit or Theano backends
• Enables fast experimentation
• Created and maintained by François Chollet, a Google engineer.
• Implements Layers, Objective/Loss functions, Activation
functions, Optimizers, etc…
https://keras.io
www.data4sci.com@bgoncalves
Keras
• keras.models.Sequential(layers=None, name=None)- is the
workhorse. You use it to build a model layer by layer. Returns the
object that we will use to build the model
• keras.layers
• Dense(units, activation=None, use_bias=True) - None
means linear activation. Other options are, ’tanh’, ’sigmoid’,
’softmax’, ’relu’, etc.
• Dropout(rate, seed=None)
• Activation(activation) - Same as the activation option to Dense,
can also be used to pass TensorFlow or Theano operations
directly.
• SimpleRNN(units, input_shape, activation='tanh',
use_bias=True, dropout=0.0, return_sequences=False)
• GRU(units, input_shape, activation='tanh', use_bias=True,
dropout=0.0, return_sequences=False)
https://keras.io
www.data4sci.com@bgoncalves
Keras
• model = Sequential()
• model.add(layer) - Add a layer to the top of the model
• model.compile(optimizer, loss) - We have to compile the model
before we can use it
• optimizer - ‘adam’, ‘sgd’, ‘rmsprop’, etc…
• loss - ‘mean_squared_error’, ‘categorical_crossentropy’,
‘kullback_leibler_divergence’, etc…
• model.fit(x=None, y=None, batch_size=None, epochs=1,
verbose=1, validation_split=0.0, validation_data=None,
shuffle=True)
• model.predict(x, batch_size=32, verbose=0) - fit/predict interface
https://keras.io
www.data4sci.com@bgoncalves
Gated Recurrent Unit (GRU)
• Introduced in 2014 by K. Cho
• Meant to solve the Vanishing Gradient Problem
• Can be considered as a simplification of LSTMs
• Similar performance to LSTM in some applications, better
performance for smaller datasets.
www.data4sci.com@bgoncalves
σ tanh
×
σ
×
r
cz
Gated Recurrent Unit (GRU)
h t
h t
h t−1
xt
+×
z = σ (Wzh t−1 + Uzxt)
r = σ (Wrh t−1 + Urxt)
c = tanh (Wc (h t−1 ⊗ r) + Ucxt)
h t = (z ⊗ c) + ((1 − z) ⊗ h t−1)
1−
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
www.data4sci.com@bgoncalves
σ tanh
×
σ
×
r
cz
Gated Recurrent Unit (GRU)
h t
h t
h t−1
xt
+×
z = σ (Wzh t−1 + Uzxt)
r = σ (Wrh t−1 + Urxt)
c = tanh (Wc (h t−1 ⊗ r) + Ucxt)
h t = (z ⊗ c) + ((1 − z) ⊗ h t−1)
1−
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
Update gate:

How much of
the previous
state should
be kept?
www.data4sci.com@bgoncalves
σ tanh
×
σ
×
r
cz
Gated Recurrent Unit (GRU)
h t
h t
h t−1
xt
+×
z = σ (Wzh t−1 + Uzxt)
r = σ (Wrh t−1 + Urxt)
c = tanh (Wc (h t−1 ⊗ r) + Ucxt)
h t = (z ⊗ c) + ((1 − z) ⊗ h t−1)
1−
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
Reset gate:

How much of
the previous
output should
be removed?
www.data4sci.com@bgoncalves
σ tanh
×
σ
×
r
cz
Gated Recurrent Unit (GRU)
h t
h t
h t−1
xt
+×
z = σ (Wzh t−1 + Uzxt)
r = σ (Wrh t−1 + Urxt)
c = tanh (Wc (h t−1 ⊗ r) + Ucxt)
h t = (z ⊗ c) + ((1 − z) ⊗ h t−1)
1−
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
Current
memory:

What
information do
we remember
right now?
www.data4sci.com@bgoncalves
σ tanh
×
σ
×
r
cz
Gated Recurrent Unit (GRU)
h t
h t
h t−1
xt
+×
z = σ (Wzh t−1 + Uzxt)
r = σ (Wrh t−1 + Urxt)
c = tanh (Wc (h t−1 ⊗ r) + Ucxt)
h t = (z ⊗ c) + ((1 − z) ⊗ h t−1)
1−
×
+
1−
Element wise addition
Element wise multiplication
1 minus the input
Output:

Combine all
available
information.

More Related Content

What's hot

Recurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: TheoryRecurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: Theory
Andrii Gakhov
 
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Simplilearn
 
Genetic Algorithms
Genetic AlgorithmsGenetic Algorithms
Genetic Algorithmsanas_elf
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Simplilearn
 
Introduction to Genetic Algorithms
Introduction to Genetic AlgorithmsIntroduction to Genetic Algorithms
Introduction to Genetic Algorithms
Premsankar Chakkingal
 
Genetic algorithm raktim
Genetic algorithm raktimGenetic algorithm raktim
Genetic algorithm raktim
Raktim Halder
 
Hyperparameter Tuning
Hyperparameter TuningHyperparameter Tuning
Hyperparameter Tuning
Jon Lederman
 
GENETIC ALGORITHM
GENETIC ALGORITHMGENETIC ALGORITHM
GENETIC ALGORITHM
Harsh Sinha
 
Ant colony opitimization numerical example
Ant colony opitimization numerical exampleAnt colony opitimization numerical example
Ant colony opitimization numerical example
Harish Kant Soni
 
CVPR 2018 Paper Reading MobileNet V2
CVPR 2018 Paper Reading MobileNet V2CVPR 2018 Paper Reading MobileNet V2
CVPR 2018 Paper Reading MobileNet V2
Khang Pham
 
Variational Inference
Variational InferenceVariational Inference
Variational Inference
Tushar Tank
 
Branch & bound
Branch & boundBranch & bound
Branch & bound
kannanchirayath
 
Intepretability / Explainable AI for Deep Neural Networks
Intepretability / Explainable AI for Deep Neural NetworksIntepretability / Explainable AI for Deep Neural Networks
Intepretability / Explainable AI for Deep Neural Networks
Universitat Politècnica de Catalunya
 
Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?
Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?
Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?
Thomas Hjelde Thoresen
 
Gan intro
Gan introGan intro
Gan intro
Hyungjoo Cho
 
Fuzzy c means manual work
Fuzzy c means manual workFuzzy c means manual work
Fuzzy c means manual work
Dr.E.N.Sathishkumar
 
Optimization in deep learning
Optimization in deep learningOptimization in deep learning
Optimization in deep learning
Rakshith Sathish
 
Classification Algorithm.
Classification Algorithm.Classification Algorithm.
Classification Algorithm.
Megha Sharma
 
Genetic algorithm
Genetic algorithmGenetic algorithm
Genetic algorithm
Designage Solutions
 
Bayesian inference
Bayesian inferenceBayesian inference
Bayesian inference
CharthaGaglani
 

What's hot (20)

Recurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: TheoryRecurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: Theory
 
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
 
Genetic Algorithms
Genetic AlgorithmsGenetic Algorithms
Genetic Algorithms
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
 
Introduction to Genetic Algorithms
Introduction to Genetic AlgorithmsIntroduction to Genetic Algorithms
Introduction to Genetic Algorithms
 
Genetic algorithm raktim
Genetic algorithm raktimGenetic algorithm raktim
Genetic algorithm raktim
 
Hyperparameter Tuning
Hyperparameter TuningHyperparameter Tuning
Hyperparameter Tuning
 
GENETIC ALGORITHM
GENETIC ALGORITHMGENETIC ALGORITHM
GENETIC ALGORITHM
 
Ant colony opitimization numerical example
Ant colony opitimization numerical exampleAnt colony opitimization numerical example
Ant colony opitimization numerical example
 
CVPR 2018 Paper Reading MobileNet V2
CVPR 2018 Paper Reading MobileNet V2CVPR 2018 Paper Reading MobileNet V2
CVPR 2018 Paper Reading MobileNet V2
 
Variational Inference
Variational InferenceVariational Inference
Variational Inference
 
Branch & bound
Branch & boundBranch & bound
Branch & bound
 
Intepretability / Explainable AI for Deep Neural Networks
Intepretability / Explainable AI for Deep Neural NetworksIntepretability / Explainable AI for Deep Neural Networks
Intepretability / Explainable AI for Deep Neural Networks
 
Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?
Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?
Temporal Convolutional Networks - Dethroning RNN's for sequence modelling?
 
Gan intro
Gan introGan intro
Gan intro
 
Fuzzy c means manual work
Fuzzy c means manual workFuzzy c means manual work
Fuzzy c means manual work
 
Optimization in deep learning
Optimization in deep learningOptimization in deep learning
Optimization in deep learning
 
Classification Algorithm.
Classification Algorithm.Classification Algorithm.
Classification Algorithm.
 
Genetic algorithm
Genetic algorithmGenetic algorithm
Genetic algorithm
 
Bayesian inference
Bayesian inferenceBayesian inference
Bayesian inference
 

Similar to RNNs for Timeseries Analysis

Machine(s) Learning with Neural Networks
Machine(s) Learning with Neural NetworksMachine(s) Learning with Neural Networks
Machine(s) Learning with Neural Networks
Bruno Gonçalves
 
Stack squeues lists
Stack squeues listsStack squeues lists
Stack squeues lists
James Wong
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
Harry Potter
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
Luis Goldster
 
Stacksqueueslists
StacksqueueslistsStacksqueueslists
Stacksqueueslists
Fraboni Ec
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
Young Alista
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
Tony Nguyen
 
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
hirokazutanaka
 
Word2vec in Theory Practice with TensorFlow
Word2vec in Theory Practice with TensorFlowWord2vec in Theory Practice with TensorFlow
Word2vec in Theory Practice with TensorFlow
Bruno Gonçalves
 
Internet of Things Data Science
Internet of Things Data ScienceInternet of Things Data Science
Internet of Things Data Science
Albert Bifet
 
19 - Neural Networks I.pptx
19 - Neural Networks I.pptx19 - Neural Networks I.pptx
19 - Neural Networks I.pptx
EmanAl15
 
Neural network
Neural networkNeural network
Neural network
Babu Priyavrat
 
Abductive commonsense reasoning
Abductive commonsense reasoningAbductive commonsense reasoning
Abductive commonsense reasoning
San Kim
 
Time series predictions using LSTMs
Time series predictions using LSTMsTime series predictions using LSTMs
Time series predictions using LSTMs
Setu Chokshi
 
ppt - Deep Learning From Scratch.pdf
ppt - Deep Learning From Scratch.pdfppt - Deep Learning From Scratch.pdf
ppt - Deep Learning From Scratch.pdf
surefooted
 
TypeScript and Deep Learning
TypeScript and Deep LearningTypeScript and Deep Learning
TypeScript and Deep Learning
Oswald Campesato
 
QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...
QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...
QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...
The Statistical and Applied Mathematical Sciences Institute
 
Knowledge engg using & in fol
Knowledge engg using & in folKnowledge engg using & in fol
Knowledge engg using & in folchandsek666
 
PS
PSPS
Deep Learning for Cyber Security
Deep Learning for Cyber SecurityDeep Learning for Cyber Security
Deep Learning for Cyber Security
Altoros
 

Similar to RNNs for Timeseries Analysis (20)

Machine(s) Learning with Neural Networks
Machine(s) Learning with Neural NetworksMachine(s) Learning with Neural Networks
Machine(s) Learning with Neural Networks
 
Stack squeues lists
Stack squeues listsStack squeues lists
Stack squeues lists
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
 
Stacksqueueslists
StacksqueueslistsStacksqueueslists
Stacksqueueslists
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
 
Stacks queues lists
Stacks queues listsStacks queues lists
Stacks queues lists
 
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
 
Word2vec in Theory Practice with TensorFlow
Word2vec in Theory Practice with TensorFlowWord2vec in Theory Practice with TensorFlow
Word2vec in Theory Practice with TensorFlow
 
Internet of Things Data Science
Internet of Things Data ScienceInternet of Things Data Science
Internet of Things Data Science
 
19 - Neural Networks I.pptx
19 - Neural Networks I.pptx19 - Neural Networks I.pptx
19 - Neural Networks I.pptx
 
Neural network
Neural networkNeural network
Neural network
 
Abductive commonsense reasoning
Abductive commonsense reasoningAbductive commonsense reasoning
Abductive commonsense reasoning
 
Time series predictions using LSTMs
Time series predictions using LSTMsTime series predictions using LSTMs
Time series predictions using LSTMs
 
ppt - Deep Learning From Scratch.pdf
ppt - Deep Learning From Scratch.pdfppt - Deep Learning From Scratch.pdf
ppt - Deep Learning From Scratch.pdf
 
TypeScript and Deep Learning
TypeScript and Deep LearningTypeScript and Deep Learning
TypeScript and Deep Learning
 
QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...
QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...
QMC: Operator Splitting Workshop, Projective Splitting with Forward Steps and...
 
Knowledge engg using & in fol
Knowledge engg using & in folKnowledge engg using & in fol
Knowledge engg using & in fol
 
PS
PSPS
PS
 
Deep Learning for Cyber Security
Deep Learning for Cyber SecurityDeep Learning for Cyber Security
Deep Learning for Cyber Security
 

More from Bruno Gonçalves

Blockchain Technologies for Data Science
Blockchain Technologies for Data ScienceBlockchain Technologies for Data Science
Blockchain Technologies for Data Science
Bruno Gonçalves
 
Data Visualization using matplotlib
Data Visualization using matplotlibData Visualization using matplotlib
Data Visualization using matplotlib
Bruno Gonçalves
 
Spatio Temporal Analysis of Language use.
Spatio Temporal Analysis of Language use.Spatio Temporal Analysis of Language use.
Spatio Temporal Analysis of Language use.
Bruno Gonçalves
 
Word2vec and Friends
Word2vec and FriendsWord2vec and Friends
Word2vec and Friends
Bruno Gonçalves
 
Word2vec and Friends
Word2vec and FriendsWord2vec and Friends
Word2vec and Friends
Bruno Gonçalves
 
A practical Introduction to Machine(s) Learning
A practical Introduction to Machine(s) LearningA practical Introduction to Machine(s) Learning
A practical Introduction to Machine(s) Learning
Bruno Gonçalves
 
Making Sense of Data Big and Small
Making Sense of Data Big and SmallMaking Sense of Data Big and Small
Making Sense of Data Big and Small
Bruno Gonçalves
 
Human Mobility (with Mobile Devices)
Human Mobility (with Mobile Devices)Human Mobility (with Mobile Devices)
Human Mobility (with Mobile Devices)
Bruno Gonçalves
 
Twitterology - The Science of Twitter
Twitterology - The Science of TwitterTwitterology - The Science of Twitter
Twitterology - The Science of Twitter
Bruno Gonçalves
 
Mining Georeferenced Data
Mining Georeferenced DataMining Georeferenced Data
Mining Georeferenced Data
Bruno Gonçalves
 

More from Bruno Gonçalves (10)

Blockchain Technologies for Data Science
Blockchain Technologies for Data ScienceBlockchain Technologies for Data Science
Blockchain Technologies for Data Science
 
Data Visualization using matplotlib
Data Visualization using matplotlibData Visualization using matplotlib
Data Visualization using matplotlib
 
Spatio Temporal Analysis of Language use.
Spatio Temporal Analysis of Language use.Spatio Temporal Analysis of Language use.
Spatio Temporal Analysis of Language use.
 
Word2vec and Friends
Word2vec and FriendsWord2vec and Friends
Word2vec and Friends
 
Word2vec and Friends
Word2vec and FriendsWord2vec and Friends
Word2vec and Friends
 
A practical Introduction to Machine(s) Learning
A practical Introduction to Machine(s) LearningA practical Introduction to Machine(s) Learning
A practical Introduction to Machine(s) Learning
 
Making Sense of Data Big and Small
Making Sense of Data Big and SmallMaking Sense of Data Big and Small
Making Sense of Data Big and Small
 
Human Mobility (with Mobile Devices)
Human Mobility (with Mobile Devices)Human Mobility (with Mobile Devices)
Human Mobility (with Mobile Devices)
 
Twitterology - The Science of Twitter
Twitterology - The Science of TwitterTwitterology - The Science of Twitter
Twitterology - The Science of Twitter
 
Mining Georeferenced Data
Mining Georeferenced DataMining Georeferenced Data
Mining Georeferenced Data
 

Recently uploaded

一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
dwreak4tg
 
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
u86oixdj
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
John Andrews
 
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
2023240532
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
mbawufebxi
 
Influence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business PlanInfluence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business Plan
jerlynmaetalle
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
Timothy Spann
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
ewymefz
 
Everything you wanted to know about LIHTC
Everything you wanted to know about LIHTCEverything you wanted to know about LIHTC
Everything you wanted to know about LIHTC
Roger Valdez
 
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTESAdjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Subhajit Sahu
 
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Subhajit Sahu
 
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
ahzuo
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
haila53
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
jerlynmaetalle
 
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
oz8q3jxlp
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
AbhimanyuSinha9
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
Subhajit Sahu
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
Timothy Spann
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 

Recently uploaded (20)

一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
 
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
 
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
 
Influence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business PlanInfluence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business Plan
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
 
Everything you wanted to know about LIHTC
Everything you wanted to know about LIHTCEverything you wanted to know about LIHTC
Everything you wanted to know about LIHTC
 
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTESAdjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
 
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
 
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
 
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
一比一原版(Deakin毕业证书)迪肯大学毕业证如何办理
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 

RNNs for Timeseries Analysis