SlideShare a Scribd company logo
2022.01.14
Traffic Demand Prediction Based Dynamic Transition
Convolutional Neural Network
Bowen Du, Xiao Hu, Leilei Sun, Junming Liu, Yanan Qiao, and Weifeng Lv
TITS 2021
Hongkyu Lim
Contents
• Overview
• Introduction
• Related Work
• Methodology
• Experiments & Results
• Conclusion
3
Overview
4
Overview
Suggest novel methods to apply NLP approaches to music domain
Introduce MusicBERT, a large-scale pretrained model for symbolic music understanding
Evaluate the performance on four tasks
5
Contributions
A traffic transition network is defined
• Virtual station by Density-peak based
clustering
Dynamic Graph Convolution Gated Recurrent
Unit
• A new dynamic transition convolution unit
Unifying learning framework(weather factors with
hidden states of demands)
6
Model Overview
Framework
1) Transition Network Construction
1) Virtual Station Discovery
• DPC-based virtual station recognition algorithm
2) Transition Matrix Construction
• Network is constructed from the virtual stations.
2) Dynamic Transition Convolution Unit Design
1) Dynamic Graph Convolutional Gated Recurrent Unit’s devised.
7
Model Overview
8
Model Overview
Preliminaries and Notations
1. Virtual Station
2. Station-to-Station Transition
3. Traffic Demand
4. Transition Flow
5. Transition Network
9
Model Overview
Preliminaries and Notations
• Virtual Station
• Density Peak Clustering(DPC) Virtual Station Recognition
• Station-to-Station Transition
• Traffic trajectory is a tuple : ((p.t, p.s),(d.t, d.s))
• P, d – origin and destination points of trajectory
• T, s – timestamp and virtual station
• Traffic Demand
• In fixed time duration
• Each station’s pick-up and drop-off demand
• X = [pickup, dropoff], Y = [estimated traffic demand at (t+1)]
10
Model Overview
Preliminaries and Notations
• Transition Flow
• W - # of trips from station i to station j at time step t
• k – starting time, l –arrival time, 1<= t <= T
• s – time slot s = {1,2,…, M}
11
Model Overview
Preliminaries and Notations
• Transition Network
• Defined as a series of directed graphs
• 𝘝 – the set of nodes(virtual stations)
• ε – the set of edges
• 𝐰 – NxN matrix R, a weighted adjacency matrix
12
Model Overview
Framework
1) Transition Network Construction
1) Virtual Station Discovery
• DPC-based virtual station recognition algorithm
2) Transition Matrix Construction
• Network is constructed from the virtual stations.
2) Dynamic Transition Convolution Unit Design
1) Dynamic Graph Convolutional Gated Recurrent Unit’s devised.
13
Model Overview
Framework
1) Transition Network Construction
1) Virtual Station Discovery
• DPC(Density Peak
Clustering)-based virtual
station recognition
algorithm cores
subs
14
Model Overview
Framework
1) Transition Network Construction
1) Virtual Station Discovery
• DPC-based virtual station recognition algorithm
2) Transition Matrix Construction
• Network is constructed from the virtual stations.
2) Dynamic Transition Convolution Unit Design
1) Dynamic Graph Convolutional Gated Recurrent Unit’s devised.
15
Overview
Suggest novel methods to apply NLP approaches to music domain
Introduce MusicBERT, a large-scale pretrained model for symbolic music understanding
Evaluate the performance ons
16
Model Overview
Framework
3) Embedding of Environmental Semantics
• Meteorological information as external features
• Imporved the estimation performance
17
Model Overview
Framework
3) Embedding of Environmental Semantics
• Meteorological information as external features
• Imporved the estimation performance
18
Experiments & Results
Data set
1. Bike-NYC
• Dates, times, station IDs of pick-up and drop-off points
2. Taxi-NYC
• Lat and lng of pick-up and drop-off, times
3. Weather-NYC
• Hourly, Kennedy International Station
19
Experiments & Results
Baseline
1. Historical Average(HA)
2. Vector Auto-Regression(VAR)
3. XGBoost
4. RNN, LSTM, and GRU
5. Diffusion Convolutional Recurrent Neural Network(DCRNN)
Metrics
• RMSE
• PCC
• MAE
20
Experiments & Results
Setting
1. Setting Boundary
• 40;28;38.6363◦N to 40;55;3.2772◦N and 73;42;0.9792◦W to 74;15;32.7240◦W
• Divide the region into a 1000 × 1000 grid map
• The size of each lattice is about 47m × 49m
• Setting the minimum distance between station centers as 50 lattice(2400 meters)
• The local density threshold is set as 30
• 1192 virtual stations are identified.
21
Experiments & Results
Setting
1. Meteorological semantics embedding
• Recorded by Kennedy International Station per hour
• 26 features except for timestamp
• Encode categorical features as an one-hot numeric array
Results
22
Future Work
Increasing the depth of the model and further decreasing the
computational complexity(탐색 알고리즘 효율)
Modeling the spatial and temporal dependencies by transition networks
with dynamic nodes
Extending this model to multi-step forecasting
23
My Research
• Motivation
• Bus와 Taxi 데이터를 기반으로 MOD 서비스 적용 시 일어날 수요에 대한 예측
• MOD 에 대한 데이터 부족이 빈번함
• 서비스가 시작 된지 얼마 되지않아 아직 적용 사례가 부족  데이터 부족
• MOD 회사는 데이터 제공에 회의적
• MOD 서비스를 시작하고 싶은 회사와 정부기관에게 해당 지역의 Taxi와 bus 수요 데이터를
기반으로 MOD 서비스 적용 시 일어날 수요를 차량 단위로 예측을 제공
Shareabiltiy(detour ratio 공유
경로)적용한 최적 경로로 시뮬레이션
데이터 생성
딥러닝 모델에 적용하여
특정 경로를 지나는 MOD vehicle 안의
탑승 인원 수 예측
<Bus & Taxi data-based simulation scenario>
24
My Research
• Data Analysis
• 2016.01 New York Taxi data
• Randomly picked demands
<Randomly picked demands>
<Integrated demand>
25
My Research
• Data Analysis
• 2016.01 New York Taxi data
• Randomly picked demands에 Lin-Kernighan traveling salesman heuristic 적용하여 최적경로 추출
• Cost = 거리
<Randomly picked demands> <Randomly picked demands>
26
My Research
• Data Analysis
• 2016.01 New York Taxi data
• In total, 10906858𝑃5*15sec (for 2 demands on the optimal path) spent randomly pick demands calculate
optimal path
• Problems
• Too much computational load(detour ratio 적용시 더 늘어날것으로 예상)
• Hard to filter points where minor demands and major demands are
<Randomly picked demands> <Randomly picked demands>
27
My Research
• Data Analysis
• 2016.01 New York Taxi data
• In total 10906858 demands randomly pick demands calculate optimal path
• Modes to solve the issues
• Narrow down areas where majority of demands existrelieving computational cost
• More weights to potential trajectories demand prediction accuracy increases (데일리
패턴으로 분석하는 실 수요지 후보군)
28
My Research
• Data Analysis
• 2016.01 New York Taxi data
• In total 10906858 demands randomly pick demands calculate optimal path
• Modes to solve the issues
• 최적 경로를 구할 때 모든 수요 포인트를 랜덤으로 픽 하기 보다 메인 수요지를 우선
파악해서 각 가상 스테이션을 기점으로 최적경로를 구하면 computational load가
줄면서 모델 학습 정확도도 실 수요지를 중심으로 높일 수 있지 않을까?
• DTCNN에서 학습시킬때 그래프 정보를 그대로 가져와서 디코더 출력단에서 매번
인코더의 정보를 상기시켜 주는 Attention 학습으로 수요 예측을 하는데 도움을
준다면?
Thank you

More Related Content

What's hot

Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
ananth
 
Multidimension Scaling and Isomap
Multidimension Scaling and IsomapMultidimension Scaling and Isomap
Multidimension Scaling and Isomap
Cheng-Shiang Li
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
Hannes Hapke
 
Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...
Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...
Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...
Universitat Politècnica de Catalunya
 
Deep image generating models
Deep image generating modelsDeep image generating models
Deep image generating models
Luba Elliott
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox Detector
Jinwon Lee
 
Objects as points (CenterNet) review [CDM]
Objects as points (CenterNet) review [CDM]Objects as points (CenterNet) review [CDM]
Objects as points (CenterNet) review [CDM]
Dongmin Choi
 
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Universitat Politècnica de Catalunya
 
Deep Learning for Computer Vision: Visualization (UPC 2016)
Deep Learning for Computer Vision: Visualization (UPC 2016)Deep Learning for Computer Vision: Visualization (UPC 2016)
Deep Learning for Computer Vision: Visualization (UPC 2016)
Universitat Politècnica de Catalunya
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
Fellowship at Vodafone FutureLab
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network
신동 강
 
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Universitat Politècnica de Catalunya
 
Scaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution AlgorithmsScaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution Algorithms
Xiaoyong Zhu
 
Objects as points
Objects as pointsObjects as points
Objects as points
DADAJONJURAKUZIEV
 
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D streamColor and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
NAVER Engineering
 
Deep image retrieval - learning global representations for image search - ub ...
Deep image retrieval - learning global representations for image search - ub ...Deep image retrieval - learning global representations for image search - ub ...
Deep image retrieval - learning global representations for image search - ub ...
Universitat de Barcelona
 
DNR - Auto deep lab paper review ppt
DNR - Auto deep lab paper review pptDNR - Auto deep lab paper review ppt
DNR - Auto deep lab paper review ppt
taeseon ryu
 
Toward wave net speech synthesis
Toward wave net speech synthesisToward wave net speech synthesis
Toward wave net speech synthesis
NAVER Engineering
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Universitat Politècnica de Catalunya
 
SeRanet introduction
SeRanet introductionSeRanet introduction
SeRanet introduction
Kosuke Nakago
 

What's hot (20)

Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
 
Multidimension Scaling and Isomap
Multidimension Scaling and IsomapMultidimension Scaling and Isomap
Multidimension Scaling and Isomap
 
Introduction to Convolutional Neural Networks
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
 
Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...
Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...
Visualization of Deep Learning Models (D1L6 2017 UPC Deep Learning for Comput...
 
Deep image generating models
Deep image generating modelsDeep image generating models
Deep image generating models
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox Detector
 
Objects as points (CenterNet) review [CDM]
Objects as points (CenterNet) review [CDM]Objects as points (CenterNet) review [CDM]
Objects as points (CenterNet) review [CDM]
 
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
 
Deep Learning for Computer Vision: Visualization (UPC 2016)
Deep Learning for Computer Vision: Visualization (UPC 2016)Deep Learning for Computer Vision: Visualization (UPC 2016)
Deep Learning for Computer Vision: Visualization (UPC 2016)
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network
 
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)
 
Scaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution AlgorithmsScaling up Deep Learning Based Super Resolution Algorithms
Scaling up Deep Learning Based Super Resolution Algorithms
 
Objects as points
Objects as pointsObjects as points
Objects as points
 
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D streamColor and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
Color and 3D Semantic Reconstruction of Indoor Scenes from RGB-D stream
 
Deep image retrieval - learning global representations for image search - ub ...
Deep image retrieval - learning global representations for image search - ub ...Deep image retrieval - learning global representations for image search - ub ...
Deep image retrieval - learning global representations for image search - ub ...
 
DNR - Auto deep lab paper review ppt
DNR - Auto deep lab paper review pptDNR - Auto deep lab paper review ppt
DNR - Auto deep lab paper review ppt
 
Toward wave net speech synthesis
Toward wave net speech synthesisToward wave net speech synthesis
Toward wave net speech synthesis
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
 
SeRanet introduction
SeRanet introductionSeRanet introduction
SeRanet introduction
 

Similar to Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network

Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network
Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion NetworkTraffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network
Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network
ivaderivader
 
DK_March_17_2008_LSIR_EPFL_Swiss.ppt
DK_March_17_2008_LSIR_EPFL_Swiss.pptDK_March_17_2008_LSIR_EPFL_Swiss.ppt
DK_March_17_2008_LSIR_EPFL_Swiss.ppt
SadiqAmeenuddin1
 
Lambda Data Grid
Lambda Data GridLambda Data Grid
Lambda Data Grid
Tal Lavian Ph.D.
 
Data quality evaluation &amp; orbit identification from scatterometer
Data quality evaluation &amp; orbit identification from scatterometerData quality evaluation &amp; orbit identification from scatterometer
Data quality evaluation &amp; orbit identification from scatterometer
Mudit Dholakia
 
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
ivaderivader
 
Mobile Ad Hoc Network of Simulation Framework Based on OPNET
Mobile Ad Hoc Network of Simulation Framework Based on OPNETMobile Ad Hoc Network of Simulation Framework Based on OPNET
Mobile Ad Hoc Network of Simulation Framework Based on OPNET
ateeq ateeq
 
improvement of search strategy with knn approach for traffic state prediction
improvement of search strategy with knn approach for traffic state predictionimprovement of search strategy with knn approach for traffic state prediction
improvement of search strategy with knn approach for traffic state prediction
MIDHUN XAVIER
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
DonghyunKang12
 
[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...
[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...
[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...
DataScienceConferenc1
 
Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...
Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...
Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...
Junho Suh
 
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
thanhdowork
 
Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...
Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...
Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...
deawoo Kim
 
The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...
The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...
The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...
CPqD
 
Network layer
Network layerNetwork layer
Network layer
TharuniDiddekunta
 
Combinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learningCombinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learning
민재 정
 
AntColonyOptimizationManetNetworkAODV.pptx
AntColonyOptimizationManetNetworkAODV.pptxAntColonyOptimizationManetNetworkAODV.pptx
AntColonyOptimizationManetNetworkAODV.pptx
Lina Kadam
 
Distributed Systems in the Post-Moore Era.pptx
Distributed Systems in the Post-Moore Era.pptxDistributed Systems in the Post-Moore Era.pptx
Distributed Systems in the Post-Moore Era.pptx
Förderverein Technische Fakultät
 
Provenance Analytics at AAAI Human Computation Conference 2013
Provenance Analytics at AAAI Human Computation Conference 2013Provenance Analytics at AAAI Human Computation Conference 2013
Provenance Analytics at AAAI Human Computation Conference 2013
T Dong Huynh
 
module10-rip (1).ppt
module10-rip (1).pptmodule10-rip (1).ppt
module10-rip (1).ppt
Rakesh Dhiman
 
performanceandtrafficmanagement-160328180107.pdf
performanceandtrafficmanagement-160328180107.pdfperformanceandtrafficmanagement-160328180107.pdf
performanceandtrafficmanagement-160328180107.pdf
ABYTHOMAS46
 

Similar to Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network (20)

Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network
Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion NetworkTraffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network
Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network
 
DK_March_17_2008_LSIR_EPFL_Swiss.ppt
DK_March_17_2008_LSIR_EPFL_Swiss.pptDK_March_17_2008_LSIR_EPFL_Swiss.ppt
DK_March_17_2008_LSIR_EPFL_Swiss.ppt
 
Lambda Data Grid
Lambda Data GridLambda Data Grid
Lambda Data Grid
 
Data quality evaluation &amp; orbit identification from scatterometer
Data quality evaluation &amp; orbit identification from scatterometerData quality evaluation &amp; orbit identification from scatterometer
Data quality evaluation &amp; orbit identification from scatterometer
 
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
 
Mobile Ad Hoc Network of Simulation Framework Based on OPNET
Mobile Ad Hoc Network of Simulation Framework Based on OPNETMobile Ad Hoc Network of Simulation Framework Based on OPNET
Mobile Ad Hoc Network of Simulation Framework Based on OPNET
 
improvement of search strategy with knn approach for traffic state prediction
improvement of search strategy with knn approach for traffic state predictionimprovement of search strategy with knn approach for traffic state prediction
improvement of search strategy with knn approach for traffic state prediction
 
Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)Cvpr 2018 papers review (efficient computing)
Cvpr 2018 papers review (efficient computing)
 
[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...
[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...
[Q-tangled 22] Deconstructing Quantum Machine Learning Algorithms - Sasha Laz...
 
Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...
Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...
Opensample: A Low-latency, Sampling-based Measurement Platform for Software D...
 
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
 
Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...
Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...
Revisiting Sensor MAC for Periodic Monitoring: Why Should Transmitters Be Ear...
 
The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...
The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...
The ACTION Project: Applications Coordinate with Transport, IP and Optical Ne...
 
Network layer
Network layerNetwork layer
Network layer
 
Combinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learningCombinatorial optimization and deep reinforcement learning
Combinatorial optimization and deep reinforcement learning
 
AntColonyOptimizationManetNetworkAODV.pptx
AntColonyOptimizationManetNetworkAODV.pptxAntColonyOptimizationManetNetworkAODV.pptx
AntColonyOptimizationManetNetworkAODV.pptx
 
Distributed Systems in the Post-Moore Era.pptx
Distributed Systems in the Post-Moore Era.pptxDistributed Systems in the Post-Moore Era.pptx
Distributed Systems in the Post-Moore Era.pptx
 
Provenance Analytics at AAAI Human Computation Conference 2013
Provenance Analytics at AAAI Human Computation Conference 2013Provenance Analytics at AAAI Human Computation Conference 2013
Provenance Analytics at AAAI Human Computation Conference 2013
 
module10-rip (1).ppt
module10-rip (1).pptmodule10-rip (1).ppt
module10-rip (1).ppt
 
performanceandtrafficmanagement-160328180107.pdf
performanceandtrafficmanagement-160328180107.pdfperformanceandtrafficmanagement-160328180107.pdf
performanceandtrafficmanagement-160328180107.pdf
 

More from ivaderivader

Argument Mining
Argument MiningArgument Mining
Argument Mining
ivaderivader
 
Papers at CHI23
Papers at CHI23Papers at CHI23
Papers at CHI23
ivaderivader
 
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph KernelsDDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
ivaderivader
 
So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality
So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality
So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality
ivaderivader
 
Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...
Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...
Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...
ivaderivader
 
Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...
Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...
Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...
ivaderivader
 
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...
ivaderivader
 
A Style-Based Generator Architecture for Generative Adversarial Networks
A Style-Based Generator Architecture for Generative Adversarial NetworksA Style-Based Generator Architecture for Generative Adversarial Networks
A Style-Based Generator Architecture for Generative Adversarial Networks
ivaderivader
 
CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...
CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...
CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...
ivaderivader
 
Perception! Immersion! Empowerment! Superpowers as Inspiration for Visualization
Perception! Immersion! Empowerment! Superpowers as Inspiration for VisualizationPerception! Immersion! Empowerment! Superpowers as Inspiration for Visualization
Perception! Immersion! Empowerment! Superpowers as Inspiration for Visualization
ivaderivader
 
Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...
Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...
Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...
ivaderivader
 
Neural Approximate Dynamic Programming for On-Demand Ride-Pooling
Neural Approximate Dynamic Programming for On-Demand Ride-PoolingNeural Approximate Dynamic Programming for On-Demand Ride-Pooling
Neural Approximate Dynamic Programming for On-Demand Ride-Pooling
ivaderivader
 
StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...
StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...
StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...
ivaderivader
 
Bad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTube
Bad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTubeBad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTube
Bad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTube
ivaderivader
 
MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training
MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training  MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training
MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training
ivaderivader
 
Screen2Vec: Semantic Embedding of GUI Screens and GUI Components
Screen2Vec: Semantic Embedding of GUI Screens and GUI ComponentsScreen2Vec: Semantic Embedding of GUI Screens and GUI Components
Screen2Vec: Semantic Embedding of GUI Screens and GUI Components
ivaderivader
 
Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...
Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...
Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...
ivaderivader
 
Natural Language to Visualization by Neural Machine Translation
Natural Language to Visualization by Neural Machine TranslationNatural Language to Visualization by Neural Machine Translation
Natural Language to Visualization by Neural Machine Translation
ivaderivader
 
Recommending What Video to Watch Next: A Multitask Ranking System
Recommending What Video to Watch Next: A Multitask Ranking SystemRecommending What Video to Watch Next: A Multitask Ranking System
Recommending What Video to Watch Next: A Multitask Ranking System
ivaderivader
 
Video Background Music Generation with Controllable Music Transformer
Video Background Music Generation with Controllable Music TransformerVideo Background Music Generation with Controllable Music Transformer
Video Background Music Generation with Controllable Music Transformer
ivaderivader
 

More from ivaderivader (20)

Argument Mining
Argument MiningArgument Mining
Argument Mining
 
Papers at CHI23
Papers at CHI23Papers at CHI23
Papers at CHI23
 
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph KernelsDDGK: Learning Graph Representations for Deep Divergence Graph Kernels
DDGK: Learning Graph Representations for Deep Divergence Graph Kernels
 
So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality
So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality
So Predictable! Continuous 3D Hand Trajectory Prediction in Virtual Reality
 
Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...
Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...
Reinforcement Learning-based Placement of Charging Stations in Urban Road Net...
 
Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...
Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...
Prediction for Retrospection: Integrating Algorithmic Stress Prediction into ...
 
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Orien...
 
A Style-Based Generator Architecture for Generative Adversarial Networks
A Style-Based Generator Architecture for Generative Adversarial NetworksA Style-Based Generator Architecture for Generative Adversarial Networks
A Style-Based Generator Architecture for Generative Adversarial Networks
 
CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...
CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...
CatchLIve: Real-time Summarization of Live Streams with Stream Content and In...
 
Perception! Immersion! Empowerment! Superpowers as Inspiration for Visualization
Perception! Immersion! Empowerment! Superpowers as Inspiration for VisualizationPerception! Immersion! Empowerment! Superpowers as Inspiration for Visualization
Perception! Immersion! Empowerment! Superpowers as Inspiration for Visualization
 
Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...
Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...
Learning to Remember Patterns: Pattern Matching Memory Networks for Traffic F...
 
Neural Approximate Dynamic Programming for On-Demand Ride-Pooling
Neural Approximate Dynamic Programming for On-Demand Ride-PoolingNeural Approximate Dynamic Programming for On-Demand Ride-Pooling
Neural Approximate Dynamic Programming for On-Demand Ride-Pooling
 
StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...
StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...
StoryMap: Using Social Modeling and Self-Modeling to Support Physical Activit...
 
Bad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTube
Bad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTubeBad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTube
Bad Breakdowns, Useful Seams, and Face Slapping: Analysis of VR Fails on YouTube
 
MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training
MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training  MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training
MusicBERT: Symbolic Music Understanding with Large-Scale Pre-Training
 
Screen2Vec: Semantic Embedding of GUI Screens and GUI Components
Screen2Vec: Semantic Embedding of GUI Screens and GUI ComponentsScreen2Vec: Semantic Embedding of GUI Screens and GUI Components
Screen2Vec: Semantic Embedding of GUI Screens and GUI Components
 
Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...
Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...
Augmenting Decisions of Taxi Drivers through Reinforcement Learning for Impro...
 
Natural Language to Visualization by Neural Machine Translation
Natural Language to Visualization by Neural Machine TranslationNatural Language to Visualization by Neural Machine Translation
Natural Language to Visualization by Neural Machine Translation
 
Recommending What Video to Watch Next: A Multitask Ranking System
Recommending What Video to Watch Next: A Multitask Ranking SystemRecommending What Video to Watch Next: A Multitask Ranking System
Recommending What Video to Watch Next: A Multitask Ranking System
 
Video Background Music Generation with Controllable Music Transformer
Video Background Music Generation with Controllable Music TransformerVideo Background Music Generation with Controllable Music Transformer
Video Background Music Generation with Controllable Music Transformer
 

Recently uploaded

Data structures and Algorithms in Python.pdf
Data structures and Algorithms in Python.pdfData structures and Algorithms in Python.pdf
Data structures and Algorithms in Python.pdf
TIPNGVN2
 
“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”
Claudio Di Ciccio
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 
Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
mikeeftimakis1
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Paige Cruz
 
Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...
Zilliz
 
GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024
GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024
GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024
Neo4j
 
Artificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopmentArtificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopment
Octavian Nadolu
 
Full-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalizationFull-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalization
Zilliz
 
National Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practicesNational Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practices
Quotidiano Piemontese
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
Matthew Sinclair
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Aggregage
 
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with SlackLet's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
shyamraj55
 
UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6
DianaGray10
 
PCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase TeamPCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase Team
ControlCase
 
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
Neo4j
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
Ana-Maria Mihalceanu
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
DianaGray10
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
Adtran
 

Recently uploaded (20)

Data structures and Algorithms in Python.pdf
Data structures and Algorithms in Python.pdfData structures and Algorithms in Python.pdf
Data structures and Algorithms in Python.pdf
 
“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”“I’m still / I’m still / Chaining from the Block”
“I’m still / I’m still / Chaining from the Block”
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 
Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
 
Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...Building RAG with self-deployed Milvus vector database and Snowpark Container...
Building RAG with self-deployed Milvus vector database and Snowpark Container...
 
GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024
GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024
GraphSummit Singapore | Neo4j Product Vision & Roadmap - Q2 2024
 
Artificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopmentArtificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopment
 
Full-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalizationFull-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalization
 
National Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practicesNational Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practices
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
 
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with SlackLet's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
Let's Integrate MuleSoft RPA, COMPOSER, APM with AWS IDP along with Slack
 
UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6
 
PCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase TeamPCI PIN Basics Webinar from the Controlcase Team
PCI PIN Basics Webinar from the Controlcase Team
 
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
 

Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network

  • 1. 2022.01.14 Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network Bowen Du, Xiao Hu, Leilei Sun, Junming Liu, Yanan Qiao, and Weifeng Lv TITS 2021 Hongkyu Lim
  • 2. Contents • Overview • Introduction • Related Work • Methodology • Experiments & Results • Conclusion
  • 4. 4 Overview Suggest novel methods to apply NLP approaches to music domain Introduce MusicBERT, a large-scale pretrained model for symbolic music understanding Evaluate the performance on four tasks
  • 5. 5 Contributions A traffic transition network is defined • Virtual station by Density-peak based clustering Dynamic Graph Convolution Gated Recurrent Unit • A new dynamic transition convolution unit Unifying learning framework(weather factors with hidden states of demands)
  • 6. 6 Model Overview Framework 1) Transition Network Construction 1) Virtual Station Discovery • DPC-based virtual station recognition algorithm 2) Transition Matrix Construction • Network is constructed from the virtual stations. 2) Dynamic Transition Convolution Unit Design 1) Dynamic Graph Convolutional Gated Recurrent Unit’s devised.
  • 8. 8 Model Overview Preliminaries and Notations 1. Virtual Station 2. Station-to-Station Transition 3. Traffic Demand 4. Transition Flow 5. Transition Network
  • 9. 9 Model Overview Preliminaries and Notations • Virtual Station • Density Peak Clustering(DPC) Virtual Station Recognition • Station-to-Station Transition • Traffic trajectory is a tuple : ((p.t, p.s),(d.t, d.s)) • P, d – origin and destination points of trajectory • T, s – timestamp and virtual station • Traffic Demand • In fixed time duration • Each station’s pick-up and drop-off demand • X = [pickup, dropoff], Y = [estimated traffic demand at (t+1)]
  • 10. 10 Model Overview Preliminaries and Notations • Transition Flow • W - # of trips from station i to station j at time step t • k – starting time, l –arrival time, 1<= t <= T • s – time slot s = {1,2,…, M}
  • 11. 11 Model Overview Preliminaries and Notations • Transition Network • Defined as a series of directed graphs • 𝘝 – the set of nodes(virtual stations) • ε – the set of edges • 𝐰 – NxN matrix R, a weighted adjacency matrix
  • 12. 12 Model Overview Framework 1) Transition Network Construction 1) Virtual Station Discovery • DPC-based virtual station recognition algorithm 2) Transition Matrix Construction • Network is constructed from the virtual stations. 2) Dynamic Transition Convolution Unit Design 1) Dynamic Graph Convolutional Gated Recurrent Unit’s devised.
  • 13. 13 Model Overview Framework 1) Transition Network Construction 1) Virtual Station Discovery • DPC(Density Peak Clustering)-based virtual station recognition algorithm cores subs
  • 14. 14 Model Overview Framework 1) Transition Network Construction 1) Virtual Station Discovery • DPC-based virtual station recognition algorithm 2) Transition Matrix Construction • Network is constructed from the virtual stations. 2) Dynamic Transition Convolution Unit Design 1) Dynamic Graph Convolutional Gated Recurrent Unit’s devised.
  • 15. 15 Overview Suggest novel methods to apply NLP approaches to music domain Introduce MusicBERT, a large-scale pretrained model for symbolic music understanding Evaluate the performance ons
  • 16. 16 Model Overview Framework 3) Embedding of Environmental Semantics • Meteorological information as external features • Imporved the estimation performance
  • 17. 17 Model Overview Framework 3) Embedding of Environmental Semantics • Meteorological information as external features • Imporved the estimation performance
  • 18. 18 Experiments & Results Data set 1. Bike-NYC • Dates, times, station IDs of pick-up and drop-off points 2. Taxi-NYC • Lat and lng of pick-up and drop-off, times 3. Weather-NYC • Hourly, Kennedy International Station
  • 19. 19 Experiments & Results Baseline 1. Historical Average(HA) 2. Vector Auto-Regression(VAR) 3. XGBoost 4. RNN, LSTM, and GRU 5. Diffusion Convolutional Recurrent Neural Network(DCRNN) Metrics • RMSE • PCC • MAE
  • 20. 20 Experiments & Results Setting 1. Setting Boundary • 40;28;38.6363◦N to 40;55;3.2772◦N and 73;42;0.9792◦W to 74;15;32.7240◦W • Divide the region into a 1000 × 1000 grid map • The size of each lattice is about 47m × 49m • Setting the minimum distance between station centers as 50 lattice(2400 meters) • The local density threshold is set as 30 • 1192 virtual stations are identified.
  • 21. 21 Experiments & Results Setting 1. Meteorological semantics embedding • Recorded by Kennedy International Station per hour • 26 features except for timestamp • Encode categorical features as an one-hot numeric array Results
  • 22. 22 Future Work Increasing the depth of the model and further decreasing the computational complexity(탐색 알고리즘 효율) Modeling the spatial and temporal dependencies by transition networks with dynamic nodes Extending this model to multi-step forecasting
  • 23. 23 My Research • Motivation • Bus와 Taxi 데이터를 기반으로 MOD 서비스 적용 시 일어날 수요에 대한 예측 • MOD 에 대한 데이터 부족이 빈번함 • 서비스가 시작 된지 얼마 되지않아 아직 적용 사례가 부족  데이터 부족 • MOD 회사는 데이터 제공에 회의적 • MOD 서비스를 시작하고 싶은 회사와 정부기관에게 해당 지역의 Taxi와 bus 수요 데이터를 기반으로 MOD 서비스 적용 시 일어날 수요를 차량 단위로 예측을 제공 Shareabiltiy(detour ratio 공유 경로)적용한 최적 경로로 시뮬레이션 데이터 생성 딥러닝 모델에 적용하여 특정 경로를 지나는 MOD vehicle 안의 탑승 인원 수 예측 <Bus & Taxi data-based simulation scenario>
  • 24. 24 My Research • Data Analysis • 2016.01 New York Taxi data • Randomly picked demands <Randomly picked demands> <Integrated demand>
  • 25. 25 My Research • Data Analysis • 2016.01 New York Taxi data • Randomly picked demands에 Lin-Kernighan traveling salesman heuristic 적용하여 최적경로 추출 • Cost = 거리 <Randomly picked demands> <Randomly picked demands>
  • 26. 26 My Research • Data Analysis • 2016.01 New York Taxi data • In total, 10906858𝑃5*15sec (for 2 demands on the optimal path) spent randomly pick demands calculate optimal path • Problems • Too much computational load(detour ratio 적용시 더 늘어날것으로 예상) • Hard to filter points where minor demands and major demands are <Randomly picked demands> <Randomly picked demands>
  • 27. 27 My Research • Data Analysis • 2016.01 New York Taxi data • In total 10906858 demands randomly pick demands calculate optimal path • Modes to solve the issues • Narrow down areas where majority of demands existrelieving computational cost • More weights to potential trajectories demand prediction accuracy increases (데일리 패턴으로 분석하는 실 수요지 후보군)
  • 28. 28 My Research • Data Analysis • 2016.01 New York Taxi data • In total 10906858 demands randomly pick demands calculate optimal path • Modes to solve the issues • 최적 경로를 구할 때 모든 수요 포인트를 랜덤으로 픽 하기 보다 메인 수요지를 우선 파악해서 각 가상 스테이션을 기점으로 최적경로를 구하면 computational load가 줄면서 모델 학습 정확도도 실 수요지를 중심으로 높일 수 있지 않을까? • DTCNN에서 학습시킬때 그래프 정보를 그대로 가져와서 디코더 출력단에서 매번 인코더의 정보를 상기시켜 주는 Attention 학습으로 수요 예측을 하는데 도움을 준다면?