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.展开更多
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.展开更多
Predicting traffic flow is a crucial component of an intelligent transportation system.Precisely monitoring and predicting traffic flow remains a challenging endeavor.However,existingmethods for predicting traffic flo...Predicting traffic flow is a crucial component of an intelligent transportation system.Precisely monitoring and predicting traffic flow remains a challenging endeavor.However,existingmethods for predicting traffic flow do not incorporate various external factors or consider the spatiotemporal correlation between spatially adjacent nodes,resulting in the loss of essential information and lower forecast performance.On the other hand,the availability of spatiotemporal data is limited.This research offers alternative spatiotemporal data with three specific features as input,vehicle type(5 types),holidays(3 types),and weather(10 conditions).In this study,the proposed model combines the advantages of the capability of convolutional(CNN)layers to extract valuable information and learn the internal representation of time-series data that can be interpreted as an image,as well as the efficiency of long short-term memory(LSTM)layers for identifying short-term and long-term dependencies.Our approach may utilize the heterogeneous spatiotemporal correlation features of the traffic flowdataset to deliver better performance traffic flow prediction than existing deep learning models.The research findings show that adding spatiotemporal feature data increases the forecast’s performance;weather by 25.85%,vehicle type by 23.70%,and holiday by 14.02%.展开更多
To accurately predict traffic flow on the highways,this paper proposes a Convolutional Neural Network-Bi-directional Long Short-Term Memory-Attention Mechanism(CNN-BiLSTM-Attention)traffic flow prediction model based ...To accurately predict traffic flow on the highways,this paper proposes a Convolutional Neural Network-Bi-directional Long Short-Term Memory-Attention Mechanism(CNN-BiLSTM-Attention)traffic flow prediction model based on Kalman-filtered data processing.Firstly,the original fluctuating data is processed by Kalman filtering,which can reduce the instability of short-term traffic flow prediction due to unexpected accidents.Then the local spatial features of the traffic data during different periods are extracted,dimensionality is reduced through a one-dimensional CNN,and the BiLSTM network is used to analyze the time series information.Finally,the Attention Mechanism assigns feature weights and performs Soft-max regression.The experimental results show that the data processed by Kalman filter is more accurate in predicting the results on the CNN-BiLSTM-Attention model.Compared with the CNN-BiLSTM model,the Root Mean Square Error(RMSE)of the Kal-CNN-BiLSTM-Attention model is reduced by 17.58 and Mean Absolute Error(MAE)by 12.38,and the accuracy of the improved model is almost free from non-working days.To further verify the model’s applicability,the experiments were re-run using two other sets of fluctuating data,and the experimental results again demonstrated the stability of the model.Therefore,the Kal-CNN-BiLSTM-Attention traffic flow prediction model proposed in this paper is more applicable to a broader range of data and has higher accuracy.展开更多
Traffic flow prediction in urban areas is essential in the IntelligentTransportation System (ITS). Short Term Traffic Flow (STTF) predictionimpacts traffic flow series, where an estimation of the number of vehicleswil...Traffic flow prediction in urban areas is essential in the IntelligentTransportation System (ITS). Short Term Traffic Flow (STTF) predictionimpacts traffic flow series, where an estimation of the number of vehicleswill appear during the next instance of time per hour. Precise STTF iscritical in Intelligent Transportation System. Various extinct systems aim forshort-term traffic forecasts, ensuring a good precision outcome which was asignificant task over the past few years. The main objective of this paper is topropose a new model to predict STTF for every hour of a day. In this paper,we have proposed a novel hybrid algorithm utilizing Principal ComponentAnalysis (PCA), Stacked Auto-Encoder (SAE), Long Short Term Memory(LSTM), and K-Nearest Neighbors (KNN) named PALKNN. Firstly, PCAremoves unwanted information from the dataset and selects essential features.Secondly, SAE is used to reduce the dimension of input data using onehotencoding so the model can be trained with better speed. Thirdly, LSTMtakes the input from SAE, where the data is sorted in ascending orderbased on the important features and generates the derived value. Finally,KNN Regressor takes information from LSTM to predict traffic flow. Theforecasting performance of the PALKNN model is investigated with OpenRoad Traffic Statistics dataset, Great Britain, UK. This paper enhanced thetraffic flow prediction for every hour of a day with a minimal error value.An extensive experimental analysis was performed on the benchmark dataset.The evaluated results indicate the significant improvement of the proposedPALKNN model over the recent approaches such as KNN, SARIMA, LogisticRegression, RNN, and LSTM in terms of root mean square error (RMSE)of 2.07%, mean square error (MSE) of 4.1%, and mean absolute error (MAE)of 2.04%.展开更多
Aiming at the problem that ensemble empirical mode decomposition(EEMD)method can not completely neutralize the added noise in the decomposition process,which leads to poor reconstruction of decomposition results and l...Aiming at the problem that ensemble empirical mode decomposition(EEMD)method can not completely neutralize the added noise in the decomposition process,which leads to poor reconstruction of decomposition results and low accuracy of traffic flow prediction,a traffic flow prediction model based on modified ensemble empirical mode decomposition(MEEMD),double-layer bidirectional long-short term memory(DBiLSTM)and attention mechanism is proposed.Firstly,the intrinsic mode functions(IMFs)and residual components(Res)are obtained by using MEEMD algorithm to decompose the original traffic data and separate the noise in the data.Secondly,the IMFs and Res are put into the DBiLSTM network for training.Finally,the attention mechanism is used to enhance the extraction of data features,then the obtained results are reconstructed and added.The experimental results show that in different scenarios,the MEEMD-DBiLSTM-attention(MEEMD-DBA)model can reduce the data reconstruction error effectively and improve the accuracy of the short-term traffic flow prediction.展开更多
Traffic flow prediction is an important component of intelligent transportation systems.Recently,unprecedented data availability and rapid development of machine learning techniques have led to tremendous progress in ...Traffic flow prediction is an important component of intelligent transportation systems.Recently,unprecedented data availability and rapid development of machine learning techniques have led to tremendous progress in this field.This article first introduces the research on traffic flow prediction and the challenges it currently faces.It then proposes a classification method for literature,discussing and analyzing existing research on using machine learning methods to address traffic flow prediction from the perspectives of the prediction preparation process and the construction of prediction models.The article also summarizes innovative modules in these models.Finally,we provide improvement strategies for current baseline models and discuss the challenges and research directions in the field of traffic flow prediction in the future.展开更多
Accurate and real-time passenger flow prediction of rail transit is an important part of intelligent transportation systems(ITS).According to previous studies,it is found that the prediction effect of a single model i...Accurate and real-time passenger flow prediction of rail transit is an important part of intelligent transportation systems(ITS).According to previous studies,it is found that the prediction effect of a single model is not good for datasets with large changes in passenger flow characteristics and the deep learning model with added influencing factors has better prediction accuracy.In order to provide persuasive passenger flow forecast data for ITS,a deep learning model considering the influencing factors is proposed in this paper.In view of the lack of objective analysis on the selection of influencing factors by predecessors,this paper uses analytic hierarchy processes(AHP)and one-way ANOVA analysis to scientifically select the factor of time characteristics,which classifies and gives weight to the hourly passenger flow through Duncan test.Then,combining the time weight,BILSTM based model considering the hourly travel characteristics factors is proposed.The model performance is verified through the inbound passenger flow of Ningbo rail transit.The proposed model is compared with many current mainstream deep learning algorithms,the effectiveness of the BILSTM model considering influencing factors is validated.Through comparison and analysis with various evaluation indicators and other deep learning models,the results show that the R2 score of the BILSTM model considering influencing factors reaches 0.968,and the MAE value of the BILSTM model without adding influencing factors decreases by 45.61%.展开更多
Traffic flow prediction is an important component for real-time traffic-adaptive signal control in urban arterial networks.By exploring available detector and signal controller information from neighboring intersectio...Traffic flow prediction is an important component for real-time traffic-adaptive signal control in urban arterial networks.By exploring available detector and signal controller information from neighboring intersections,a dynamic data-driven flow prediction model was developed.The model consists of two prediction components based on the signal states(red or green) for each movement at an upstream intersection.The characteristics of each signal state were carefully examined and the corresponding travel time from the upstream intersection to the approach in question at the downstream intersection was predicted.With an online turning proportion estimation method,along with the predicted travel times,the anticipated vehicle arrivals can be forecasted at the downstream intersection.The model performance was tested at a set of two signalized intersections located in the city of Gainesville,Florida,USA,using the CORSIM microscopic simulation package.Analysis results show that the model agrees well with empirical arrival data measured at 10 s intervals within an acceptable range of 10%-20%,and show a normal distribution.It is reasonably believed that the model has potential applicability for use in truly proactive real-time traffic adaptive signal control systems.展开更多
According to the time series characteristics of the trajectory history data,we predicted and analyzed the traffic flow.This paper proposed a LSTMXGBoost model based urban road short-term traffic flow prediction in ord...According to the time series characteristics of the trajectory history data,we predicted and analyzed the traffic flow.This paper proposed a LSTMXGBoost model based urban road short-term traffic flow prediction in order to analyze and solve the problems of periodicity,stationary and abnormality of time series.It can improve the traffic flow prediction effect,achieve efficient traffic guidance and traffic control.The model combined the characteristics of LSTM(Long Short-Term Memory)network and XGBoost(Extreme Gradient Boosting)algorithms.First,we used the LSTM model that increases dropout layer to train the data set after preprocessing.Second,we replaced the full connection layer with the XGBoost model.Finally,we depended on the model training to strengthen the data association,avoided the overfitting phenomenon of the fully connected layer,and enhanced the generalization ability of the prediction model.We used the Kears based on TensorFlow to build the LSTM-XGBoost model.Using speed data samples of multiple road sections in Shenzhen to complete the model verification,we achieved the comparison of the prediction effects of the model.The results show that the combined prediction model used in this paper can not only improve the accuracy of prediction,but also improve the practicability,real-time and scalability of the model.展开更多
Accurate prediction of road traffic flow is a significant part in the intelligent transportation systems.Accurate prediction can alleviate traffic congestion,and reduce environmental pollution.For the management depar...Accurate prediction of road traffic flow is a significant part in the intelligent transportation systems.Accurate prediction can alleviate traffic congestion,and reduce environmental pollution.For the management department,it can make effective use of road resources.For individuals,it can help people plan their own travel paths,avoid congestion,and save time.Owing to complex factors on the road,such as damage to the detector and disturbances from environment,the measured traffic volume can contain noise.Reducing the influence of noise on traffic flow prediction is a piece of very important work.Therefore,in this paper we propose a combination algorithm of denoising and BILSTM to effectively improve the performance of traffic flow prediction.At the same time,three denoising algorithms are compared to find the best combination mode.In this paper,the wavelet(WL) denoising scheme,the empirical mode decomposition(EMD) denoising scheme,and the ensemble empirical mode decomposition(EEMD) denoising scheme are all introduced to suppress outliers in traffic flow data.In addition,we combine the denoising schemes with bidirectional long short-term memory(BILSTM)network to predict the traffic flow.The data in this paper are cited from performance measurement system(PeMS).We choose three kinds of road data(mainline,off ramp,on ramp) to predict traffic flow.The results for mainline show that data denoising can improve prediction accuracy.Moreover,prediction accuracy of BILSTM+EEMD scheme is the highest in the three methods(BILSTM+WL,BILSTM+EMD,BILSTM+EEMD).The results for off ramp and on ramp show the same performance as the results for mainline.It is indicated that this model is suitable for different road sections and long-term prediction.展开更多
In order to improve the accuracy and stability of terminal traffic flow prediction in convective weather,a multi-input deep learning(MICL)model is proposed.On the basis of previous studies,this paper expands the set o...In order to improve the accuracy and stability of terminal traffic flow prediction in convective weather,a multi-input deep learning(MICL)model is proposed.On the basis of previous studies,this paper expands the set of weather characteristics affecting the traffic flow in the terminal area,including weather forecast data and Meteorological Report of Aerodrome Conditions(METAR)data.The terminal airspace is divided into smaller areas based on function and the weather severity index(WSI)characteristics extracted from weather forecast data are established to better quantify the impact of weather.MICL model preserves the advantages of the convolution neural network(CNN)and the long short-term memory(LSTM)model,and adopts two channels to input WSI and METAR information,respectively,which can fully reflect the temporal and spatial distribution characteristics of weather in the terminal area.Multi-scene experiments are designed based on the real historical data of Guangzhou Terminal Area operating in typical convective weather.The results show that the MICL model has excellent performance in mean squared error(MSE),root MSE(RMSE),mean absolute error(MAE)and other performance indicators compared with the existing machine learning models or deep learning models,such as Knearest neighbor(KNN),support vector regression(SVR),CNN and LSTM.In the forecast period ranging from 30 min to 6 h,the MICL model has the best prediction accuracy and stability.展开更多
Traffic flow prediction,as the basis of signal coordination and travel time prediction,has become a research point in the field of transportation.For traffic flow prediction,researchers have proposed a variety of meth...Traffic flow prediction,as the basis of signal coordination and travel time prediction,has become a research point in the field of transportation.For traffic flow prediction,researchers have proposed a variety of methods,but most of these methods only use the time domain information of traffic flow data to predict the traffic flow,ignoring the impact of spatial correlation on the prediction of target road segment flow,which leads to poor prediction accuracy.In this paper,a traffic flow prediction model called as long short time memory and random forest(LSTM-RF)was proposed based on the combination model.In the process of traffic flow prediction,the long short time memory(LSTM)model was used to extract the time sequence features of the predicted target road segment.Then,the predicted value of LSTM and the collected information of adjacent upstream and downstream sections were simultaneously used as the input features of the random forest model to analyze the spatial-temporal correlation of traffic flow,so as to obtain the final prediction results.The traffic flow data of 132 urban road sections collected by the license plate recognition system in Guiyang City were tested and verified.The results show that the method is better than the single model in prediction accuracy,and the prediction error is obviously reduced compared with the single model.展开更多
Traffic flow prediction is an important part of the intelligent transportation system. Accurate multi-step traffic flow prediction plays an important role in improving the operational efficiency of the traffic network...Traffic flow prediction is an important part of the intelligent transportation system. Accurate multi-step traffic flow prediction plays an important role in improving the operational efficiency of the traffic network. Since traffic flow data has complex spatio-temporal correlation and non-linearity, existing prediction methods are mainly accomplished through a combination of a Graph Convolutional Network (GCN) and a recurrent neural network. The combination strategy has an excellent performance in traffic prediction tasks. However, multi-step prediction error accumulates with the predicted step size. Some scholars use multiple sampling sequences to achieve more accurate prediction results. But it requires high hardware conditions and multiplied training time. Considering the spatiotemporal correlation of traffic flow and influence of external factors, we propose an Attention Based Spatio-Temporal Graph Convolutional Network considering External Factors (ABSTGCN-EF) for multi-step traffic flow prediction. This model models the traffic flow as diffusion on a digraph and extracts the spatial characteristics of traffic flow through GCN. We add meaningful time-slots attention to the encoder-decoder to form an Attention Encoder Network (AEN) to handle temporal correlation. The attention vector is used as a competitive choice to draw the correlation between predicted states and historical states. We considered the impact of three external factors (daytime, weekdays, and traffic accident markers) on the traffic flow prediction tasks. Experiments on two public data sets show that it makes sense to consider external factors. The prediction performance of our ABSTGCN-EF model achieves 7.2%–8.7% higher than the state-of-the-art baselines.展开更多
Short-term traffic flow prediction is one of the essential issues in intelligent transportation systems(ITS). A new two-stage traffic flow prediction method named AKNN-AVL method is presented, which combines an advanc...Short-term traffic flow prediction is one of the essential issues in intelligent transportation systems(ITS). A new two-stage traffic flow prediction method named AKNN-AVL method is presented, which combines an advanced k-nearest neighbor(AKNN)method and balanced binary tree(AVL) data structure to improve the prediction accuracy. The AKNN method uses pattern recognition two times in the searching process, which considers the previous sequences of traffic flow to forecast the future traffic state. Clustering method and balanced binary tree technique are introduced to build case database to reduce the searching time. To illustrate the effects of these developments, the accuracies performance of AKNN-AVL method, k-nearest neighbor(KNN) method and the auto-regressive and moving average(ARMA) method are compared. These methods are calibrated and evaluated by the real-time data from a freeway traffic detector near North 3rd Ring Road in Beijing under both normal and incident traffic conditions.The comparisons show that the AKNN-AVL method with the optimal neighbor and pattern size outperforms both KNN method and ARMA method under both normal and incident traffic conditions. In addition, the combinations of clustering method and balanced binary tree technique to the prediction method can increase the searching speed and respond rapidly to case database fluctuations.展开更多
Traffic flow prediction becomes an essential process for intelligent transportation systems(ITS).Though traffic sensor devices are manually controllable,traffic flow data with distinct length,uneven sampling,and missi...Traffic flow prediction becomes an essential process for intelligent transportation systems(ITS).Though traffic sensor devices are manually controllable,traffic flow data with distinct length,uneven sampling,and missing data finds challenging for effective exploitation.The traffic data has been considerably increased in recent times which cannot be handled by traditional mathematical models.The recent developments of statistic and deep learning(DL)models pave a way for the effectual design of traffic flow prediction(TFP)models.In this view,this study designs optimal attentionbased deep learning with statistical analysis for TFP(OADLSA-TFP)model.The presentedOADLSA-TFP model intends to effectually forecast the level of traffic in the environment.To attain this,the OADLSA-TFP model employs attention-based bidirectional long short-term memory(ABLSTM)model for predicting traffic flow.In order to enhance the performance of the ABLSTM model,the hyperparameter optimization process is performed using artificial fish swarm algorithm(AFSA).A wide-ranging experimental analysis is carried out on benchmark dataset and the obtained values reported the enhancements of the OADLSA-TFP model over the recent approaches mean square error(MSE),root mean square error(RMSE),and mean absolute percentage error(MAPE)of 120.342%,10.970%,and 8.146%respectively.展开更多
Water transportation today has become increasingly busy because of economic globalization.In order to solve the problem of inaccurate port traffic flow prediction,this paper proposes an algorithm based on gated recurr...Water transportation today has become increasingly busy because of economic globalization.In order to solve the problem of inaccurate port traffic flow prediction,this paper proposes an algorithm based on gated recurrent units(GRUs)and Markov residual correction to pass a fixed cross-section.To analyze the traffic flow of ships,the statistical method of ship traffic flow based on the automatic identification system(AIS)is introduced.And a model is put forward for predicting the ship flow.According to the basic principle of cyclic neural networks,the law of ship traffic flow in the channel is explored in the time series.Experiments have been performed using a large number of AIS data in the waters near Xiazhimen in Zhoushan,Ningbo,and the results show that the accuracy of the GRU-Markov algorithm is higher than that of other algorithms,proving the practicability and effectiveness of this method in ship flow prediction.展开更多
There is a paradigm shift happening in automotive industry towards electric vehicles as environment and sustainability issues gainedmomentum in the recent years among potential users.Connected and Autonomous Electric ...There is a paradigm shift happening in automotive industry towards electric vehicles as environment and sustainability issues gainedmomentum in the recent years among potential users.Connected and Autonomous Electric Vehicle(CAEV)technologies are fascinating the automakers and inducing them to manufacture connected autonomous vehicles with self-driving features such as autopilot and self-parking.Therefore,Traffic Flow Prediction(TFP)is identified as a major issue in CAEV technologies which needs to be addressed with the help of Deep Learning(DL)techniques.In this view,the current research paper presents an artificial intelligence-based parallel autoencoder for TFP,abbreviated as AIPAE-TFP model in CAEV.The presented model involves two major processes namely,feature engineering and TFP.In feature engineering process,there are multiple stages involved such as feature construction,feature selection,and feature extraction.In addition to the above,a Support Vector Data Description(SVDD)model is also used in the filtration of anomaly points and smoothen the raw data.Finally,AIPAE model is applied to determine the predictive values of traffic flow.In order to illustrate the proficiency of the model’s predictive outcomes,a set of simulations was performed and the results were investigated under distinct aspects.The experimentation outcomes verified the effectual performance of the proposed AIPAE-TFP model over other methods.展开更多
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.展开更多
Pedestrian wind flow is a critical factor in designing livable residential environments under growing complex urban conditions.Predicting pedestrian wind flow during the early design stages is essential but currently ...Pedestrian wind flow is a critical factor in designing livable residential environments under growing complex urban conditions.Predicting pedestrian wind flow during the early design stages is essential but currently suffers from inefficiencies in numerical simulations.Deep learning,particularly generative adversarial networks(GAN),has been increasingly adopted as an alternative method to provide efficient prediction of pedestrian wind flow.However,existing GAN-based wind flow prediction schemes have limitations due to the lack of considering the spatial and frequency characteristics of wind flow images.This study proposes a novel approach termed SFGAN,which embeds spatial and frequency characteristics to enhance pedestrian wind flow prediction.In the spatial domain,Gaussian blur is employed to decompose wind flow into components containing wind speed and distinguished flow edges,which are used as the embedded spatial characteristics.Detailed information of wind flow is obtained through discrete wavelet transformation and used as the embedded frequency characteristics.These spatial and frequency characteristics of wind flow are jointly utilized to enforce consistency between the predicted wind flow and ground truth during the training phase,thereby leading to enhanced predictions.Experimental results demonstrate that SFGAN clearly improves wind flow prediction,reducing Wind_MAE,Wind_RMSE and the Fréchet Inception Distance(FID)score by 5.35%,6.52%and 12.30%,compared to the previous best method,respectively.We also analyze the effectiveness of incorporating the spatial and frequency characteristics of wind flow in predicting pedestrian wind flow.SFGAN reduces errors in predicting wind flow at large error intervals and performs well in wake regions and regions surrounding buildings.The enhanced predictions provide a better understanding of performance variability,bringing insights at the early design stage to improve pedestrian wind comfort.The proposed spatial-frequency loss term is general and can be flexibly integrated with other generative models to enhance performance with only a slight computational cost.展开更多
文摘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 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.
基金Supported by Universitas Muhammadiyah Yogyakarta,Indonesia and Asia University,Taiwan.
文摘Predicting traffic flow is a crucial component of an intelligent transportation system.Precisely monitoring and predicting traffic flow remains a challenging endeavor.However,existingmethods for predicting traffic flow do not incorporate various external factors or consider the spatiotemporal correlation between spatially adjacent nodes,resulting in the loss of essential information and lower forecast performance.On the other hand,the availability of spatiotemporal data is limited.This research offers alternative spatiotemporal data with three specific features as input,vehicle type(5 types),holidays(3 types),and weather(10 conditions).In this study,the proposed model combines the advantages of the capability of convolutional(CNN)layers to extract valuable information and learn the internal representation of time-series data that can be interpreted as an image,as well as the efficiency of long short-term memory(LSTM)layers for identifying short-term and long-term dependencies.Our approach may utilize the heterogeneous spatiotemporal correlation features of the traffic flowdataset to deliver better performance traffic flow prediction than existing deep learning models.The research findings show that adding spatiotemporal feature data increases the forecast’s performance;weather by 25.85%,vehicle type by 23.70%,and holiday by 14.02%.
基金Supported by Program for Young Talents of Science and Technology in Universities of Inner Mongolia Autonomous Region(No.NJYT23060).
文摘To accurately predict traffic flow on the highways,this paper proposes a Convolutional Neural Network-Bi-directional Long Short-Term Memory-Attention Mechanism(CNN-BiLSTM-Attention)traffic flow prediction model based on Kalman-filtered data processing.Firstly,the original fluctuating data is processed by Kalman filtering,which can reduce the instability of short-term traffic flow prediction due to unexpected accidents.Then the local spatial features of the traffic data during different periods are extracted,dimensionality is reduced through a one-dimensional CNN,and the BiLSTM network is used to analyze the time series information.Finally,the Attention Mechanism assigns feature weights and performs Soft-max regression.The experimental results show that the data processed by Kalman filter is more accurate in predicting the results on the CNN-BiLSTM-Attention model.Compared with the CNN-BiLSTM model,the Root Mean Square Error(RMSE)of the Kal-CNN-BiLSTM-Attention model is reduced by 17.58 and Mean Absolute Error(MAE)by 12.38,and the accuracy of the improved model is almost free from non-working days.To further verify the model’s applicability,the experiments were re-run using two other sets of fluctuating data,and the experimental results again demonstrated the stability of the model.Therefore,the Kal-CNN-BiLSTM-Attention traffic flow prediction model proposed in this paper is more applicable to a broader range of data and has higher accuracy.
文摘Traffic flow prediction in urban areas is essential in the IntelligentTransportation System (ITS). Short Term Traffic Flow (STTF) predictionimpacts traffic flow series, where an estimation of the number of vehicleswill appear during the next instance of time per hour. Precise STTF iscritical in Intelligent Transportation System. Various extinct systems aim forshort-term traffic forecasts, ensuring a good precision outcome which was asignificant task over the past few years. The main objective of this paper is topropose a new model to predict STTF for every hour of a day. In this paper,we have proposed a novel hybrid algorithm utilizing Principal ComponentAnalysis (PCA), Stacked Auto-Encoder (SAE), Long Short Term Memory(LSTM), and K-Nearest Neighbors (KNN) named PALKNN. Firstly, PCAremoves unwanted information from the dataset and selects essential features.Secondly, SAE is used to reduce the dimension of input data using onehotencoding so the model can be trained with better speed. Thirdly, LSTMtakes the input from SAE, where the data is sorted in ascending orderbased on the important features and generates the derived value. Finally,KNN Regressor takes information from LSTM to predict traffic flow. Theforecasting performance of the PALKNN model is investigated with OpenRoad Traffic Statistics dataset, Great Britain, UK. This paper enhanced thetraffic flow prediction for every hour of a day with a minimal error value.An extensive experimental analysis was performed on the benchmark dataset.The evaluated results indicate the significant improvement of the proposedPALKNN model over the recent approaches such as KNN, SARIMA, LogisticRegression, RNN, and LSTM in terms of root mean square error (RMSE)of 2.07%, mean square error (MSE) of 4.1%, and mean absolute error (MAE)of 2.04%.
基金Supported by the National Natural Science Foundation of China(No.62162040,61966023)the Higher Educational Innovation Foundation Project of Gansu Province of China(No.2021A-028)the Science and Technology Plan of Gansu Province(No.21ZD4GA028).
文摘Aiming at the problem that ensemble empirical mode decomposition(EEMD)method can not completely neutralize the added noise in the decomposition process,which leads to poor reconstruction of decomposition results and low accuracy of traffic flow prediction,a traffic flow prediction model based on modified ensemble empirical mode decomposition(MEEMD),double-layer bidirectional long-short term memory(DBiLSTM)and attention mechanism is proposed.Firstly,the intrinsic mode functions(IMFs)and residual components(Res)are obtained by using MEEMD algorithm to decompose the original traffic data and separate the noise in the data.Secondly,the IMFs and Res are put into the DBiLSTM network for training.Finally,the attention mechanism is used to enhance the extraction of data features,then the obtained results are reconstructed and added.The experimental results show that in different scenarios,the MEEMD-DBiLSTM-attention(MEEMD-DBA)model can reduce the data reconstruction error effectively and improve the accuracy of the short-term traffic flow prediction.
基金supported by 2022 Shenyang Philosophy and Social Science Planning under grant SY202201Z,Liaoning Provincial Department of Education Project under grant LJKZ0588.
文摘Traffic flow prediction is an important component of intelligent transportation systems.Recently,unprecedented data availability and rapid development of machine learning techniques have led to tremendous progress in this field.This article first introduces the research on traffic flow prediction and the challenges it currently faces.It then proposes a classification method for literature,discussing and analyzing existing research on using machine learning methods to address traffic flow prediction from the perspectives of the prediction preparation process and the construction of prediction models.The article also summarizes innovative modules in these models.Finally,we provide improvement strategies for current baseline models and discuss the challenges and research directions in the field of traffic flow prediction in the future.
基金supported by the Program of Humanities and Social Science of Education Ministry of China(Grant No.20YJA630008)the Ningbo Natural Science Foundation of China(Grant No.202003N4142)+1 种基金the Natural Science Foundation of Zhejiang Province,China(Grant No.LY20G010004)the K.C.Wong Magna Fund in Ningbo University,China.
文摘Accurate and real-time passenger flow prediction of rail transit is an important part of intelligent transportation systems(ITS).According to previous studies,it is found that the prediction effect of a single model is not good for datasets with large changes in passenger flow characteristics and the deep learning model with added influencing factors has better prediction accuracy.In order to provide persuasive passenger flow forecast data for ITS,a deep learning model considering the influencing factors is proposed in this paper.In view of the lack of objective analysis on the selection of influencing factors by predecessors,this paper uses analytic hierarchy processes(AHP)and one-way ANOVA analysis to scientifically select the factor of time characteristics,which classifies and gives weight to the hourly passenger flow through Duncan test.Then,combining the time weight,BILSTM based model considering the hourly travel characteristics factors is proposed.The model performance is verified through the inbound passenger flow of Ningbo rail transit.The proposed model is compared with many current mainstream deep learning algorithms,the effectiveness of the BILSTM model considering influencing factors is validated.Through comparison and analysis with various evaluation indicators and other deep learning models,the results show that the R2 score of the BILSTM model considering influencing factors reaches 0.968,and the MAE value of the BILSTM model without adding influencing factors decreases by 45.61%.
基金Project(71101109) supported by the National Natural Science Foundation of China
文摘Traffic flow prediction is an important component for real-time traffic-adaptive signal control in urban arterial networks.By exploring available detector and signal controller information from neighboring intersections,a dynamic data-driven flow prediction model was developed.The model consists of two prediction components based on the signal states(red or green) for each movement at an upstream intersection.The characteristics of each signal state were carefully examined and the corresponding travel time from the upstream intersection to the approach in question at the downstream intersection was predicted.With an online turning proportion estimation method,along with the predicted travel times,the anticipated vehicle arrivals can be forecasted at the downstream intersection.The model performance was tested at a set of two signalized intersections located in the city of Gainesville,Florida,USA,using the CORSIM microscopic simulation package.Analysis results show that the model agrees well with empirical arrival data measured at 10 s intervals within an acceptable range of 10%-20%,and show a normal distribution.It is reasonably believed that the model has potential applicability for use in truly proactive real-time traffic adaptive signal control systems.
基金The authors would like to thank the National Natural Science Foundation of China(61461027)National Natural Science Foundation of China(61465007)for financial support.
文摘According to the time series characteristics of the trajectory history data,we predicted and analyzed the traffic flow.This paper proposed a LSTMXGBoost model based urban road short-term traffic flow prediction in order to analyze and solve the problems of periodicity,stationary and abnormality of time series.It can improve the traffic flow prediction effect,achieve efficient traffic guidance and traffic control.The model combined the characteristics of LSTM(Long Short-Term Memory)network and XGBoost(Extreme Gradient Boosting)algorithms.First,we used the LSTM model that increases dropout layer to train the data set after preprocessing.Second,we replaced the full connection layer with the XGBoost model.Finally,we depended on the model training to strengthen the data association,avoided the overfitting phenomenon of the fully connected layer,and enhanced the generalization ability of the prediction model.We used the Kears based on TensorFlow to build the LSTM-XGBoost model.Using speed data samples of multiple road sections in Shenzhen to complete the model verification,we achieved the comparison of the prediction effects of the model.The results show that the combined prediction model used in this paper can not only improve the accuracy of prediction,but also improve the practicability,real-time and scalability of the model.
基金Project supported by the Program of Humanities and Social Science of the Education Ministry of China(Grant No.20YJA630008)the Natural Science Foundation of Zhejiang Province,China(Grant No.LY20G010004)the K C Wong Magna Fund in Ningbo University,China。
文摘Accurate prediction of road traffic flow is a significant part in the intelligent transportation systems.Accurate prediction can alleviate traffic congestion,and reduce environmental pollution.For the management department,it can make effective use of road resources.For individuals,it can help people plan their own travel paths,avoid congestion,and save time.Owing to complex factors on the road,such as damage to the detector and disturbances from environment,the measured traffic volume can contain noise.Reducing the influence of noise on traffic flow prediction is a piece of very important work.Therefore,in this paper we propose a combination algorithm of denoising and BILSTM to effectively improve the performance of traffic flow prediction.At the same time,three denoising algorithms are compared to find the best combination mode.In this paper,the wavelet(WL) denoising scheme,the empirical mode decomposition(EMD) denoising scheme,and the ensemble empirical mode decomposition(EEMD) denoising scheme are all introduced to suppress outliers in traffic flow data.In addition,we combine the denoising schemes with bidirectional long short-term memory(BILSTM)network to predict the traffic flow.The data in this paper are cited from performance measurement system(PeMS).We choose three kinds of road data(mainline,off ramp,on ramp) to predict traffic flow.The results for mainline show that data denoising can improve prediction accuracy.Moreover,prediction accuracy of BILSTM+EEMD scheme is the highest in the three methods(BILSTM+WL,BILSTM+EMD,BILSTM+EEMD).The results for off ramp and on ramp show the same performance as the results for mainline.It is indicated that this model is suitable for different road sections and long-term prediction.
基金supported by the Civil Aviation Safety Capacity Building Project.
文摘In order to improve the accuracy and stability of terminal traffic flow prediction in convective weather,a multi-input deep learning(MICL)model is proposed.On the basis of previous studies,this paper expands the set of weather characteristics affecting the traffic flow in the terminal area,including weather forecast data and Meteorological Report of Aerodrome Conditions(METAR)data.The terminal airspace is divided into smaller areas based on function and the weather severity index(WSI)characteristics extracted from weather forecast data are established to better quantify the impact of weather.MICL model preserves the advantages of the convolution neural network(CNN)and the long short-term memory(LSTM)model,and adopts two channels to input WSI and METAR information,respectively,which can fully reflect the temporal and spatial distribution characteristics of weather in the terminal area.Multi-scene experiments are designed based on the real historical data of Guangzhou Terminal Area operating in typical convective weather.The results show that the MICL model has excellent performance in mean squared error(MSE),root MSE(RMSE),mean absolute error(MAE)and other performance indicators compared with the existing machine learning models or deep learning models,such as Knearest neighbor(KNN),support vector regression(SVR),CNN and LSTM.In the forecast period ranging from 30 min to 6 h,the MICL model has the best prediction accuracy and stability.
文摘Traffic flow prediction,as the basis of signal coordination and travel time prediction,has become a research point in the field of transportation.For traffic flow prediction,researchers have proposed a variety of methods,but most of these methods only use the time domain information of traffic flow data to predict the traffic flow,ignoring the impact of spatial correlation on the prediction of target road segment flow,which leads to poor prediction accuracy.In this paper,a traffic flow prediction model called as long short time memory and random forest(LSTM-RF)was proposed based on the combination model.In the process of traffic flow prediction,the long short time memory(LSTM)model was used to extract the time sequence features of the predicted target road segment.Then,the predicted value of LSTM and the collected information of adjacent upstream and downstream sections were simultaneously used as the input features of the random forest model to analyze the spatial-temporal correlation of traffic flow,so as to obtain the final prediction results.The traffic flow data of 132 urban road sections collected by the license plate recognition system in Guiyang City were tested and verified.The results show that the method is better than the single model in prediction accuracy,and the prediction error is obviously reduced compared with the single model.
基金supported by the Nation Natural Science Foundation of China(NSFC)under Grant No.61462042 and No.61966018.
文摘Traffic flow prediction is an important part of the intelligent transportation system. Accurate multi-step traffic flow prediction plays an important role in improving the operational efficiency of the traffic network. Since traffic flow data has complex spatio-temporal correlation and non-linearity, existing prediction methods are mainly accomplished through a combination of a Graph Convolutional Network (GCN) and a recurrent neural network. The combination strategy has an excellent performance in traffic prediction tasks. However, multi-step prediction error accumulates with the predicted step size. Some scholars use multiple sampling sequences to achieve more accurate prediction results. But it requires high hardware conditions and multiplied training time. Considering the spatiotemporal correlation of traffic flow and influence of external factors, we propose an Attention Based Spatio-Temporal Graph Convolutional Network considering External Factors (ABSTGCN-EF) for multi-step traffic flow prediction. This model models the traffic flow as diffusion on a digraph and extracts the spatial characteristics of traffic flow through GCN. We add meaningful time-slots attention to the encoder-decoder to form an Attention Encoder Network (AEN) to handle temporal correlation. The attention vector is used as a competitive choice to draw the correlation between predicted states and historical states. We considered the impact of three external factors (daytime, weekdays, and traffic accident markers) on the traffic flow prediction tasks. Experiments on two public data sets show that it makes sense to consider external factors. The prediction performance of our ABSTGCN-EF model achieves 7.2%–8.7% higher than the state-of-the-art baselines.
基金Project(2012CB725403)supported by the National Basic Research Program of ChinaProjects(71210001,51338008)supported by the National Natural Science Foundation of ChinaProject supported by World Capital Cities Smooth Traffic Collaborative Innovation Center and Singapore National Research Foundation Under Its Campus for Research Excellence and Technology Enterprise(CREATE)Programme
文摘Short-term traffic flow prediction is one of the essential issues in intelligent transportation systems(ITS). A new two-stage traffic flow prediction method named AKNN-AVL method is presented, which combines an advanced k-nearest neighbor(AKNN)method and balanced binary tree(AVL) data structure to improve the prediction accuracy. The AKNN method uses pattern recognition two times in the searching process, which considers the previous sequences of traffic flow to forecast the future traffic state. Clustering method and balanced binary tree technique are introduced to build case database to reduce the searching time. To illustrate the effects of these developments, the accuracies performance of AKNN-AVL method, k-nearest neighbor(KNN) method and the auto-regressive and moving average(ARMA) method are compared. These methods are calibrated and evaluated by the real-time data from a freeway traffic detector near North 3rd Ring Road in Beijing under both normal and incident traffic conditions.The comparisons show that the AKNN-AVL method with the optimal neighbor and pattern size outperforms both KNN method and ARMA method under both normal and incident traffic conditions. In addition, the combinations of clustering method and balanced binary tree technique to the prediction method can increase the searching speed and respond rapidly to case database fluctuations.
基金This project was funded by the Deanship of Scientific Research(DSR)at King Abdulaziz University(KAU),Jeddah,Saudi Arabia,under grant no.(G:665-980-1441).
文摘Traffic flow prediction becomes an essential process for intelligent transportation systems(ITS).Though traffic sensor devices are manually controllable,traffic flow data with distinct length,uneven sampling,and missing data finds challenging for effective exploitation.The traffic data has been considerably increased in recent times which cannot be handled by traditional mathematical models.The recent developments of statistic and deep learning(DL)models pave a way for the effectual design of traffic flow prediction(TFP)models.In this view,this study designs optimal attentionbased deep learning with statistical analysis for TFP(OADLSA-TFP)model.The presentedOADLSA-TFP model intends to effectually forecast the level of traffic in the environment.To attain this,the OADLSA-TFP model employs attention-based bidirectional long short-term memory(ABLSTM)model for predicting traffic flow.In order to enhance the performance of the ABLSTM model,the hyperparameter optimization process is performed using artificial fish swarm algorithm(AFSA).A wide-ranging experimental analysis is carried out on benchmark dataset and the obtained values reported the enhancements of the OADLSA-TFP model over the recent approaches mean square error(MSE),root mean square error(RMSE),and mean absolute percentage error(MAPE)of 120.342%,10.970%,and 8.146%respectively.
文摘Water transportation today has become increasingly busy because of economic globalization.In order to solve the problem of inaccurate port traffic flow prediction,this paper proposes an algorithm based on gated recurrent units(GRUs)and Markov residual correction to pass a fixed cross-section.To analyze the traffic flow of ships,the statistical method of ship traffic flow based on the automatic identification system(AIS)is introduced.And a model is put forward for predicting the ship flow.According to the basic principle of cyclic neural networks,the law of ship traffic flow in the channel is explored in the time series.Experiments have been performed using a large number of AIS data in the waters near Xiazhimen in Zhoushan,Ningbo,and the results show that the accuracy of the GRU-Markov algorithm is higher than that of other algorithms,proving the practicability and effectiveness of this method in ship flow prediction.
文摘There is a paradigm shift happening in automotive industry towards electric vehicles as environment and sustainability issues gainedmomentum in the recent years among potential users.Connected and Autonomous Electric Vehicle(CAEV)technologies are fascinating the automakers and inducing them to manufacture connected autonomous vehicles with self-driving features such as autopilot and self-parking.Therefore,Traffic Flow Prediction(TFP)is identified as a major issue in CAEV technologies which needs to be addressed with the help of Deep Learning(DL)techniques.In this view,the current research paper presents an artificial intelligence-based parallel autoencoder for TFP,abbreviated as AIPAE-TFP model in CAEV.The presented model involves two major processes namely,feature engineering and TFP.In feature engineering process,there are multiple stages involved such as feature construction,feature selection,and feature extraction.In addition to the above,a Support Vector Data Description(SVDD)model is also used in the filtration of anomaly points and smoothen the raw data.Finally,AIPAE model is applied to determine the predictive values of traffic flow.In order to illustrate the proficiency of the model’s predictive outcomes,a set of simulations was performed and the results were investigated under distinct aspects.The experimentation outcomes verified the effectual performance of the proposed AIPAE-TFP model over other methods.
基金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.
基金This work was financially supported by the Beijing Municipal Natural Science Foundation[No.4232021]the National Natural Science Foundation of China[No.62271036,No.62271035,No.62101022]+1 种基金the Pyramid Talent Training Project of Beijing University of Civil Engineering and Architecture[No.JDYC20220818]theYoung teachers research ability enhancement program of Beijing University of Civil Engineering and Architecture[No.X21083].
文摘Pedestrian wind flow is a critical factor in designing livable residential environments under growing complex urban conditions.Predicting pedestrian wind flow during the early design stages is essential but currently suffers from inefficiencies in numerical simulations.Deep learning,particularly generative adversarial networks(GAN),has been increasingly adopted as an alternative method to provide efficient prediction of pedestrian wind flow.However,existing GAN-based wind flow prediction schemes have limitations due to the lack of considering the spatial and frequency characteristics of wind flow images.This study proposes a novel approach termed SFGAN,which embeds spatial and frequency characteristics to enhance pedestrian wind flow prediction.In the spatial domain,Gaussian blur is employed to decompose wind flow into components containing wind speed and distinguished flow edges,which are used as the embedded spatial characteristics.Detailed information of wind flow is obtained through discrete wavelet transformation and used as the embedded frequency characteristics.These spatial and frequency characteristics of wind flow are jointly utilized to enforce consistency between the predicted wind flow and ground truth during the training phase,thereby leading to enhanced predictions.Experimental results demonstrate that SFGAN clearly improves wind flow prediction,reducing Wind_MAE,Wind_RMSE and the Fréchet Inception Distance(FID)score by 5.35%,6.52%and 12.30%,compared to the previous best method,respectively.We also analyze the effectiveness of incorporating the spatial and frequency characteristics of wind flow in predicting pedestrian wind flow.SFGAN reduces errors in predicting wind flow at large error intervals and performs well in wake regions and regions surrounding buildings.The enhanced predictions provide a better understanding of performance variability,bringing insights at the early design stage to improve pedestrian wind comfort.The proposed spatial-frequency loss term is general and can be flexibly integrated with other generative models to enhance performance with only a slight computational cost.