Traffic forecasting with high precision aids Intelligent Transport Systems(ITS)in formulating and optimizing traffic management strategies.The algorithms used for tuning the hyperparameters of the deep learning models...Traffic forecasting with high precision aids Intelligent Transport Systems(ITS)in formulating and optimizing traffic management strategies.The algorithms used for tuning the hyperparameters of the deep learning models often have accurate results at the expense of high computational complexity.To address this problem,this paper uses the Tree-structured Parzen Estimator(TPE)to tune the hyperparameters of the Long Short-term Memory(LSTM)deep learning framework.The Tree-structured Parzen Estimator(TPE)uses a probabilistic approach with an adaptive searching mechanism by classifying the objective function values into good and bad samples.This ensures fast convergence in tuning the hyperparameter values in the deep learning model for performing prediction while still maintaining a certain degree of accuracy.It also overcomes the problem of converging to local optima and avoids timeconsuming random search and,therefore,avoids high computational complexity in prediction accuracy.The proposed scheme first performs data smoothing and normalization on the input data,which is then fed to the input of the TPE for tuning the hyperparameters.The traffic data is then input to the LSTM model with tuned parameters to perform the traffic prediction.The three optimizers:Adaptive Moment Estimation(Adam),Root Mean Square Propagation(RMSProp),and Stochastic Gradient Descend with Momentum(SGDM)are also evaluated for accuracy prediction and the best optimizer is then chosen for final traffic prediction in TPE-LSTM model.Simulation results verify the effectiveness of the proposed model in terms of accuracy of prediction over the benchmark schemes.展开更多
With the development of fast communication technology between ego vehicle and other traffic participants,and automated driving technology,there is a big potential in the improvement of energy efficiency of hybrid elec...With the development of fast communication technology between ego vehicle and other traffic participants,and automated driving technology,there is a big potential in the improvement of energy efficiency of hybrid electric vehicles(HEVs).Moreover,the terrain along the driving route is a non-ignorable factor for energy efficiency of HEV running on the hilly streets.This paper proposes a look-ahead horizon-based optimal energy management strategy to jointly improve the efficiencies of powertrain and vehicle for connected and automated HEVs on the road with slope.Firstly,a rule-based framework is developed to guarantee the success of automated driving in the traffic scenario.Then a constrained optimal control problem is formulated to minimize the fuel consumption and the electricity consumption under the satisfaction of inter-vehicular distance constraint between ego vehicle and preceding vehicle.Both speed planning and torque split of hybrid powertrain are provided by the proposed approach.Moreover,the preceding vehicle speed in the look-ahead horizon is predicted by extreme learning machine with real-time data obtained from communication of vehicle-to-everything.The optimal solution is derived through the Pontryagin’s maximum principle.Finally,to verify the effectiveness of the proposed algorithm,a traffic-in-the-loop powertrain platform with data from real world traffic environment is built.It is found that the fuel economy for the proposed energy management strategy improves in average 17.0%in scenarios of different traffic densities,compared to the energy management strategy without prediction of preceding vehicle speed.展开更多
Urban traffic prediction with high precision is always the unremitting pursuit of intelligent transportation systems and is instrumental in bringing smart cities into reality.The fundamental challenges for traffic pre...Urban traffic prediction with high precision is always the unremitting pursuit of intelligent transportation systems and is instrumental in bringing smart cities into reality.The fundamental challenges for traffic prediction lie in the accurate modelling of spatial and temporal traffic dynamics.Existing approaches mainly focus on modelling the traffic data itself,but do not explore the traffic correlations implicit in origin-destination(OD)data.In this paper,we propose STOD-Net,a dynamic spatial-temporal OD feature-enhanced deep network,to simultaneously predict the in-traffic and out-traffic for each and every region of a city.We model the OD data as dynamic graphs and adopt graph neural networks in STOD-Net to learn a low-dimensional representation for each region.As per the region feature,we design a gating mechanism and operate it on the traffic feature learning to explicitly capture spatial correlations.To further capture the complicated spatial and temporal dependencies among different regions,we propose a novel joint feature,learning block in STOD-Net and transfer the hybrid OD features to each block to make the learning process spatiotemporal-aware.We evaluate the effectiveness of STOD-Net on two benchmark datasets,and experimental results demonstrate that it outperforms the state-of-the-art by approximately 5%in terms of prediction accuracy and considerably improves prediction stability up to 80%in terms of standard deviation.展开更多
The increase in population and vehicles exacerbates traffic congestion and management difficulties.Therefore,achieving accurate and efficient traffic flow prediction is crucial for urban transportation.For that reason...The increase in population and vehicles exacerbates traffic congestion and management difficulties.Therefore,achieving accurate and efficient traffic flow prediction is crucial for urban transportation.For that reason,we propose a graph federated learning-based digital twin traffic flow prediction method(GFLDT)by integrating the benefits of collaborative intelligence and computation of intelligent IoT.Specifically,we construct a digital twin network for predicting traffic flow,which is divided into client twin and global twin.Based on this,we adopt the concept of graph federated learning to learn the temporal dependence of traffic flow using local data from client twins,and the spatial dependence of traffic flow using global information from global twins.In addition,we validate on a real traffic dataset,and the results show that through collaborative training of the client twins and the global twins,GFLDT achieves accurate traffic flow prediction while protecting data security.展开更多
As an effective strategy to address urban traffic congestion,traffic flow prediction has gained attention from Federated-Learning(FL)researchers due FL’s ability to preserving data privacy.However,existing methods fa...As an effective strategy to address urban traffic congestion,traffic flow prediction has gained attention from Federated-Learning(FL)researchers due FL’s ability to preserving data privacy.However,existing methods face challenges:some are too simplistic to capture complex traffic patterns effectively,and others are overly complex,leading to excessive communication overhead between cloud and edge devices.Moreover,the problem of single point failure limits their robustness and reliability in real-world applications.To tackle these challenges,this paper proposes a new method,CMBA-FL,a Communication-Mitigated and Blockchain-Assisted Federated Learning model.First,CMBA-FL improves the client model’s ability to capture temporal traffic patterns by employing the Encoder-Decoder framework for each edge device.Second,to reduce the communication overhead during federated learning,we introduce a verification method based on parameter update consistency,avoiding unnecessary parameter updates.Third,to mitigate the risk of a single point of failure,we integrate consensus mechanisms from blockchain technology.To validate the effectiveness of CMBA-FL,we assess its performance on two widely used traffic datasets.Our experimental results show that CMBA-FL reduces prediction error by 11.46%,significantly lowers communication overhead,and improves security.展开更多
Traffic flow prediction is a crucial element of intelligent transportation systems.However,accu-rate traffic flow prediction is quite challenging because of its highly nonlinear,complex,and dynam-ic characteristics.To...Traffic flow prediction is a crucial element of intelligent transportation systems.However,accu-rate traffic flow prediction is quite challenging because of its highly nonlinear,complex,and dynam-ic characteristics.To address the difficulties in simultaneously capturing local and global dynamic spatiotemporal correlations in traffic flow,as well as the high time complexity of existing models,a multi-head flow attention-based local-global dynamic hypergraph convolution(MFA-LGDHC)pre-diction model is proposed.which consists of multi-head flow attention(MHFA)mechanism,graph convolution network(GCN),and local-global dynamic hypergraph convolution(LGHC).MHFA is utilized to extract the time dependency of traffic flow and reduce the time complexity of the model.GCN is employed to catch the spatial dependency of traffic flow.LGHC utilizes down-sampling con-volution and isometric convolution to capture the local and global spatial dependencies of traffic flow.And dynamic hypergraph convolution is used to model the dynamic higher-order relationships of the traffic road network.Experimental results indicate that the MFA-LGDHC model outperforms current popular baseline models and exhibits good prediction performance.展开更多
Traffic flow prediction is a key component of intelligent transportation systems,particularly in datascarce regions where traditional models relying on complete datasets often fail to provide accurate forecasts.These ...Traffic flow prediction is a key component of intelligent transportation systems,particularly in datascarce regions where traditional models relying on complete datasets often fail to provide accurate forecasts.These regions are characterized by limited sensor coverage and sparse data collection,pose significant challenges for existing prediction methods.To address this,we propose a novel transfer learning framework called transfer learning with deep knowledge distillation(TL-DKD),which combines graph neural network(GNN)with deep knowledge distillation to enable effective knowledge transfer from data-rich to data-scarce domains.Our contributions are three-fold:(1)We introduce,for the first time,a unique integration of deep knowledge distillation and transfer learning,enhancing feature adaptability across diverse traffic datasets while addressing data scarcity.(2)We design an encoder-decoder architecture where the encoder retains generalized spatiotemporal patterns fromsource domains,and the decoder finetunes predictions for target domains,ensuring minimal information loss during transfer.(3)Extensive experiments on five real-world datasets(METR-LA,PeMS-Bay,PeMS03/04/08)demonstrate the framework’s robustness.The TL-DKD model achieves significant improvements in prediction accuracy,especially in data-scarce scenarios.For example,the PEMSD4 dataset in multi-region experiments,it achieves a mean absolute error(MAE)of 20.08,a mean absolute percentage error(MAPE)of 13.59%,and a root mean squared error(RMSE)of 31.75 for 30-min forecasts.Additionally,noise-augmented experiments show improved adaptability under perturbed data conditions.These results highlight the framework’s practical impact,offering a scalable solution for accurate traffic predictions in resource-constrained environments.展开更多
Accurate traffic flow prediction has a profound impact on modern traffic management. Traffic flow has complex spatial-temporal correlations and periodicity, which poses difficulties for precise prediction. To address ...Accurate traffic flow prediction has a profound impact on modern traffic management. Traffic flow has complex spatial-temporal correlations and periodicity, which poses difficulties for precise prediction. To address this problem, a Multi-head Self-attention and Spatial-Temporal Graph Convolutional Network (MSSTGCN) for multiscale traffic flow prediction is proposed. Firstly, to capture the hidden traffic periodicity of traffic flow, traffic flow is divided into three kinds of periods, including hourly, daily, and weekly data. Secondly, a graph attention residual layer is constructed to learn the global spatial features across regions. Local spatial-temporal dependence is captured by using a T-GCN module. Thirdly, a transformer layer is introduced to learn the long-term dependence in time. A position embedding mechanism is introduced to label position information for all traffic sequences. Thus, this multi-head self-attention mechanism can recognize the sequence order and allocate weights for different time nodes. Experimental results on four real-world datasets show that the MSSTGCN performs better than the baseline methods and can be successfully adapted to traffic prediction tasks.展开更多
Accurate traffic flow prediction(TFP)is vital for efficient and sustainable transportation management and the development of intelligent traffic systems.However,missing data in real-world traffic datasets poses a sign...Accurate traffic flow prediction(TFP)is vital for efficient and sustainable transportation management and the development of intelligent traffic systems.However,missing data in real-world traffic datasets poses a significant challenge to maintaining prediction precision.This study introduces REPTF-TMDI,a novel method that combines a Reduced Error Pruning Tree Forest(REPTree Forest)with a newly proposed Time-based Missing Data Imputation(TMDI)approach.The REP Tree Forest,an ensemble learning approach,is tailored for time-related traffic data to enhance predictive accuracy and support the evolution of sustainable urbanmobility solutions.Meanwhile,the TMDI approach exploits temporal patterns to estimate missing values reliably whenever empty fields are encountered.The proposed method was evaluated using hourly traffic flow data from a major U.S.roadway spanning 2012-2018,incorporating temporal features(e.g.,hour,day,month,year,weekday),holiday indicator,and weather conditions(temperature,rain,snow,and cloud coverage).Experimental results demonstrated that the REPTF-TMDI method outperformed conventional imputation techniques across various missing data ratios by achieving an average 11.76%improvement in terms of correlation coefficient(R).Furthermore,REPTree Forest achieved improvements of 68.62%in RMSE and 70.52%in MAE compared to existing state-of-the-art models.These findings highlight the method’s ability to significantly boost traffic flow prediction accuracy,even in the presence of missing data,thereby contributing to the broader objectives of sustainable urban transportation systems.展开更多
Traffic datasets exhibit complex spatiotemporal characteristics,including significant fluctuations in traffic volume and intricate periodical patterns,which pose substantial challenges for the accurate forecasting and...Traffic datasets exhibit complex spatiotemporal characteristics,including significant fluctuations in traffic volume and intricate periodical patterns,which pose substantial challenges for the accurate forecasting and effective management of traffic conditions.Traditional forecasting models often struggle to adequately capture these complexities,leading to suboptimal predictive performance.While neural networks excel at modeling intricate and nonlinear data structures,they are also highly susceptible to overfitting,resulting in inefficient use of computational resources and decreased model generalization.This paper introduces a novel heuristic feature extraction method that synergistically combines the strengths of non-neural network algorithms with neural networks to enhance the identification and representation of relevant features from traffic data.We begin by evaluating the significance of various temporal characteristics using three distinct assessment strategies grounded in non-neural methodologies.These evaluated features are then aggregated through a weighted fusion mechanism to create heuristic features,which are subsequently integrated into neural network models for more accurate and robust traffic prediction.Experimental results derived from four real-world datasets,collected from diverse urban environments,show that the proposed method significantly improves the accuracy of long-term traffic forecasting without compromising performance.Additionally,the approach helps streamline neural network architectures,leading to a considerable reduction in computational overhead.By addressing both prediction accuracy and computational efficiency,this study not only presents an innovative and effective method for traffic condition forecasting but also offers valuable insights that can inform the future development of data-driven traffic management systems and transportation strategies.展开更多
Urban traffic control is a multifaceted and demanding task that necessitates extensive decision-making to ensure the safety and efficiency of urban transportation systems.Traditional approaches require traffic signal ...Urban traffic control is a multifaceted and demanding task that necessitates extensive decision-making to ensure the safety and efficiency of urban transportation systems.Traditional approaches require traffic signal professionals to manually intervene on traffic control devices at the intersection level,utilizing their knowledge and expertise.However,this process is cumbersome,labor-intensive,and cannot be applied on a large network scale.Recent studies have begun to explore the applicability of recommendation system for urban traffic control,which offer increased control efficiency and scalability.Such a decision recommendation system is complex,with various interdependent components,but a systematic literature review has not yet been conducted.In this work,we present an up-to-date survey that elucidates all the detailed components of a recommendation system for urban traffic control,demonstrates the utility and efficacy of such a system in the real world using data and knowledgedriven approaches,and discusses the current challenges and potential future directions of this field.展开更多
With the advancement of artificial intelligence,traffic forecasting is gaining more and more interest in optimizing route planning and enhancing service quality.Traffic volume is an influential parameter for planning ...With the advancement of artificial intelligence,traffic forecasting is gaining more and more interest in optimizing route planning and enhancing service quality.Traffic volume is an influential parameter for planning and operating traffic structures.This study proposed an improved ensemble-based deep learning method to solve traffic volume prediction problems.A set of optimal hyperparameters is also applied for the suggested approach to improve the performance of the learning process.The fusion of these methodologies aims to harness ensemble empirical mode decomposition’s capacity to discern complex traffic patterns and long short-term memory’s proficiency in learning temporal relationships.Firstly,a dataset for automatic vehicle identification is obtained and utilized in the preprocessing stage of the ensemble empirical mode decomposition model.The second aspect involves predicting traffic volume using the long short-term memory algorithm.Next,the study employs a trial-and-error approach to select a set of optimal hyperparameters,including the lookback window,the number of neurons in the hidden layers,and the gradient descent optimization.Finally,the fusion of the obtained results leads to a final traffic volume prediction.The experimental results show that the proposed method outperforms other benchmarks regarding various evaluation measures,including mean absolute error,root mean squared error,mean absolute percentage error,and R-squared.The achieved R-squared value reaches an impressive 98%,while the other evaluation indices surpass the competing.These findings highlight the accuracy of traffic pattern prediction.Consequently,this offers promising prospects for enhancing transportation management systems and urban infrastructure planning.展开更多
Existing traffic flow prediction frameworks have already achieved enormous success due to large traffic datasets and capability of deep learning models.However,data privacy and security are always a challenge in every...Existing traffic flow prediction frameworks have already achieved enormous success due to large traffic datasets and capability of deep learning models.However,data privacy and security are always a challenge in every field where data need to be uploaded to the cloud.Federated learning(FL)is an emerging trend for distributed training of data.The primary goal of FL is to train an efficient communication model without compromising data privacy.The traffic data have a robust spatio-temporal correlation,but various approaches proposed earlier have not considered spatial correlation of the traffic data.This paper presents FL-based traffic flow prediction with spatio-temporal correlation.This work uses a differential privacy(DP)scheme for privacy preservation of participant's data.To the best of our knowledge,this is the first time that FL is used for vehicular traffic prediction while considering the spatio-temporal correlation of traffic data with DP preservation.The proposed framework trains the data locally at the client-side with DP.It then uses the model aggregation mechanism federated graph convolutional network(FedGCN)at the server-side to find the average of locally trained models.The results of the proposed work show that the FedGCN model accurately predicts the traffic.DP scheme at client-side helps clients to set a budget for privacy loss.展开更多
Based on the relationships between the lanes of signal-controlled intersections, we utilize the integration method of cluster analysis and stepwise regression and the integration method of cluster analysis and the pri...Based on the relationships between the lanes of signal-controlled intersections, we utilize the integration method of cluster analysis and stepwise regression and the integration method of cluster analysis and the principal component analysis method to predict the lanes' traffic volume of non-detector isolated controlled intersections. The results are examined by the real-time lanes' traffic volume data of the road network of Nanjing City. The problem of the lanes' traffic volume prediction of non-detector isolated signal-controlled intersections was resolved which can be widely used in urban traffic flow guidance and urban traffic control in cities.展开更多
A significant obstacle in intelligent transportation systems(ITS)is the capacity to predict traffic flow.Recent advancements in deep neural networks have enabled the development of models to represent traffic flow acc...A significant obstacle in intelligent transportation systems(ITS)is the capacity to predict traffic flow.Recent advancements in deep neural networks have enabled the development of models to represent traffic flow accurately.However,accurately predicting traffic flow at the individual road level is extremely difficult due to the complex interplay of spatial and temporal factors.This paper proposes a technique for predicting short-term traffic flow data using an architecture that utilizes convolutional bidirectional long short-term memory(Conv-BiLSTM)with attention mechanisms.Prior studies neglected to include data pertaining to factors such as holidays,weather conditions,and vehicle types,which are interconnected and significantly impact the accuracy of forecast outcomes.In addition,this research incorporates recurring monthly periodic pattern data that significantly enhances the accuracy of forecast outcomes.The experimental findings demonstrate a performance improvement of 21.68%when incorporating the vehicle type feature.展开更多
Traffic in today’s cities is a serious problem that increases travel times,negatively affects the environment,and drains financial resources.This study presents an Artificial Intelligence(AI)augmentedMobile Ad Hoc Ne...Traffic in today’s cities is a serious problem that increases travel times,negatively affects the environment,and drains financial resources.This study presents an Artificial Intelligence(AI)augmentedMobile Ad Hoc Networks(MANETs)based real-time prediction paradigm for urban traffic challenges.MANETs are wireless networks that are based on mobile devices and may self-organize.The distributed nature of MANETs and the power of AI approaches are leveraged in this framework to provide reliable and timely traffic congestion forecasts.This study suggests a unique Chaotic Spatial Fuzzy Polynomial Neural Network(CSFPNN)technique to assess real-time data acquired from various sources within theMANETs.The framework uses the proposed approach to learn from the data and create predictionmodels to detect possible traffic problems and their severity in real time.Real-time traffic prediction allows for proactive actions like resource allocation,dynamic route advice,and traffic signal optimization to reduce congestion.The framework supports effective decision-making,decreases travel time,lowers fuel use,and enhances overall urban mobility by giving timely information to pedestrians,drivers,and urban planners.Extensive simulations and real-world datasets are used to test the proposed framework’s prediction accuracy,responsiveness,and scalability.Experimental results show that the suggested framework successfully anticipates urban traffic issues in real-time,enables proactive traffic management,and aids in creating smarter,more sustainable cities.展开更多
As one of the core modules for air traffic flow management,Air Traffic Flow Prediction(ATFP)in the Multi-Airport System(MAS)is a prerequisite for demand and capacity balance in the complex meteorological environment.D...As one of the core modules for air traffic flow management,Air Traffic Flow Prediction(ATFP)in the Multi-Airport System(MAS)is a prerequisite for demand and capacity balance in the complex meteorological environment.Due to the challenge of implicit interaction mechanism among traffic flow,airspace capacity and weather impact,the Weather-aware ATFP(Wa-ATFP)is still a nontrivial issue.In this paper,a novel Multi-faceted Spatio-Temporal Graph Convolutional Network(MSTGCN)is proposed to address the Wa-ATFP within the complex operations of MAS.Firstly,a spatio-temporal graph is constructed with three different nodes,including airport,route,and fix to describe the topology structure of MAS.Secondly,a weather-aware multi-faceted fusion module is proposed to integrate the feature of air traffic flow and the auxiliary features of capacity and weather,which can effectively address the complex impact of severe weather,e.g.,thunderstorms.Thirdly,to capture the latent connections of nodes,an adaptive graph connection constructor is designed.The experimental results with the real-world operational dataset in Guangdong-Hong Kong-Macao Greater Bay Area,China,validate that the proposed approach outperforms the state-of-the-art machine-learning and deep-learning based baseline approaches in performance.展开更多
Long-term urban traffic flow prediction is an important task in the field of intelligent transportation,as it can help optimize traffic management and improve travel efficiency.To improve prediction accuracy,a crucial...Long-term urban traffic flow prediction is an important task in the field of intelligent transportation,as it can help optimize traffic management and improve travel efficiency.To improve prediction accuracy,a crucial issue is how to model spatiotemporal dependency in urban traffic data.In recent years,many studies have adopted spatiotemporal neural networks to extract key information from traffic data.However,most models ignore the semantic spatial similarity between long-distance areas when mining spatial dependency.They also ignore the impact of predicted time steps on the next unpredicted time step for making long-term predictions.Moreover,these models lack a comprehensive data embedding process to represent complex spatiotemporal dependency.This paper proposes a multi-scale persistent spatiotemporal transformer(MSPSTT)model to perform accurate long-term traffic flow prediction in cities.MSPSTT adopts an encoder-decoder structure and incorporates temporal,periodic,and spatial features to fully embed urban traffic data to address these issues.The model consists of a spatiotemporal encoder and a spatiotemporal decoder,which rely on temporal,geospatial,and semantic space multi-head attention modules to dynamically extract temporal,geospatial,and semantic characteristics.The spatiotemporal decoder combines the context information provided by the encoder,integrates the predicted time step information,and is iteratively updated to learn the correlation between different time steps in the broader time range to improve the model’s accuracy for long-term prediction.Experiments on four public transportation datasets demonstrate that MSPSTT outperforms the existing models by up to 9.5%on three common metrics.展开更多
Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic...Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic speed prediction model based on the combination of graph attention network with self-adaptive adjacency matrix(SAdpGAT)and bidirectional gated recurrent unit(BiGRU).First-ly,the model introduces graph attention network(GAT)to extract the spatial features of real road network and potential road network respectively in spatial dimension.Secondly,the spatial features are input into BiGRU to extract the time series features.Finally,the prediction results of the real road network and the potential road network are connected to generate the final prediction results of the model.The experimental results show that the prediction accuracy of the proposed model is im-proved obviously on METR-LA and PEMS-BAY datasets,which proves the advantages of the pro-posed spatial-temporal model in traffic speed prediction.展开更多
Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction acc...Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods.展开更多
文摘Traffic forecasting with high precision aids Intelligent Transport Systems(ITS)in formulating and optimizing traffic management strategies.The algorithms used for tuning the hyperparameters of the deep learning models often have accurate results at the expense of high computational complexity.To address this problem,this paper uses the Tree-structured Parzen Estimator(TPE)to tune the hyperparameters of the Long Short-term Memory(LSTM)deep learning framework.The Tree-structured Parzen Estimator(TPE)uses a probabilistic approach with an adaptive searching mechanism by classifying the objective function values into good and bad samples.This ensures fast convergence in tuning the hyperparameter values in the deep learning model for performing prediction while still maintaining a certain degree of accuracy.It also overcomes the problem of converging to local optima and avoids timeconsuming random search and,therefore,avoids high computational complexity in prediction accuracy.The proposed scheme first performs data smoothing and normalization on the input data,which is then fed to the input of the TPE for tuning the hyperparameters.The traffic data is then input to the LSTM model with tuned parameters to perform the traffic prediction.The three optimizers:Adaptive Moment Estimation(Adam),Root Mean Square Propagation(RMSProp),and Stochastic Gradient Descend with Momentum(SGDM)are also evaluated for accuracy prediction and the best optimizer is then chosen for final traffic prediction in TPE-LSTM model.Simulation results verify the effectiveness of the proposed model in terms of accuracy of prediction over the benchmark schemes.
文摘With the development of fast communication technology between ego vehicle and other traffic participants,and automated driving technology,there is a big potential in the improvement of energy efficiency of hybrid electric vehicles(HEVs).Moreover,the terrain along the driving route is a non-ignorable factor for energy efficiency of HEV running on the hilly streets.This paper proposes a look-ahead horizon-based optimal energy management strategy to jointly improve the efficiencies of powertrain and vehicle for connected and automated HEVs on the road with slope.Firstly,a rule-based framework is developed to guarantee the success of automated driving in the traffic scenario.Then a constrained optimal control problem is formulated to minimize the fuel consumption and the electricity consumption under the satisfaction of inter-vehicular distance constraint between ego vehicle and preceding vehicle.Both speed planning and torque split of hybrid powertrain are provided by the proposed approach.Moreover,the preceding vehicle speed in the look-ahead horizon is predicted by extreme learning machine with real-time data obtained from communication of vehicle-to-everything.The optimal solution is derived through the Pontryagin’s maximum principle.Finally,to verify the effectiveness of the proposed algorithm,a traffic-in-the-loop powertrain platform with data from real world traffic environment is built.It is found that the fuel economy for the proposed energy management strategy improves in average 17.0%in scenarios of different traffic densities,compared to the energy management strategy without prediction of preceding vehicle speed.
基金supported by the National Natural Science Foundation of China,Grant/Award Number:62401338by the Shandong Province Excellent Youth Science Fund Project(Overseas),Grant/Award Number:2024HWYQ-028by the Fundamental Research Funds of Shandong University.
文摘Urban traffic prediction with high precision is always the unremitting pursuit of intelligent transportation systems and is instrumental in bringing smart cities into reality.The fundamental challenges for traffic prediction lie in the accurate modelling of spatial and temporal traffic dynamics.Existing approaches mainly focus on modelling the traffic data itself,but do not explore the traffic correlations implicit in origin-destination(OD)data.In this paper,we propose STOD-Net,a dynamic spatial-temporal OD feature-enhanced deep network,to simultaneously predict the in-traffic and out-traffic for each and every region of a city.We model the OD data as dynamic graphs and adopt graph neural networks in STOD-Net to learn a low-dimensional representation for each region.As per the region feature,we design a gating mechanism and operate it on the traffic feature learning to explicitly capture spatial correlations.To further capture the complicated spatial and temporal dependencies among different regions,we propose a novel joint feature,learning block in STOD-Net and transfer the hybrid OD features to each block to make the learning process spatiotemporal-aware.We evaluate the effectiveness of STOD-Net on two benchmark datasets,and experimental results demonstrate that it outperforms the state-of-the-art by approximately 5%in terms of prediction accuracy and considerably improves prediction stability up to 80%in terms of standard deviation.
基金supported by the National Natural Science Foundation of China(U23A20272,U22A2069,62272146)Natural Science Foundation of Henan(252300421237).
文摘The increase in population and vehicles exacerbates traffic congestion and management difficulties.Therefore,achieving accurate and efficient traffic flow prediction is crucial for urban transportation.For that reason,we propose a graph federated learning-based digital twin traffic flow prediction method(GFLDT)by integrating the benefits of collaborative intelligence and computation of intelligent IoT.Specifically,we construct a digital twin network for predicting traffic flow,which is divided into client twin and global twin.Based on this,we adopt the concept of graph federated learning to learn the temporal dependence of traffic flow using local data from client twins,and the spatial dependence of traffic flow using global information from global twins.In addition,we validate on a real traffic dataset,and the results show that through collaborative training of the client twins and the global twins,GFLDT achieves accurate traffic flow prediction while protecting data security.
基金supported by the National Natural Science Foundation of China under Grant No.U20A20182.
文摘As an effective strategy to address urban traffic congestion,traffic flow prediction has gained attention from Federated-Learning(FL)researchers due FL’s ability to preserving data privacy.However,existing methods face challenges:some are too simplistic to capture complex traffic patterns effectively,and others are overly complex,leading to excessive communication overhead between cloud and edge devices.Moreover,the problem of single point failure limits their robustness and reliability in real-world applications.To tackle these challenges,this paper proposes a new method,CMBA-FL,a Communication-Mitigated and Blockchain-Assisted Federated Learning model.First,CMBA-FL improves the client model’s ability to capture temporal traffic patterns by employing the Encoder-Decoder framework for each edge device.Second,to reduce the communication overhead during federated learning,we introduce a verification method based on parameter update consistency,avoiding unnecessary parameter updates.Third,to mitigate the risk of a single point of failure,we integrate consensus mechanisms from blockchain technology.To validate the effectiveness of CMBA-FL,we assess its performance on two widely used traffic datasets.Our experimental results show that CMBA-FL reduces prediction error by 11.46%,significantly lowers communication overhead,and improves security.
基金Supported by the Key R&D Program of Gansu Province(No.23YFGA0063)the Key Talent Project of Gansu Province(No.2024RCXM57,2024RCXM22)the Major Science and Technology Special Program of Gansu Province(No.25ZYJA037).
文摘Traffic flow prediction is a crucial element of intelligent transportation systems.However,accu-rate traffic flow prediction is quite challenging because of its highly nonlinear,complex,and dynam-ic characteristics.To address the difficulties in simultaneously capturing local and global dynamic spatiotemporal correlations in traffic flow,as well as the high time complexity of existing models,a multi-head flow attention-based local-global dynamic hypergraph convolution(MFA-LGDHC)pre-diction model is proposed.which consists of multi-head flow attention(MHFA)mechanism,graph convolution network(GCN),and local-global dynamic hypergraph convolution(LGHC).MHFA is utilized to extract the time dependency of traffic flow and reduce the time complexity of the model.GCN is employed to catch the spatial dependency of traffic flow.LGHC utilizes down-sampling con-volution and isometric convolution to capture the local and global spatial dependencies of traffic flow.And dynamic hypergraph convolution is used to model the dynamic higher-order relationships of the traffic road network.Experimental results indicate that the MFA-LGDHC model outperforms current popular baseline models and exhibits good prediction performance.
基金supported by the National Natural Science Foundation of China(Grant No.52002031)the Shaanxi Province Key R&D Plan Project(No.2024GX-YBXM-002).
文摘Traffic flow prediction is a key component of intelligent transportation systems,particularly in datascarce regions where traditional models relying on complete datasets often fail to provide accurate forecasts.These regions are characterized by limited sensor coverage and sparse data collection,pose significant challenges for existing prediction methods.To address this,we propose a novel transfer learning framework called transfer learning with deep knowledge distillation(TL-DKD),which combines graph neural network(GNN)with deep knowledge distillation to enable effective knowledge transfer from data-rich to data-scarce domains.Our contributions are three-fold:(1)We introduce,for the first time,a unique integration of deep knowledge distillation and transfer learning,enhancing feature adaptability across diverse traffic datasets while addressing data scarcity.(2)We design an encoder-decoder architecture where the encoder retains generalized spatiotemporal patterns fromsource domains,and the decoder finetunes predictions for target domains,ensuring minimal information loss during transfer.(3)Extensive experiments on five real-world datasets(METR-LA,PeMS-Bay,PeMS03/04/08)demonstrate the framework’s robustness.The TL-DKD model achieves significant improvements in prediction accuracy,especially in data-scarce scenarios.For example,the PEMSD4 dataset in multi-region experiments,it achieves a mean absolute error(MAE)of 20.08,a mean absolute percentage error(MAPE)of 13.59%,and a root mean squared error(RMSE)of 31.75 for 30-min forecasts.Additionally,noise-augmented experiments show improved adaptability under perturbed data conditions.These results highlight the framework’s practical impact,offering a scalable solution for accurate traffic predictions in resource-constrained environments.
基金supported by the National Natural Science Foundation of China(Grant Nos.62472149,62376089,62202147)Hubei Provincial Science and Technology Plan Project(2023BCB04100).
文摘Accurate traffic flow prediction has a profound impact on modern traffic management. Traffic flow has complex spatial-temporal correlations and periodicity, which poses difficulties for precise prediction. To address this problem, a Multi-head Self-attention and Spatial-Temporal Graph Convolutional Network (MSSTGCN) for multiscale traffic flow prediction is proposed. Firstly, to capture the hidden traffic periodicity of traffic flow, traffic flow is divided into three kinds of periods, including hourly, daily, and weekly data. Secondly, a graph attention residual layer is constructed to learn the global spatial features across regions. Local spatial-temporal dependence is captured by using a T-GCN module. Thirdly, a transformer layer is introduced to learn the long-term dependence in time. A position embedding mechanism is introduced to label position information for all traffic sequences. Thus, this multi-head self-attention mechanism can recognize the sequence order and allocate weights for different time nodes. Experimental results on four real-world datasets show that the MSSTGCN performs better than the baseline methods and can be successfully adapted to traffic prediction tasks.
文摘Accurate traffic flow prediction(TFP)is vital for efficient and sustainable transportation management and the development of intelligent traffic systems.However,missing data in real-world traffic datasets poses a significant challenge to maintaining prediction precision.This study introduces REPTF-TMDI,a novel method that combines a Reduced Error Pruning Tree Forest(REPTree Forest)with a newly proposed Time-based Missing Data Imputation(TMDI)approach.The REP Tree Forest,an ensemble learning approach,is tailored for time-related traffic data to enhance predictive accuracy and support the evolution of sustainable urbanmobility solutions.Meanwhile,the TMDI approach exploits temporal patterns to estimate missing values reliably whenever empty fields are encountered.The proposed method was evaluated using hourly traffic flow data from a major U.S.roadway spanning 2012-2018,incorporating temporal features(e.g.,hour,day,month,year,weekday),holiday indicator,and weather conditions(temperature,rain,snow,and cloud coverage).Experimental results demonstrated that the REPTF-TMDI method outperformed conventional imputation techniques across various missing data ratios by achieving an average 11.76%improvement in terms of correlation coefficient(R).Furthermore,REPTree Forest achieved improvements of 68.62%in RMSE and 70.52%in MAE compared to existing state-of-the-art models.These findings highlight the method’s ability to significantly boost traffic flow prediction accuracy,even in the presence of missing data,thereby contributing to the broader objectives of sustainable urban transportation systems.
基金supported by the Shandong Province Higher Education Young Innovative Talents Cultivation Programme Project:TJY2114Jinan City-School Integration Development Strategy Project:JNSX2023015the Natural Science Foundation of Shandong Province:ZR2021M F074.
文摘Traffic datasets exhibit complex spatiotemporal characteristics,including significant fluctuations in traffic volume and intricate periodical patterns,which pose substantial challenges for the accurate forecasting and effective management of traffic conditions.Traditional forecasting models often struggle to adequately capture these complexities,leading to suboptimal predictive performance.While neural networks excel at modeling intricate and nonlinear data structures,they are also highly susceptible to overfitting,resulting in inefficient use of computational resources and decreased model generalization.This paper introduces a novel heuristic feature extraction method that synergistically combines the strengths of non-neural network algorithms with neural networks to enhance the identification and representation of relevant features from traffic data.We begin by evaluating the significance of various temporal characteristics using three distinct assessment strategies grounded in non-neural methodologies.These evaluated features are then aggregated through a weighted fusion mechanism to create heuristic features,which are subsequently integrated into neural network models for more accurate and robust traffic prediction.Experimental results derived from four real-world datasets,collected from diverse urban environments,show that the proposed method significantly improves the accuracy of long-term traffic forecasting without compromising performance.Additionally,the approach helps streamline neural network architectures,leading to a considerable reduction in computational overhead.By addressing both prediction accuracy and computational efficiency,this study not only presents an innovative and effective method for traffic condition forecasting but also offers valuable insights that can inform the future development of data-driven traffic management systems and transportation strategies.
基金supported by the National Key Research and Development Program of China(2021YFB2900200)the Key Research and Development Program of Science and Technology Department of Zhejiang Province(2022C01121)Zhejiang Provincial Department of Transport Research Project(ZJXL-JTT-202223).
文摘Urban traffic control is a multifaceted and demanding task that necessitates extensive decision-making to ensure the safety and efficiency of urban transportation systems.Traditional approaches require traffic signal professionals to manually intervene on traffic control devices at the intersection level,utilizing their knowledge and expertise.However,this process is cumbersome,labor-intensive,and cannot be applied on a large network scale.Recent studies have begun to explore the applicability of recommendation system for urban traffic control,which offer increased control efficiency and scalability.Such a decision recommendation system is complex,with various interdependent components,but a systematic literature review has not yet been conducted.In this work,we present an up-to-date survey that elucidates all the detailed components of a recommendation system for urban traffic control,demonstrates the utility and efficacy of such a system in the real world using data and knowledgedriven approaches,and discusses the current challenges and potential future directions of this field.
文摘With the advancement of artificial intelligence,traffic forecasting is gaining more and more interest in optimizing route planning and enhancing service quality.Traffic volume is an influential parameter for planning and operating traffic structures.This study proposed an improved ensemble-based deep learning method to solve traffic volume prediction problems.A set of optimal hyperparameters is also applied for the suggested approach to improve the performance of the learning process.The fusion of these methodologies aims to harness ensemble empirical mode decomposition’s capacity to discern complex traffic patterns and long short-term memory’s proficiency in learning temporal relationships.Firstly,a dataset for automatic vehicle identification is obtained and utilized in the preprocessing stage of the ensemble empirical mode decomposition model.The second aspect involves predicting traffic volume using the long short-term memory algorithm.Next,the study employs a trial-and-error approach to select a set of optimal hyperparameters,including the lookback window,the number of neurons in the hidden layers,and the gradient descent optimization.Finally,the fusion of the obtained results leads to a final traffic volume prediction.The experimental results show that the proposed method outperforms other benchmarks regarding various evaluation measures,including mean absolute error,root mean squared error,mean absolute percentage error,and R-squared.The achieved R-squared value reaches an impressive 98%,while the other evaluation indices surpass the competing.These findings highlight the accuracy of traffic pattern prediction.Consequently,this offers promising prospects for enhancing transportation management systems and urban infrastructure planning.
文摘Existing traffic flow prediction frameworks have already achieved enormous success due to large traffic datasets and capability of deep learning models.However,data privacy and security are always a challenge in every field where data need to be uploaded to the cloud.Federated learning(FL)is an emerging trend for distributed training of data.The primary goal of FL is to train an efficient communication model without compromising data privacy.The traffic data have a robust spatio-temporal correlation,but various approaches proposed earlier have not considered spatial correlation of the traffic data.This paper presents FL-based traffic flow prediction with spatio-temporal correlation.This work uses a differential privacy(DP)scheme for privacy preservation of participant's data.To the best of our knowledge,this is the first time that FL is used for vehicular traffic prediction while considering the spatio-temporal correlation of traffic data with DP preservation.The proposed framework trains the data locally at the client-side with DP.It then uses the model aggregation mechanism federated graph convolutional network(FedGCN)at the server-side to find the average of locally trained models.The results of the proposed work show that the FedGCN model accurately predicts the traffic.DP scheme at client-side helps clients to set a budget for privacy loss.
文摘Based on the relationships between the lanes of signal-controlled intersections, we utilize the integration method of cluster analysis and stepwise regression and the integration method of cluster analysis and the principal component analysis method to predict the lanes' traffic volume of non-detector isolated controlled intersections. The results are examined by the real-time lanes' traffic volume data of the road network of Nanjing City. The problem of the lanes' traffic volume prediction of non-detector isolated signal-controlled intersections was resolved which can be widely used in urban traffic flow guidance and urban traffic control in cities.
文摘A significant obstacle in intelligent transportation systems(ITS)is the capacity to predict traffic flow.Recent advancements in deep neural networks have enabled the development of models to represent traffic flow accurately.However,accurately predicting traffic flow at the individual road level is extremely difficult due to the complex interplay of spatial and temporal factors.This paper proposes a technique for predicting short-term traffic flow data using an architecture that utilizes convolutional bidirectional long short-term memory(Conv-BiLSTM)with attention mechanisms.Prior studies neglected to include data pertaining to factors such as holidays,weather conditions,and vehicle types,which are interconnected and significantly impact the accuracy of forecast outcomes.In addition,this research incorporates recurring monthly periodic pattern data that significantly enhances the accuracy of forecast outcomes.The experimental findings demonstrate a performance improvement of 21.68%when incorporating the vehicle type feature.
基金the Deanship of Scientific Research at Majmaah University for supporting this work under Project No.R-2024-1008.
文摘Traffic in today’s cities is a serious problem that increases travel times,negatively affects the environment,and drains financial resources.This study presents an Artificial Intelligence(AI)augmentedMobile Ad Hoc Networks(MANETs)based real-time prediction paradigm for urban traffic challenges.MANETs are wireless networks that are based on mobile devices and may self-organize.The distributed nature of MANETs and the power of AI approaches are leveraged in this framework to provide reliable and timely traffic congestion forecasts.This study suggests a unique Chaotic Spatial Fuzzy Polynomial Neural Network(CSFPNN)technique to assess real-time data acquired from various sources within theMANETs.The framework uses the proposed approach to learn from the data and create predictionmodels to detect possible traffic problems and their severity in real time.Real-time traffic prediction allows for proactive actions like resource allocation,dynamic route advice,and traffic signal optimization to reduce congestion.The framework supports effective decision-making,decreases travel time,lowers fuel use,and enhances overall urban mobility by giving timely information to pedestrians,drivers,and urban planners.Extensive simulations and real-world datasets are used to test the proposed framework’s prediction accuracy,responsiveness,and scalability.Experimental results show that the suggested framework successfully anticipates urban traffic issues in real-time,enables proactive traffic management,and aids in creating smarter,more sustainable cities.
基金supported by the National Key Research and Development Program of China(No.2022YFB2602402)the National Natural Science Foundation of China(Nos.U2033215 and U2133210).
文摘As one of the core modules for air traffic flow management,Air Traffic Flow Prediction(ATFP)in the Multi-Airport System(MAS)is a prerequisite for demand and capacity balance in the complex meteorological environment.Due to the challenge of implicit interaction mechanism among traffic flow,airspace capacity and weather impact,the Weather-aware ATFP(Wa-ATFP)is still a nontrivial issue.In this paper,a novel Multi-faceted Spatio-Temporal Graph Convolutional Network(MSTGCN)is proposed to address the Wa-ATFP within the complex operations of MAS.Firstly,a spatio-temporal graph is constructed with three different nodes,including airport,route,and fix to describe the topology structure of MAS.Secondly,a weather-aware multi-faceted fusion module is proposed to integrate the feature of air traffic flow and the auxiliary features of capacity and weather,which can effectively address the complex impact of severe weather,e.g.,thunderstorms.Thirdly,to capture the latent connections of nodes,an adaptive graph connection constructor is designed.The experimental results with the real-world operational dataset in Guangdong-Hong Kong-Macao Greater Bay Area,China,validate that the proposed approach outperforms the state-of-the-art machine-learning and deep-learning based baseline approaches in performance.
基金the National Natural Science Foundation of China under Grant No.62272087Science and Technology Planning Project of Sichuan Province under Grant No.2023YFG0161.
文摘Long-term urban traffic flow prediction is an important task in the field of intelligent transportation,as it can help optimize traffic management and improve travel efficiency.To improve prediction accuracy,a crucial issue is how to model spatiotemporal dependency in urban traffic data.In recent years,many studies have adopted spatiotemporal neural networks to extract key information from traffic data.However,most models ignore the semantic spatial similarity between long-distance areas when mining spatial dependency.They also ignore the impact of predicted time steps on the next unpredicted time step for making long-term predictions.Moreover,these models lack a comprehensive data embedding process to represent complex spatiotemporal dependency.This paper proposes a multi-scale persistent spatiotemporal transformer(MSPSTT)model to perform accurate long-term traffic flow prediction in cities.MSPSTT adopts an encoder-decoder structure and incorporates temporal,periodic,and spatial features to fully embed urban traffic data to address these issues.The model consists of a spatiotemporal encoder and a spatiotemporal decoder,which rely on temporal,geospatial,and semantic space multi-head attention modules to dynamically extract temporal,geospatial,and semantic characteristics.The spatiotemporal decoder combines the context information provided by the encoder,integrates the predicted time step information,and is iteratively updated to learn the correlation between different time steps in the broader time range to improve the model’s accuracy for long-term prediction.Experiments on four public transportation datasets demonstrate that MSPSTT outperforms the existing models by up to 9.5%on three common metrics.
基金the National Natural Science Foundation of China(No.61461027,61762059)the Provincial Science and Technology Program supported the Key Project of Natural Science Foundation of Gansu Province(No.22JR5RA226)。
文摘Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic speed prediction model based on the combination of graph attention network with self-adaptive adjacency matrix(SAdpGAT)and bidirectional gated recurrent unit(BiGRU).First-ly,the model introduces graph attention network(GAT)to extract the spatial features of real road network and potential road network respectively in spatial dimension.Secondly,the spatial features are input into BiGRU to extract the time series features.Finally,the prediction results of the real road network and the potential road network are connected to generate the final prediction results of the model.The experimental results show that the prediction accuracy of the proposed model is im-proved obviously on METR-LA and PEMS-BAY datasets,which proves the advantages of the pro-posed spatial-temporal model in traffic speed prediction.
文摘Accurate traffic prediction is crucial for an intelligent traffic system (ITS). However, the excessive non-linearity and complexity of the spatial-temporal correlation in traffic flow severely limit the prediction accuracy of most existing models, which simply stack temporal and spatial modules and fail to capture spatial-temporal features effectively. To improve the prediction accuracy, a multi-head attention spatial-temporal graph neural network (MSTNet) is proposed in this paper. First, the traffic data is decomposed into unique time spans that conform to positive rules, and valuable traffic node attributes are mined through an adaptive graph structure. Second, time and spatial features are captured using a multi-head attention spatial-temporal module. Finally, a multi-step prediction module is used to achieve future traffic condition prediction. Numerical experiments were conducted on an open-source dataset, and the results demonstrate that MSTNet performs well in spatial-temporal feature extraction and achieves more positive forecasting results than the baseline methods.