SlideShare a Scribd company logo
Traffic Flow Forecasting with Spatial-Temporal
Graph Diffusion Network
AAAI Association for the Advancement of Artificial Intelligence, 2020
Xiyue Zhang, Chao Huang, Yong Xu, Lianghao Xia, Peng Dai, Liefeng Bo, Junbo Zhang, Yu Zheng
August 27, 2021
Presenter: Kyunghwan Mun
Contents
• Overview of the Paper
• Background and Motivation
• Introduction
• Methodology
• Experiment
• Conclusion and Discussion
Overview of the Paper
• The Framework of Spatial-Temporal Graph Diffusion Networks (ST-GDN)
• Temporal Hierarchy Modeling
• Traffic Dependency Learning with Global Context
• Region-wise Relation Learning with Graph Diffusion Paradigm
• Traffic Prediction Phase
2
Background and Motivation
• Focus on neighboring spatial correlations (adjacent regions)
▪ Ignore the global geographical contextual information
• Fail to encode the complex traffic transition regularities
▪ Time-dependent
▪ Multi-resolution
• Spatial-Temporal Graph Diffusion Network (ST-GDN)
▪ Hierarchically structured graph neural architecture
• The local region-wise geographical dependencies
• The spatial semantics from a global perspective
▪ Multi-scale attention network
• Multi-level temporal dynamics
3
Introduction
• Existing studies & Limitations
▪ Sequence Learning
• Model temporal effects
▪ Convolutional Neural Networks (CNN)
• Model correlations between adjacent regions
▪ Recurrent Neural Networks (RNN)
• Apply on temporal dimension
▪ Using each individual time resolution
• Hourly, Daily, Weekly
• To consider complex and multi-periodic attributes
▪ Ignore the cross-region inter-dependencies
• Not using similar urban functions
• (Ex) Shopping zone, Transportation hub 4
Introduction
• Spatial-Temporal Graph Diffusion Network (ST-GDN)
▪ Multi-scale self-attention network
• Multi-grained temporal dynamics
• Various time resolutions
• Aggregation layer
• Underlying dependencies across multi-level temporal dynamics
• Attentive graph diffusion paradigm
• Incorporate local-level spatially adjacent relations and global-level traffic patterns
5
6
Methodology
• Temporal Hierarchy Modeling
▪ Temporal Hierarchy Modeling
• Multi-scale self-attention network
• Map multi-level temporal signals into common latent representations
• Temporal Resolution (P), Traffic series (𝑥𝑖,𝑗
𝑇𝑃
), Traffic series length (𝑇𝑃)
• 𝑃 ∈ {hour, day, week}
• Three transformation matrices
• Query matrix
• Key matrix
• Value matrix
𝑄
𝐾
𝑉
= 𝐸𝑃
𝑊𝑄
𝑊𝐾
𝑊𝑉
, 𝑌𝑃
= 𝜎
𝑄𝐾𝑇
𝑑
𝑉
𝜎 : Softmax function
7
Methodology
• Traffic Dependency Learning with Global Context - 1
▪ Traffic Dependency Learning with Global Context
• Attentive aggregation mechanism
• Capture both local & global traffic dependency
• Using multi-head attention mechanism
• To capture the region-wise relation semantic
from different learning subspace
8
Methodology
• Traffic Dependency Learning with Global Context - 2
▪ Attention coefficients (𝑤 𝑖,𝑗 ;(𝑖′,𝑗′)
ℎ
)
(Learned quantitative region-wise relevance score)
• Step 1. Concatenate two embedding vectors
• Step 2. Forward the concatenated vector using LeakyReLu function
• Step 3. Calculate attention coefficients using Softmax function
• Step 4. Consider ∀ ℎ ∈ {1, … , 𝐻}
9
Methodology
• Traffic Dependency Learning with Global Context - 3
▪ Message aggregation over G (Region graph)
• Concatenate them for ∀ ℎ ∈ {1, … , 𝐻}
▪ Information aggregation
• 𝑍𝑖,𝑗
𝑃
: The aggregated feature embedding of 𝑟𝑖,𝑗
10
Methodology
• Traffic Dependency Learning with Global Context - 4
▪ High-order Information Propagation
• High-order relation modeling
• Global-level representation of region 𝑟𝑖,𝑗
𝑍𝑖,𝑗
𝑃
= 𝑍𝑖,𝑗
𝑃,(𝑙)
⊕ ⋯ ⊕ 𝑍𝑖,𝑗
𝑃,(𝐿)
, where ⊕ is the element-wise addition
11
Methodology
• Region-wise Spatial Relation Encoding -1
▪ Graph-structured diffusion network
• Region-wise relation graph (𝐺𝑠 = 𝑅𝑠, 𝐸𝑠, 𝐴 )
• Consider K neighboring regions of 𝑟𝑖,𝑗
• Diffusion convolution operation
𝑫𝑶
−𝟏
𝑨 and 𝑫𝒊
−𝟏
𝑨𝑻
: bi-directional transition matrices 🚌…
• Region representation
12
Methodology
• Region-wise Spatial Relation Encoding -2
▪ Consider the multi-resolution traffic patterns
(i.e.) Hourly, Daily, Weekly
where ° is Hadamard product
13
Methodology
• Traffic Prediction Phase
▪ External factors
• Meteorological conditions
• Weather conditions
• Temperature / ℃
• Wind speed / mph
• Map features into vectors 𝑔𝑡
• Projection over 𝑔𝑡 using multi-layer perceptron
▪ Concatenate embedding (Λ𝑖,𝑗 and 𝑔𝑡)
▪ Loss function
14
Experiment
• Baseline models
▪ Traditional Time Series Prediction
• ARIMA 🚌…, Support Vector Regression (SVR)
▪ Conventional Hybrid Learning
• Fuzzy+NN
▪ Recurrent Spatial-Temporal Prediction
• ST-RNN
• D-LSTM
▪ Convolution-based Network
• DeepST
• ST-ResNet
15
Experiment
• Baseline models
▪ Convolutional Recurrent Predictive
• DMVST-Net
• DCRNN
▪ Attentive Traffic Prediction
• STDN 🚌…
▪ Graph Neural Networks
• ST-GCN
• ST-MGCN
• GMAN
▪ Deep Hybrid Traffic Flow Predictive
• UrbanFM 🚌…
• ST-MetaNet
16
Experiment
• Dataset
▪ BJ-Taxi, NYC-Bike, NYC-Taxi + External Factors
• Time interval & Grid-based
▪ 30 minutes / 1 hour
• Metrics
▪ RMSE, MAPE
• Methods
▪ Inflow, Outflow for Prediction
17
Experiment
• Performance comparison (RMSE & MAPE)
18
Conclusion and Discussion
• Grid-based partition  Clustering ?
▪ Density Peak Clustering (DPC) 🚌…
(Ex) Coupled Layer-wise Convolutional Recurrent Neural Network (CCRNN)
▪ K-Means Clustering 🚌…
▪ K-Medians Clustering
▪ Mean-Shift Clustering
▪ Density-Based Spatial Clustering of Applications with Noise (DBSCAN) 🚌…
▪ Etc …
• Adjacency Matrix
▪ Bi-directional transition matrices (𝐴, 𝐴𝑇) + Additional weights based on road network
▪ Existing Studies use fixed adjacency matrix
▪ But CCRNN use different matrices in different layers
▪ But CCRNN generate adjacency matrix (Time-wise matrix & Station-wise matrix)
 Diffusion (ST-GDN) + Normalized + Clustering + Different adjacency matrices in different layers (CCRNN) ? 🚌…
[Paper] Ye, Junchen, et al. "Coupled layer-wise graph convolution for transportation demand prediction." arXiv preprint arXiv:2012.08080 (2020).
19
Conclusion and Discussion
• Combined Clustering Algorithm based on regions ? 🚌…
[Paper] Ren, Chunhua, et al. "Effective Density Peaks Clustering Algorithm Based on the Layered K-Nearest Neighbors and Subcluster Merging." IEEE Access 8 (2020): 123449-123468.
Thank you
Any questions?

More Related Content

What's hot

PRML輪読#1
PRML輪読#1PRML輪読#1
PRML輪読#1
matsuolab
 
Pixel Recurrent Neural Networks
Pixel Recurrent Neural NetworksPixel Recurrent Neural Networks
Pixel Recurrent Neural Networks
neouyghur
 
InfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial NetworksInfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial Networks
Zak Jost
 
機械学習におけるオンライン確率的最適化の理論
機械学習におけるオンライン確率的最適化の理論機械学習におけるオンライン確率的最適化の理論
機械学習におけるオンライン確率的最適化の理論
Taiji Suzuki
 
ICCV 2019 論文紹介 (26 papers)
ICCV 2019 論文紹介 (26 papers)ICCV 2019 論文紹介 (26 papers)
ICCV 2019 論文紹介 (26 papers)
Hideki Okada
 
Reinforcement Learning - DQN
Reinforcement Learning - DQNReinforcement Learning - DQN
Reinforcement Learning - DQN
Mohammaderfan Arefimoghaddam
 
[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks
[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks
[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks
Deep Learning JP
 
Graph neural networks overview
Graph neural networks overviewGraph neural networks overview
Graph neural networks overview
Rodion Kiryukhin
 
Off policy evaluation
Off policy evaluationOff policy evaluation
Off policy evaluation
Masa61rl
 
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
Deep Learning JP
 
PRML読書会1スライド(公開用)
PRML読書会1スライド(公開用)PRML読書会1スライド(公開用)
PRML読書会1スライド(公開用)
tetsuro ito
 
Prml 1.2,4 5,1.3|輪講資料1120
Prml 1.2,4 5,1.3|輪講資料1120Prml 1.2,4 5,1.3|輪講資料1120
Prml 1.2,4 5,1.3|輪講資料1120
Hayato K
 
Learning spatiotemporal features with 3 d convolutional networks
Learning spatiotemporal features with 3 d convolutional networksLearning spatiotemporal features with 3 d convolutional networks
Learning spatiotemporal features with 3 d convolutional networks
SungminYou
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applications
Sungjoon Choi
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
Seiya Tokui
 
Resnet
ResnetResnet
Graph Neural Network - Introduction
Graph Neural Network - IntroductionGraph Neural Network - Introduction
Graph Neural Network - Introduction
Jungwon Kim
 
Resnet.pptx
Resnet.pptxResnet.pptx
Resnet.pptx
YanhuaSi
 
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Databricks
 

What's hot (20)

PRML輪読#1
PRML輪読#1PRML輪読#1
PRML輪読#1
 
Pixel Recurrent Neural Networks
Pixel Recurrent Neural NetworksPixel Recurrent Neural Networks
Pixel Recurrent Neural Networks
 
InfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial NetworksInfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial Networks
 
機械学習におけるオンライン確率的最適化の理論
機械学習におけるオンライン確率的最適化の理論機械学習におけるオンライン確率的最適化の理論
機械学習におけるオンライン確率的最適化の理論
 
ICCV 2019 論文紹介 (26 papers)
ICCV 2019 論文紹介 (26 papers)ICCV 2019 論文紹介 (26 papers)
ICCV 2019 論文紹介 (26 papers)
 
Reinforcement Learning - DQN
Reinforcement Learning - DQNReinforcement Learning - DQN
Reinforcement Learning - DQN
 
[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks
[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks
[DL Hacks]Semi-Supervised Classification with Graph Convolutional Networks
 
Graph neural networks overview
Graph neural networks overviewGraph neural networks overview
Graph neural networks overview
 
Off policy evaluation
Off policy evaluationOff policy evaluation
Off policy evaluation
 
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
[DL輪読会]Parallel WaveNet: Fast High-Fidelity Speech Synthesis
 
PRML読書会1スライド(公開用)
PRML読書会1スライド(公開用)PRML読書会1スライド(公開用)
PRML読書会1スライド(公開用)
 
Prml 1.2,4 5,1.3|輪講資料1120
Prml 1.2,4 5,1.3|輪講資料1120Prml 1.2,4 5,1.3|輪講資料1120
Prml 1.2,4 5,1.3|輪講資料1120
 
Learning spatiotemporal features with 3 d convolutional networks
Learning spatiotemporal features with 3 d convolutional networksLearning spatiotemporal features with 3 d convolutional networks
Learning spatiotemporal features with 3 d convolutional networks
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applications
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
 
Resnet
ResnetResnet
Resnet
 
Graph Neural Network - Introduction
Graph Neural Network - IntroductionGraph Neural Network - Introduction
Graph Neural Network - Introduction
 
Resnet.pptx
Resnet.pptxResnet.pptx
Resnet.pptx
 
rnn BASICS
rnn BASICSrnn BASICS
rnn BASICS
 
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
Time Series Forecasting Using Recurrent Neural Network and Vector Autoregress...
 

Similar to Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network

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
 
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...
thanhdowork
 
Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network
Traffic Demand Prediction Based Dynamic Transition Convolutional Neural NetworkTraffic Demand Prediction Based Dynamic Transition Convolutional Neural Network
Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network
ivaderivader
 
Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction
Deep Multi-View Spatial-Temporal Network for Taxi Demand PredictionDeep Multi-View Spatial-Temporal Network for Taxi Demand Prediction
Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction
ivaderivader
 
Gis capabilities on Big Data Systems
Gis capabilities on Big Data SystemsGis capabilities on Big Data Systems
Gis capabilities on Big Data Systems
Ahmad Jawwad
 
[Seminar] hyunwook 0624
[Seminar] hyunwook 0624[Seminar] hyunwook 0624
[Seminar] hyunwook 0624
ivaderivader
 
Predict Traffic flow with KNN and LSTM
Predict Traffic flow with KNN and LSTMPredict Traffic flow with KNN and LSTM
Predict Traffic flow with KNN and LSTM
Afzaal Subhani
 
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
thanhdowork
 
[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...
[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...
[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...
thanhdowork
 
[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...
[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...
[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...
thanhdowork
 
[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx
[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx
[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx
thanhdowork
 
An effective joint prediction model for travel demands and traffic flows
An effective joint prediction model for travel demands and traffic flowsAn effective joint prediction model for travel demands and traffic flows
An effective joint prediction model for travel demands and traffic flows
ivaderivader
 
[Seminar] 20210122 Kyunghwan Moon
[Seminar] 20210122 Kyunghwan Moon[Seminar] 20210122 Kyunghwan Moon
[Seminar] 20210122 Kyunghwan Moon
ivaderivader
 
201029 Joohee Kim
201029 Joohee Kim201029 Joohee Kim
201029 Joohee Kim
ivaderivader
 
[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...
[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...
[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...
thanhdowork
 
Real time traffic management - challenges and solutions
Real time traffic management - challenges and solutionsReal time traffic management - challenges and solutions
Real time traffic management - challenges and solutions
Institute for Transport Studies (ITS)
 
Data quality evaluation & orbit identification from scatterometer
Data quality evaluation & orbit identification from scatterometerData quality evaluation & orbit identification from scatterometer
Data quality evaluation & orbit identification from scatterometer
Mudit Dholakia
 
Pedestrian Behavior/Intention Modeling for Autonomous Driving VI
Pedestrian Behavior/Intention Modeling for Autonomous Driving VIPedestrian Behavior/Intention Modeling for Autonomous Driving VI
Pedestrian Behavior/Intention Modeling for Autonomous Driving VI
Yu Huang
 
Christian jensen advanced routing in spatial networks using big data
Christian jensen advanced routing in spatial networks using big dataChristian jensen advanced routing in spatial networks using big data
Christian jensen advanced routing in spatial networks using big data
jins0618
 

Similar to Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network (20)

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
 
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...
[20240318_LabSeminar_Huy]GSTNet: Global Spatial-Temporal Network for Traffic ...
 
Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network
Traffic Demand Prediction Based Dynamic Transition Convolutional Neural NetworkTraffic Demand Prediction Based Dynamic Transition Convolutional Neural Network
Traffic Demand Prediction Based Dynamic Transition Convolutional Neural Network
 
Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction
Deep Multi-View Spatial-Temporal Network for Taxi Demand PredictionDeep Multi-View Spatial-Temporal Network for Taxi Demand Prediction
Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction
 
Gis capabilities on Big Data Systems
Gis capabilities on Big Data SystemsGis capabilities on Big Data Systems
Gis capabilities on Big Data Systems
 
[Seminar] hyunwook 0624
[Seminar] hyunwook 0624[Seminar] hyunwook 0624
[Seminar] hyunwook 0624
 
Predict Traffic flow with KNN and LSTM
Predict Traffic flow with KNN and LSTMPredict Traffic flow with KNN and LSTM
Predict Traffic flow with KNN and LSTM
 
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
[20240408_LabSeminar_Huy]PivotalSTGNN.pptx
 
[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...
[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...
[20240325_LabSeminar_Huy]Spatial-Temporal Fusion Graph Neural Networks for Tr...
 
[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...
[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...
[20240520_LabSeminar_Huy]DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural...
 
[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx
[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx
[20240513_LabSeminar_Huy]GraphFewShort_Transfer.pptx
 
230727_HB_JointJournalClub.pptx
230727_HB_JointJournalClub.pptx230727_HB_JointJournalClub.pptx
230727_HB_JointJournalClub.pptx
 
An effective joint prediction model for travel demands and traffic flows
An effective joint prediction model for travel demands and traffic flowsAn effective joint prediction model for travel demands and traffic flows
An effective joint prediction model for travel demands and traffic flows
 
[Seminar] 20210122 Kyunghwan Moon
[Seminar] 20210122 Kyunghwan Moon[Seminar] 20210122 Kyunghwan Moon
[Seminar] 20210122 Kyunghwan Moon
 
201029 Joohee Kim
201029 Joohee Kim201029 Joohee Kim
201029 Joohee Kim
 
[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...
[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...
[20240429_LabSeminar_Huy]Spatio-Temporal Graph Neural Point Process for Traff...
 
Real time traffic management - challenges and solutions
Real time traffic management - challenges and solutionsReal time traffic management - challenges and solutions
Real time traffic management - challenges and solutions
 
Data quality evaluation & orbit identification from scatterometer
Data quality evaluation & orbit identification from scatterometerData quality evaluation & orbit identification from scatterometer
Data quality evaluation & orbit identification from scatterometer
 
Pedestrian Behavior/Intention Modeling for Autonomous Driving VI
Pedestrian Behavior/Intention Modeling for Autonomous Driving VIPedestrian Behavior/Intention Modeling for Autonomous Driving VI
Pedestrian Behavior/Intention Modeling for Autonomous Driving VI
 
Christian jensen advanced routing in spatial networks using big data
Christian jensen advanced routing in spatial networks using big dataChristian jensen advanced routing in spatial networks using big data
Christian jensen advanced routing in spatial networks using big data
 

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
 
Invertible Denoising Network: A Light Solution for Real Noise Removal
Invertible Denoising Network: A Light Solution for Real Noise RemovalInvertible Denoising Network: A Light Solution for Real Noise Removal
Invertible Denoising Network: A Light Solution for Real Noise Removal
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
 

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
 
Invertible Denoising Network: A Light Solution for Real Noise Removal
Invertible Denoising Network: A Light Solution for Real Noise RemovalInvertible Denoising Network: A Light Solution for Real Noise Removal
Invertible Denoising Network: A Light Solution for Real Noise Removal
 
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
 

Recently uploaded

FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance
 
Key Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdfKey Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdf
Cheryl Hung
 
Assure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyesAssure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyes
ThousandEyes
 
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdfFIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptxSecstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
nkrafacyberclub
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
James Anderson
 
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
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
Safe Software
 
Elevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object CalisthenicsElevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object Calisthenics
Dorra BARTAGUIZ
 
UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4
DianaGray10
 
Bits & Pixels using AI for Good.........
Bits & Pixels using AI for Good.........Bits & Pixels using AI for Good.........
Bits & Pixels using AI for Good.........
Alison B. Lowndes
 
Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
KatiaHIMEUR1
 
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Ramesh Iyer
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
Alan Dix
 
Accelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish CachingAccelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish Caching
Thijs Feryn
 
By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024
Pierluigi Pugliese
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
UiPathCommunity
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
Laura Byrne
 
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
 

Recently uploaded (20)

FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdfFIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
FIDO Alliance Osaka Seminar: The WebAuthn API and Discoverable Credentials.pdf
 
Key Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdfKey Trends Shaping the Future of Infrastructure.pdf
Key Trends Shaping the Future of Infrastructure.pdf
 
Assure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyesAssure Contact Center Experiences for Your Customers With ThousandEyes
Assure Contact Center Experiences for Your Customers With ThousandEyes
 
FIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdfFIDO Alliance Osaka Seminar: Overview.pdf
FIDO Alliance Osaka Seminar: Overview.pdf
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptxSecstrike : Reverse Engineering & Pwnable tools for CTF.pptx
Secstrike : Reverse Engineering & Pwnable tools for CTF.pptx
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
 
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
 
Essentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with ParametersEssentials of Automations: Optimizing FME Workflows with Parameters
Essentials of Automations: Optimizing FME Workflows with Parameters
 
Elevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object CalisthenicsElevating Tactical DDD Patterns Through Object Calisthenics
Elevating Tactical DDD Patterns Through Object Calisthenics
 
UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4UiPath Test Automation using UiPath Test Suite series, part 4
UiPath Test Automation using UiPath Test Suite series, part 4
 
Bits & Pixels using AI for Good.........
Bits & Pixels using AI for Good.........Bits & Pixels using AI for Good.........
Bits & Pixels using AI for Good.........
 
Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
 
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
Builder.ai Founder Sachin Dev Duggal's Strategic Approach to Create an Innova...
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
 
Accelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish CachingAccelerate your Kubernetes clusters with Varnish Caching
Accelerate your Kubernetes clusters with Varnish Caching
 
By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024By Design, not by Accident - Agile Venture Bolzano 2024
By Design, not by Accident - Agile Venture Bolzano 2024
 
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
Dev Dives: Train smarter, not harder – active learning and UiPath LLMs for do...
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
 
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
 

Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network

  • 1. Traffic Flow Forecasting with Spatial-Temporal Graph Diffusion Network AAAI Association for the Advancement of Artificial Intelligence, 2020 Xiyue Zhang, Chao Huang, Yong Xu, Lianghao Xia, Peng Dai, Liefeng Bo, Junbo Zhang, Yu Zheng August 27, 2021 Presenter: Kyunghwan Mun
  • 2. Contents • Overview of the Paper • Background and Motivation • Introduction • Methodology • Experiment • Conclusion and Discussion
  • 3. Overview of the Paper • The Framework of Spatial-Temporal Graph Diffusion Networks (ST-GDN) • Temporal Hierarchy Modeling • Traffic Dependency Learning with Global Context • Region-wise Relation Learning with Graph Diffusion Paradigm • Traffic Prediction Phase 2
  • 4. Background and Motivation • Focus on neighboring spatial correlations (adjacent regions) ▪ Ignore the global geographical contextual information • Fail to encode the complex traffic transition regularities ▪ Time-dependent ▪ Multi-resolution • Spatial-Temporal Graph Diffusion Network (ST-GDN) ▪ Hierarchically structured graph neural architecture • The local region-wise geographical dependencies • The spatial semantics from a global perspective ▪ Multi-scale attention network • Multi-level temporal dynamics 3
  • 5. Introduction • Existing studies & Limitations ▪ Sequence Learning • Model temporal effects ▪ Convolutional Neural Networks (CNN) • Model correlations between adjacent regions ▪ Recurrent Neural Networks (RNN) • Apply on temporal dimension ▪ Using each individual time resolution • Hourly, Daily, Weekly • To consider complex and multi-periodic attributes ▪ Ignore the cross-region inter-dependencies • Not using similar urban functions • (Ex) Shopping zone, Transportation hub 4
  • 6. Introduction • Spatial-Temporal Graph Diffusion Network (ST-GDN) ▪ Multi-scale self-attention network • Multi-grained temporal dynamics • Various time resolutions • Aggregation layer • Underlying dependencies across multi-level temporal dynamics • Attentive graph diffusion paradigm • Incorporate local-level spatially adjacent relations and global-level traffic patterns 5
  • 7. 6 Methodology • Temporal Hierarchy Modeling ▪ Temporal Hierarchy Modeling • Multi-scale self-attention network • Map multi-level temporal signals into common latent representations • Temporal Resolution (P), Traffic series (𝑥𝑖,𝑗 𝑇𝑃 ), Traffic series length (𝑇𝑃) • 𝑃 ∈ {hour, day, week} • Three transformation matrices • Query matrix • Key matrix • Value matrix 𝑄 𝐾 𝑉 = 𝐸𝑃 𝑊𝑄 𝑊𝐾 𝑊𝑉 , 𝑌𝑃 = 𝜎 𝑄𝐾𝑇 𝑑 𝑉 𝜎 : Softmax function
  • 8. 7 Methodology • Traffic Dependency Learning with Global Context - 1 ▪ Traffic Dependency Learning with Global Context • Attentive aggregation mechanism • Capture both local & global traffic dependency • Using multi-head attention mechanism • To capture the region-wise relation semantic from different learning subspace
  • 9. 8 Methodology • Traffic Dependency Learning with Global Context - 2 ▪ Attention coefficients (𝑤 𝑖,𝑗 ;(𝑖′,𝑗′) ℎ ) (Learned quantitative region-wise relevance score) • Step 1. Concatenate two embedding vectors • Step 2. Forward the concatenated vector using LeakyReLu function • Step 3. Calculate attention coefficients using Softmax function • Step 4. Consider ∀ ℎ ∈ {1, … , 𝐻}
  • 10. 9 Methodology • Traffic Dependency Learning with Global Context - 3 ▪ Message aggregation over G (Region graph) • Concatenate them for ∀ ℎ ∈ {1, … , 𝐻} ▪ Information aggregation • 𝑍𝑖,𝑗 𝑃 : The aggregated feature embedding of 𝑟𝑖,𝑗
  • 11. 10 Methodology • Traffic Dependency Learning with Global Context - 4 ▪ High-order Information Propagation • High-order relation modeling • Global-level representation of region 𝑟𝑖,𝑗 𝑍𝑖,𝑗 𝑃 = 𝑍𝑖,𝑗 𝑃,(𝑙) ⊕ ⋯ ⊕ 𝑍𝑖,𝑗 𝑃,(𝐿) , where ⊕ is the element-wise addition
  • 12. 11 Methodology • Region-wise Spatial Relation Encoding -1 ▪ Graph-structured diffusion network • Region-wise relation graph (𝐺𝑠 = 𝑅𝑠, 𝐸𝑠, 𝐴 ) • Consider K neighboring regions of 𝑟𝑖,𝑗 • Diffusion convolution operation 𝑫𝑶 −𝟏 𝑨 and 𝑫𝒊 −𝟏 𝑨𝑻 : bi-directional transition matrices 🚌… • Region representation
  • 13. 12 Methodology • Region-wise Spatial Relation Encoding -2 ▪ Consider the multi-resolution traffic patterns (i.e.) Hourly, Daily, Weekly where ° is Hadamard product
  • 14. 13 Methodology • Traffic Prediction Phase ▪ External factors • Meteorological conditions • Weather conditions • Temperature / ℃ • Wind speed / mph • Map features into vectors 𝑔𝑡 • Projection over 𝑔𝑡 using multi-layer perceptron ▪ Concatenate embedding (Λ𝑖,𝑗 and 𝑔𝑡) ▪ Loss function
  • 15. 14 Experiment • Baseline models ▪ Traditional Time Series Prediction • ARIMA 🚌…, Support Vector Regression (SVR) ▪ Conventional Hybrid Learning • Fuzzy+NN ▪ Recurrent Spatial-Temporal Prediction • ST-RNN • D-LSTM ▪ Convolution-based Network • DeepST • ST-ResNet
  • 16. 15 Experiment • Baseline models ▪ Convolutional Recurrent Predictive • DMVST-Net • DCRNN ▪ Attentive Traffic Prediction • STDN 🚌… ▪ Graph Neural Networks • ST-GCN • ST-MGCN • GMAN ▪ Deep Hybrid Traffic Flow Predictive • UrbanFM 🚌… • ST-MetaNet
  • 17. 16 Experiment • Dataset ▪ BJ-Taxi, NYC-Bike, NYC-Taxi + External Factors • Time interval & Grid-based ▪ 30 minutes / 1 hour • Metrics ▪ RMSE, MAPE • Methods ▪ Inflow, Outflow for Prediction
  • 19. 18 Conclusion and Discussion • Grid-based partition  Clustering ? ▪ Density Peak Clustering (DPC) 🚌… (Ex) Coupled Layer-wise Convolutional Recurrent Neural Network (CCRNN) ▪ K-Means Clustering 🚌… ▪ K-Medians Clustering ▪ Mean-Shift Clustering ▪ Density-Based Spatial Clustering of Applications with Noise (DBSCAN) 🚌… ▪ Etc … • Adjacency Matrix ▪ Bi-directional transition matrices (𝐴, 𝐴𝑇) + Additional weights based on road network ▪ Existing Studies use fixed adjacency matrix ▪ But CCRNN use different matrices in different layers ▪ But CCRNN generate adjacency matrix (Time-wise matrix & Station-wise matrix)  Diffusion (ST-GDN) + Normalized + Clustering + Different adjacency matrices in different layers (CCRNN) ? 🚌… [Paper] Ye, Junchen, et al. "Coupled layer-wise graph convolution for transportation demand prediction." arXiv preprint arXiv:2012.08080 (2020).
  • 20. 19 Conclusion and Discussion • Combined Clustering Algorithm based on regions ? 🚌… [Paper] Ren, Chunhua, et al. "Effective Density Peaks Clustering Algorithm Based on the Layered K-Nearest Neighbors and Subcluster Merging." IEEE Access 8 (2020): 123449-123468.