SlideShare a Scribd company logo
1 of 18
Download to read offline
Time Delayed Recurrent Neural Network
for Multi-Step Prediction
By Kostas Hatalis
hatalis@gmail.com
Dept. of Electrical & Computer Engineering
Lehigh University, Bethlehem, PA
2014
Kostas Hatalis Recurrent Neural Network 2014 1 / 18
Renewable Power Forecasting
Forecasting is essential to the integration of renewable power
generation to the smart grid.
Kostas Hatalis Recurrent Neural Network 2014 2 / 18
General Short Term Time Frames and Methods
Resolution of forecasting:
Seconds: e.g. turbine/converter control.
Minutes: e.g. balancing and transmission.
Hours: e.g. storage and scheduling.
Days: e.g. farm operations.
Two categories of forecasting methods:
Physical: meteorological models.
Statistical: time series / machine learning.
My research focusing on statistical models.
Kostas Hatalis Recurrent Neural Network 2014 3 / 18
Time Series Forecasting
Time series forecasts are made as follows:
1 Study features of the series.
2 Remove trend and seasonality to get stationary residuals.
3 Test if IID noise then fit an ARMA model to residuals.
4 Forecast residual series by minimizing the mean squared error of the
expected future value.
Kostas Hatalis Recurrent Neural Network 2014 4 / 18
Trend and Seasonal Fitting
The classical decomposition model:
Kostas Hatalis Recurrent Neural Network 2014 5 / 18
Fitting ARMA Models
For our residual sequence, Yt is an ARMA(p,q) process if:
Yt − φ1Yt−1 − ... − φpYt−p = Zt + θ1Zt−1 + ... + θqZt−q
where Zt is white noise with mean zero and variance σ2.
Once we estimate all the parameters we can forecast future values at time
t + k. Eg. of an ARMA(2,1) model forecasting at t + 1 ahead:
ˆYt+1 = φ1Yt + φ2Yt−1 + Zt+1 − θ1Zt
ARMA is a model for the conditional mean of a process.
Kostas Hatalis Recurrent Neural Network 2014 6 / 18
Time Series Forecasting
Other Time Series forecasting models include:
Weighted moving average
Kalman filtering
Exponential smoothing
Autoregressive integrated moving average (ARIMA)
Seasonal ARIMA (SARIMA)
Extrapolation methods
Downside? Most assume data is stationary (distribution and
parameters do not change overtime), renewables are non-stationary!
Kostas Hatalis Recurrent Neural Network 2014 7 / 18
Evaluation Methods
Methods evaluating the predicted values vs the observed value
include:
Mean Squared Error (MSE)
Root Mean Squared Error (RMSE)
Median Absolute Deviation (MAD)
Mean Absolute Percentage Error (MAPE)
Sum of Squared Error (SSE)
Mean Absolute Error (MAE)
Signed Mean Squared Error (SMSE)
Kostas Hatalis Recurrent Neural Network 2014 8 / 18
Machine Learning Approach
Machine learning based forecasting updates it’s model with every
new observation
Prediction inference based on supervised learning which consists in
learning the link between two datasets: the observed data X and an
variable y that we are trying to predict, usually called “targets”.
Kostas Hatalis Recurrent Neural Network 2014 9 / 18
Statistical Learning Forecasting Methods
A number of machine learning methods have been applied for point
forecasting such as support vector machines, Bayesian networks, k-nearest
neighbors, etc. For point forecasting Artificial Neural Networks (ANN) are
amongst the most popular.
Universal Approximation Theorem
An artificial neural network with a single hidden layer containing a finite
number of neurons can approximate any function provided the activation
function f of the hidden neurons are non-linear.
Kostas Hatalis Recurrent Neural Network 2014 10 / 18
NARNET - Forecasting Ocean Wave
In my initial forecasting work I used an ANN called nonlinear
autoregressive network (NARNET) to forecast wave heights.
https://en.wikipedia.org/wiki/Significantwaveheight
Kostas Hatalis Recurrent Neural Network 2014 11 / 18
NARNET - Building a Neural Network
When building an ANN its important to define:
Architecture: number of layers and nodes.
Activation function: sigmoid, tanh, etc.
Cost function: mean squared error, etc.
Learning: gradient descent backpropagation, etc.
Kostas Hatalis Recurrent Neural Network 2014 12 / 18
NARNET - Model
For time series prediction NARNET is a recurrent ANN:
Kostas Hatalis Recurrent Neural Network 2014 13 / 18
NARNET - Results
Kostas Hatalis Recurrent Neural Network 2014 14 / 18
PSONET - Simulated Ocean Waves
Short term forecasting of ocean waves must be simulated.
Also NARNET has few problems, such as using too much memory
and occasionally getting stuck in local minamas. Needed to find new
training solution.
Kostas Hatalis Recurrent Neural Network 2014 15 / 18
PSONET - Particle Swarm Optimization
The adaptive particle swarm optimization (APSO) algorithm inspired by
flock of birds/fish searching for food:
−→v i (t + 1) =
ω−→v i (t) + c1φ1(−→p i (t) − −→x i (t)) + c2φ2(−→p g (t) − −→x i (t))
−→x i (t + 1) = −→x i (t) + ∆t−→v i (t + 1)
Kostas Hatalis Recurrent Neural Network 2014 16 / 18
PSONET - Results
Table: Table of error statistics with higher noisy data.
PSONAR 5s 10s 30s 60s
MSE 0.1603 0.9153 8.9066 13.4073
RMSE 0.4579 0.9567 2.9843 3.6615
MAPE 0.1734 0.2964 2.0758 3.2429
MAD 0.3470 0.6783 2.4161 2.8644
CC 0.9974 0.9693 0.3743 0.0902
NARNET 5s 10s 30s 60s
MSE 0.2097 1.4119 10.8491 15.0918
RMSE 0.4003 1.1882 3.2937 3.7525
MAPE 0.2531 0.7421 1.3229 4.7647
MAD 0.3698 0.8938 2.0769 3.0842
CC 0.9971 0.9165 0.31433 0.12301
Kostas Hatalis Recurrent Neural Network 2014 17 / 18
Work Done
[1] Hatalis, Kostas, et al. ”Multi-step forecasting of wave power using a
nonlinear recurrent neural network.” 2014 IEEE PES General Meeting—
Conference & Exposition. IEEE, 2014.
[2] Hatalis, Kostas, et al. ”Adaptive particle swarm optimization learning
in a time delayed recurrent neural network for multi-step prediction.”
Foundations of Computational Intelligence (FOCI), 2014 IEEE Symposium
on. IEEE, 2014.
[3] Hatalis, Kostas, et al. ”Swarm Based Parameter Estimation of Wave
Characteristics for Control in Ocean Energy Farms.” In Proceedings of the
IEEE Power Energy Society General Meeting, 2015.
[4] Hatalis, Kostas, et al. ”Particle Swarm Based Model Exploitation for
Parameter Estimation of Wave Realizations.” IEEE Symposium Series on
Computational Intelligence , 2016
Kostas Hatalis Recurrent Neural Network 2014 18 / 18

More Related Content

What's hot

Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkYan Xu
 
RNN & LSTM: Neural Network for Sequential Data
RNN & LSTM: Neural Network for Sequential DataRNN & LSTM: Neural Network for Sequential Data
RNN & LSTM: Neural Network for Sequential DataYao-Chieh Hu
 
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Preferred Networks
 
Word embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTMWord embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTMDivya Gera
 
Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion ModelsSangwoo Mo
 
PR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked AutoencodersPR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked AutoencodersSunghoon Joo
 
Recurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: TheoryRecurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: TheoryAndrii Gakhov
 
순환신경망(Recurrent neural networks) 개요
순환신경망(Recurrent neural networks) 개요순환신경망(Recurrent neural networks) 개요
순환신경망(Recurrent neural networks) 개요Byoung-Hee Kim
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기NAVER Engineering
 
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
 
Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...
Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...
Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...Subrata Kumer Paul
 
Deep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningDeep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningShubhmay Potdar
 
Introduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowIntroduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowSri Ambati
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural networkmustafa aadel
 
Optimization/Gradient Descent
Optimization/Gradient DescentOptimization/Gradient Descent
Optimization/Gradient Descentkandelin
 
Understanding RNN and LSTM
Understanding RNN and LSTMUnderstanding RNN and LSTM
Understanding RNN and LSTM健程 杨
 

What's hot (20)

Autoencoder
AutoencoderAutoencoder
Autoencoder
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
RNN & LSTM: Neural Network for Sequential Data
RNN & LSTM: Neural Network for Sequential DataRNN & LSTM: Neural Network for Sequential Data
RNN & LSTM: Neural Network for Sequential Data
 
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
 
Word embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTMWord embeddings, RNN, GRU and LSTM
Word embeddings, RNN, GRU and LSTM
 
Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion Models
 
PR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked AutoencodersPR-433: Test-time Training with Masked Autoencoders
PR-433: Test-time Training with Masked Autoencoders
 
Recurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: TheoryRecurrent Neural Networks. Part 1: Theory
Recurrent Neural Networks. Part 1: Theory
 
순환신경망(Recurrent neural networks) 개요
순환신경망(Recurrent neural networks) 개요순환신경망(Recurrent neural networks) 개요
순환신경망(Recurrent neural networks) 개요
 
Rnn and lstm
Rnn and lstmRnn and lstm
Rnn and lstm
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
 
Customer segmentation.pptx
Customer segmentation.pptxCustomer segmentation.pptx
Customer segmentation.pptx
 
Introduction to Transformer Model
Introduction to Transformer ModelIntroduction to Transformer Model
Introduction to Transformer Model
 
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...
 
Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...
Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...
Chapter 6. Mining Frequent Patterns, Associations and Correlations Basic Conc...
 
Deep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter TuningDeep Dive into Hyperparameter Tuning
Deep Dive into Hyperparameter Tuning
 
Introduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowIntroduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlow
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Optimization/Gradient Descent
Optimization/Gradient DescentOptimization/Gradient Descent
Optimization/Gradient Descent
 
Understanding RNN and LSTM
Understanding RNN and LSTMUnderstanding RNN and LSTM
Understanding RNN and LSTM
 

Similar to Multi-Step Forecasting RNN

ICIS - Power price prediction with neural networks
ICIS - Power price prediction with neural networksICIS - Power price prediction with neural networks
ICIS - Power price prediction with neural networksICIS
 
Multivariate dimensionality reduction in cross-correlation analysis
Multivariate dimensionality reduction in cross-correlation analysis Multivariate dimensionality reduction in cross-correlation analysis
Multivariate dimensionality reduction in cross-correlation analysis ivanokitov
 
A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...
A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...
A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...Salford Systems
 
Vol 9 No 1 - January 2014
Vol 9 No 1 - January 2014Vol 9 No 1 - January 2014
Vol 9 No 1 - January 2014ijcsbi
 
Performance comparison of automatic peak detection for signal analyser
Performance comparison of automatic peak detection for signal analyserPerformance comparison of automatic peak detection for signal analyser
Performance comparison of automatic peak detection for signal analyserjournalBEEI
 
Anomaly Detection in Sequences of Short Text Using Iterative Language Models
Anomaly Detection in Sequences of Short Text Using Iterative Language ModelsAnomaly Detection in Sequences of Short Text Using Iterative Language Models
Anomaly Detection in Sequences of Short Text Using Iterative Language ModelsCynthia Freeman
 
Streaming multiscale anomaly detection
Streaming multiscale anomaly detectionStreaming multiscale anomaly detection
Streaming multiscale anomaly detectionRavi Kiran B.
 
Smooth Pinball based Quantile Neural Network
Smooth Pinball based Quantile Neural NetworkSmooth Pinball based Quantile Neural Network
Smooth Pinball based Quantile Neural NetworkKostas Hatalis, PhD
 
IRJET- Underwater Acoustic Wsn:Routing Protocol
IRJET- Underwater Acoustic Wsn:Routing ProtocolIRJET- Underwater Acoustic Wsn:Routing Protocol
IRJET- Underwater Acoustic Wsn:Routing ProtocolIRJET Journal
 
A Joint QRS Detection and Data Compression Scheme for Wearable Sensors
A Joint QRS Detection and Data Compression Scheme for Wearable SensorsA Joint QRS Detection and Data Compression Scheme for Wearable Sensors
A Joint QRS Detection and Data Compression Scheme for Wearable Sensorsecgpapers
 
5.1 mining data streams
5.1 mining data streams5.1 mining data streams
5.1 mining data streamsKrish_ver2
 
Algoritmo de detecção de Pulso
Algoritmo de detecção de PulsoAlgoritmo de detecção de Pulso
Algoritmo de detecção de PulsoDanielFiuza8
 
A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...eSAT Journals
 
A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...eSAT Publishing House
 
A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...eSAT Journals
 
Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...
Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...
Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...cscpconf
 
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...csandit
 
Klessydra t - designing vector coprocessors for multi-threaded edge-computing...
Klessydra t - designing vector coprocessors for multi-threaded edge-computing...Klessydra t - designing vector coprocessors for multi-threaded edge-computing...
Klessydra t - designing vector coprocessors for multi-threaded edge-computing...RISC-V International
 

Similar to Multi-Step Forecasting RNN (20)

ICIS - Power price prediction with neural networks
ICIS - Power price prediction with neural networksICIS - Power price prediction with neural networks
ICIS - Power price prediction with neural networks
 
Multivariate dimensionality reduction in cross-correlation analysis
Multivariate dimensionality reduction in cross-correlation analysis Multivariate dimensionality reduction in cross-correlation analysis
Multivariate dimensionality reduction in cross-correlation analysis
 
ODVSML_Presentation
ODVSML_PresentationODVSML_Presentation
ODVSML_Presentation
 
A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...
A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...
A Hybrid Method of CART and Artificial Neural Network for Short Term Load For...
 
Vol 9 No 1 - January 2014
Vol 9 No 1 - January 2014Vol 9 No 1 - January 2014
Vol 9 No 1 - January 2014
 
Performance comparison of automatic peak detection for signal analyser
Performance comparison of automatic peak detection for signal analyserPerformance comparison of automatic peak detection for signal analyser
Performance comparison of automatic peak detection for signal analyser
 
Anomaly Detection in Sequences of Short Text Using Iterative Language Models
Anomaly Detection in Sequences of Short Text Using Iterative Language ModelsAnomaly Detection in Sequences of Short Text Using Iterative Language Models
Anomaly Detection in Sequences of Short Text Using Iterative Language Models
 
Streaming multiscale anomaly detection
Streaming multiscale anomaly detectionStreaming multiscale anomaly detection
Streaming multiscale anomaly detection
 
Smooth Pinball based Quantile Neural Network
Smooth Pinball based Quantile Neural NetworkSmooth Pinball based Quantile Neural Network
Smooth Pinball based Quantile Neural Network
 
IRJET- Underwater Acoustic Wsn:Routing Protocol
IRJET- Underwater Acoustic Wsn:Routing ProtocolIRJET- Underwater Acoustic Wsn:Routing Protocol
IRJET- Underwater Acoustic Wsn:Routing Protocol
 
A Joint QRS Detection and Data Compression Scheme for Wearable Sensors
A Joint QRS Detection and Data Compression Scheme for Wearable SensorsA Joint QRS Detection and Data Compression Scheme for Wearable Sensors
A Joint QRS Detection and Data Compression Scheme for Wearable Sensors
 
5.1 mining data streams
5.1 mining data streams5.1 mining data streams
5.1 mining data streams
 
Algoritmo de detecção de Pulso
Algoritmo de detecção de PulsoAlgoritmo de detecção de Pulso
Algoritmo de detecção de Pulso
 
Energy saving policies final
Energy saving policies finalEnergy saving policies final
Energy saving policies final
 
A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...
 
A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...
 
A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...A continuous time adc and digital signal processing system for smart dust and...
A continuous time adc and digital signal processing system for smart dust and...
 
Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...
Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...
Neural Networks for High Performance Time-Delay Estimation and Acoustic Sourc...
 
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
NEURAL NETWORKS FOR HIGH PERFORMANCE TIME-DELAY ESTIMATION AND ACOUSTIC SOURC...
 
Klessydra t - designing vector coprocessors for multi-threaded edge-computing...
Klessydra t - designing vector coprocessors for multi-threaded edge-computing...Klessydra t - designing vector coprocessors for multi-threaded edge-computing...
Klessydra t - designing vector coprocessors for multi-threaded edge-computing...
 

Recently uploaded

dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptSonatrach
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degreeyuu sss
 
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
 
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
 
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Jack DiGiovanna
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxStephen266013
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxEmmanuel Dauda
 
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Sapana Sha
 
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
 
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档208367051
 
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一F sss
 
Call Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceCall Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceSapana Sha
 
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
 
RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfgstagge
 
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...dajasot375
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一fhwihughh
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfSocial Samosa
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...Florian Roscheck
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDRafezzaman
 

Recently uploaded (20)

dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.pptdokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
dokumen.tips_chapter-4-transient-heat-conduction-mehmet-kanoglu.ppt
 
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
毕业文凭制作#回国入职#diploma#degree澳洲中央昆士兰大学毕业证成绩单pdf电子版制作修改#毕业文凭制作#回国入职#diploma#degree
 
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)
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
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
 
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docx
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptx
 
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
 
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
 
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
 
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
 
Call Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceCall Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts Service
 
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 ...
 
RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdf
 
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
 

Multi-Step Forecasting RNN

  • 1. Time Delayed Recurrent Neural Network for Multi-Step Prediction By Kostas Hatalis hatalis@gmail.com Dept. of Electrical & Computer Engineering Lehigh University, Bethlehem, PA 2014 Kostas Hatalis Recurrent Neural Network 2014 1 / 18
  • 2. Renewable Power Forecasting Forecasting is essential to the integration of renewable power generation to the smart grid. Kostas Hatalis Recurrent Neural Network 2014 2 / 18
  • 3. General Short Term Time Frames and Methods Resolution of forecasting: Seconds: e.g. turbine/converter control. Minutes: e.g. balancing and transmission. Hours: e.g. storage and scheduling. Days: e.g. farm operations. Two categories of forecasting methods: Physical: meteorological models. Statistical: time series / machine learning. My research focusing on statistical models. Kostas Hatalis Recurrent Neural Network 2014 3 / 18
  • 4. Time Series Forecasting Time series forecasts are made as follows: 1 Study features of the series. 2 Remove trend and seasonality to get stationary residuals. 3 Test if IID noise then fit an ARMA model to residuals. 4 Forecast residual series by minimizing the mean squared error of the expected future value. Kostas Hatalis Recurrent Neural Network 2014 4 / 18
  • 5. Trend and Seasonal Fitting The classical decomposition model: Kostas Hatalis Recurrent Neural Network 2014 5 / 18
  • 6. Fitting ARMA Models For our residual sequence, Yt is an ARMA(p,q) process if: Yt − φ1Yt−1 − ... − φpYt−p = Zt + θ1Zt−1 + ... + θqZt−q where Zt is white noise with mean zero and variance σ2. Once we estimate all the parameters we can forecast future values at time t + k. Eg. of an ARMA(2,1) model forecasting at t + 1 ahead: ˆYt+1 = φ1Yt + φ2Yt−1 + Zt+1 − θ1Zt ARMA is a model for the conditional mean of a process. Kostas Hatalis Recurrent Neural Network 2014 6 / 18
  • 7. Time Series Forecasting Other Time Series forecasting models include: Weighted moving average Kalman filtering Exponential smoothing Autoregressive integrated moving average (ARIMA) Seasonal ARIMA (SARIMA) Extrapolation methods Downside? Most assume data is stationary (distribution and parameters do not change overtime), renewables are non-stationary! Kostas Hatalis Recurrent Neural Network 2014 7 / 18
  • 8. Evaluation Methods Methods evaluating the predicted values vs the observed value include: Mean Squared Error (MSE) Root Mean Squared Error (RMSE) Median Absolute Deviation (MAD) Mean Absolute Percentage Error (MAPE) Sum of Squared Error (SSE) Mean Absolute Error (MAE) Signed Mean Squared Error (SMSE) Kostas Hatalis Recurrent Neural Network 2014 8 / 18
  • 9. Machine Learning Approach Machine learning based forecasting updates it’s model with every new observation Prediction inference based on supervised learning which consists in learning the link between two datasets: the observed data X and an variable y that we are trying to predict, usually called “targets”. Kostas Hatalis Recurrent Neural Network 2014 9 / 18
  • 10. Statistical Learning Forecasting Methods A number of machine learning methods have been applied for point forecasting such as support vector machines, Bayesian networks, k-nearest neighbors, etc. For point forecasting Artificial Neural Networks (ANN) are amongst the most popular. Universal Approximation Theorem An artificial neural network with a single hidden layer containing a finite number of neurons can approximate any function provided the activation function f of the hidden neurons are non-linear. Kostas Hatalis Recurrent Neural Network 2014 10 / 18
  • 11. NARNET - Forecasting Ocean Wave In my initial forecasting work I used an ANN called nonlinear autoregressive network (NARNET) to forecast wave heights. https://en.wikipedia.org/wiki/Significantwaveheight Kostas Hatalis Recurrent Neural Network 2014 11 / 18
  • 12. NARNET - Building a Neural Network When building an ANN its important to define: Architecture: number of layers and nodes. Activation function: sigmoid, tanh, etc. Cost function: mean squared error, etc. Learning: gradient descent backpropagation, etc. Kostas Hatalis Recurrent Neural Network 2014 12 / 18
  • 13. NARNET - Model For time series prediction NARNET is a recurrent ANN: Kostas Hatalis Recurrent Neural Network 2014 13 / 18
  • 14. NARNET - Results Kostas Hatalis Recurrent Neural Network 2014 14 / 18
  • 15. PSONET - Simulated Ocean Waves Short term forecasting of ocean waves must be simulated. Also NARNET has few problems, such as using too much memory and occasionally getting stuck in local minamas. Needed to find new training solution. Kostas Hatalis Recurrent Neural Network 2014 15 / 18
  • 16. PSONET - Particle Swarm Optimization The adaptive particle swarm optimization (APSO) algorithm inspired by flock of birds/fish searching for food: −→v i (t + 1) = ω−→v i (t) + c1φ1(−→p i (t) − −→x i (t)) + c2φ2(−→p g (t) − −→x i (t)) −→x i (t + 1) = −→x i (t) + ∆t−→v i (t + 1) Kostas Hatalis Recurrent Neural Network 2014 16 / 18
  • 17. PSONET - Results Table: Table of error statistics with higher noisy data. PSONAR 5s 10s 30s 60s MSE 0.1603 0.9153 8.9066 13.4073 RMSE 0.4579 0.9567 2.9843 3.6615 MAPE 0.1734 0.2964 2.0758 3.2429 MAD 0.3470 0.6783 2.4161 2.8644 CC 0.9974 0.9693 0.3743 0.0902 NARNET 5s 10s 30s 60s MSE 0.2097 1.4119 10.8491 15.0918 RMSE 0.4003 1.1882 3.2937 3.7525 MAPE 0.2531 0.7421 1.3229 4.7647 MAD 0.3698 0.8938 2.0769 3.0842 CC 0.9971 0.9165 0.31433 0.12301 Kostas Hatalis Recurrent Neural Network 2014 17 / 18
  • 18. Work Done [1] Hatalis, Kostas, et al. ”Multi-step forecasting of wave power using a nonlinear recurrent neural network.” 2014 IEEE PES General Meeting— Conference & Exposition. IEEE, 2014. [2] Hatalis, Kostas, et al. ”Adaptive particle swarm optimization learning in a time delayed recurrent neural network for multi-step prediction.” Foundations of Computational Intelligence (FOCI), 2014 IEEE Symposium on. IEEE, 2014. [3] Hatalis, Kostas, et al. ”Swarm Based Parameter Estimation of Wave Characteristics for Control in Ocean Energy Farms.” In Proceedings of the IEEE Power Energy Society General Meeting, 2015. [4] Hatalis, Kostas, et al. ”Particle Swarm Based Model Exploitation for Parameter Estimation of Wave Realizations.” IEEE Symposium Series on Computational Intelligence , 2016 Kostas Hatalis Recurrent Neural Network 2014 18 / 18