SlideShare a Scribd company logo
1 of 40
Deep and Confident Prediction
for Time Series at Uber
Zhu et al. in <arxiv>
발표자 : 윤지상
Graduate School of Information. Yonsei Univ.
Machine Learning & Computational Finance Lab.
1. Introduction
2. Overview
3. Quantify Uncertainty
4. Model Design
5. Experiments
6. Conclusion
INDEX
1 Introduction
1. Introduction
BNN에서의 uncertainty 계량을 효율적인 방법
으로 수행했고 real application에 적용한 연구
Bayesian Neural Network(BNN) model of time series prediction
and quantify the prediction uncertainty?
1. Introduction
1. Introduction
Bayesian Neural Network(BNN)?
Prediction Uncertainty?
1. Introduction
Bayesian Neural Network(BNN)?
{ 𝑥1, 𝑦1 , 𝑥2, 𝑦2 , … , 𝑥𝑛, 𝑦𝑛 }
일반 머신러닝 모델이 데이터로 학
습하면서 최대화하고자 하는 목표
1. Introduction
Bayesian Neural Network(BNN)?
1. Introduction
Bayesian Neural Network(BNN)?
1. Introduction
Prediction Uncertainty can be decomposed to 3 types:
1. Model Uncertainty : 모델 파라미터의 학습이 부족한 정도를 나타내며 많은 데이
터로 fitting 시킬수록 줄어드는 uncertainty
2. Inherent Noise : data generation 과정에서 나오는 실제 분포와 다른 정도를 나타
내며 줄이기 어려운 uncertainty
3. Model misspecification : test sample이 train set과 얼마나 다른 population에서
sampling 됐는 지의 정도를 나타내며 anomaly detection 등에서 사용 가능
Prediction Uncertainty?
1. Introduction
Prediction Uncertainty can be decomposed to 3 types:
1. Model Uncertainty : 모델 파라미터의 학습이 부족한 정도를 나타내며 많은 데이
터로 fitting 시킬수록 줄어드는 uncertainty
2. Inherent Noise : data generation 과정에서 나오는 실제 분포와 다른 정도를 나타
내며 줄이기 어려운 uncertainty
3. Model misspecification : test sample이 train set과 얼마나 다른 population에서
sampling 됐는 지의 정도를 나타내며 anomaly detection 등에서 사용 가능
Prediction Uncertainty?
2 Overview
2. Overview
모델의 목표 : 학습한 모델이 새로운 데이터에 대해
prediction할 때 그 신뢰구간은 어떻게 되는가?
2. Overview
→ Prediction distribution을 알아야한다.
모델의 목표 : 학습한 모델이 새로운 데이터에 대해
prediction할 때 그 신뢰구간은 어떻게 되는가?
2. Overview
𝑊 = 𝑚𝑜𝑑𝑒𝑙 𝑝𝑎𝑟𝑎𝑚𝑒𝑡𝑒𝑟𝑠
𝑋, 𝑌 = 𝐷 = 𝑥1, 𝑦1 , … , 𝑥𝑛, 𝑦𝑛
𝑥∗
, 𝑦∗
= 𝑛𝑒𝑤 𝑑𝑎𝑡𝑎
→ Prediction distribution을 알아야한다.
모델의 목표 : 학습한 모델이 새로운 데이터에 대해
prediction할 때 그 신뢰구간은 어떻게 되는가?
2. Overview
MLE (𝑃 𝐷 𝑊 최대화), MAP (𝑃 𝑊 𝐷 최대화) 의 모델 파라미터 𝑊 Point
Estimation이 아닌 𝑃 𝑊 𝐷 분포 자체를 추정하는 Posterior Estimation
𝑊 = 𝑚𝑜𝑑𝑒𝑙 𝑝𝑎𝑟𝑎𝑚𝑒𝑡𝑒𝑟𝑠
𝑋, 𝑌 = 𝐷 = 𝑥1, 𝑦1 , … , 𝑥𝑛, 𝑦𝑛
𝑥∗
, 𝑦∗
= 𝑛𝑒𝑤 𝑑𝑎𝑡𝑎
→ Prediction distribution을 알아야한다.
모델의 목표 : 학습한 모델이 새로운 데이터에 대해
prediction할 때 그 신뢰구간은 어떻게 되는가?
posterior
2. Overview
단, 𝑊의 high dimension 성질 때문에 적분이 불가능하고 posterior를 직접 구하기 어
렵기 때문에 MC dropout 샘플링으로 𝑝(𝑊|𝑋. 𝑌)와 적분 계산을 한번에 하게 된다.
→ Prediction distribution을 알아야한다.
모델의 목표 : 학습한 모델이 새로운 데이터에 대해
prediction할 때 그 신뢰구간은 어떻게 되는가?
posterior
MC dropout : dropout을 train phase 와 inference
phase에 모두 적용
2. Overview
We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗)
2. Overview
We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗)
By Law of total Variance,
Var 𝑓𝑊 𝑥∗ : 𝑥∗가 주어질 때 parameter 𝑊를 통해 나오는 예측 값의 uncertainty
𝜎2 ∶ new data의 𝑥∗에 대한 target 값이 𝑦∗로 정해질 uncertainty → data generation에서
나오는 uncertainty → inherent noise
2. Overview
𝑥가 주어질 때 𝑊로 𝑦 를 예측 못할 uncertainty + (𝑥, 𝑦)와 (𝑥∗
, 𝑦∗
)가 다른 분포에서 sampling
됐을 uncertainty
Var 𝑓𝑊
𝑥∗
= model uncertainty + model misspecification
We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗)
By Law of total Variance,
Var 𝑓𝑊 𝑥∗ : 𝑥∗가 주어질 때 parameter 𝑊를 통해 나오는 예측 값의 uncertainty
𝜎2 ∶ new data의 𝑥∗에 대한 target 값이 𝑦∗로 정해질 uncertainty → data generation에서
나오는 uncertainty → inherent noise
2. Overview
We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗)
By Law of total Variance,
𝐕𝐚𝐫(𝒚∗
|𝒙∗
)
= Model uncertainty + Model misspecification + Inherent noise
= test data에 대한 prediction uncertainty 측정
2. Overview
This study contributes:
1. Setting provides a generic and scalable uncertainty estimation
implementation for deep prediction models.
2. Quantifies the prediction uncertainty from three sources:
(i) model uncertainty, (ii) inherent noise, and (iii) model misspecification.
The third uncertainty has been previously overlooked, and we propose a
potential solution with an encoder-decoder.
3. Motivates a real-world anomaly detection use-case at Uber that uses
Bayesian Neural Networks with uncertainty estimation to improve
performance at scale.
3Quantify Uncertainty
3. Quantify Uncertainty
 Model Misspecification
 Model Uncertainty
 Inherent Noise
3. Quantify Uncertainty
Model Misspecification
Model misspecification : test sample이 train set과 얼마나 다른 population에서
sampling 됐는 지의 uncertainty
1. Encoder-Decoder pre-training으로 train set
distribution을 Encoder 마지막 cell state에
embedding
2. Encoder 마지막 cell state에 새로 추가하는
Prediction Net을 이용해 prediction
→ test data inference 시 학습된 train set
representation embedding으로 test data와 train
set의 차이를 표현할 수 있게 되어 uncertainty를
표현할 수 있게 된다.
Model Uncertainty + Model Misspecification
3. Quantify Uncertainty
모든 𝑊 layer에 MC dropout을 적용하고 inference를 B번 했을 때,
Model Uncertainty
Model Uncertainty + Model Misspecification
MC dropout : dropout을 inference time에도 적용
Model
Uncertainty
Model Uncertainty : 모델 파라미터의 학습이 부족한 정도
3. Quantify Uncertainty
Inherent Noise
where, 𝑊 are fitted weight parameters on train data
Inherent Noise : data generation 과정에서 나오는 실제 분포와 다른 정도
Inherent
Noise
4Model Design
4. Model Design
Algorithms
4. Model Design
Model
5Experiments
5. Experiments
Settings
Uber daily trips settings :
• City : Atlanta, Boston, Chicago, Los Angeles, New York City, San Francisco, Toronto,
and Washington D.C
• Period : Train 3yrs / Validation 4 months / Test 8 months
• Network :
Encoder-Decoder = 2-layer LSTM cells with 128 and 32 hidden states
Prediction Net = 3 FC layers with 128, 64, 16 hidden units and tanh activation
• Time step : data of 28 days as input and predict upcoming day
Raw data are log-transformed and first day is subtracted from all values of other days
5. Experiments
Results
5. Experiments
Results
PredNet :
Model Unceratinty
Enc+Pred :
Model Uncertainty + Model
Misspecification
Enc+pred+Noise :
Model Uncertainty + Model
Misspecification + Inherent Noise
5. Experiments
Results
5. Experiments
Results
5. Experiments
Results
Anomaly Detection
Precision 80.95%
Recall 100%
Precision 4% improve than
previous ad-hoc model of Uber
APPENDIX
“A theoretically grounded application
of dropout in recurrent neural networks
APPENDIX
APPENDIX
4.2. Application to Anomaly Detection at Uber
There are two main challenges we need to address in this application:
Scalability: In order to provide real-time anomaly detection at the current scale, each
predictive interval must be calculated within a few milliseconds during
inference stage. Performance: With highly imbalanced data, we aim to reduce the false
positive rate as much as possible to avoid unnecessary on-call duties, while making
sure the false negative rate is properly controlled so that real outages will be captured.
By adding MC dropout layers in the neural network, the estimated predictive intervals
achieved 100% recall rate and a 80.95% precision rate.

More Related Content

What's hot

Prediction of Exchange Rate Using Deep Neural Network
Prediction of Exchange Rate Using Deep Neural Network  Prediction of Exchange Rate Using Deep Neural Network
Prediction of Exchange Rate Using Deep Neural Network Tomoki Hayashi
 
Facial keypoint recognition
Facial keypoint recognitionFacial keypoint recognition
Facial keypoint recognitionAkrita Agarwal
 
# Neural network toolbox
# Neural network toolbox # Neural network toolbox
# Neural network toolbox VineetKumar508
 
Neural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance IndustryNeural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance IndustryInderjeet Singh
 
MATLAB Code + Description : Real-Time Object Motion Detection and Tracking
MATLAB Code + Description : Real-Time Object Motion Detection and TrackingMATLAB Code + Description : Real-Time Object Motion Detection and Tracking
MATLAB Code + Description : Real-Time Object Motion Detection and TrackingAhmed Gad
 
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...IRJET Journal
 
Unsupervised learning clustering
Unsupervised learning clusteringUnsupervised learning clustering
Unsupervised learning clusteringArshad Farhad
 
[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...
[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...
[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...Jihoo Kim
 
Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.Tushar Shinde
 
Data Science - Part IX - Support Vector Machine
Data Science - Part IX -  Support Vector MachineData Science - Part IX -  Support Vector Machine
Data Science - Part IX - Support Vector MachineDerek Kane
 
Intelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural NetworkIntelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural NetworkIJERA Editor
 
A Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather ForecastingA Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather Forecastingijctcm
 
Comparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit RecognitionComparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit RecognitionSafaa Alnabulsi
 
SVM Tutorial
SVM TutorialSVM Tutorial
SVM Tutorialbutest
 
[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review
[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review
[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper reviewtaeseon ryu
 
The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...
The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...
The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...wolf
 

What's hot (20)

Prediction of Exchange Rate Using Deep Neural Network
Prediction of Exchange Rate Using Deep Neural Network  Prediction of Exchange Rate Using Deep Neural Network
Prediction of Exchange Rate Using Deep Neural Network
 
Facial keypoint recognition
Facial keypoint recognitionFacial keypoint recognition
Facial keypoint recognition
 
# Neural network toolbox
# Neural network toolbox # Neural network toolbox
# Neural network toolbox
 
Neural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance IndustryNeural Network Classification and its Applications in Insurance Industry
Neural Network Classification and its Applications in Insurance Industry
 
MATLAB Code + Description : Real-Time Object Motion Detection and Tracking
MATLAB Code + Description : Real-Time Object Motion Detection and TrackingMATLAB Code + Description : Real-Time Object Motion Detection and Tracking
MATLAB Code + Description : Real-Time Object Motion Detection and Tracking
 
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
 
Unsupervised learning clustering
Unsupervised learning clusteringUnsupervised learning clustering
Unsupervised learning clustering
 
Itc stock slide
Itc stock slideItc stock slide
Itc stock slide
 
[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...
[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...
[Paper Review] MisGAN: Learning from Incomplete Data with Generative Adversar...
 
Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.Intrusion Detection Model using Self Organizing Maps.
Intrusion Detection Model using Self Organizing Maps.
 
Data Science - Part IX - Support Vector Machine
Data Science - Part IX -  Support Vector MachineData Science - Part IX -  Support Vector Machine
Data Science - Part IX - Support Vector Machine
 
TensorFlow in 3 sentences
TensorFlow in 3 sentencesTensorFlow in 3 sentences
TensorFlow in 3 sentences
 
SVM & MLP on Matlab program
 SVM & MLP on Matlab program  SVM & MLP on Matlab program
SVM & MLP on Matlab program
 
Intelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural NetworkIntelligent Handwritten Digit Recognition using Artificial Neural Network
Intelligent Handwritten Digit Recognition using Artificial Neural Network
 
Av4102350358
Av4102350358Av4102350358
Av4102350358
 
A Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather ForecastingA Time Series ANN Approach for Weather Forecasting
A Time Series ANN Approach for Weather Forecasting
 
Comparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit RecognitionComparison of Learning Algorithms for Handwritten Digit Recognition
Comparison of Learning Algorithms for Handwritten Digit Recognition
 
SVM Tutorial
SVM TutorialSVM Tutorial
SVM Tutorial
 
[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review
[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review
[딥논읽] Meta-Transfer Learning for Zero-Shot Super-Resolution paper review
 
The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...
The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...
The Pyramid Match Kernel: Discriminative Classification with Sets of Image Fe...
 

Similar to PPT - Deep and Confident Prediction For Time Series at Uber

Tutorial on Deep Generative Models
 Tutorial on Deep Generative Models Tutorial on Deep Generative Models
Tutorial on Deep Generative ModelsMLReview
 
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural NetworkTargeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Networkijceronline
 
Bayesian Autoencoders for anomaly detection in industrial environments
Bayesian Autoencoders for anomaly detection in industrial environmentsBayesian Autoencoders for anomaly detection in industrial environments
Bayesian Autoencoders for anomaly detection in industrial environmentsBang Xiang Yong
 
Moving object detection in complex scene
Moving object detection in complex sceneMoving object detection in complex scene
Moving object detection in complex sceneKumar Mayank
 
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...cscpconf
 
NBDT : Neural-backed Decision Tree 2021 ICLR
 NBDT : Neural-backed Decision Tree 2021 ICLR NBDT : Neural-backed Decision Tree 2021 ICLR
NBDT : Neural-backed Decision Tree 2021 ICLRtaeseon ryu
 
Machine learning in the life sciences with knime
Machine learning in the life sciences with knimeMachine learning in the life sciences with knime
Machine learning in the life sciences with knimeGreg Landrum
 
Performance Analysis of Various Data Mining Techniques on Banknote Authentica...
Performance Analysis of Various Data Mining Techniques on Banknote Authentica...Performance Analysis of Various Data Mining Techniques on Banknote Authentica...
Performance Analysis of Various Data Mining Techniques on Banknote Authentica...inventionjournals
 
Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation Sneha Ravikumar
 
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...IJERD Editor
 
a deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarizationa deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarizationJEE HYUN PARK
 
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNINGUNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNINGgerogepatton
 
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNINGUNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNINGijaia
 
Predicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensemblesPredicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensemblesVarad Meru
 
(Machine Learning) Ensemble learning
(Machine Learning) Ensemble learning (Machine Learning) Ensemble learning
(Machine Learning) Ensemble learning Omkar Rane
 

Similar to PPT - Deep and Confident Prediction For Time Series at Uber (20)

neuralAC
neuralACneuralAC
neuralAC
 
Tutorial on Deep Generative Models
 Tutorial on Deep Generative Models Tutorial on Deep Generative Models
Tutorial on Deep Generative Models
 
False colouring
False colouringFalse colouring
False colouring
 
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural NetworkTargeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
Targeted Visual Content Recognition Using Multi-Layer Perceptron Neural Network
 
Bayesian Autoencoders for anomaly detection in industrial environments
Bayesian Autoencoders for anomaly detection in industrial environmentsBayesian Autoencoders for anomaly detection in industrial environments
Bayesian Autoencoders for anomaly detection in industrial environments
 
Moving object detection in complex scene
Moving object detection in complex sceneMoving object detection in complex scene
Moving object detection in complex scene
 
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
Radial Basis Function Neural Network (RBFNN), Induction Motor, Vector control...
 
Ag044216224
Ag044216224Ag044216224
Ag044216224
 
NBDT : Neural-backed Decision Tree 2021 ICLR
 NBDT : Neural-backed Decision Tree 2021 ICLR NBDT : Neural-backed Decision Tree 2021 ICLR
NBDT : Neural-backed Decision Tree 2021 ICLR
 
Machine learning in the life sciences with knime
Machine learning in the life sciences with knimeMachine learning in the life sciences with knime
Machine learning in the life sciences with knime
 
Performance Analysis of Various Data Mining Techniques on Banknote Authentica...
Performance Analysis of Various Data Mining Techniques on Banknote Authentica...Performance Analysis of Various Data Mining Techniques on Banknote Authentica...
Performance Analysis of Various Data Mining Techniques on Banknote Authentica...
 
Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation
 
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
IJERD (www.ijerd.com) International Journal of Engineering Research and Devel...
 
a deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarizationa deep reinforced model for abstractive summarization
a deep reinforced model for abstractive summarization
 
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNINGUNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
 
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNINGUNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
UNCERTAINTY ESTIMATION IN NEURAL NETWORKS THROUGH MULTI-TASK LEARNING
 
InternshipReport
InternshipReportInternshipReport
InternshipReport
 
세미나 20170929
세미나 20170929세미나 20170929
세미나 20170929
 
Predicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensemblesPredicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensembles
 
(Machine Learning) Ensemble learning
(Machine Learning) Ensemble learning (Machine Learning) Ensemble learning
(Machine Learning) Ensemble learning
 

More from Jisang Yoon

PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...
PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...
PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...Jisang Yoon
 
PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...
PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...
PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...Jisang Yoon
 
Multi PPT - Agent Actor-Critic for Mixed Cooperative-Competitive Environments
Multi PPT - Agent Actor-Critic for Mixed Cooperative-Competitive EnvironmentsMulti PPT - Agent Actor-Critic for Mixed Cooperative-Competitive Environments
Multi PPT - Agent Actor-Critic for Mixed Cooperative-Competitive EnvironmentsJisang Yoon
 
PPT - Deep Hedging OF Derivatives Using Reinforcement Learning
PPT - Deep Hedging OF Derivatives Using Reinforcement LearningPPT - Deep Hedging OF Derivatives Using Reinforcement Learning
PPT - Deep Hedging OF Derivatives Using Reinforcement LearningJisang Yoon
 
PPT - Discovering Reinforcement Learning Algorithms
PPT - Discovering Reinforcement Learning AlgorithmsPPT - Discovering Reinforcement Learning Algorithms
PPT - Discovering Reinforcement Learning AlgorithmsJisang Yoon
 
PPT - AutoML-Zero: Evolving Machine Learning Algorithms From Scratch
PPT - AutoML-Zero: Evolving Machine Learning Algorithms From ScratchPPT - AutoML-Zero: Evolving Machine Learning Algorithms From Scratch
PPT - AutoML-Zero: Evolving Machine Learning Algorithms From ScratchJisang Yoon
 

More from Jisang Yoon (6)

PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...
PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...
PPT - Enhancing the Locality and Breaking the Memory Bottleneck of Transforme...
 
PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...
PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...
PPT - Adaptive Quantitative Trading : An Imitative Deep Reinforcement Learnin...
 
Multi PPT - Agent Actor-Critic for Mixed Cooperative-Competitive Environments
Multi PPT - Agent Actor-Critic for Mixed Cooperative-Competitive EnvironmentsMulti PPT - Agent Actor-Critic for Mixed Cooperative-Competitive Environments
Multi PPT - Agent Actor-Critic for Mixed Cooperative-Competitive Environments
 
PPT - Deep Hedging OF Derivatives Using Reinforcement Learning
PPT - Deep Hedging OF Derivatives Using Reinforcement LearningPPT - Deep Hedging OF Derivatives Using Reinforcement Learning
PPT - Deep Hedging OF Derivatives Using Reinforcement Learning
 
PPT - Discovering Reinforcement Learning Algorithms
PPT - Discovering Reinforcement Learning AlgorithmsPPT - Discovering Reinforcement Learning Algorithms
PPT - Discovering Reinforcement Learning Algorithms
 
PPT - AutoML-Zero: Evolving Machine Learning Algorithms From Scratch
PPT - AutoML-Zero: Evolving Machine Learning Algorithms From ScratchPPT - AutoML-Zero: Evolving Machine Learning Algorithms From Scratch
PPT - AutoML-Zero: Evolving Machine Learning Algorithms From Scratch
 

Recently uploaded

Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsappssapnasaifi408
 
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
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...Suhani Kapoor
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样vhwb25kk
 
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
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...Suhani Kapoor
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationshipsccctableauusergroup
 
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
 
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
 
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...soniya singh
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...Pooja Nehwal
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort servicejennyeacort
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改atducpo
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 
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
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxFurkanTasci3
 
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
 

Recently uploaded (20)

Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
 
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
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
 
Call Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort ServiceCall Girls in Saket 99530🔝 56974 Escort Service
Call Girls in Saket 99530🔝 56974 Escort Service
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
 
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
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships
 
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)
 
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...
 
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...
 
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...{Pooja:  9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
{Pooja: 9892124323 } Call Girl in Mumbai | Jas Kaur Rate 4500 Free Hotel Del...
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 
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)
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptx
 
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
 

PPT - Deep and Confident Prediction For Time Series at Uber

  • 1. Deep and Confident Prediction for Time Series at Uber Zhu et al. in <arxiv> 발표자 : 윤지상 Graduate School of Information. Yonsei Univ. Machine Learning & Computational Finance Lab.
  • 2. 1. Introduction 2. Overview 3. Quantify Uncertainty 4. Model Design 5. Experiments 6. Conclusion INDEX
  • 4. 1. Introduction BNN에서의 uncertainty 계량을 효율적인 방법 으로 수행했고 real application에 적용한 연구 Bayesian Neural Network(BNN) model of time series prediction and quantify the prediction uncertainty?
  • 6. 1. Introduction Bayesian Neural Network(BNN)? Prediction Uncertainty?
  • 7. 1. Introduction Bayesian Neural Network(BNN)? { 𝑥1, 𝑦1 , 𝑥2, 𝑦2 , … , 𝑥𝑛, 𝑦𝑛 } 일반 머신러닝 모델이 데이터로 학 습하면서 최대화하고자 하는 목표
  • 10. 1. Introduction Prediction Uncertainty can be decomposed to 3 types: 1. Model Uncertainty : 모델 파라미터의 학습이 부족한 정도를 나타내며 많은 데이 터로 fitting 시킬수록 줄어드는 uncertainty 2. Inherent Noise : data generation 과정에서 나오는 실제 분포와 다른 정도를 나타 내며 줄이기 어려운 uncertainty 3. Model misspecification : test sample이 train set과 얼마나 다른 population에서 sampling 됐는 지의 정도를 나타내며 anomaly detection 등에서 사용 가능 Prediction Uncertainty?
  • 11. 1. Introduction Prediction Uncertainty can be decomposed to 3 types: 1. Model Uncertainty : 모델 파라미터의 학습이 부족한 정도를 나타내며 많은 데이 터로 fitting 시킬수록 줄어드는 uncertainty 2. Inherent Noise : data generation 과정에서 나오는 실제 분포와 다른 정도를 나타 내며 줄이기 어려운 uncertainty 3. Model misspecification : test sample이 train set과 얼마나 다른 population에서 sampling 됐는 지의 정도를 나타내며 anomaly detection 등에서 사용 가능 Prediction Uncertainty?
  • 13. 2. Overview 모델의 목표 : 학습한 모델이 새로운 데이터에 대해 prediction할 때 그 신뢰구간은 어떻게 되는가?
  • 14. 2. Overview → Prediction distribution을 알아야한다. 모델의 목표 : 학습한 모델이 새로운 데이터에 대해 prediction할 때 그 신뢰구간은 어떻게 되는가?
  • 15. 2. Overview 𝑊 = 𝑚𝑜𝑑𝑒𝑙 𝑝𝑎𝑟𝑎𝑚𝑒𝑡𝑒𝑟𝑠 𝑋, 𝑌 = 𝐷 = 𝑥1, 𝑦1 , … , 𝑥𝑛, 𝑦𝑛 𝑥∗ , 𝑦∗ = 𝑛𝑒𝑤 𝑑𝑎𝑡𝑎 → Prediction distribution을 알아야한다. 모델의 목표 : 학습한 모델이 새로운 데이터에 대해 prediction할 때 그 신뢰구간은 어떻게 되는가?
  • 16. 2. Overview MLE (𝑃 𝐷 𝑊 최대화), MAP (𝑃 𝑊 𝐷 최대화) 의 모델 파라미터 𝑊 Point Estimation이 아닌 𝑃 𝑊 𝐷 분포 자체를 추정하는 Posterior Estimation 𝑊 = 𝑚𝑜𝑑𝑒𝑙 𝑝𝑎𝑟𝑎𝑚𝑒𝑡𝑒𝑟𝑠 𝑋, 𝑌 = 𝐷 = 𝑥1, 𝑦1 , … , 𝑥𝑛, 𝑦𝑛 𝑥∗ , 𝑦∗ = 𝑛𝑒𝑤 𝑑𝑎𝑡𝑎 → Prediction distribution을 알아야한다. 모델의 목표 : 학습한 모델이 새로운 데이터에 대해 prediction할 때 그 신뢰구간은 어떻게 되는가? posterior
  • 17. 2. Overview 단, 𝑊의 high dimension 성질 때문에 적분이 불가능하고 posterior를 직접 구하기 어 렵기 때문에 MC dropout 샘플링으로 𝑝(𝑊|𝑋. 𝑌)와 적분 계산을 한번에 하게 된다. → Prediction distribution을 알아야한다. 모델의 목표 : 학습한 모델이 새로운 데이터에 대해 prediction할 때 그 신뢰구간은 어떻게 되는가? posterior MC dropout : dropout을 train phase 와 inference phase에 모두 적용
  • 18. 2. Overview We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗)
  • 19. 2. Overview We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗) By Law of total Variance, Var 𝑓𝑊 𝑥∗ : 𝑥∗가 주어질 때 parameter 𝑊를 통해 나오는 예측 값의 uncertainty 𝜎2 ∶ new data의 𝑥∗에 대한 target 값이 𝑦∗로 정해질 uncertainty → data generation에서 나오는 uncertainty → inherent noise
  • 20. 2. Overview 𝑥가 주어질 때 𝑊로 𝑦 를 예측 못할 uncertainty + (𝑥, 𝑦)와 (𝑥∗ , 𝑦∗ )가 다른 분포에서 sampling 됐을 uncertainty Var 𝑓𝑊 𝑥∗ = model uncertainty + model misspecification We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗) By Law of total Variance, Var 𝑓𝑊 𝑥∗ : 𝑥∗가 주어질 때 parameter 𝑊를 통해 나오는 예측 값의 uncertainty 𝜎2 ∶ new data의 𝑥∗에 대한 target 값이 𝑦∗로 정해질 uncertainty → data generation에서 나오는 uncertainty → inherent noise
  • 21. 2. Overview We want to know 𝐕𝐚𝐫(𝒚∗|𝒙∗) By Law of total Variance, 𝐕𝐚𝐫(𝒚∗ |𝒙∗ ) = Model uncertainty + Model misspecification + Inherent noise = test data에 대한 prediction uncertainty 측정
  • 22. 2. Overview This study contributes: 1. Setting provides a generic and scalable uncertainty estimation implementation for deep prediction models. 2. Quantifies the prediction uncertainty from three sources: (i) model uncertainty, (ii) inherent noise, and (iii) model misspecification. The third uncertainty has been previously overlooked, and we propose a potential solution with an encoder-decoder. 3. Motivates a real-world anomaly detection use-case at Uber that uses Bayesian Neural Networks with uncertainty estimation to improve performance at scale.
  • 24. 3. Quantify Uncertainty  Model Misspecification  Model Uncertainty  Inherent Noise
  • 25. 3. Quantify Uncertainty Model Misspecification Model misspecification : test sample이 train set과 얼마나 다른 population에서 sampling 됐는 지의 uncertainty 1. Encoder-Decoder pre-training으로 train set distribution을 Encoder 마지막 cell state에 embedding 2. Encoder 마지막 cell state에 새로 추가하는 Prediction Net을 이용해 prediction → test data inference 시 학습된 train set representation embedding으로 test data와 train set의 차이를 표현할 수 있게 되어 uncertainty를 표현할 수 있게 된다. Model Uncertainty + Model Misspecification
  • 26. 3. Quantify Uncertainty 모든 𝑊 layer에 MC dropout을 적용하고 inference를 B번 했을 때, Model Uncertainty Model Uncertainty + Model Misspecification MC dropout : dropout을 inference time에도 적용 Model Uncertainty Model Uncertainty : 모델 파라미터의 학습이 부족한 정도
  • 27. 3. Quantify Uncertainty Inherent Noise where, 𝑊 are fitted weight parameters on train data Inherent Noise : data generation 과정에서 나오는 실제 분포와 다른 정도 Inherent Noise
  • 32. 5. Experiments Settings Uber daily trips settings : • City : Atlanta, Boston, Chicago, Los Angeles, New York City, San Francisco, Toronto, and Washington D.C • Period : Train 3yrs / Validation 4 months / Test 8 months • Network : Encoder-Decoder = 2-layer LSTM cells with 128 and 32 hidden states Prediction Net = 3 FC layers with 128, 64, 16 hidden units and tanh activation • Time step : data of 28 days as input and predict upcoming day Raw data are log-transformed and first day is subtracted from all values of other days
  • 34. 5. Experiments Results PredNet : Model Unceratinty Enc+Pred : Model Uncertainty + Model Misspecification Enc+pred+Noise : Model Uncertainty + Model Misspecification + Inherent Noise
  • 37. 5. Experiments Results Anomaly Detection Precision 80.95% Recall 100% Precision 4% improve than previous ad-hoc model of Uber
  • 38. APPENDIX “A theoretically grounded application of dropout in recurrent neural networks
  • 40. APPENDIX 4.2. Application to Anomaly Detection at Uber There are two main challenges we need to address in this application: Scalability: In order to provide real-time anomaly detection at the current scale, each predictive interval must be calculated within a few milliseconds during inference stage. Performance: With highly imbalanced data, we aim to reduce the false positive rate as much as possible to avoid unnecessary on-call duties, while making sure the false negative rate is properly controlled so that real outages will be captured. By adding MC dropout layers in the neural network, the estimated predictive intervals achieved 100% recall rate and a 80.95% precision rate.