SlideShare ist ein Scribd-Unternehmen logo
1 von 39
Downloaden Sie, um offline zu lesen
Hybrid Neural Networks for
Time Series Learning
Tian Guo
Ph.D.
24 Nov. 2016
Outline
• Introduction
• Hybrid Neural Network (HNN)
• HNN for Real
• Preliminaries
• TreNet: a HNN for learning the local trend of time series
• Experiment results
• Conclusion
2
Introduction
3Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Time series data: a sequence of data points consisting of
successive measurements made over time.
• Internet of Things
• Sensor networks
• Mobile phones
• And more…
4Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Time series analytics in a variety of applications
• Classification
• Prediction
• Anomaly detection
• Pattern discovery
• And more…
5
Pattern 1 Pattern 2
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Time series analytics tools
• Statistics
• Hidden Markov Model (HMM)
• State Space Model
• ARIMA
• Machine learning
• Random Forest
• SVM
• Gaussian Process
•
6
Random Forest
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Neural Network and Deep Learning
• Language translation
• E.g., Google’s Multilingual Neural Machine Translation System
• Computer vision
• E.g., Microsoft Research’s PReLU network outperforms Human-Level
performance on ImageNet Classification
• Speech recognition
• E.g., Amazon Echo, Apple Siri
• Time series classification
• E.g. recognize patterns in multivariate
time series of clinical measurements
7
Z. Lipton, et al. “Learning to Diagnose with LSTM Recurrent Neural Networks”. ICLR, 2016.
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Fundamental network architectures
• Convolutional neural network: input two-dimensional data, e.g.,
image
• Recurrent neural network: input
8
Unfolded recurrent connections in a RNN
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Convolutional Neural Network (CNN)
• Feature learning for images
• To extract high-level features from raw data
• Such high-level features are further used for classification or
regression.
9
K. He, et al. “Delving deep into rectifiers: Surpassing Human-Level Performance on ImageNet Classification”. arxiv.org, 2015
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Convolutional Neural Network (CNN)
• CNN in the Human Activity Recognition Problem
• Multichannel time series acquired from a set of body-worn sensors
• To predict human activities by training a CNN over time series
10
J. Yang, et al. “Deep Convolutional Neural Networks On Multichannel Time Series For Human Activity Recognition”. IJCAI 2015
Value
Time
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Introduction
• Recurrent Neural Network (RNN)
• A powerful tool to model sequence data
• To capture dependency in sequence data
• Long-short term memory network (LSTM)
• A widely used variant of RNNs
• Equipped with memory and gate mechanism
• To overcome gradient vanishing and explosion
11
S. Hochreiter, et al. “Long short-term memory’’. Neural computation, 1997.
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
12Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• CNN or RNN
• Work well for respective data, i.e. images and sequence data
13Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• A cascade of CNN and RNN
• Classification of EEG data
• Electroencephalogram (EEG) : multiple time series corresponding to
measurements across different spatial locations over the cortex.
• Mental load classification task:
measures the working memory
responsible for transient retention
of information in the brain.
14
P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• A cascade of CNN and RNN
• Classification of EEG data
• A key challenge in correctly recognizing mental states
• EEG data often contains translation
and deformation of signal in space,
frequency, and time, due to inter-
and intra-subject differences
15
P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• A cascade of CNN and RNN
• Classification of EEG data
16
P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• A cascade of CNN and RNN
• EEG data classification
17
P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• Time Series
• Noisy
• Non-stationary
• Hidden information: states, dynamics
• Auto-correlated on the temporal dimension
• Manual feature engineering
• Preprocessing: de-trending, outlier removal, etc.
• Dimension reduction: Fourier Transformation
• Piecewise approximation: PAA, PCA, PLA, etc.
• Application-specific, domain knowledge
18
Why do we need hybrid architectures?
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• Hybrid architectures: end-to-end learning framework
• Loss function driven training
• Learning representative features
• Capturing sequential dependency in data
19
Why do we need hybrid architectures?
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Hybrid Neural Networks
• A cascade of CNN and RNN
20
P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
HNN for Real:
TreNet for Learning the Local Trend
21
T. Guo, et al. TreNet: Hybrid Neural Networks for Learning the Local Trend in Temporal Data. In submission to ICLR, 2017
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Preliminaries
• Conventional trend analysis in time series
is the seasonal component at time t
is the trend component at t
is the remainder
22Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Preliminaries
• Local trend
• Measure the intermediate local behaviour, i.e. upward or downward
pattern of time series
• For instance, the time series of household power consumption and
the local trends are shown as follows:
• Time series
• Extracted local trend ,
is the duration and is the slope
23Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Preliminaries
• Learning and forecasting the local trend
• Predict ,
• Useful in many applications
• Smart energy
• Stock market
• And more …
24Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Preliminaries
• Learning and forecasting the local trend
• Local raw data
• Global contextual information
in the historical sequence of trend
• To learn a function
is either or
25Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
TreNet
• Overview of TreNet
• is derived by training the LSTM over sequence to
capture the dependency in the trend evolving.
• corresponds to local features extracted by CNN from
26Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
is derived by training the LSTM over sequence to capture
the dependency in the trend evolving.
corresponds to local features extracted by CNN from
TreNet
• Overview
•
27Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
TreNet
• Learning
28Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
TreNet
• LSTM
• Feed the sequence of
• Output
29Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
TreNet
• CNN
• Output
30Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
TreNet
• Feature Fusion and output layers
31Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
TreNet
• Learning
• Gradient descent
32Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Experiments
• Datasets
• Daily Household Power Consumption (HousePC)
• Gas Sensor (GasSensor)
• Stock Transaction (Stock)
33
E Keogh, et al. “An online algorithm for segmenting time series”. ICDM, 2001
Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Experiments
• Baselines
• CNN
• LSTM
• Support Vector Regression (SVR)
• Radial Basis kernel (SVRBF)
• Polynomial kernel (SVPOLY)
• Sigmoid kernel (SVSIG)
• Pattern-based Hidden Markov Model (pHMM)
34Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
P. Wang, et al. “Finding Semantics in Time Series”, SIGMOD 2011
Experiments
• Results: overall accuracy
35Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Experiments
• Results: prediction visualization
36Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
Conclusion
37
Conclusion
38
• Hybrid neural networks
• TreNet for the Local Trend Learning
• Future work: a generic idea
• Social media streams
• Heterogeneous data
• Influence analysis
• And more…
Thanks! Q & A
This work is supported by EU OpenIoT Project
(Open Source Solution for the Internet of Things)
http://www.openiot.eu/
Feel free to contact: tian.guo0980@gmail.com, tian.guo@epfl.ch

Weitere ähnliche Inhalte

Was ist angesagt?

[論文紹介] LSTM (LONG SHORT-TERM MEMORY)
[論文紹介] LSTM (LONG SHORT-TERM MEMORY)[論文紹介] LSTM (LONG SHORT-TERM MEMORY)
[論文紹介] LSTM (LONG SHORT-TERM MEMORY)Tomoyuki Hioki
 
Continual Learning Introduction
Continual Learning IntroductionContinual Learning Introduction
Continual Learning IntroductionRidge-i, Inc.
 
kaggle hm fashion recsys pjct 발표 자료.pptx
kaggle hm fashion recsys pjct 발표 자료.pptxkaggle hm fashion recsys pjct 발표 자료.pptx
kaggle hm fashion recsys pjct 발표 자료.pptxJohnKim663844
 
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018Massimo Quadrana
 
[DL輪読会] Residual Attention Network for Image Classification
[DL輪読会] Residual Attention Network for Image Classification[DL輪読会] Residual Attention Network for Image Classification
[DL輪読会] Residual Attention Network for Image ClassificationDeep Learning JP
 
微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討
微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討
微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討Yuta Matsunaga
 
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...민진 최
 
【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...
【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...
【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...Deep Learning JP
 
Interactive Recommender Systems with Netflix and Spotify
Interactive Recommender Systems with Netflix and SpotifyInteractive Recommender Systems with Netflix and Spotify
Interactive Recommender Systems with Netflix and SpotifyChris Johnson
 
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...Balázs Hidasi
 
A Transformer-based Framework for Multivariate Time Series Representation Lea...
A Transformer-based Framework for Multivariate Time Series Representation Lea...A Transformer-based Framework for Multivariate Time Series Representation Lea...
A Transformer-based Framework for Multivariate Time Series Representation Lea...harmonylab
 
Book Recommendation System using Data Mining for the University of Hong Kong ...
Book Recommendation System using Data Mining for the University of Hong Kong ...Book Recommendation System using Data Mining for the University of Hong Kong ...
Book Recommendation System using Data Mining for the University of Hong Kong ...CITE
 
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...Hyeongmin Lee
 
GANの概要とDCGANのアーキテクチャ/アルゴリズム
GANの概要とDCGANのアーキテクチャ/アルゴリズムGANの概要とDCGANのアーキテクチャ/アルゴリズム
GANの概要とDCGANのアーキテクチャ/アルゴリズムHirosaji
 
点群深層学習 Meta-study
点群深層学習 Meta-study点群深層学習 Meta-study
点群深層学習 Meta-studyNaoya Chiba
 
Kdd 2014 Tutorial - the recommender problem revisited
Kdd 2014 Tutorial -  the recommender problem revisitedKdd 2014 Tutorial -  the recommender problem revisited
Kdd 2014 Tutorial - the recommender problem revisitedXavier Amatriain
 
Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習Plot Hong
 
[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning
[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning
[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task LearningDeep Learning JP
 

Was ist angesagt? (20)

[論文紹介] LSTM (LONG SHORT-TERM MEMORY)
[論文紹介] LSTM (LONG SHORT-TERM MEMORY)[論文紹介] LSTM (LONG SHORT-TERM MEMORY)
[論文紹介] LSTM (LONG SHORT-TERM MEMORY)
 
Continual Learning Introduction
Continual Learning IntroductionContinual Learning Introduction
Continual Learning Introduction
 
kaggle hm fashion recsys pjct 발표 자료.pptx
kaggle hm fashion recsys pjct 발표 자료.pptxkaggle hm fashion recsys pjct 발표 자료.pptx
kaggle hm fashion recsys pjct 발표 자료.pptx
 
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
Tutorial on Sequence Aware Recommender Systems - ACM RecSys 2018
 
[DL輪読会] Residual Attention Network for Image Classification
[DL輪読会] Residual Attention Network for Image Classification[DL輪読会] Residual Attention Network for Image Classification
[DL輪読会] Residual Attention Network for Image Classification
 
Dilated rnn
Dilated rnnDilated rnn
Dilated rnn
 
微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討
微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討
微分可能な信号処理に基づく音声合成器を用いた DNN 音声パラメータ推定の検討
 
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
Session-aware Linear Item-Item Models for Session-based Recommendation (WWW 2...
 
【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...
【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...
【DL輪読会】“Gestalt Principles Emerge When Learning Universal Sound Source Separa...
 
Interactive Recommender Systems with Netflix and Spotify
Interactive Recommender Systems with Netflix and SpotifyInteractive Recommender Systems with Netflix and Spotify
Interactive Recommender Systems with Netflix and Spotify
 
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
GRU4Rec v2 - Recurrent Neural Networks with Top-k Gains for Session-based Rec...
 
A Transformer-based Framework for Multivariate Time Series Representation Lea...
A Transformer-based Framework for Multivariate Time Series Representation Lea...A Transformer-based Framework for Multivariate Time Series Representation Lea...
A Transformer-based Framework for Multivariate Time Series Representation Lea...
 
Book Recommendation System using Data Mining for the University of Hong Kong ...
Book Recommendation System using Data Mining for the University of Hong Kong ...Book Recommendation System using Data Mining for the University of Hong Kong ...
Book Recommendation System using Data Mining for the University of Hong Kong ...
 
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
PR-430: CLIP4Clip: An Empirical Study of CLIP for End to End Video Clip Retri...
 
GANの概要とDCGANのアーキテクチャ/アルゴリズム
GANの概要とDCGANのアーキテクチャ/アルゴリズムGANの概要とDCGANのアーキテクチャ/アルゴリズム
GANの概要とDCGANのアーキテクチャ/アルゴリズム
 
点群深層学習 Meta-study
点群深層学習 Meta-study点群深層学習 Meta-study
点群深層学習 Meta-study
 
Kdd 2014 Tutorial - the recommender problem revisited
Kdd 2014 Tutorial -  the recommender problem revisitedKdd 2014 Tutorial -  the recommender problem revisited
Kdd 2014 Tutorial - the recommender problem revisited
 
Object tracking final
Object tracking finalObject tracking final
Object tracking final
 
Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習
 
[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning
[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning
[DL輪読会]AdaShare: Learning What To Share For Efficient Deep Multi-Task Learning
 

Ähnlich wie Hybrid Neural Networks for Time Series Learning: TreNet Captures Local Trends

Real-Time Streaming Data Analysis with HTM
Real-Time Streaming Data Analysis with HTMReal-Time Streaming Data Analysis with HTM
Real-Time Streaming Data Analysis with HTMNumenta
 
Lecture on Deep Learning
Lecture on Deep LearningLecture on Deep Learning
Lecture on Deep LearningYasas Senarath
 
Semester presentation
Semester presentationSemester presentation
Semester presentationkhush bakhat
 
Exploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image RecognitionExploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image RecognitionYongsu Baek
 
Convolutional Neural Networks for Natural Language Processing / Stanford cs22...
Convolutional Neural Networks for Natural Language Processing / Stanford cs22...Convolutional Neural Networks for Natural Language Processing / Stanford cs22...
Convolutional Neural Networks for Natural Language Processing / Stanford cs22...changedaeoh
 
Coupled Layer-wise Graph Convolution for Transportation Demand Prediction
Coupled Layer-wise Graph Convolution for Transportation Demand PredictionCoupled Layer-wise Graph Convolution for Transportation Demand Prediction
Coupled Layer-wise Graph Convolution for Transportation Demand Predictionivaderivader
 
Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.Vishal Mishra
 
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
 
Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...
Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...
Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...PyData
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningJunaid Bhat
 
A Neural Network that Understands Handwriting
A Neural Network that Understands HandwritingA Neural Network that Understands Handwriting
A Neural Network that Understands HandwritingShivam Sawhney
 
Computational intelligence based data aggregation technique in clustered wsn
Computational intelligence based data aggregation technique in clustered wsnComputational intelligence based data aggregation technique in clustered wsn
Computational intelligence based data aggregation technique in clustered wsnTAIWAN
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learningsun peiyuan
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksRimzim Thube
 
Lecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural NetworksLecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural NetworksSang Jun Lee
 
Towards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networksTowards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networks曾 子芸
 

Ähnlich wie Hybrid Neural Networks for Time Series Learning: TreNet Captures Local Trends (20)

Real-Time Streaming Data Analysis with HTM
Real-Time Streaming Data Analysis with HTMReal-Time Streaming Data Analysis with HTM
Real-Time Streaming Data Analysis with HTM
 
Lecture on Deep Learning
Lecture on Deep LearningLecture on Deep Learning
Lecture on Deep Learning
 
DNN Model Interpretability
DNN Model InterpretabilityDNN Model Interpretability
DNN Model Interpretability
 
Semester presentation
Semester presentationSemester presentation
Semester presentation
 
Exploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image RecognitionExploring Randomly Wired Neural Networks for Image Recognition
Exploring Randomly Wired Neural Networks for Image Recognition
 
Convolutional Neural Networks for Natural Language Processing / Stanford cs22...
Convolutional Neural Networks for Natural Language Processing / Stanford cs22...Convolutional Neural Networks for Natural Language Processing / Stanford cs22...
Convolutional Neural Networks for Natural Language Processing / Stanford cs22...
 
Coupled Layer-wise Graph Convolution for Transportation Demand Prediction
Coupled Layer-wise Graph Convolution for Transportation Demand PredictionCoupled Layer-wise Graph Convolution for Transportation Demand Prediction
Coupled Layer-wise Graph Convolution for Transportation Demand Prediction
 
Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.Convolutional Neural Network and RNN for OCR problem.
Convolutional Neural Network and RNN for OCR problem.
 
Recurrent Neural Network
Recurrent Neural NetworkRecurrent Neural Network
Recurrent Neural Network
 
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
 
Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...
Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...
Enabling Real Time Analysis & Decision Making - A Paradigm Shift for Experime...
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
A Neural Network that Understands Handwriting
A Neural Network that Understands HandwritingA Neural Network that Understands Handwriting
A Neural Network that Understands Handwriting
 
Computational intelligence based data aggregation technique in clustered wsn
Computational intelligence based data aggregation technique in clustered wsnComputational intelligence based data aggregation technique in clustered wsn
Computational intelligence based data aggregation technique in clustered wsn
 
network mining and representation learning
network mining and representation learningnetwork mining and representation learning
network mining and representation learning
 
PhD Defense
PhD DefensePhD Defense
PhD Defense
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural Networks
 
Lecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural NetworksLecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural Networks
 
Lec 1-2-3-intr.
Lec 1-2-3-intr.Lec 1-2-3-intr.
Lec 1-2-3-intr.
 
Towards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networksTowards better analysis of deep convolutional neural networks
Towards better analysis of deep convolutional neural networks
 

Kürzlich hochgeladen

IMA MSN - Medical Students Network (2).pptx
IMA MSN - Medical Students Network (2).pptxIMA MSN - Medical Students Network (2).pptx
IMA MSN - Medical Students Network (2).pptxdolaknnilon
 
Defining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryDefining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryJeremy Anderson
 
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一F sss
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一fhwihughh
 
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
 
RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.natarajan8993
 
RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfgstagge
 
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
 
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...limedy534
 
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
 
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
 
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
 
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
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home ServiceSapana Sha
 
MK KOMUNIKASI DATA (TI)komdat komdat.docx
MK KOMUNIKASI DATA (TI)komdat komdat.docxMK KOMUNIKASI DATA (TI)komdat komdat.docx
MK KOMUNIKASI DATA (TI)komdat komdat.docxUnduhUnggah1
 
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
 
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
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 217djon017
 

Kürzlich hochgeladen (20)

IMA MSN - Medical Students Network (2).pptx
IMA MSN - Medical Students Network (2).pptxIMA MSN - Medical Students Network (2).pptx
IMA MSN - Medical Students Network (2).pptx
 
Defining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data StoryDefining Constituents, Data Vizzes and Telling a Data Story
Defining Constituents, Data Vizzes and Telling a Data Story
 
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
 
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
 
RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.
 
RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdf
 
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...
 
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
Effects of Smartphone Addiction on the Academic Performances of Grades 9 to 1...
 
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
 
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
 
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...
 
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
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service
 
E-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptxE-Commerce Order PredictionShraddha Kamble.pptx
E-Commerce Order PredictionShraddha Kamble.pptx
 
MK KOMUNIKASI DATA (TI)komdat komdat.docx
MK KOMUNIKASI DATA (TI)komdat komdat.docxMK KOMUNIKASI DATA (TI)komdat komdat.docx
MK KOMUNIKASI DATA (TI)komdat komdat.docx
 
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
 
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
 
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
 
Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2Easter Eggs From Star Wars and in cars 1 and 2
Easter Eggs From Star Wars and in cars 1 and 2
 

Hybrid Neural Networks for Time Series Learning: TreNet Captures Local Trends

  • 1. Hybrid Neural Networks for Time Series Learning Tian Guo Ph.D. 24 Nov. 2016
  • 2. Outline • Introduction • Hybrid Neural Network (HNN) • HNN for Real • Preliminaries • TreNet: a HNN for learning the local trend of time series • Experiment results • Conclusion 2
  • 3. Introduction 3Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 4. Introduction • Time series data: a sequence of data points consisting of successive measurements made over time. • Internet of Things • Sensor networks • Mobile phones • And more… 4Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 5. Introduction • Time series analytics in a variety of applications • Classification • Prediction • Anomaly detection • Pattern discovery • And more… 5 Pattern 1 Pattern 2 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 6. Introduction • Time series analytics tools • Statistics • Hidden Markov Model (HMM) • State Space Model • ARIMA • Machine learning • Random Forest • SVM • Gaussian Process • 6 Random Forest Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 7. Introduction • Neural Network and Deep Learning • Language translation • E.g., Google’s Multilingual Neural Machine Translation System • Computer vision • E.g., Microsoft Research’s PReLU network outperforms Human-Level performance on ImageNet Classification • Speech recognition • E.g., Amazon Echo, Apple Siri • Time series classification • E.g. recognize patterns in multivariate time series of clinical measurements 7 Z. Lipton, et al. “Learning to Diagnose with LSTM Recurrent Neural Networks”. ICLR, 2016. Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 8. Introduction • Fundamental network architectures • Convolutional neural network: input two-dimensional data, e.g., image • Recurrent neural network: input 8 Unfolded recurrent connections in a RNN Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 9. Introduction • Convolutional Neural Network (CNN) • Feature learning for images • To extract high-level features from raw data • Such high-level features are further used for classification or regression. 9 K. He, et al. “Delving deep into rectifiers: Surpassing Human-Level Performance on ImageNet Classification”. arxiv.org, 2015 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 10. Introduction • Convolutional Neural Network (CNN) • CNN in the Human Activity Recognition Problem • Multichannel time series acquired from a set of body-worn sensors • To predict human activities by training a CNN over time series 10 J. Yang, et al. “Deep Convolutional Neural Networks On Multichannel Time Series For Human Activity Recognition”. IJCAI 2015 Value Time Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 11. Introduction • Recurrent Neural Network (RNN) • A powerful tool to model sequence data • To capture dependency in sequence data • Long-short term memory network (LSTM) • A widely used variant of RNNs • Equipped with memory and gate mechanism • To overcome gradient vanishing and explosion 11 S. Hochreiter, et al. “Long short-term memory’’. Neural computation, 1997. Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 12. Hybrid Neural Networks 12Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 13. Hybrid Neural Networks • CNN or RNN • Work well for respective data, i.e. images and sequence data 13Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 14. Hybrid Neural Networks • A cascade of CNN and RNN • Classification of EEG data • Electroencephalogram (EEG) : multiple time series corresponding to measurements across different spatial locations over the cortex. • Mental load classification task: measures the working memory responsible for transient retention of information in the brain. 14 P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 15. Hybrid Neural Networks • A cascade of CNN and RNN • Classification of EEG data • A key challenge in correctly recognizing mental states • EEG data often contains translation and deformation of signal in space, frequency, and time, due to inter- and intra-subject differences 15 P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 16. Hybrid Neural Networks • A cascade of CNN and RNN • Classification of EEG data 16 P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 17. Hybrid Neural Networks • A cascade of CNN and RNN • EEG data classification 17 P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 18. Hybrid Neural Networks • Time Series • Noisy • Non-stationary • Hidden information: states, dynamics • Auto-correlated on the temporal dimension • Manual feature engineering • Preprocessing: de-trending, outlier removal, etc. • Dimension reduction: Fourier Transformation • Piecewise approximation: PAA, PCA, PLA, etc. • Application-specific, domain knowledge 18 Why do we need hybrid architectures? Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 19. Hybrid Neural Networks • Hybrid architectures: end-to-end learning framework • Loss function driven training • Learning representative features • Capturing sequential dependency in data 19 Why do we need hybrid architectures? Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 20. Hybrid Neural Networks • A cascade of CNN and RNN 20 P. Bashivan, et. al. “Learning Representations from EEG with Deep Recurrent-Convolutional Neural Networks”. ICLR, 2016 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 21. HNN for Real: TreNet for Learning the Local Trend 21 T. Guo, et al. TreNet: Hybrid Neural Networks for Learning the Local Trend in Temporal Data. In submission to ICLR, 2017 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 22. Preliminaries • Conventional trend analysis in time series is the seasonal component at time t is the trend component at t is the remainder 22Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 23. Preliminaries • Local trend • Measure the intermediate local behaviour, i.e. upward or downward pattern of time series • For instance, the time series of household power consumption and the local trends are shown as follows: • Time series • Extracted local trend , is the duration and is the slope 23Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 24. Preliminaries • Learning and forecasting the local trend • Predict , • Useful in many applications • Smart energy • Stock market • And more … 24Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 25. Preliminaries • Learning and forecasting the local trend • Local raw data • Global contextual information in the historical sequence of trend • To learn a function is either or 25Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 26. TreNet • Overview of TreNet • is derived by training the LSTM over sequence to capture the dependency in the trend evolving. • corresponds to local features extracted by CNN from 26Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 27. is derived by training the LSTM over sequence to capture the dependency in the trend evolving. corresponds to local features extracted by CNN from TreNet • Overview • 27Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 28. TreNet • Learning 28Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 29. TreNet • LSTM • Feed the sequence of • Output 29Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 30. TreNet • CNN • Output 30Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 31. TreNet • Feature Fusion and output layers 31Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 32. TreNet • Learning • Gradient descent 32Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 33. Experiments • Datasets • Daily Household Power Consumption (HousePC) • Gas Sensor (GasSensor) • Stock Transaction (Stock) 33 E Keogh, et al. “An online algorithm for segmenting time series”. ICDM, 2001 Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 34. Experiments • Baselines • CNN • LSTM • Support Vector Regression (SVR) • Radial Basis kernel (SVRBF) • Polynomial kernel (SVPOLY) • Sigmoid kernel (SVSIG) • Pattern-based Hidden Markov Model (pHMM) 34Introduction Hybrid Neural Network(HNN) TreNet for Local Trend P. Wang, et al. “Finding Semantics in Time Series”, SIGMOD 2011
  • 35. Experiments • Results: overall accuracy 35Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 36. Experiments • Results: prediction visualization 36Introduction Hybrid Neural Network(HNN) TreNet for Local Trend
  • 38. Conclusion 38 • Hybrid neural networks • TreNet for the Local Trend Learning • Future work: a generic idea • Social media streams • Heterogeneous data • Influence analysis • And more…
  • 39. Thanks! Q & A This work is supported by EU OpenIoT Project (Open Source Solution for the Internet of Things) http://www.openiot.eu/ Feel free to contact: tian.guo0980@gmail.com, tian.guo@epfl.ch