1,627 results on '"traffic prediction"'
Search Results
2. TARGCN: temporal attention recurrent graph convolutional neural network for traffic prediction.
- Author
-
Yang, He, Jiang, Cong, Song, Yun, Fan, Wendong, Deng, Zelin, and Bai, Xinke
- Subjects
CONVOLUTIONAL neural networks ,TRAFFIC patterns ,TRAFFIC flow ,DEEP learning ,INTELLIGENT networks ,INTELLIGENT transportation systems - Abstract
Traffic prediction is crucial to the intelligent transportation system. However, accurate traffic prediction still faces challenges. It is difficult to extract dynamic spatial–temporal correlations of traffic flow and capture the specific traffic pattern for each sub-region. In this paper, a temporal attention recurrent graph convolutional neural network (TARGCN) is proposed to address these issues. The proposed TARGCN model fuses a node-embedded graph convolutional (Emb-GCN) layer, a gated recurrent unit (GRU) layer, and a temporal attention (TA) layer into a framework to exploit both dynamic spatial correlations between traffic nodes and temporal dependencies between time slices. In the Emb-GCN layer, node embedding matrix and node parameter learning techniques are employed to extract spatial correlations between traffic nodes at a fine-grained level and learn the specific traffic pattern for each node. Following this, a series of gated recurrent units are stacked as a GRU layer to capture spatial and temporal features from the traffic flow of adjacent nodes in the past few time slices simultaneously. Furthermore, an attention layer is applied in the temporal dimension to extend the receptive field of GRU. The combination of the Emb-GCN, GRU, and the TA layer facilitates the proposed framework exploiting not only the spatial–temporal dependencies but also the degree of interconnectedness between traffic nodes, which benefits the prediction a lot. Experiments on public traffic datasets PEMSD4 and PEMSD8 demonstrate the effectiveness of the proposed method. Compared with state-of-the-art baselines, it achieves 4.62% and 5.78% on PEMS03, 3.08% and 0.37% on PEMSD4, and 5.08% and 0.28% on PEMSD8 superiority on average. Especially for long-term prediction, prediction results for the 60-min interval show the proposed method presents a more notable advantage over compared benchmarks. The implementation on Pytorch is publicly available at https://github.com/csust-sonie/TARGCN. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
3. SSGCRTN: a space-specific graph convolutional recurrent transformer network for traffic prediction.
- Author
-
Yang, Shiyu, Wu, Qunyong, Wang, Yuhang, and Lin, Tingyu
- Subjects
TRAFFIC speed ,TRAFFIC flow ,LEARNING modules ,FORECASTING - Abstract
Current research often formalizes traffic prediction tasks as spatio-temporal graph modeling problems. Despite some progress, this approach still has the following limitations. First, space can be divided into intrinsic and latent spaces. Static graphs in intrinsic space lack flexibility when facing changing prediction tasks, while dynamic relationships in latent space are influenced by multiple factors. A deep understanding of specific traffic patterns in different spaces is crucial for accurately modeling spatial dependencies. Second, most studies focus on correlations in sequential time periods, neglecting both reverse and global temporal correlations. This oversight leads to incomplete temporal representations in models. In this work, we propose a Space-Specific Graph Convolutional Recurrent Transformer Network (SSGCRTN) to address these limitations simultaneously. For the spatial aspect, we propose a space-specific graph convolution operation to identify patterns unique to each space. For the temporal aspect, we introduce a spatio-temporal interaction module that integrates spatial and temporal domain knowledge of nodes at multiple granularities. This module learns and utilizes parallel spatio-temporal relationships between different time points from both forward and backward perspectives, revealing latent patterns in spatio-temporal associations. Additionally, we use a transformer-based global temporal fusion module to capture global spatio-temporal correlations. We conduct experiments on four real-world traffic flow datasets (PeMS03/04/07/08) and two traffic speed datasets (PeMSD7(M)/(L)), achieving better performance than existing technologies. Notably, on the PeMS08 dataset, our model improves the MAE by 6.41% compared to DGCRN. The code of SSGCRTN is available at https://github.com/OvOYu/SSGCRTN. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
4. Decision support system (DSS) for traffic prediction and building a dynamic internet community using Netnography technology in the city of Amman.
- Author
-
Shaar, Nancy, Alshraideh, Mohammad, Shboul, Lara, and AlDajani, Iyad
- Subjects
- *
DECISION support systems , *CITY traffic , *TRAFFIC congestion , *ARTIFICIAL intelligence , *VIRTUAL communities , *SOCIAL media - Abstract
Recently, the increasing rapid number of cars on the roads and the great demand for traffic prediction, because of the increase in traffic congestion, has posed a great challenge to governments' economic development and social stability of most countries in the world. While many challenges are facing governments to solve traffic congestion and reduce car accidents and pollution, the objective of this study is to apply a dynamic approach for the Jordanian community to lessen traffic congestion on the roads in Amman by utilising social media, artificial intelligence efficiency methods, and decision support to lessen traffic issues in the capital city of Jordan. It also aims to communicate directly with social media users to cut down on the time and effort needed to make traffic predictions, which will help to relieve the congestion of areas and roads in Amman. To obtain the research aims, we handled a TRF2021JOR dataset related to traffic records in Amman city, collected from Amman Municipality for several years. Then, we applied the Netnography model, which was built using the data science concepts, to create an efficient model in Amman city for traffic prediction and time series based on selective features of previous congestion in city roads. The experiment results showed the accuracy preference for the proposed method in Amman city. Furthermore, the experiment tested the accuracy of results based on the machine learning methods using the KNIME Analytics Platform tool, one of the Artificial Intelligence (AI) methods used; the experiment results showed that the classifier SVM gives a low accuracy reached (89.9%). However, the accuracy using the decision tree classifier reached (90.59%), while the classifier random forest gives a high accuracy reached (93.16%). [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
5. Traffic flow prediction with multi-feature spatio-temporal coupling based on peak time embedding.
- Author
-
Wei, Siwei, Hu, Dingbo, Wei, Feifei, Liu, Donghua, and Wang, Chunzhi
- Subjects
- *
TRAFFIC flow , *INTELLIGENT transportation systems , *TRAFFIC speed , *TRAFFIC estimation , *OCCUPANCY rates - Abstract
Traffic flow prediction plays a crucial role in intelligent transportation systems (ITS), offering applications across diverse domains. However, current deep learning models face significant challenges. Real-world traffic conditions, especially during peak hours, exhibit complex spatio-temporal dynamics and intricate nonlinear relationships. Existing studies often overlook variations in traffic flow across different time periods, locations, and scenarios, resulting in prediction models lacking robustness and accuracy across diverse contexts. Furthermore, simplistic models struggle to accurately forecast traffic flow during peak periods, as they typically focus on isolated features such as traffic speed, flow rate, or occupancy rate, neglecting crucial interdependencies with other relevant factors. This paper introduces a novel approach, the peak hour embedding-based multi-feature spatio-temporal coupled traffic flow prediction model (PE-MFSTC), to address these challenges. The PE-MFSTC model incorporates peak time embedding within a multirelational synchronization graph attention network structure. The peak time-based embedding involves mapping daily, weekly, and morning/evening peak periods into low-dimensional time representations, facilitating the extraction of nonlinear spatio-temporal features. The network framework employs a multirelational synchronized graph attention network, integrating multiple traffic features and spatio-temporal sequences for learning. Additionally, a spatio-temporal dynamic fusion module (STDFM) is introduced to model correlations and dynamically adjust node weights, enhancing the model's sensitivity. Experimental evaluations on four real-world public datasets consistently demonstrate the superior performance of the PE-MFSTC model over seven state-of-the-art deep learning models. These results highlight the efficacy of the proposed model in addressing the complexities of traffic flow prediction across various scenarios. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
6. Prediction of electric vehicle charging demand using enhanced gated recurrent units with RKOA based graph convolutional network.
- Author
-
Gunasekaran, R., B., Manjunatha, S., Anand, Pareek, Piyush Kumar, Gupta, Sandeep, and Shukla, Anand
- Abstract
Accurate forecasting of traffic patterns plays a crucial role in the effective management and planning of urban transportation infrastructure. In particular, predicting the availability of electric vehicle (EV) charging stations is essential for alleviating range anxiety among drivers and facilitating the adoption of electric vehicles. This study proposes a novel deep learning-based predictor model to approximate the demand for charging electric vehicles over the long term. The methodology integrates the Berkeley wavelet transform (BWT) to decompose input time series data while preserving its inherent characteristics. The proposed hybrid prediction model combines an enhanced gate recurrent unit with an optimized convolution kernel within a fusion graph convolutional network (GCN). The Red Kite Optimization Algorithm (RKOA) is employed to select the convolution kernel of the GCN effectively. Additionally, the construction of the graph leverages both adjacency and adaptive graphs to accurately represent the correlations among nodes in the EV network. The model extracts multi-level spatial correlations through stacked fusion graph convolutional elements and captures multi-scale temporal correlations via an improved gated recurrent unit. Furthermore, the incorporation of residual connection units allows for the fusion of extracted spatiotemporal features with direct data, enhancing predictive performance. The proposed neural predictor is evaluated using EV charging data from Georgia Tech in Atlanta, USA. The experimental results demonstrate the effectiveness of the prediction metrics generated by the proposed model compared to existing methods reported in the literature, showcasing its capability to accurately forecast EV charging demand.Article highlights: In this research work, a novel deep learning (DL)-based predictor model is attempted to be developed for charging electric vehicles. To suggests a hybrid prediction model that is built on an upgraded gate recurrent unit and an optimised convolution kernel of a fusion graph convolutional network (GCN). Red Kite Optimisation Algorithm (RKOA) selects the convolution kernel of the GCN optimally. The outcomes demonstrate the effectiveness of the prediction metrics calculated using the suggested neural predictor for the examined dataset when compared to earlier methods from published studies. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
7. Hybrid deep learning-based traffic congestion control in IoT environment using enhanced arithmetic optimization technique.
- Author
-
Alsubai, Shtwai, Dutta, Ashit Kumar, and Sait, Abdul Rahaman Wahab
- Subjects
CONVOLUTIONAL neural networks ,TRAFFIC congestion ,INTELLIGENT transportation systems ,TRAFFIC flow ,TRAFFIC engineering ,DEEP learning - Abstract
The Internet of Things (IoT) is essential in several Internet application areas and remains a key technology for communication technologies. Shorter delays in transmission between Roadside Units (RSUs) and vehicles, road safety, and smooth traffic flow are the major difficulties of Intelligent Transportation System (ITS). Machine Learning (ML) was an advanced technique to find hidden insights into ITSs. This article introduces an Improved Arithmetic Optimization with Deep Learning Driven Traffic Congestion Control (IAOADL-TCC) for ITS in Smart Cities. The presented IAOADL-TCC model enables traffic data collection and route traffic on existing routes for avoiding traffic congestion in smart cities. The IAOADL-TCC algorithm exploits a hybrid convolution neural network attention long short-term memory (HCNN-ALSTM) method for traffic congestion control. In addition, an IAOA-based hyperparameter tuning strategy is derived to optimally modify the parameters of the HCNN-ALSTM model. The presented IAOADL-TCC model effectively enhances the flow of traffic and reduces congestion. The experimental validation was performed using the road traffic dataset from the Kaggle repository. The proposed model obtained an average accuracy of 98.03 % with an error rate of 1.97 %. The experimental analysis stated the superior performance of the IAOADL-TCC approach over other DL methods. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
8. Spatial-temporal memory enhanced multi-level attention network for origin-destination demand prediction.
- Author
-
Lu, Jiawei, Pan, Lin, and Ren, Qianqian
- Subjects
INTELLIGENT transportation systems ,FEATURE extraction ,WEATHER ,MEMORY - Abstract
Origin-destination demand prediction is a critical task in the field of intelligent transportation systems. However, accurately modeling the complex spatial-temporal dependencies presents significant challenges, which arises from various factors, including spatial, temporal, and external influences such as geographical features, weather conditions, and traffic incidents. Moreover, capturing multi-scale dependencies of local and global spatial dependencies, as well as short and long-term temporal dependencies, further complicates the task. To address these challenges, a novel framework called the Spatial-Temporal Memory Enhanced Multi-Level Attention Network (ST-MEN) is proposed. The framework consists of several key components. Firstly, an external attention mechanism is incorporated to efficiently process external factors into the prediction process. Secondly, a dynamic spatial feature extraction module is designed that effectively captures the spatial dependencies among nodes. By incorporating two skip-connections, this module preserves the original node information while aggregating information from other nodes. Finally, a temporal feature extraction module is proposed that captures both continuous and discrete temporal dependencies using a hierarchical memory network. In addition, multi-scale features cascade fusion is incorporated to enhance the performance of the proposed model. To evaluate the effectiveness of the proposed model, extensively experiments are conducted on two real-world datasets. The experimental results demonstrate that the ST-MEN model achieves excellent prediction accuracy, where the maximum improvement can reach to 19.1%. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
9. STEFT: Spatio-Temporal Embedding Fusion Transformer for Traffic Prediction.
- Author
-
Cui, Xiandai and Lv, Hui
- Subjects
TRANSFORMER models ,DEEP learning ,TRANSPORTATION planning ,PUBLIC transit ,TRAFFIC flow - Abstract
Accurate traffic prediction is crucial for optimizing taxi demand, managing traffic flow, and planning public transportation routes. Traditional models often fail to capture complex spatial–temporal dependencies. To tackle this, we introduce the Spatio-Temporal Embedding Fusion Transformer (STEFT). This deep learning model leverages attention mechanisms and feature fusion to effectively model dynamic dependencies in traffic data. STEFT includes an Embedding Fusion Network that integrates spatial, temporal, and flow embeddings, preserving original flow information. The Flow Block uses an enhanced Transformer encoder to capture periodic dependencies within neighboring regions, while the Prediction Block forecasts inflow and outflow dynamics using a fully connected network. Experiments on NYC (New York City) Taxi and NYC Bike datasets show STEFT's superior performance over baseline methods in RMSE and MAPE metrics, highlighting the effectiveness of the concatenation-based feature fusion approach. Ablation studies confirm the contribution of each component, underscoring STEFT's potential for real-world traffic prediction and other spatial–temporal challenges. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
10. Prediction of electric vehicle charging demand using enhanced gated recurrent units with RKOA based graph convolutional network
- Author
-
R. Gunasekaran, Manjunatha B., Anand S., Piyush Kumar Pareek, Sandeep Gupta, and Anand Shukla
- Subjects
Traffic prediction ,Red kite optimization algorithm ,Berkeley wavelet transform ,Graph convolutional network ,Electric vehicle charging station ,Science (General) ,Q1-390 - Abstract
Abstract Accurate forecasting of traffic patterns plays a crucial role in the effective management and planning of urban transportation infrastructure. In particular, predicting the availability of electric vehicle (EV) charging stations is essential for alleviating range anxiety among drivers and facilitating the adoption of electric vehicles. This study proposes a novel deep learning-based predictor model to approximate the demand for charging electric vehicles over the long term. The methodology integrates the Berkeley wavelet transform (BWT) to decompose input time series data while preserving its inherent characteristics. The proposed hybrid prediction model combines an enhanced gate recurrent unit with an optimized convolution kernel within a fusion graph convolutional network (GCN). The Red Kite Optimization Algorithm (RKOA) is employed to select the convolution kernel of the GCN effectively. Additionally, the construction of the graph leverages both adjacency and adaptive graphs to accurately represent the correlations among nodes in the EV network. The model extracts multi-level spatial correlations through stacked fusion graph convolutional elements and captures multi-scale temporal correlations via an improved gated recurrent unit. Furthermore, the incorporation of residual connection units allows for the fusion of extracted spatiotemporal features with direct data, enhancing predictive performance. The proposed neural predictor is evaluated using EV charging data from Georgia Tech in Atlanta, USA. The experimental results demonstrate the effectiveness of the prediction metrics generated by the proposed model compared to existing methods reported in the literature, showcasing its capability to accurately forecast EV charging demand.
- Published
- 2024
- Full Text
- View/download PDF
11. Hybrid deep learning-based traffic congestion control in IoT environment using enhanced arithmetic optimization technique
- Author
-
Shtwai Alsubai, Ashit Kumar Dutta, and Abdul Rahaman Wahab Sait
- Subjects
Smart cities ,Internet of Things ,Intelligent transportation systems ,Traffic prediction ,Traffic congestion ,Deep learning ,Engineering (General). Civil engineering (General) ,TA1-2040 - Abstract
The Internet of Things (IoT) is essential in several Internet application areas and remains a key technology for communication technologies. Shorter delays in transmission between Roadside Units (RSUs) and vehicles, road safety, and smooth traffic flow are the major difficulties of Intelligent Transportation System (ITS). Machine Learning (ML) was an advanced technique to find hidden insights into ITSs. This article introduces an Improved Arithmetic Optimization with Deep Learning Driven Traffic Congestion Control (IAOADL-TCC) for ITS in Smart Cities. The presented IAOADL-TCC model enables traffic data collection and route traffic on existing routes for avoiding traffic congestion in smart cities. The IAOADL-TCC algorithm exploits a hybrid convolution neural network attention long short-term memory (HCNN-ALSTM) method for traffic congestion control. In addition, an IAOA-based hyperparameter tuning strategy is derived to optimally modify the parameters of the HCNN-ALSTM model. The presented IAOADL-TCC model effectively enhances the flow of traffic and reduces congestion. The experimental validation was performed using the road traffic dataset from the Kaggle repository. The proposed model obtained an average accuracy of 98.03 % with an error rate of 1.97 %. The experimental analysis stated the superior performance of the IAOADL-TCC approach over other DL methods.
- Published
- 2024
- Full Text
- View/download PDF
12. Network-Wide Evacuation Traffic Prediction in a Rapidly Intensifying Hurricane from Traffic Detectors and Facebook Movement Data: Deep-Learning Approach.
- Author
-
Rashid, Md. Mobasshir, Rahman, Rezaur, and Hasan, Samiul
- Abstract
Traffic prediction during hurricane evacuation is essential for optimizing the use of transportation infrastructures. Traffic prediction can reduce evacuation time by providing information in advance on future congestion. However, evacuation traffic prediction can be challenging because evacuation traffic patterns are significantly different than are those for regular period traffic. A data-driven traffic prediction model is developed in this study by utilizing traffic detector and Facebook movement data during Hurricane Ian, a rapidly intensifying hurricane. We select 766 traffic detectors from Florida's four major interstates to collect traffic features. Additionally, we use Facebook movement data collected during Hurricane Ian's evacuation period. The deep-learning model is first trained on regular period (May to August 2022) data to understand regular traffic patterns. Then, Hurricane Ian's evacuation period data are used as test data. The model achieves 95% accuracy (RMSE=356) during regular period but underperforms with 55% accuracy (RMSE=1,084) during the evacuation period. Then, a transfer learning approach is adopted in which a pretrained model is used with additional evacuation-related features to predict evacuation period traffic. After transfer learning, the model achieves 89% accuracy (RMSE=514). Adding Facebook movement data further reduces the model's RMSE value to 393 and increases accuracy to 93%. The proposed model is capable of forecasting traffic up to 6-h in advance. Evacuation traffic management officials can use the developed traffic prediction model to anticipate future traffic congestion in advance and take proactive measures to reduce delays during evacuation. Practical Applications: Hurricane evacuation causes significant traffic congestion in transportation networks. Increased traffic demand can affect the evacuation process because it delays the movement of people to safer locations. To remedy this issue, an accurate traffic prediction model is beneficial for evacuation traffic management. The prediction model can give expected traffic volume on evacuation routes well in advance, which allows traffic management agencies to prepare for and activate strategies such as emergency shoulder utilization, adjustments to signal timing for optimal traffic flow, and others on those evacuation routes. This work aims to construct a data-driven model to predict traffic flow with a lead time of up to 6 h. The model can be used to forecast networkwide traffic in real time. Thus, practitioners can use this tool to effectively implement evacuation traffic management strategies by determining the timing, locations, and extent of those strategies based on predicted traffic volume. Another benefit of this model is that it can be trained with data from normal period and historical hurricane evacuations and then be implemented for future hurricanes. [ABSTRACT FROM AUTHOR]
- Published
- 2025
- Full Text
- View/download PDF
13. ST-NAMN: a spatial-temporal nonlinear auto-regressive multichannel neural network for traffic prediction.
- Author
-
Zuo, Jiankai and Zhang, Yaying
- Abstract
Accurate and efficient traffic information prediction is significantly important for the management of intelligent transportation systems. The traffic status (e.g., speed or flow) on one road segment is spatially affected by both its nearby neighbors and distant locations. The impending traffic status can be temporally influenced not only by its recent status but also by the randomness of its historical status change. The current state-of-the-art methods have effectively captured the spatio-temporal dependencies of road networks. However, most existing methods overlook the impact of time delay when capturing dynamic time dependencies. In addition, aggregating roads with similar traffic patterns from a wide range of spatial associations still poses challenges. In this paper, a spatial-temporal nonlinear auto-regressive multi-channel neural network (ST-NAMN) model is proposed to reveal the sophisticated nonlinear dynamic interconnections between temporal and spatial dependencies in road traffic data. Considering the temporal periodicity and spatial pattern similarity inherently in road traffic data, a divided period latent similarity correlation matrix (DLSC) first is utilized to calculate the similarity of traffic patterns from historical observation data. Then, we introduce an output feedback to the multi-layer perceptron (MLP) through a delay unit, which enables the output-layer to feedback its result data to the input layer in real-time, and further participate in the next iterative training to boost the learning capacity. Furthermore, an Enhanced-Bayesian Regularization weight updating method (EBR) is designed to better contemplate the influence of the continuous and delayed observation points compared to existing optimizers during the learning procedure. Experimental tests have been carried out on four real-world datasets and the results demonstrated that the proposed ST-NAMN method outperforms other state-of-the-art models. [ABSTRACT FROM AUTHOR]
- Published
- 2025
- Full Text
- View/download PDF
14. Bibliometric Analysis of Data Analytics Techniques in Cloud Computing Resources Allocation
- Author
-
Sello Prince Sekwatlakwatla and Vusumuzi Malele
- Subjects
resource allocation ,data analytics techniques ,traffic prediction ,Mathematics ,QA1-939 ,Electronic computers. Computer science ,QA75.5-76.95 - Abstract
Cloud computing provides on-demand computing services over the Internet, allowing for quicker innovation, more flexible resources, and economies of scale while reducing the need for physical data centers and servers. With this benefit, most organizations are adopting this technology, and some organizations are also operating fully on cloud computing. This causes traffic to increase, and most of these organizations are struggling with resource allocation, resulting in complaints from users regarding inactive system performance, timeouts in applications, and higher bandwidth use during peak hours. In this regard, this study investigates data analytics techniques and tools for the allocation of resources in cloud computing. The study indexed journal articles from the Scopus Database and Web of Science (WOS) between 2010 and 2024. This article brings new insights into the analysis of data analytics techniques in Africa and collaborations with other developing countries. The findings present tools and approaches that may be used to allocate cloud computing resources and give recommendations.
- Published
- 2024
- Full Text
- View/download PDF
15. A Large-Scale Spatio-Temporal Multimodal Fusion Framework for Traffic Prediction
- Author
-
Bodong Zhou, Jiahui Liu, Songyi Cui, and Yaping Zhao
- Subjects
spatio-temporal ,traffic prediction ,multimodal fusion ,learning representation ,Electronic computers. Computer science ,QA75.5-76.95 - Abstract
Traffic prediction is crucial for urban planning and transportation management, and deep learning techniques have emerged as effective tools for this task. While previous works have made advancements, they often overlook comprehensive analyses of spatio-temporal distributions and the integration of multimodal representations. Our research addresses these limitations by proposing a large-scale spatio-temporal multimodal fusion framework that enables accurate predictions based on location queries and seamlessly integrates various data sources. Specifically, we utilize Convolutional Neural Networks (CNNs) for spatial information processing and a combination of Recurrent Neural Networks (RNNs) for final spatio-temporal traffic prediction. This framework not only effectively reveals its ability to integrate various modal data in the spatio-temporal hyperspace, but has also been successfully implemented in a real-world large-scale map, showcasing its practical importance in tackling urban traffic challenges. The findings presented in this work contribute to the advancement of traffic prediction methods, offering valuable insights for further research and application in addressing real-world transportation challenges.
- Published
- 2024
- Full Text
- View/download PDF
16. TARGCN: temporal attention recurrent graph convolutional neural network for traffic prediction
- Author
-
He Yang, Cong Jiang, Yun Song, Wendong Fan, Zelin Deng, and Xinke Bai
- Subjects
Intelligent transportation ,Traffic prediction ,Deep learning ,Graph convolutional neural network ,Electronic computers. Computer science ,QA75.5-76.95 ,Information technology ,T58.5-58.64 - Abstract
Abstract Traffic prediction is crucial to the intelligent transportation system. However, accurate traffic prediction still faces challenges. It is difficult to extract dynamic spatial–temporal correlations of traffic flow and capture the specific traffic pattern for each sub-region. In this paper, a temporal attention recurrent graph convolutional neural network (TARGCN) is proposed to address these issues. The proposed TARGCN model fuses a node-embedded graph convolutional (Emb-GCN) layer, a gated recurrent unit (GRU) layer, and a temporal attention (TA) layer into a framework to exploit both dynamic spatial correlations between traffic nodes and temporal dependencies between time slices. In the Emb-GCN layer, node embedding matrix and node parameter learning techniques are employed to extract spatial correlations between traffic nodes at a fine-grained level and learn the specific traffic pattern for each node. Following this, a series of gated recurrent units are stacked as a GRU layer to capture spatial and temporal features from the traffic flow of adjacent nodes in the past few time slices simultaneously. Furthermore, an attention layer is applied in the temporal dimension to extend the receptive field of GRU. The combination of the Emb-GCN, GRU, and the TA layer facilitates the proposed framework exploiting not only the spatial–temporal dependencies but also the degree of interconnectedness between traffic nodes, which benefits the prediction a lot. Experiments on public traffic datasets PEMSD4 and PEMSD8 demonstrate the effectiveness of the proposed method. Compared with state-of-the-art baselines, it achieves 4.62% and 5.78% on PEMS03, 3.08% and 0.37% on PEMSD4, and 5.08% and 0.28% on PEMSD8 superiority on average. Especially for long-term prediction, prediction results for the 60-min interval show the proposed method presents a more notable advantage over compared benchmarks. The implementation on Pytorch is publicly available at https://github.com/csust-sonie/TARGCN .
- Published
- 2024
- Full Text
- View/download PDF
17. A computationally intelligent framework for traffic engineering and congestion management in software-defined network (SDN)
- Author
-
L. Leo Prasanth and E. Uma
- Subjects
Software-defined network ,Multiplicative gated recurrent neural network ,Hunter prey optimization ,Traffic prediction ,Congestion management ,Telecommunication ,TK5101-6720 ,Electronics ,TK7800-8360 - Abstract
Abstract Software-defined networking (SDN) revolutionizes network administration by centralizing control and decoupling the data plane from the control plane. Despite its advantages, the escalating volume of network traffic induces congestion at nodes, adversely affecting routing quality and overall performance. Addressing congestion has become imperative due to its emergence as a fundamental challenge in network management. Previous strategies often faced drawbacks in handling congestion, with issues arising from the inability to efficiently manage heavy packet surges in specific network regions. In response, this research introduces a novel approach integrating a multiplicative gated recurrent neural network with a congestion-aware hunter prey optimization (HPO) algorithm for effective traffic management in SDN. The framework leverages machine learning and deep learning techniques, acknowledged for their proficiency in processing traffic data. Comparative simulations showcase the congestion-aware HPO algorithm's superiority, achieving a normalized throughput 3.4–7.6% higher than genetic algorithm (GA) and particle swarm optimization (PSO) alternatives. Notably, the proposed framework significantly reduces data transmission delays by 58–65% compared to the GA and PSO algorithms. This research not only contributes a state-of-the-art solution but also addresses drawbacks observed in existing methodologies, thereby advancing the field of traffic engineering and congestion management in SDN. The proposed framework demonstrates notable enhancements in both throughput and latency, providing a more robust foundation for future SDN implementations.
- Published
- 2024
- Full Text
- View/download PDF
18. Enhancing Road Traffic Prediction Using Data Preprocessing Optimization.
- Author
-
Garg, Tanya, Kaur, Gurjinder, Rana, Prashant Singh, and Cheng, Xiaochun
- Subjects
- *
MACHINE learning , *STANDARD deviations , *TRANSPORTATION planning , *TRANSPORTATION management , *TRAFFIC estimation - Abstract
Traffic prediction is essential for transportation planning, resource allocation, congestion management and enhancing travel experiences. This study optimizes data preprocessing techniques to improve machine learning-based traffic prediction models. Data preprocessing is critical in preparing the data for machine learning models. This study proposes an approach that optimizes data preprocessing techniques, focusing on flow-based analysis and optimization, to enhance traffic prediction models. The proposed approach explores fixed and variable orders of data preprocessing using a genetic algorithm across five diverse datasets. Evaluation metrics such as root mean squared error (RMSE), mean absolute error (MAE) and
R -squared error assess model performance. The results indicate that the genetic algorithm’s variable order achieves the best performance for the ArcGIS Hub and Frementon Bridge Cycle datasets, fixed order one preprocessing for the Traffic Prediction dataset and variable order using the genetic algorithm for the PeMS08 dataset. Fixed order 2 preprocessing yields the best performance for the XI AN Traffic dataset. These findings highlight the importance of selecting the appropriate data preprocessing flow order for each dataset, improving traffic prediction accuracy and reliability. The proposed approach advances traffic prediction methodologies, enabling more precise and reliable traffic forecasts for transportation planning and management applications. [ABSTRACT FROM AUTHOR]- Published
- 2024
- Full Text
- View/download PDF
19. Shanghai Transport Carbon Emission Forecasting Study Based on CEEMD-IWOA-KELM Model.
- Author
-
Gu, Yueyang and Li, Cheng
- Abstract
In the light of the worsening of, and the adverse effects produced by, global warming, a study of Shanghai's transport carbon emissions can provide an advanced model that can be replicated throughout other cities, thus assisting in the management and reduction of carbon emissions. Considering the volatility and nonlinearity of the carbon emission data series of the transport industry, a prediction model combining complementary ensemble empirical modal decomposition (CEEMD), the improved whale optimization algorithm (IWOA), and the Kernel Extreme Learning Machine (KELM) is proposed for a more accurate prediction of the forecasting of carbon emissions from Shanghai's transport sector. First, nine indicators were screened as the influencing factors of Shanghai's transport carbon emissions through the STIRPAT model, and the corresponding carbon emissions were calculated with data related to Shanghai's transport carbon emissions from 1995 to 2019; Secondly, CEEMD was used to decompose the original data into multiple smooth series and one residual term, and KELM was applied to build a prediction model for each decomposition result, and IWOA was used to optimize the model parameters. The experimental results also demonstrate that CEEMD can effectively reduce model errors. Comparative experiments show that the IWOA algorithm can significantly enhance the stability of machine learning models. The outcomes of various experiments indicate that the CEEMD-IWOA-KELM model produces optimal results with the highest accuracy. Additionally, this model exhibits high stability, as it provides a wider range of methods for predicting carbon emissions and contributing to carbon reduction targets. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
20. In-Depth Insights into the Application of Recurrent Neural Networks (RNNs) in Traffic Prediction: A Comprehensive Review.
- Author
-
He, Yuxin, Huang, Ping, Hong, Weihang, Luo, Qin, Li, Lishuai, and Tsui, Kwok-Leung
- Subjects
- *
RECURRENT neural networks , *TRANSPORTATION management , *PREDICTION models , *REFERENCE values , *FORECASTING - Abstract
Traffic prediction is crucial for transportation management and user convenience. With the rapid development of deep learning techniques, numerous models have emerged for traffic prediction. Recurrent Neural Networks (RNNs) are extensively utilized as representative predictive models in this domain. This paper comprehensively reviews RNN applications in traffic prediction, focusing on their significance and challenges. The review begins by discussing the evolution of traffic prediction methods and summarizing state-of-the-art techniques. It then delves into the unique characteristics of traffic data, outlines common forms of input representations in traffic prediction, and generalizes an abstract description of traffic prediction problems. Then, the paper systematically categorizes models based on RNN structures designed for traffic prediction. Moreover, it provides a comprehensive overview of seven sub-categories of applications of deep learning models based on RNN in traffic prediction. Finally, the review compares RNNs with other state-of-the-art methods and highlights the challenges RNNs face in traffic prediction. This review is expected to offer significant reference value for comprehensively understanding the various applications of RNNs and common state-of-the-art models in traffic prediction. By discussing the strengths and weaknesses of these models and proposing strategies to address the challenges faced by RNNs, it aims to provide scholars with insights for designing better traffic prediction models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
21. Analysing Urban Traffic Patterns with Neural Networks and COVID-19 Response Data.
- Author
-
Svabova, Lucia, Culik, Kristian, Hrudkay, Karol, and Durica, Marek
- Subjects
ARTIFICIAL neural networks ,CITY traffic ,COVID-19 pandemic ,CITIES & towns ,URBAN planning - Abstract
Accurate traffic prediction is crucial for urban planning, especially in rapidly growing cities. Traditional models often struggle to account for sudden traffic pattern changes, such as those caused by the COVID-19 pandemic. Neural networks offer a powerful solution, capturing complex, non-linear relationships in traffic data for more precise prediction. This study aims to create a neural network model for predicting vehicle numbers at main intersections in the city. The model is created using real data from the sensors placed across the city of Zilina, Slovakia. By integrating pandemic-related variables, the model assesses the COVID-19 impact on traffic flow. The model was developed using neural networks, following the data-mining methodology CRISP-DM. Before the modelling, the data underwent thorough preparation, emphasising correcting sensor errors caused by communication failures. The model demonstrated high prediction accuracy, with correlations between predicted and actual values ranging from 0.70 to 0.95 for individual sensors and vehicle types. The results highlighted a significant pandemic impact on urban mobility. The model's adaptability allows for easy retraining for different conditions or cities, making it a robust, adaptable tool for future urban planning and traffic management. It offers valuable insights into pandemic-induced traffic changes and can enhance post-pandemic urban mobility analysis. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
22. Internet Traffic Classification Model Based on A-DBSCAN Algorithm.
- Author
-
Mohsin, Samah Adil and Alfoudi, Ali Saeed
- Subjects
COMPUTER network traffic ,CLASSIFICATION algorithms ,RANDOM forest algorithms ,DECISION trees ,QUALITY of service ,INTERNET traffic - Abstract
Network traffic classification has become more important with the rapid growth of the Internet and online applications. The rapid development of the Internet has enabled explosive growth of various network traffic. The challenge lies in how to classify and identify different categories of network traffic among these huge network traffic. The classification with the massive data network traffic suffers from noise and imbalanced data. Traditional classification algorithms are becoming less effective in handling these issues of the large number of traffic generated by these technologies. This paper proposes an advanced clustering model to enhance network traffic classification and improve the quality of services based on Advanced Density-Based Spatial Clustering of Applications with Noise (A-DBSCAN) with similarity and probability distance. A-DBSCAN with adaptive parameters are applied to identify clusters. The similarity distance is utilized to distinguish between clusters to identify the quality of clusters, where the value of similarity between (-1,1). Moreover, the cluster with a value similarity of more than 0 is identified as a highquality cluster. The probability distance is used to re-evolve the instances of negative clusters to suitable positive clusters. This stage results in consolidated optimal clusters to overcome the problem of imbalances data in the dynamic network efficiently. Additionally, the standard classifiers, such as the Random Forest (RF), K Nearest Neighbours (KNN), Decision Trees (DT), and Naïve Bayes (NB) classifier are utilized to classify data network traffic. Finally, the ISCX VPN-nonVPN dataset remarks as a benchmark to evaluate the proposed solution. The experiment results show that the performance evaluation achieves higher accuracy 81.9% compared to the standard classifiers and related works. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
23. DSTLNet: Dynamic Spatial-Temporal Correlation Learning Network for Traffic Sensor Signal Prediction.
- Author
-
Yuxiang Shan, Hailiang Lu, and Weidong Lou
- Subjects
VEHICLE detectors ,INTELLIGENT transportation systems ,TRAFFIC signs & signals ,SENSOR networks ,FORECASTING - Abstract
Intelligent transportation systems based on sensor signals are crucial in addressing contemporary transportation issues, accomplishing dynamic traffic management, and facilitating route planning. However, the highly dynamic and intricate nature of traffic sensor signals presents difficulties for traffic prediction, with current models for traffic prediction inadequate in meeting the requirements of both long-term and short-term prediction tasks. In this paper, we propose a novel deep-learning framework called dynamic spatial-temporal correlation learning network (DSTLNet) that jointly leverages dynamical spatial and temporal features of traffic sensor signals to further improve the accuracy of long- and short-term traffic modeling and route planning. Specifically, we leverage the temporal convolutional network to capture long-term correlations. In addition, a spatial graph convolutional network is developed to dynamically model spatial features, and long- and short-term fusion layers are used to fuse the extracted long- and short-term temporal features, respectively. Experimental results on real-world datasets show that DSTLNet is competitive with the state-of-the-art, especially for long-term traffic prediction. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
24. A computationally intelligent framework for traffic engineering and congestion management in software-defined network (SDN).
- Author
-
Prasanth, L. Leo and Uma, E.
- Subjects
- *
ENGINEERING management , *RECURRENT neural networks , *TRAFFIC engineering , *INDUSTRIAL engineering , *PARTICLE swarm optimization , *SOFTWARE-defined networking , *DEEP learning - Abstract
Software-defined networking (SDN) revolutionizes network administration by centralizing control and decoupling the data plane from the control plane. Despite its advantages, the escalating volume of network traffic induces congestion at nodes, adversely affecting routing quality and overall performance. Addressing congestion has become imperative due to its emergence as a fundamental challenge in network management. Previous strategies often faced drawbacks in handling congestion, with issues arising from the inability to efficiently manage heavy packet surges in specific network regions. In response, this research introduces a novel approach integrating a multiplicative gated recurrent neural network with a congestion-aware hunter prey optimization (HPO) algorithm for effective traffic management in SDN. The framework leverages machine learning and deep learning techniques, acknowledged for their proficiency in processing traffic data. Comparative simulations showcase the congestion-aware HPO algorithm's superiority, achieving a normalized throughput 3.4–7.6% higher than genetic algorithm (GA) and particle swarm optimization (PSO) alternatives. Notably, the proposed framework significantly reduces data transmission delays by 58–65% compared to the GA and PSO algorithms. This research not only contributes a state-of-the-art solution but also addresses drawbacks observed in existing methodologies, thereby advancing the field of traffic engineering and congestion management in SDN. The proposed framework demonstrates notable enhancements in both throughput and latency, providing a more robust foundation for future SDN implementations. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
25. Graph Fick's Neural Networks for Traffic Prediction and Resource Allocation in 6G Wireless Systems.
- Author
-
Louis, A. Bamila Virgin, Maharajan, M. S., Vaithianathan, V., Balaguru, S., Bhuvaneswari, P., and Preetha, M.
- Subjects
RESOURCE allocation ,COMMUNICATION in marketing ,WIRELESS communications ,MATHEMATICAL optimization ,ENERGY consumption - Abstract
With previously unheard-of speed, capacity, and intelligence, 6G systems have the potential to completely transform connectivity in the rapidly changing wireless communication market. Efficient traffic prediction and subsequent resource allocation are key components of 6G network optimization. This paper presented a novel Graph Convolutional Networks with Energy valley based Fick's Law Allocation (GCN-EVO-FLA) for traffic prediction and optimal resource allocation in 6g wireless system. The dataset was first pre-processed for the traffic prediction. Then the traffic can be predicted using the graph convolutional network and optimized the network parameters using Energy Valley optimizer. In addition, the optimal resource can be allocated using Fick's Law algorithm (FLA). Finally, the performance of the proposed approach can be evaluated with the metrics RMSE, MAE, and Power consumption (PC) and compared with the existing methods. The proposed approach earned 97.32% of, 5.99 of MAE, 15.04 of RMSE and 873 (kWh) of power consumption. When compared to the existing method, the proposed method earned the best performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
26. Traffic self-similarity analysis and application of industrial internet.
- Author
-
Li, Qianmu, Wang, Shuo, Liu, Yaozong, Long, Huaqiu, and Jiang, Jian
- Subjects
- *
NETWORK performance , *INTERNET traffic , *TRAFFIC estimation , *INTERNET , *SEARCH algorithms , *INDUSTRIAL applications - Abstract
Industrial internet traffic prediction is not only an academic problem, but also a concern of industry and network performance department. Efficient prediction of industrial internet traffic is helpful for protocol design, traffic scheduling, detection of network attacks, etc. This paper proposes an industrial internet traffic prediction method based on the Echo State Network. In the first place this paper proves that the industrial internet traffic data are self-similar by means of the calculation of Hurst exponent of each traffic time series. It indicates that industrial internet traffic can be predicted utilizing nonlinear time series models. Then Echo State Network is applied for industrial internet traffic forecasting. Furthermore, to avoid the weak-conditioned problem, grid search algorithm is used to optimize the reservoir parameters and coefficients. The dataset this paper perform experiments on are large-scale industrial internet traffic data at different time scale. They come from Industrial Internet in three regions and are provided by ZTE Corporation. The result shows that our approach can predict industrial internet traffic efficiently, which is also a verification of the self-similarity analysis. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
27. ELMOPP: an application of graph theory and machine learning to traffic light coordination.
- Author
-
Sheriff, Fareed
- Subjects
MACHINE theory ,GRAPH theory ,INTELLIGENT transportation systems ,TRAFFIC cameras ,TRAFFIC patterns ,TRAFFIC congestion ,MACHINE learning - Abstract
Purpose: This paper presents the Edge Load Management and Optimization through Pseudoflow Prediction (ELMOPP) algorithm, which aims to solve problems detailed in previous algorithms; through machine learning with nested long short-term memory (NLSTM) modules and graph theory, the algorithm attempts to predict the near future using past data and traffic patterns to inform its real-time decisions and better mitigate traffic by predicting future traffic flow based on past flow and using those predictions to both maximize present traffic flow and decrease future traffic congestion. Design/methodology/approach: ELMOPP was tested against the ITLC and OAF traffic management algorithms using a simulation modeled after the one presented in the ITLC paper, a single-intersection simulation. Findings: The collected data supports the conclusion that ELMOPP statistically significantly outperforms both algorithms in throughput rate, a measure of how many vehicles are able to exit inroads every second. Originality/value: Furthermore, while ITLC and OAF require the use of GPS transponders and GPS, speed sensors and radio, respectively, ELMOPP only uses traffic light camera footage, something that is almost always readily available in contrast to GPS and speed sensors. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
28. Analysis of the Use of Artificial Intelligence in Software-Defined Intelligent Networks: A Survey.
- Author
-
Ospina Cifuentes, Bayron Jesit, Suárez, Álvaro, García Pineda, Vanessa, Alvarado Jaimes, Ricardo, Montoya Benitez, Alber Oswaldo, and Grajales Bustamante, Juan David
- Subjects
COMPUTER network traffic ,ARTIFICIAL intelligence ,INTELLIGENT networks ,ALGORITHMS - Abstract
The distributed structure of traditional networks often fails to promptly and accurately provide the computational power required for artificial intelligence (AI), hindering its practical application and implementation. Consequently, this research aims to analyze the use of AI in software-defined networks (SDNs). To achieve this goal, a systematic literature review (SLR) is conducted based on the PRISMA 2020 statement. Through this review, it is found that, bottom-up, from the perspective of the data plane, control plane, and application plane of SDNs, the integration of various network planes with AI is feasible, giving rise to Intelligent Software Defined Networking (ISDN). As a primary conclusion, it was found that the application of AI-related algorithms in SDNs is extensive and faces numerous challenges. Nonetheless, these challenges are propelling the development of SDNs in a more promising direction through the adoption of novel methods and tools such as route optimization, software-defined routing, intelligent methods for network security, and AI-based traffic engineering, among others. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
29. Elevating smart city mobility using RAE-LSTM fusion for nextgen traffic prediction.
- Author
-
Rafalia, Najat, Moumen, Idriss, Raji, Fatima Zahra, and Abouchabaka, Jaafar
- Subjects
SMART cities ,DEEP learning ,OUTLIER detection ,CITY traffic ,TRAFFIC estimation ,CONVOLUTIONAL neural networks ,TIME series analysis - Abstract
The burgeoning demand for efficient urban traffic management necessitates accurate prediction of traffic congestion, spotlighting the essence of time series data analysis. This paper delves into the utilization of sophisticated deep learning methodologies, particularly long short-term memory (LSTM) networks, convolutional neural networks (CNN), and their amalgamations like Conv-LSTM and bidirectional-LSTM (Bi-LSTM), to elevate the precision of traffic pattern forecasting. These techniques showcase promise in encapsulating the intricate dynamics of traffic flow, yet their efficacy hinges upon the quality of input data, emphasizing the pivotal role of data preprocessing. This study meticulously investigates diverse preprocessing techniques encompassing normalization, transformation, outlier detection, and feature engineering. Its discerning implementation significantly heightens the performance of deep learning models. By synthesizing advanced deep learning architectures with varied preprocessing methodologies, this research presents invaluable insights fostering enhanced accuracy and reliability in traffic prediction. The innovative RD-LSTM approach introduced herein harnesses the hybridization of a reverse AutoEncoder and LSTM models, marking a novel contribution to the field. The implementation of these progressive strategies within urban traffic management portends substantial enhancements in efficiency and congestion mitigation. Ultimately, these advancements pave the way for a superior urban experience, enriching the quality of life within cities through optimized traffic management systems. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
30. MSSTN: a multi-scale spatio-temporal network for traffic flow prediction.
- Author
-
Song, Yun, Bai, Xinke, Fan, Wendong, Deng, Zelin, and Jiang, Cong
- Abstract
Spatio-temporal feature extraction and fusion are crucial to traffic prediction accuracy. However, the complicated spatio-temporal correlations and dependencies between traffic nodes make the problem quite challenging. In this paper, a multi-scale spatio-temporal network (MSSTN) is proposed to exploit complicated local and nonlocal correlations in traffic flow for traffic prediction. In the proposed method, a convolutional neural network, a self-attention module, and a graph convolution network (GCN) are integrated to extract and fuse multi-scale temporal and spatial features to make predictions. Specifically, a self-adaption temporal convolutional neural network (SATCN) is first employed to extract local temporal correlations between adjacent time slices. Furthermore, a self-attention module is applied to capture the long-range nonlocal traffic dependence in the temporal dimension and fuse it with the local features. Then, a graph convolutional network module is utilized to learn spatio-temporal features of the traffic flow to exploit the mutual dependencies between traffic nodes. Experimental results on public traffic datasets demonstrate the superiority of our method over compared state-of-the-art methods. The ablation experiments confirm the effectiveness of each component of the proposed model. Our implementation on Pytorch is publicly available at https://github.com/csust-sonie/MSSTN. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
31. SHORT TERM ROAD NETWORK MACROSCOPIC FUNDAMENTAL DIAGRAM PARAMETERS AND TRAFFIC STATE PREDICTION BASED ON LSTM.
- Author
-
Xuanhua LIN, Chaojian TAN, and Xiaohui LIN
- Published
- 2024
- Full Text
- View/download PDF
32. DTS-AdapSTNet: an adaptive spatiotemporal neural networks for traffic prediction with multi-graph fusion
- Author
-
Wenlong Shi, Jing Zhang, Xiangxuan Zhong, Xiaoping Chen, and Xiucai Ye
- Subjects
Traffic prediction ,Spatial-temporal dependencies ,Graph convolutional network ,Adaptive graph learning ,Multi-graph fusion mechanism ,Electronic computers. Computer science ,QA75.5-76.95 - Abstract
Traffic prediction is of vital importance in intelligent transportation systems. It enables efficient route planning, congestion avoidance, and reduction of travel time, etc. However, accurate road traffic prediction is challenging due to the complex spatio-temporal dependencies within the traffic network. Establishing and learning spatial dependencies are pivotal for accurate traffic prediction. Unfortunately, many existing methods for capturing spatial dependencies consider only single relationships, disregarding potential temporal and spatial correlations within the traffic network. Moreover, the end-to-end training methods often lack control over the training direction during graph learning. Additionally, existing traffic forecasting methods often fail to integrate multiple traffic data sources effectively, which affects prediction accuracy adversely. In order to capture the spatiotemporal dependencies of the traffic network accurately, a novel traffic prediction framework, Adaptive Spatio-Temporal Graph Neural Network based on Multi-graph Fusion (DTS-AdapSTNet), is proposed. Firstly, in order to better extract the hidden spatial dependencies, a method for fusing multiple factors is designed, which includes the distance relationship, transfer relationship and same-road segment relationship of traffic data. Secondly, an adaptive learning method is proposed, which can control the learning direction of parameters better by the adaptive matrix generation module and traffic prediction module. Thirdly, an improved loss function is designed for training processes and a multi-matrix fusion module is designed to perform weighted fusion of the learned matrices, updating the spatial adjacency matrix continuously, which fuses as much traffic information as possible for more accurate traffic prediction. Finally, experimental results using two large real-world datasets demonstrate that the DTS-AdapSTNet model outperforms other baseline models in terms of mean absolute error (MAE), root mean square error (RMSE), and mean absolute percentage error (MAPE) when forecasting traffic speed one hour ahead. On average, it achieves reductions of 12.4%, 9.8% and 16.1%, respectively. Moreover, the ablation study validates the effectiveness of the individual modules of DTS-AdapSTNet.
- Published
- 2024
- Full Text
- View/download PDF
33. A Comparative Study for the Traffic Predictions in Smart Cities Using Artificial Intelligence Techniques: Survey
- Author
-
Shaar, Nancy, Alshraideh, Mohammad, AlDajani, Iyad Muhsen, AlDajani, Iyad Muhsen, editor, and Leiner, Martin, editor
- Published
- 2024
- Full Text
- View/download PDF
34. STMGF: An Effective Spatial-Temporal Multi-granularity Framework for Traffic Forecasting
- Author
-
Zhao, Zhengyang, Yuan, Haitao, Jiang, Nan, Chen, Minxiao, Liu, Ning, Li, Zengxiang, Goos, Gerhard, Series Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Onizuka, Makoto, editor, Lee, Jae-Gil, editor, Tong, Yongxin, editor, Xiao, Chuan, editor, Ishikawa, Yoshiharu, editor, Amer-Yahia, Sihem, editor, Jagadish, H. V., editor, and Lu, Kejing, editor
- Published
- 2024
- Full Text
- View/download PDF
35. Dynamic Spatial-Temporal Heterogeneous Graph Convolutional Network for Traffic Prediction
- Author
-
Jin, Hengqing, Pu, Lipeng, Angrisani, Leopoldo, Series Editor, Arteaga, Marco, Series Editor, Chakraborty, Samarjit, Series Editor, Chen, Shanben, Series Editor, Chen, Tan Kay, Series Editor, Dillmann, Rüdiger, Series Editor, Duan, Haibin, Series Editor, Ferrari, Gianluigi, Series Editor, Ferre, Manuel, Series Editor, Jabbari, Faryar, Series Editor, Jia, Limin, Series Editor, Kacprzyk, Janusz, Series Editor, Khamis, Alaa, Series Editor, Kroeger, Torsten, Series Editor, Li, Yong, Series Editor, Liang, Qilian, Series Editor, Martín, Ferran, Series Editor, Ming, Tan Cher, Series Editor, Minker, Wolfgang, Series Editor, Misra, Pradeep, Series Editor, Mukhopadhyay, Subhas, Series Editor, Ning, Cun-Zheng, Series Editor, Nishida, Toyoaki, Series Editor, Oneto, Luca, Series Editor, Panigrahi, Bijaya Ketan, Series Editor, Pascucci, Federica, Series Editor, Qin, Yong, Series Editor, Seng, Gan Woon, Series Editor, Speidel, Joachim, Series Editor, Veiga, Germano, Series Editor, Wu, Haitao, Series Editor, Zamboni, Walter, Series Editor, Tan, Kay Chen, Series Editor, and S. Shmaliy, Yuriy, editor
- Published
- 2024
- Full Text
- View/download PDF
36. Enhancing Last-Mile Delivery: Social Media Insights and Deep Learning Applications
- Author
-
Laynes-Fiascunari, Valeria, Rabelo, Luis, Gutierrez-Franco, Edgar, Goos, Gerhard, Series Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Garrido, Alexander, editor, Paternina-Arboleda, Carlos D., editor, and Voß, Stefan, editor
- Published
- 2024
- Full Text
- View/download PDF
37. Traffic Prediction of Mobile Communication Base Station Based on Elman Neural Network Model
- Author
-
Li, Xiaofei, Yin, Yuelin, Wei, Jinrui, Angrisani, Leopoldo, Series Editor, Arteaga, Marco, Series Editor, Chakraborty, Samarjit, Series Editor, Chen, Shanben, Series Editor, Chen, Tan Kay, Series Editor, Dillmann, Rüdiger, Series Editor, Duan, Haibin, Series Editor, Ferrari, Gianluigi, Series Editor, Ferre, Manuel, Series Editor, Hirche, Sandra, Series Editor, Jabbari, Faryar, Series Editor, Jia, Limin, Series Editor, Kacprzyk, Janusz, Series Editor, Khamis, Alaa, Series Editor, Kroeger, Torsten, Series Editor, Li, Yong, Series Editor, Liang, Qilian, Series Editor, Martín, Ferran, Series Editor, Ming, Tan Cher, Series Editor, Minker, Wolfgang, Series Editor, Misra, Pradeep, Series Editor, Mukhopadhyay, Subhas, Series Editor, Ning, Cun-Zheng, Series Editor, Nishida, Toyoaki, Series Editor, Oneto, Luca, Series Editor, Panigrahi, Bijaya Ketan, Series Editor, Pascucci, Federica, Series Editor, Qin, Yong, Series Editor, Seng, Gan Woon, Series Editor, Speidel, Joachim, Series Editor, Veiga, Germano, Series Editor, Wu, Haitao, Series Editor, Zamboni, Walter, Series Editor, Tan, Kay Chen, Series Editor, and Easa, Said, editor
- Published
- 2024
- Full Text
- View/download PDF
38. Traffic Congestion Prediction: A Machine Learning Approach
- Author
-
Geromichalou, Olga, Mystakidis, Aristeidis, Tjortjis, Christos, Kacprzyk, Janusz, Series Editor, Gomide, Fernando, Advisory Editor, Kaynak, Okyay, Advisory Editor, Liu, Derong, Advisory Editor, Pedrycz, Witold, Advisory Editor, Polycarpou, Marios M., Advisory Editor, Rudas, Imre J., Advisory Editor, Wang, Jun, Advisory Editor, Bourbakis, Nikolaos, editor, Tsihrintzis, George A., editor, Virvou, Maria, editor, and Jain, Lakhmi C., editor
- Published
- 2024
- Full Text
- View/download PDF
39. Spatiotemporal Dependence Learning with Meteorological Context for Transportation Demand Prediction
- Author
-
Dong, Wenxin, Zhang, Zili, Deng, Huangyao, Zhang, Chi, Goos, Gerhard, Series Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Cao, Cungeng, editor, Chen, Huajun, editor, Zhao, Liang, editor, Arshad, Junaid, editor, Asyhari, Taufiq, editor, and Wang, Yonghao, editor
- Published
- 2024
- Full Text
- View/download PDF
40. Machine Learning Model for Traffic Prediction and Pattern Extraction in High-Speed Optical Networks
- Author
-
Rai, Saloni, Garg, Amit Kumar, Kacprzyk, Janusz, Series Editor, Gomide, Fernando, Advisory Editor, Kaynak, Okyay, Advisory Editor, Liu, Derong, Advisory Editor, Pedrycz, Witold, Advisory Editor, Polycarpou, Marios M., Advisory Editor, Rudas, Imre J., Advisory Editor, Wang, Jun, Advisory Editor, Fortino, Giancarlo, editor, Kumar, Akshi, editor, Swaroop, Abhishek, editor, and Shukla, Pancham, editor
- Published
- 2024
- Full Text
- View/download PDF
41. Traffic Flow Prediction Using Uber Movement Data
- Author
-
Cenni, Daniele, Han, Qi, Akan, Ozgur, Editorial Board Member, Bellavista, Paolo, Editorial Board Member, Cao, Jiannong, Editorial Board Member, Coulson, Geoffrey, Editorial Board Member, Dressler, Falko, Editorial Board Member, Ferrari, Domenico, Editorial Board Member, Gerla, Mario, Editorial Board Member, Kobayashi, Hisashi, Editorial Board Member, Palazzo, Sergio, Editorial Board Member, Sahni, Sartaj, Editorial Board Member, Shen, Xuemin, Editorial Board Member, Stan, Mircea, Editorial Board Member, Jia, Xiaohua, Editorial Board Member, Zomaya, Albert Y., Editorial Board Member, Zaslavsky, Arkady, editor, Ning, Zhaolong, editor, Kalogeraki, Vana, editor, Georgakopoulos, Dimitrios, editor, and Chrysanthis, Panos K., editor
- Published
- 2024
- Full Text
- View/download PDF
42. Leveraging Environmental Data for Intelligent Traffic Forecasting in Smart Cities
- Author
-
Alabi, Oluwaseyi O., Ajagbe, Sunday A., Kuti, Olajide, Afe, Oluwaseyi F., Ajiboye, Grace O., Adigun, Mathew O., Filipe, Joaquim, Editorial Board Member, Ghosh, Ashish, Editorial Board Member, Zhou, Lizhu, Editorial Board Member, and Gerber, Aurona, editor
- Published
- 2024
- Full Text
- View/download PDF
43. Human Flow Prediction Model Based on Graph Convolutional Recurrent Neural Network
- Author
-
Su, Hongwei, Damian, Maria Amelia E., Filipe, Joaquim, Editorial Board Member, Ghosh, Ashish, Editorial Board Member, Zhou, Lizhu, Editorial Board Member, Li, Kangshun, editor, and Liu, Yong, editor
- Published
- 2024
- Full Text
- View/download PDF
44. DyAdapTransformer: Dynamic Adaptive Spatial-Temporal Graph Transformer for Traffic Prediction
- Author
-
Dong, Hui, Pan, Xiao, Chen, Xiao, Sun, Jing, Wang, Shuhai, Goos, Gerhard, Founding Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Meng, Xiaofeng, editor, Zhang, Xueying, editor, Guo, Danhuai, editor, Hu, Di, editor, Zheng, Bolong, editor, and Zhang, Chunju, editor
- Published
- 2024
- Full Text
- View/download PDF
45. AttnOD: An Attention-Based OD Prediction Model with Adaptive Graph Convolution
- Author
-
Zhang, Wancong, Wang, Gang, Liu, Xu, Zhu, Tongyu, Filipe, Joaquim, Editorial Board Member, Ghosh, Ashish, Editorial Board Member, Prates, Raquel Oliveira, Editorial Board Member, Zhou, Lizhu, Editorial Board Member, Luo, Biao, editor, Cheng, Long, editor, Wu, Zheng-Guang, editor, Li, Hongyi, editor, and Li, Chaojie, editor
- Published
- 2024
- Full Text
- View/download PDF
46. Period Extraction for Traffic Flow Prediction
- Author
-
Wang, Qingyuan, Chen, Chen, Zhang, Long, Song, Xiaoxuan, Li, Honggang, Zhao, Qingjie, Niu, Bingxin, Gu, Junhua, Goos, Gerhard, Founding Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Tari, Zahir, editor, Li, Keqiu, editor, and Wu, Hongyi, editor
- Published
- 2024
- Full Text
- View/download PDF
47. A Stacked Model Approach for Machine Learning-Based Traffic Prediction
- Author
-
Divakarla, Usha, Chandrasekaran, K., Kacprzyk, Janusz, Series Editor, Gomide, Fernando, Advisory Editor, Kaynak, Okyay, Advisory Editor, Liu, Derong, Advisory Editor, Pedrycz, Witold, Advisory Editor, Polycarpou, Marios M., Advisory Editor, Rudas, Imre J., Advisory Editor, Wang, Jun, Advisory Editor, Das, Swagatam, editor, Saha, Snehanshu, editor, Coello Coello, Carlos A., editor, and Bansal, Jagdish C., editor
- Published
- 2024
- Full Text
- View/download PDF
48. Traffic State Prediction of Perturbed and Non-perturbed Traffic Scenarios
- Author
-
Teng, Teck-Hou, Jagadeesh, George Rosario, Kunal, Thakkar, Chung, Chong Chee, Kacprzyk, Janusz, Series Editor, Gomide, Fernando, Advisory Editor, Kaynak, Okyay, Advisory Editor, Liu, Derong, Advisory Editor, Pedrycz, Witold, Advisory Editor, Polycarpou, Marios M., Advisory Editor, Rudas, Imre J., Advisory Editor, Wang, Jun, Advisory Editor, and Arai, Kohei, editor
- Published
- 2024
- Full Text
- View/download PDF
49. Distributed Core Network Traffic Prediction Architecture Based on Vertical Federated Learning
- Author
-
Li, Pengyu, Guo, Chengwei, Xing, Yanxia, Shi, Yingji, Feng, Lei, Zhou, Fanqin, Angrisani, Leopoldo, Series Editor, Arteaga, Marco, Series Editor, Chakraborty, Samarjit, Series Editor, Chen, Jiming, Series Editor, Chen, Shanben, Series Editor, Chen, Tan Kay, Series Editor, Dillmann, Rüdiger, Series Editor, Duan, Haibin, Series Editor, Ferrari, Gianluigi, Series Editor, Ferre, Manuel, Series Editor, Jabbari, Faryar, Series Editor, Jia, Limin, Series Editor, Kacprzyk, Janusz, Series Editor, Khamis, Alaa, Series Editor, Kroeger, Torsten, Series Editor, Li, Yong, Series Editor, Liang, Qilian, Series Editor, Martín, Ferran, Series Editor, Ming, Tan Cher, Series Editor, Minker, Wolfgang, Series Editor, Misra, Pradeep, Series Editor, Mukhopadhyay, Subhas, Series Editor, Ning, Cun-Zheng, Series Editor, Nishida, Toyoaki, Series Editor, Oneto, Luca, Series Editor, Panigrahi, Bijaya Ketan, Series Editor, Pascucci, Federica, Series Editor, Qin, Yong, Series Editor, Seng, Gan Woon, Series Editor, Speidel, Joachim, Series Editor, Veiga, Germano, Series Editor, Wu, Haitao, Series Editor, Zamboni, Walter, Series Editor, Zhang, Junjie James, Series Editor, Tan, Kay Chen, Series Editor, Zhang, Yonghong, editor, Qi, Lianyong, editor, Liu, Qi, editor, Yin, Guangqiang, editor, and Liu, Xiaodong, editor
- Published
- 2024
- Full Text
- View/download PDF
50. Dynamic Spatial-Temporal Dual Graph Neural Networks for Urban Traffic Prediction
- Author
-
Wang, Li, Ning, Nianwen, Liu, Yihan, Lv, Yining, Tian, Yongmeng, Zhang, Yanyu, Zhou, Yi, Goos, Gerhard, Founding Editor, Hartmanis, Juris, Founding Editor, Bertino, Elisa, Editorial Board Member, Gao, Wen, Editorial Board Member, Steffen, Bernhard, Editorial Board Member, Yung, Moti, Editorial Board Member, Liu, Fenrong, editor, Sadanandan, Arun Anand, editor, Pham, Duc Nghia, editor, Mursanto, Petrus, editor, and Lukose, Dickson, editor
- Published
- 2024
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.