预测交通状况非常具有挑战性,因为每条道路在空间和时间上都高度依赖。最近,为了捕获这种空间和时间依赖性,已经引入了专门设计的架构,例如图形卷积网络和时间卷积网络。尽管流量预测取得了显着进展,但我们发现基于深度学习的流量预测模型仍然在某些模式中失败,主要是在事件情况下(例如,快速速度下降)。尽管通常认为这些故障是由于不可预测的噪声造成的,但我们发现可以通过考虑以前的失败来纠正这些故障。具体而言,我们观察到这些失败中的自相关错误,这表明仍然存在一些可预测的信息。在这项研究中,为了捕获错误的相关性,我们引入了Rescal,Rescal是流量预测的剩余估计模块,作为广泛适用的附加模块,用于现有的流量预测模型。我们的恢复通过使用以前的错误和图形信号来估算未来错误,从而实时校准现有模型的预测。对METR-LA和PEMS-BAY进行的广泛实验表明,我们的恢复可以正确捕获错误的相关性,并在事件情况下纠正各种流量预测模型的故障。
translated by 谷歌翻译
我们都取决于流动性,车辆运输会影响我们大多数人的日常生活。因此,预测道路网络中流量状态的能力是一项重要的功能和具有挑战性的任务。流量数据通常是从部署在道路网络中的传感器获得的。关于时空图神经网络的最新建议通过将流量数据建模为扩散过程,在交通数据中建模复杂的时空相关性方面取得了巨大进展。但是,直观地,流量数据包含两种不同类型的隐藏时间序列信号,即扩散信号和固有信号。不幸的是,几乎所有以前的作品都将交通信号完全视为扩散的结果,同时忽略了固有的信号,这会对模型性能产生负面影响。为了提高建模性能,我们提出了一种新型的脱钩时空框架(DSTF),该框架以数据驱动的方式将扩散和固有的交通信息分开,其中包含独特的估计门和残差分解机制。分离的信号随后可以通过扩散和固有模块分别处理。此外,我们提出了DSTF的实例化,分离的动态时空图神经网络(D2STGNN),可捕获时空相关性,还具有动态图学习模块,该模块针对学习流量网络动态特征的学习。使用四个现实世界流量数据集进行的广泛实验表明,该框架能够推进最先进的框架。
translated by 谷歌翻译
近年来,图形神经网络(GNN)与复发性神经网络(RNN)的变体相结合,在时空预测任务中达到了最先进的性能。对于流量预测,GNN模型使用道路网络的图形结构来解释链接和节点之间的空间相关性。最近的解决方案要么基于复杂的图形操作或避免预定义的图。本文提出了一种新的序列结构,以使用具有稀疏体系结构的GNN-RNN细胞在多个抽象的抽象上提取时空相关性,以减少训练时间与更复杂的设计相比。通过多个编码器编码相同的输入序列,并随着编码层的增量增加,使网络能够通过多级抽象来学习一般和详细的信息。我们进一步介绍了来自加拿大蒙特利尔的街道细分市场流量数据的新基准数据集。与高速公路不同,城市路段是循环的,其特征是复杂的空间依赖性。与基线方法相比,一小时预测的实验结果和我们的MSLTD街道级段数据集对我们的模型提高了7%以上,同时将计算资源要求提高了一半以上竞争方法。
translated by 谷歌翻译
Spatiotemporal forecasting has various applications in neuroscience, climate and transportation domain. Traffic forecasting is one canonical example of such learning task. The task is challenging due to (1) complex spatial dependency on road networks, (2) non-linear temporal dynamics with changing road conditions and (3) inherent difficulty of long-term forecasting. To address these challenges, we propose to model the traffic flow as a diffusion process on a directed graph and introduce Diffusion Convolutional Recurrent Neural Network (DCRNN), a deep learning framework for traffic forecasting that incorporates both spatial and temporal dependency in the traffic flow. Specifically, DCRNN captures the spatial dependency using bidirectional random walks on the graph, and the temporal dependency using the encoder-decoder architecture with scheduled sampling. We evaluate the framework on two real-world large scale road network traffic datasets and observe consistent improvement of 12% -15% over state-of-the-art baselines.
translated by 谷歌翻译
使用图形卷积网络(GCN)构建时空网络已成为预测交通信号的最流行方法之一。但是,当使用GCN进行交通速度预测时,常规方法通常将传感器之间的关系作为均匀图,并使用传感器累积的数据来学习邻接矩阵。但是,传感器之间的空间相关性并未指定为一个,而是从各种观点方面定义不同。为此,我们旨在研究流量信号数据中固有的异质特征,以以各种方式学习传感器之间的隐藏关系。具体而言,我们设计了一种方法来通过将传感器之间的空间关系分为静态和动态模块来构造每个模块的异质图。我们提出了一个基于网络分散注意力的基于异质性 - 感知图形卷积网络(HAGCN)方法,该方法通过在异质图中考虑每个通道的重要性来汇总相邻节点的隐藏状态。实际流量数据集的实验结果验证了所提出的方法的有效性,比现有模型取得了6.35%的改善,并实现了最先进的预测性能。
translated by 谷歌翻译
多元时间序列(MTS)预测在广泛的应用中起着至关重要的作用。最近,时空图神经网络(STGNN)已成为越来越流行的MTS预测方法。 STGNN通过图神经网络和顺序模型共同对MTS的空间和时间模式进行建模,从而显着提高了预测准确性。但是受模型复杂性的限制,大多数STGNN仅考虑短期历史MTS数据,例如过去一个小时的数据。但是,需要根据长期的历史MTS数据来分析时间序列的模式及其之间的依赖关系(即时间和空间模式)。为了解决这个问题,我们提出了一个新颖的框架,其中STGNN通过可扩展的时间序列预训练模型(步骤)增强。具体而言,我们设计了一个预训练模型,以从非常长期的历史时间序列(例如,过去两周)中有效地学习时间模式并生成细分级表示。这些表示为短期时间序列输入到STGNN提供了上下文信息,并促进了时间序列之间的建模依赖关系。三个公共现实世界数据集的实验表明,我们的框架能够显着增强下游STGNN,并且我们的训练前模型可恰当地捕获时间模式。
translated by 谷歌翻译
准确的交通预测对于智能城市实现交通控制,路线计划和流动检测至关重要。尽管目前提出了许多时空方法,但这些方法在同步捕获流量数据的时空依赖性方面缺陷。此外,大多数方法忽略了随着流量数据的变化而产生的道路网络节点之间的动态变化相关性。我们建议基于神经网络的时空交互式动态图卷积网络(STIDGCN),以应对上述流量预测的挑战。具体而言,我们提出了一个交互式动态图卷积结构,该结构将序列划分为间隔,并通过交互式学习策略同步捕获流量数据的时空依赖性。交互式学习策略使StidGCN有效地预测。我们还提出了一个新颖的动态图卷积模块,以捕获由图生成器和融合图卷积组成的流量网络中动态变化的相关性。动态图卷积模块可以使用输入流量数据和预定义的图形结构来生成图形结构。然后将其与定义的自适应邻接矩阵融合,以生成动态邻接矩阵,该矩阵填充了预定义的图形结构,并模拟了道路网络中节点之间的动态关联的产生。在四个现实世界流量流数据集上进行的广泛实验表明,StidGCN的表现优于最先进的基线。
translated by 谷歌翻译
交通预测对于新时代智能城市的交通建设至关重要。但是,流量数据的复杂空间和时间依赖性使流量预测极具挑战性。大多数现有的流量预测方法都依赖于预定义的邻接矩阵来对时空依赖性建模。但是,道路交通状态是高度实时的,因此邻接矩阵应随着时间的推移而动态变化。本文介绍了一个新的多空间融合图复发网络(MSTFGRN),以解决上述问题。该网络提出了一种数据驱动的加权邻接矩阵生成方法,以补偿预定义的邻接矩阵未反映的实时空间依赖性。它还通过在不同矩的平行时空关系上执行新的双向时空融合操作来有效地学习隐藏的时空依赖性。最后,通过将全局注意机制集成到时空融合模块中,同时捕获了全局时空依赖性。对四个大型现实世界流量数据集进行的广泛试验表明,与替代基线相比,我们的方法实现了最先进的性能。
translated by 谷歌翻译
Modeling multivariate time series has long been a subject that has attracted researchers from a diverse range of fields including economics, finance, and traffic. A basic assumption behind multivariate time series forecasting is that its variables depend on one another but, upon looking closely, it's fair to say that existing methods fail to fully exploit latent spatial dependencies between pairs of variables. In recent years, meanwhile, graph neural networks (GNNs) have shown high capability in handling relational dependencies. GNNs require well-defined graph structures for information propagation which means they cannot be applied directly for multivariate time series where the dependencies are not known in advance. In this paper, we propose a general graph neural network framework designed specifically for multivariate time series data. Our approach automatically extracts the uni-directed relations among variables through a graph learning module, into which external knowledge like variable attributes can be easily integrated. A novel mix-hop propagation layer and a dilated inception layer are further proposed to capture the spatial and temporal dependencies within the time series. The graph learning, graph convolution, and temporal convolution modules are jointly learned in an end-to-end framework. Experimental results show that our proposed model outperforms the state-of-the-art baseline methods on 3 of 4 benchmark datasets and achieves on-par performance with other approaches on two traffic datasets which provide extra structural information. CCS CONCEPTS• Computing methodologies → Neural networks; Artificial intelligence.
translated by 谷歌翻译
交通预测在智能交通系统中很重要,有利于交通安全,但由于现实世界交通系统中的复杂和动态的时空依赖性,这是非常具有挑战性的。先前的方法使用预定义或学习的静态图来提取空间相关性。但是,基于静态图形的方法无法挖掘交通网络的演变。研究人员随后为每次切片生成动态图形以反映空间相关性的变化,但它们遵循独立建模的时空依赖性的范例,忽略了串行空间影响。在本文中,我们提出了一种新的基于跨时动态图形的深度学习模型,名为CDGNet,用于交通预测。该模型能够通过利用横行动态图来有效地捕获每个时切片和其历史时片之间的串联空间依赖性。同时,我们设计了稀疏横行动态图的浇注机制,符合现实世界中的稀疏空间相关性。此外,我们提出了一种新颖的编码器解码器架构,用于结合基于交叉时间动态图形的GCN,用于多步行量预测。三个现实世界公共交通数据集的实验结果表明CDGNET优于最先进的基线。我们还提供了一种定性研究来分析我们建筑的有效性。
translated by 谷歌翻译
Reliable forecasting of traffic flow requires efficient modeling of traffic data. Different correlations and influences arise in a dynamic traffic network, making modeling a complicated task. Existing literature has proposed many different methods to capture the complex underlying spatial-temporal relations of traffic networks. However, methods still struggle to capture different local and global dependencies of long-range nature. Also, as more and more sophisticated methods are being proposed, models are increasingly becoming memory-heavy and, thus, unsuitable for low-powered devices. In this paper, we focus on solving these problems by proposing a novel deep learning framework - STLGRU. Specifically, our proposed STLGRU can effectively capture both local and global spatial-temporal relations of a traffic network using memory-augmented attention and gating mechanism. Instead of employing separate temporal and spatial components, we show that our memory module and gated unit can learn the spatial-temporal dependencies successfully, allowing for reduced memory usage with fewer parameters. We extensively experiment on several real-world traffic prediction datasets to show that our model performs better than existing methods while the memory footprint remains lower. Code is available at \url{https://github.com/Kishor-Bhaumik/STLGRU}.
translated by 谷歌翻译
图表上的交通流量预测在许多字段(例如运输系统和计算机网络)中具有现实世界应用。由于复杂的时空相关性和非线性交通模式,交通预测可能是高度挑战的。现有的作品主要是通过分别考虑空间相关性和时间相关性来模拟此类时空依赖性的模型,并且无法对直接的时空相关性进行建模。受到图形域中变形金刚最近成功的启发,在本文中,我们建议使用局部多头自我攻击直接建模时空图上的跨空间相关性。为了降低时间的复杂性,我们将注意力接收场设置为空间相邻的节点,还引入了自适应图以捕获隐藏的空间范围依赖性。基于这些注意机制,我们提出了一种新型的自适应图形时空变压器网络(ASTTN),该网络堆叠了多个时空注意层以在输入图上应用自我注意力,然后是线性层进行预测。公共交通网络数据集,Metr-La PEMS-Bay,PEMSD4和PEMSD7的实验结果证明了我们模型的出色性能。
translated by 谷歌翻译
Spatial-temporal graph modeling is an important task to analyze the spatial relations and temporal trends of components in a system. Existing approaches mostly capture the spatial dependency on a fixed graph structure, assuming that the underlying relation between entities is pre-determined. However, the explicit graph structure (relation) does not necessarily reflect the true dependency and genuine relation may be missing due to the incomplete connections in the data. Furthermore, existing methods are ineffective to capture the temporal trends as the RNNs or CNNs employed in these methods cannot capture long-range temporal sequences. To overcome these limitations, we propose in this paper a novel graph neural network architecture, Graph WaveNet, for spatial-temporal graph modeling. By developing a novel adaptive dependency matrix and learn it through node embedding, our model can precisely capture the hidden spatial dependency in the data. With a stacked dilated 1D convolution component whose receptive field grows exponentially as the number of layers increases, Graph WaveNet is able to handle very long sequences. These two components are integrated seamlessly in a unified framework and the whole framework is learned in an end-to-end manner. Experimental results on two public traffic network datasets, METR-LA and PEMS-BAY, demonstrate the superior performance of our algorithm.
translated by 谷歌翻译
最近的研究侧重于制定流量预测作为一种时空图形建模问题。它们通常在每个时间步骤构造静态空间图,然后将每个节点连接在相邻时间步骤之间以构造时空图形。在这样的图形中,不同时间步骤的不同节点之间的相关性未明确地反映,这可以限制图形神经网络的学习能力。同时,这些模型在不同时间步骤中使用相同的邻接矩阵时,忽略节点之间的动态时空相关性。为了克服这些限制,我们提出了一种时空关节图卷积网络(StJGCN),用于交通预测在公路网络上的几个时间上限。具体地,我们在任何两个时间步长之间构造预定的和自适应时空关节图(STJG),这代表了全面和动态的时空相关性。我们进一步设计了STJG上的扩张因果时空关节图卷积层,以捕获与多个范围不同的视角的时空依赖关系。提出了一种多范围注意机制来聚合不同范围的信息。四个公共交通数据集的实验表明,STJGCN是计算的高效和优于11个最先进的基线方法。
translated by 谷歌翻译
由于动态和复杂的时空依赖性,交通预测具有挑战性。但是,现有方法仍然受到两个关键局限性。首先,许多方法通常使用静态预定义或自适应的空间图来捕获流量系统中动态的时空依赖性,这限制了灵活性,并且仅捕获了整个时间的共享模式,从而导致了次优性能。此外,大多数方法在每个时间步骤中都单独和独立地考虑地面真理与预测之间的绝对误差,这无法维持整体时间序列的全球属性和统计数据,并导致地面真相和预测之间的趋势差异。为此,在本文中,我们提出了一个动态自适应和对抗图卷积网络(DAAGCN),该网络将图形卷积网络(GCN)与生成的对抗网络(GANS)结合在一起,以进行流量预测。具体而言,DAAGCN利用带栅极模块的通用范式将时间变化的嵌入与节点嵌入集成在一起,以生成动态自适应图,以在每个时间步骤中推断空间 - 周期依赖性。然后,设计了两个歧视因子,以维持预测时间序列的全局属性的一致性,并在序列和图形级别上具有地面真相。在四个基准数据集上进行的广泛实验表明,DAAGCN的表现平均比最新的5.05%,3.80%和5.27%在MAE,RMSE和MAPE方面,同时加快收敛性高达9倍。代码可从https://github.com/juyongjiang/daagcn获得。
translated by 谷歌翻译
交通预测是智能交通系统的问题(ITS),并为个人和公共机构是至关重要的。因此,研究高度重视应对准确预报交通系统的复杂的时空相关性。但是,有两个挑战:1)大多数流量预测研究主要集中在造型相邻传感器的相关性,而忽略远程传感器,例如,商务区有类似的时空模式的相关性; 2)使用静态邻接矩阵中曲线图的卷积网络(GCNs)的现有方法不足以反映在交通系统中的动态空间依赖性。此外,它采用自注意所有的传感器模型动态关联细粒度方法忽略道路网络分层信息,并有二次计算复杂性。在本文中,我们提出了一种新动态多图形卷积递归网络(DMGCRN),以解决上述问题,可以同时距离的空间相关性,结构的空间相关性,和所述时间相关性进行建模。那么,只使用基于距离的曲线图来捕获空间信息从节点是接近距离也构建了一个新潜曲线图,其编码的道路之间的相关性的结构来捕获空间信息从节点在结构上相似。此外,我们在不同的时间将每个传感器的邻居到粗粒区域,并且动态地分配不同的权重的每个区域。同时,我们整合动态多图卷积网络到门控重复单元(GRU)来捕获时间依赖性。三个真实世界的交通数据集大量的实验证明,我们提出的算法优于国家的最先进的基线。
translated by 谷歌翻译
流量预测是智能交通系统中时空学习任务的规范示例。现有方法在图形卷积神经操作员中使用预定的矩阵捕获空间依赖性。但是,显式的图形结构损失了节点之间关系的一些隐藏表示形式。此外,传统的图形卷积神经操作员无法在图上汇总远程节点。为了克服这些限制,我们提出了一个新型的网络,空间 - 周期性自适应图卷积,并通过注意力网络(Staan)进行交通预测。首先,我们采用自适应依赖性矩阵,而不是在GCN处理过程中使用预定义的矩阵来推断节点之间的相互依存关系。其次,我们集成了基于图形注意力网络的PW注意,该图形是为全局依赖性设计的,而GCN作为空间块。更重要的是,在我们的时间块中采用了堆叠的散布的1D卷积,具有长期预测的效率,用于捕获不同的时间序列。我们在两个现实世界数据集上评估了我们的Staan,并且实验验证了我们的模型优于最先进的基线。
translated by 谷歌翻译
交通流量预测是智能运输系统的重要组成部分,从而受到了研究人员的关注。但是,交通道路之间的复杂空间和时间依赖性使交通流量的预测具有挑战性。现有方法通常是基于图形神经网络,使用交通网络的预定义空间邻接图来建模空间依赖性,而忽略了道路节点之间关系的动态相关性。此外,他们通常使用独立的时空组件来捕获时空依赖性,并且不会有效地对全局时空依赖性进行建模。本文提出了一个新的时空因果图形注意网络(STCGAT),以解决上述挑战。在STCGAT中,我们使用一种节点嵌入方法,可以在每个时间步骤中自适应生成空间邻接子图,而无需先验地理知识和对不同时间步骤动态生成图的拓扑的精细颗粒建模。同时,我们提出了一个有效的因果时间相关成分,其中包含节点自适应学习,图形卷积以及局部和全局因果关系卷积模块,以共同学习局部和全局时空依赖性。在四个真正的大型流量数据集上进行的广泛实验表明,我们的模型始终优于所有基线模型。
translated by 谷歌翻译
Traffic forecasting has attracted widespread attention recently. In reality, traffic data usually contains missing values due to sensor or communication errors. The Spatio-temporal feature in traffic data brings more challenges for processing such missing values, for which the classic techniques (e.g., data imputations) are limited: 1) in temporal axis, the values can be randomly or consecutively missing; 2) in spatial axis, the missing values can happen on one single sensor or on multiple sensors simultaneously. Recent models powered by Graph Neural Networks achieved satisfying performance on traffic forecasting tasks. However, few of them are applicable to such a complex missing-value context. To this end, we propose GCN-M, a Graph Convolutional Network model with the ability to handle the complex missing values in the Spatio-temporal context. Particularly, we jointly model the missing value processing and traffic forecasting tasks, considering both local Spatio-temporal features and global historical patterns in an attention-based memory network. We propose as well a dynamic graph learning module based on the learned local-global features. The experimental results on real-life datasets show the reliability of our proposed method.
translated by 谷歌翻译
Spatio-temporal modeling as a canonical task of multivariate time series forecasting has been a significant research topic in AI community. To address the underlying heterogeneity and non-stationarity implied in the graph streams, in this study, we propose Spatio-Temporal Meta-Graph Learning as a novel Graph Structure Learning mechanism on spatio-temporal data. Specifically, we implement this idea into Meta-Graph Convolutional Recurrent Network (MegaCRN) by plugging the Meta-Graph Learner powered by a Meta-Node Bank into GCRN encoder-decoder. We conduct a comprehensive evaluation on two benchmark datasets (METR-LA and PEMS-BAY) and a large-scale spatio-temporal dataset that contains a variaty of non-stationary phenomena. Our model outperformed the state-of-the-arts to a large degree on all three datasets (over 27% MAE and 34% RMSE). Besides, through a series of qualitative evaluations, we demonstrate that our model can explicitly disentangle locations and time slots with different patterns and be robustly adaptive to different anomalous situations. Codes and datasets are available at https://github.com/deepkashiwa20/MegaCRN.
translated by 谷歌翻译