Deep learning approaches for spatio-temporal prediction problems such as crowd-flow prediction assumes data to be of fixed and regular shaped tensor and face challenges of handling irregular, sparse data tensor. This poses limitations in use-case scenarios such as predicting visit counts of individuals' for a given spatial area at a particular temporal resolution using raster/image format representation of the geographical region, since the movement patterns of an individual can be largely restricted and localized to a certain part of the raster. Additionally, current deep-learning approaches for solving such problem doesn't account for the geographical awareness of a region while modelling the spatio-temporal movement patterns of an individual. To address these limitations, there is a need to develop a novel strategy and modeling approach that can handle both sparse, irregular data while incorporating geo-awareness in the model. In this paper, we make use of quadtree as the data structure for representing the image and introduce a novel geo-aware enabled deep learning layer, GA-ConvLSTM that performs the convolution operation based on a novel geo-aware module based on quadtree data structure for incorporating spatial dependencies while maintaining the recurrent mechanism for accounting for temporal dependencies. We present this approach in the context of the problem of predicting spatial behaviors of an individual (e.g., frequent visits to specific locations) through deep-learning based predictive model, GADST-Predict. Experimental results on two GPS based trace data shows that the proposed method is effective in handling frequency visits over different use-cases with considerable high accuracy.
translated by 谷歌翻译
人口级社会事件,如民事骚乱和犯罪,往往对我们的日常生活产生重大影响。预测此类事件对于决策和资源分配非常重要。由于缺乏关于事件发生的真实原因和潜在机制的知识,事件预测传统上具有挑战性。近年来,由于两个主要原因,研究事件预测研究取得了重大进展:(1)机器学习和深度学习算法的开发和(2)社交媒体,新闻来源,博客,经济等公共数据的可访问性指标和其他元数据源。软件/硬件技术中的数据的爆炸性增长导致了社会事件研究中的深度学习技巧的应用。本文致力于提供社会事件预测的深层学习技术的系统和全面概述。我们专注于两个社会事件的域名:\ Texit {Civil unrest}和\ texit {犯罪}。我们首先介绍事件预测问题如何作为机器学习预测任务制定。然后,我们总结了这些问题的数据资源,传统方法和最近的深度学习模型的发展。最后,我们讨论了社会事件预测中的挑战,并提出了一些有希望的未来研究方向。
translated by 谷歌翻译
本研究的目的是通过整合基于物理和人类感知的特征来开发和测试城市洪播北卡斯的新型结构化深度学习建模框架。我们提出了一种新的计算建模框架,包括基于关注的空间 - 时间图卷积网络(ASTGCN)模型以及实时收集的不同数据流,并在模型中收集,以考虑空间和时间信息和依赖项这改善了洪涝灾害。计算建模框架的新颖性是三倍;首先,由于空间和时间图卷积模块,该模型能够考虑淹没传播中的空间和时间依赖性;其次,它使得能够捕获异构时间数据流的影响,这些数据流可以发挥洪水状态,包括基于物理的特征,例如降雨强度和水高度,以及人类感知数据,例如洪水报告和人类活动的波动。第三,其注意机制使模型能够将其关注最有影响力的特征指示。我们展示了建模框架在德克萨斯州哈里斯县的背景下作为洪水事件的案例研究和飓风。结果表明,该模型为人口普查道级别的城市洪水淹没了卓越的性能,精度为0.808,并召回0.891,这与其他一些新颖的模型相比表现出更好的表现更好。此外,ASTGCN模型性能提高了异构动态功能,仅依赖于基于物理的特征,这表明了使用异源人类感测数据的洪水截图,
translated by 谷歌翻译
As ride-hailing services become increasingly popular, being able to accurately predict demand for such services can help operators efficiently allocate drivers to customers, and reduce idle time, improve congestion, and enhance the passenger experience. This paper proposes UberNet, a deep learning Convolutional Neural Network for short-term prediction of demand for ride-hailing services. UberNet empploys a multivariate framework that utilises a number of temporal and spatial features that have been found in the literature to explain demand for ride-hailing services. The proposed model includes two sub-networks that aim to encode the source series of various features and decode the predicting series, respectively. To assess the performance and effectiveness of UberNet, we use 9 months of Uber pickup data in 2014 and 28 spatial and temporal features from New York City. By comparing the performance of UberNet with several other approaches, we show that the prediction quality of the model is highly competitive. Further, Ubernet's prediction performance is better when using economic, social and built environment features. This suggests that Ubernet is more naturally suited to including complex motivators in making real-time passenger demand predictions for ride-hailing services.
translated by 谷歌翻译
准确性和可解释性是犯罪预测模型的两个基本属性。由于犯罪可能对人类生命,经济和安全的不利影响,我们需要一个可以尽可能准确地预测未来犯罪的模型,以便可以采取早期步骤来避免犯罪。另一方面,可解释的模型揭示了模型预测背后的原因,确保其透明度并允许我们相应地规划预防犯罪步骤。开发模型的关键挑战是捕获特定犯罪类别的非线性空间依赖和时间模式,同时保持模型的底层结构可解释。在本文中,我们开发AIST,一种用于犯罪预测的注意力的可解释的时空时间网络。基于过去的犯罪发生,外部特征(例如,流量流量和兴趣点(POI)信息)和犯罪趋势,AICT模拟了犯罪类别的动态时空相关性。广泛的实验在使用真实数据集的准确性和解释性方面表现出我们模型的优越性。
translated by 谷歌翻译
Accurate activity location prediction is a crucial component of many mobility applications and is particularly required to develop personalized, sustainable transportation systems. Despite the widespread adoption of deep learning models, next location prediction models lack a comprehensive discussion and integration of mobility-related spatio-temporal contexts. Here, we utilize a multi-head self-attentional (MHSA) neural network that learns location transition patterns from historical location visits, their visit time and activity duration, as well as their surrounding land use functions, to infer an individual's next location. Specifically, we adopt point-of-interest data and latent Dirichlet allocation for representing locations' land use contexts at multiple spatial scales, generate embedding vectors of the spatio-temporal features, and learn to predict the next location with an MHSA network. Through experiments on two large-scale GNSS tracking datasets, we demonstrate that the proposed model outperforms other state-of-the-art prediction models, and reveal the contribution of various spatio-temporal contexts to the model's performance. Moreover, we find that the model trained on population data achieves higher prediction performance with fewer parameters than individual-level models due to learning from collective movement patterns. We also reveal mobility conducted in the recent past and one week before has the largest influence on the current prediction, showing that learning from a subset of the historical mobility is sufficient to obtain an accurate location prediction result. We believe that the proposed model is vital for context-aware mobility prediction. The gained insights will help to understand location prediction models and promote their implementation for mobility applications.
translated by 谷歌翻译
Wind power forecasting helps with the planning for the power systems by contributing to having a higher level of certainty in decision-making. Due to the randomness inherent to meteorological events (e.g., wind speeds), making highly accurate long-term predictions for wind power can be extremely difficult. One approach to remedy this challenge is to utilize weather information from multiple points across a geographical grid to obtain a holistic view of the wind patterns, along with temporal information from the previous power outputs of the wind farms. Our proposed CNN-RNN architecture combines convolutional neural networks (CNNs) and recurrent neural networks (RNNs) to extract spatial and temporal information from multi-dimensional input data to make day-ahead predictions. In this regard, our method incorporates an ultra-wide learning view, combining data from multiple numerical weather prediction models, wind farms, and geographical locations. Additionally, we experiment with global forecasting approaches to understand the impact of training the same model over the datasets obtained from multiple different wind farms, and we employ a method where spatial information extracted from convolutional layers is passed to a tree ensemble (e.g., Light Gradient Boosting Machine (LGBM)) instead of fully connected layers. The results show that our proposed CNN-RNN architecture outperforms other models such as LGBM, Extra Tree regressor and linear regression when trained globally, but fails to replicate such performance when trained individually on each farm. We also observe that passing the spatial information from CNN to LGBM improves its performance, providing further evidence of CNN's spatial feature extraction capabilities.
translated by 谷歌翻译
“轨迹”是指由地理空间中的移动物体产生的迹线,通常由一系列按时间顺序排列的点表示,其中每个点由地理空间坐标集和时间戳组成。位置感应和无线通信技术的快速进步使我们能够收集和存储大量的轨迹数据。因此,许多研究人员使用轨迹数据来分析各种移动物体的移动性。在本文中,我们专注于“城市车辆轨迹”,这是指城市交通网络中车辆的轨迹,我们专注于“城市车辆轨迹分析”。城市车辆轨迹分析提供了前所未有的机会,可以了解城市交通网络中的车辆运动模式,包括以用户为中心的旅行经验和系统范围的时空模式。城市车辆轨迹数据的时空特征在结构上相互关联,因此,许多先前的研究人员使用了各种方法来理解这种结构。特别是,由于其强大的函数近似和特征表示能力,深度学习模型是由于许多研究人员的注意。因此,本文的目的是开发基于深度学习的城市车辆轨迹分析模型,以更好地了解城市交通网络的移动模式。特别是,本文重点介绍了两项研究主题,具有很高的必要性,重要性和适用性:下一个位置预测,以及合成轨迹生成。在这项研究中,我们向城市车辆轨迹分析提供了各种新型模型,使用深度学习。
translated by 谷歌翻译
自行车分享系统(BSSS)在全球越来越受欢迎,并引起了广泛的研究兴趣。本文研究了BSSS中的需求预测问题。空间和时间特征对于BSSS的需求预测至关重要,但提取了时尚动态的需求是挑战性的。另一个挑战是捕捉时空动力学和外部因素之间的关系,例如天气,一周和一天时间。为了解决这些挑战,我们提出了一个名为MSTF-Net的多个时空融合网络。 MSTF-Net由多个时空块组成:3D卷积网络(3D-CNN)块,Eidetic 3D卷积长短短期存储网络(E3D-LSTM)块,以及完全连接的(FC)块。具体地,3D-CNN嵌段突出显示在每个片段中提取短期时空依赖(即,亲近,期间和趋势); E3D-LSTM块进一步提取对所有碎片的长期时空依赖; FC块提取外部因素的非线性相关性。最后,融合E3D-LSTM和FC块的潜在表示以获得最终预测。对于两个现实世界数据集,显示MSTF-Net优于七种最先进的模型。
translated by 谷歌翻译
旨在预测人群进入或离开某些地区的人群的预测是智能城市的一项基本任务。人群流数据的关键属性之一是周期性:一种按常规时间间隔发生的模式,例如每周模式。为了捕获这种周期性,现有研究要么将周期性的隐藏状态融合到网络中,以学习或将额外的定期策略应用于网络体系结构。在本文中,我们设计了一个新颖的定期残差学习网络(PRNET),以更好地建模人群流数据中的周期性。与现有方法不同,PRNET通过建模输入(上一个时期)和输出(未来时间段)之间的变化来将人群流动预测作为周期性的残差学习问题。与直接预测高度动态的人群流动相比,学习更多的固定偏差要容易得多,从而有助于模型训练。此外,学到的变化使网络能够在每个时间间隔内产生未来条件及其相应每周观察的残差,因此有助于更准确的多步骤预测。广泛的实验表明,PRNET可以轻松地集成到现有模型中,以增强其预测性能。
translated by 谷歌翻译
Traffic state prediction in a transportation network is paramount for effective traffic operations and management, as well as informed user and system-level decision-making. However, long-term traffic prediction (beyond 30 minutes into the future) remains challenging in current research. In this work, we integrate the spatio-temporal dependencies in the transportation network from network modeling, together with the graph convolutional network (GCN) and graph attention network (GAT). To further tackle the dramatic computation and memory cost caused by the giant model size (i.e., number of weights) caused by multiple cascaded layers, we propose sparse training to mitigate the training cost, while preserving the prediction accuracy. It is a process of training using a fixed number of nonzero weights in each layer in each iteration. We consider the problem of long-term traffic speed forecasting for a real large-scale transportation network data from the California Department of Transportation (Caltrans) Performance Measurement System (PeMS). Experimental results show that the proposed GCN-STGT and GAT-STGT models achieve low prediction errors on short-, mid- and long-term prediction horizons, of 15, 30 and 45 minutes in duration, respectively. Using our sparse training, we could train from scratch with high sparsity (e.g., up to 90%), equivalent to 10 times floating point operations per second (FLOPs) reduction on computational cost using the same epochs as dense training, and arrive at a model with very small accuracy loss compared with the original dense training
translated by 谷歌翻译
检测,预测和减轻交通拥堵是针对改善运输网络的服务水平的目标。随着对更高分辨率的更大数据集的访问,深度学习对这种任务的相关性正在增加。近年来几篇综合调查论文总结了运输领域的深度学习应用。然而,运输网络的系统动态在非拥挤状态和拥塞状态之间变化大大变化 - 从而需要清楚地了解对拥堵预测特异性特异性的挑战。在这项调查中,我们在与检测,预测和缓解拥堵相关的任务中,介绍了深度学习应用的当前状态。重复和非经常性充血是单独讨论的。我们的调查导致我们揭示了当前研究状态的固有挑战和差距。最后,我们向未来的研究方向提出了一些建议,因为所确定的挑战的答案。
translated by 谷歌翻译
基于预测方法的深度学习已成为时间序列预测或预测的许多应用中的首选方法,通常通常优于其他方法。因此,在过去的几年中,这些方法现在在大规模的工业预测应用中无处不在,并且一直在预测竞赛(例如M4和M5)中排名最佳。这种实践上的成功进一步提高了学术兴趣,以理解和改善深厚的预测方法。在本文中,我们提供了该领域的介绍和概述:我们为深入预测的重要构建块提出了一定深度的深入预测;随后,我们使用这些构建块,调查了最近的深度预测文献的广度。
translated by 谷歌翻译
Time series anomaly detection has applications in a wide range of research fields and applications, including manufacturing and healthcare. The presence of anomalies can indicate novel or unexpected events, such as production faults, system defects, or heart fluttering, and is therefore of particular interest. The large size and complex patterns of time series have led researchers to develop specialised deep learning models for detecting anomalous patterns. This survey focuses on providing structured and comprehensive state-of-the-art time series anomaly detection models through the use of deep learning. It providing a taxonomy based on the factors that divide anomaly detection models into different categories. Aside from describing the basic anomaly detection technique for each category, the advantages and limitations are also discussed. Furthermore, this study includes examples of deep anomaly detection in time series across various application domains in recent years. It finally summarises open issues in research and challenges faced while adopting deep anomaly detection models.
translated by 谷歌翻译
对于电网操作,具有精细时间和空间分辨率的太阳能发电准确预测对于电网的操作至关重要。然而,与数值天气预报(NWP)结合机器学习的最先进方法具有粗略分辨率。在本文中,我们采用曲线图信号处理透视和型号的多网站光伏(PV)生产时间序列作为图表上的信号,以捕获它们的时空依赖性并实现更高的空间和时间分辨率预测。我们提出了两种新颖的图形神经网络模型,用于确定性多站点PV预测,被称为图形 - 卷积的长期内存(GCLSTM)和图形 - 卷积变压器(GCTRAFO)模型。这些方法仅依赖于生产数据并利用PV系统提供密集的虚拟气象站网络的直觉。所提出的方法是在整整一年的两组数据集中评估:1)来自304个真实光伏系统的生产数据,以及2)模拟生产1000个PV系统,包括瑞士分布。该拟议的模型优于最先进的多站点预测方法,用于预测前方6小时的预测视野。此外,所提出的模型以NWP优于最先进的单站点方法,如前方的视野上的输入。
translated by 谷歌翻译
近年来,图形神经网络(GNN)与复发性神经网络(RNN)的变体相结合,在时空预测任务中达到了最先进的性能。对于流量预测,GNN模型使用道路网络的图形结构来解释链接和节点之间的空间相关性。最近的解决方案要么基于复杂的图形操作或避免预定义的图。本文提出了一种新的序列结构,以使用具有稀疏体系结构的GNN-RNN细胞在多个抽象的抽象上提取时空相关性,以减少训练时间与更复杂的设计相比。通过多个编码器编码相同的输入序列,并随着编码层的增量增加,使网络能够通过多级抽象来学习一般和详细的信息。我们进一步介绍了来自加拿大蒙特利尔的街道细分市场流量数据的新基准数据集。与高速公路不同,城市路段是循环的,其特征是复杂的空间依赖性。与基线方法相比,一小时预测的实验结果和我们的MSLTD街道级段数据集对我们的模型提高了7%以上,同时将计算资源要求提高了一半以上竞争方法。
translated by 谷歌翻译
接触犯罪和暴力会损害个人的生活质量和社区的经济增长。鉴于机器学习的迅速发展,需要探索自动解决方案以防止犯罪。随着细粒度的城市和公共服务数据的可用性越来越多,最近融合了这种跨域信息以促进犯罪预测的激增。通过捕获有关社会结构,环境和犯罪趋势的信息,现有的机器学习预测模型从不同观点探索了动态犯罪模式。但是,这些方法主要将这种多源知识转换为隐性和潜在表示(例如,学区的嵌入),这仍然是研究显式因素对幕后犯罪发生的影响的影响仍然是一个挑战。在本文中,我们提出了一个时空的元数据指导性犯罪预测(STMEC)框架,以捕获犯罪行为的动态模式,并明确地表征了环境和社会因素如何相互互动以产生预测。广泛的实验表明,与其他先进的时空模型相比,STMEC的优越性,尤其是在预测重罪(例如使用危险武器的抢劫和袭击)时。
translated by 谷歌翻译
为了减少乘客等候时间和驾驶员搜索摩擦,骑行公司需要准确地预测时空需求和供需差距。然而,由于乘坐乘车系统中的需求和供需差距有关的时空依赖性,对需求和供需差距的准确预测是一项艰巨的任务。此外,由于机密性和隐私问题,乘车通过删除区域的空间邻接信息,有时会向研究人员发布,这阻碍了时空依赖的检测。为此,本文提出了一种新颖的时空深度学习架构,用于预测具有匿名空间邻接信息的乘车 - HaIning系统中的需求和供需差距,其与时空深度学习架构集成了特征重要性层含有一维卷积神经网络(CNN)和区域分布独立的复发性神经网络(INDRNN)。开发的架构与DIDI Chuxing的真实世界数据集进行了测试,这表明我们的模型基于所提出的体系结构可以优于传统的时间序列模型(例如,Arima)和机器学习模型(例如,梯度升压机,分布式随机林,广义线性模型,人工神经网络)。另外,该特征重要层通过揭示预测中使用的输入特征的贡献提供了模型的解释。
translated by 谷歌翻译
我们都取决于流动性,车辆运输会影响我们大多数人的日常生活。因此,预测道路网络中流量状态的能力是一项重要的功能和具有挑战性的任务。流量数据通常是从部署在道路网络中的传感器获得的。关于时空图神经网络的最新建议通过将流量数据建模为扩散过程,在交通数据中建模复杂的时空相关性方面取得了巨大进展。但是,直观地,流量数据包含两种不同类型的隐藏时间序列信号,即扩散信号和固有信号。不幸的是,几乎所有以前的作品都将交通信号完全视为扩散的结果,同时忽略了固有的信号,这会对模型性能产生负面影响。为了提高建模性能,我们提出了一种新型的脱钩时空框架(DSTF),该框架以数据驱动的方式将扩散和固有的交通信息分开,其中包含独特的估计门和残差分解机制。分离的信号随后可以通过扩散和固有模块分别处理。此外,我们提出了DSTF的实例化,分离的动态时空图神经网络(D2STGNN),可捕获时空相关性,还具有动态图学习模块,该模块针对学习流量网络动态特征的学习。使用四个现实世界流量数据集进行的广泛实验表明,该框架能够推进最先进的框架。
translated by 谷歌翻译
时空人群流量预测(STCFP)问题是一种经典问题,具有丰富的现有研究工作,这些努力受益于传统的统计学习和最近的深度学习方法。虽然STCFP可以参考许多现实世界问题,但大多数现有研究都侧重于相当特定的应用,例如预测出租车需求,乘资顺序等。这会阻碍STCFP研究作为针对不同应用的方法几乎没有比较,因此如何将应用驱动的方法概括为其他场景尚不清楚。要填补这一差距,这篇论文进行了两项努力:(i)我们提出了一个叫做STANALYTIC的分析框架,以定性地调查其关于各种空间和时间因素的设计考虑的STCFP方法,旨在使不同的应用驱动的方法进行不同的方法; (ii)(ii)我们构建一个广泛的大型STCFP基准数据集,具有四种不同的场景(包括RideSharing,Bikesharing,Metro和电动车辆充电),其流量高达数亿个流量记录,以定量测量STCFP方法的普遍性。此外,为了详细说明STANalytic在帮助设计上推广的STCFP方法方面的有效性,我们提出了一种通过整合STANALYTIC鉴定的可推广的时间和空间知识来提出一种称为STETA的时空元模型。我们利用不同的深度学习技术实施STMETA的三种变体。通过数据集,我们证明Stmeta变体可以优于最先进的STCFP方法5%。
translated by 谷歌翻译