期刊文献+
共找到20篇文章
< 1 >
每页显示 20 50 100
Multi-scale persistent spatiotemporal transformer for long-term urban traffic flow prediction
1
作者 Jia-Jun Zhong Yong Ma +3 位作者 Xin-Zheng Niu Philippe Fournier-Viger Bing Wang Zu-kuan Wei 《Journal of Electronic Science and Technology》 EI CAS CSCD 2024年第1期53-69,共17页
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. 展开更多
关键词 Graph neural network Multi-head attention mechanism Spatio-temporal dependency traffic flow prediction
下载PDF
Traffic Flow Prediction with Heterogenous Data Using a Hybrid CNN-LSTM Model
2
作者 Jing-Doo Wang Chayadi Oktomy Noto Susanto 《Computers, Materials & Continua》 SCIE EI 2023年第9期3097-3112,共16页
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%. 展开更多
关键词 Heterogeneous data traffic flow prediction deep learning CNN LSTM
下载PDF
Kalman Filter-Based CNN-BiLSTM-ATT Model for Traffic Flow Prediction
3
作者 Hong Zhang Gang Yang +1 位作者 Hailiang Yu Zan Zheng 《Computers, Materials & Continua》 SCIE EI 2023年第7期1047-1063,共17页
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. 展开更多
关键词 HIGHWAY traffic flow prediction Kalman filter CNN-BiLSTM-Attention
下载PDF
Short Term Traffic Flow Prediction Using Hybrid Deep Learning
4
作者 Mohandu Anjaneyulu Mohan Kubendiran 《Computers, Materials & Continua》 SCIE EI 2023年第4期1641-1656,共16页
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%. 展开更多
关键词 Short term traffic flow prediction principal component analysis stacked auto encoders long short term memory k nearest neighbors:intelligent transportation system
下载PDF
MEEMD-DBA-based short term traffic flow prediction
5
作者 张玺君 HAO Jun +1 位作者 NIE Shengyuan CUI Yong 《High Technology Letters》 EI CAS 2023年第1期41-49,共9页
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. 展开更多
关键词 modified ensemble empirical mode decomposition(MEEMD) double bidirectional-directional gated recurrent unit(DBiGRU) attention mechanism traffic flow prediction
下载PDF
Overview of machine learning-based traffic flow prediction
6
作者 Zhibo Xing Mingxia Huang Dan Peng 《Digital Transportation and Safety》 2023年第3期164-175,共12页
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. 展开更多
关键词 traffic flow prediction Machine learning Intelligent transportation Deep learning
下载PDF
Short-Term Traffic Flow Prediction Based on LSTM-XGBoost Combination Model 被引量:2
7
作者 Xijun Zhang Qirui Zhang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2020年第10期95-109,共15页
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. 展开更多
关键词 traffic flow prediction time series LSTM XGBoost deep learning
下载PDF
Traffic flow prediction based on BILSTM model and data denoising scheme 被引量:2
8
作者 李中昱 葛红霞 程荣军 《Chinese Physics B》 SCIE EI CAS CSCD 2022年第4期191-200,共10页
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. 展开更多
关键词 traffic flow prediction bidirectional long short-term memory network data denoising
原文传递
Optimal Logistics Activities Based Deep Learning Enabled Traffic Flow Prediction Model
9
作者 Basim Aljabhan Mahmoud Ragab +1 位作者 Sultanah M.Alshammari Abdullah S.Al-Malaise Al-Ghamdi 《Computers, Materials & Continua》 SCIE EI 2022年第12期5269-5282,共14页
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. 展开更多
关键词 traffic flow prediction deep learning artificial fish swarm algorithm mass gatherings statistical analysis LOGISTICS
下载PDF
Attention-based spatio-temporal graph convolutional network considering external factors for multi-step traffic flow prediction
10
作者 Jihua Ye Shengjun Xue Aiwen Jiang 《Digital Communications and Networks》 SCIE CSCD 2022年第3期343-350,共8页
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. 展开更多
关键词 Multi-step traffic flow prediction Graph convolutional network External factors Attentional encoder network Spatiotemporal correlation
下载PDF
AI Based Traffic Flow Prediction Model for Connected and Autonomous Electric Vehicles
11
作者 P.Thamizhazhagan M.Sujatha +4 位作者 S.Umadevi K.Priyadarshini Velmurugan Subbiah Parvathy Irina V.Pustokhina Denis A.Pustokhin 《Computers, Materials & Continua》 SCIE EI 2022年第2期3333-3347,共15页
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. 展开更多
关键词 Autonomous electric vehicle traffic flow predictive automation industry connected vehicles seep learning
下载PDF
Inatorial forecasting method considering macro and micro characteristics of chaotic traffic flow
12
作者 侯越 张迪 +1 位作者 李达 杨萍 《Chinese Physics B》 SCIE EI CAS CSCD 2023年第10期350-362,共13页
Traffic flow prediction is an effective strategy to assess traffic conditions and alleviate traffic congestion. Influenced by external non-stationary factors and road network structure, traffic flow sequences have mac... Traffic flow prediction is an effective strategy to assess traffic conditions and alleviate traffic congestion. Influenced by external non-stationary factors and road network structure, traffic flow sequences have macro spatiotemporal characteristics and micro chaotic characteristics. The key to improving the model prediction accuracy is to fully extract the macro and micro characteristics of traffic flow time sequences. However, traditional prediction model by only considers time features of traffic data, ignoring spatial characteristics and nonlinear characteristics of the data itself, resulting in poor model prediction performance. In view of this, this research proposes an intelligent combination prediction model taking into account the macro and micro features of chaotic traffic data. Firstly, to address the problem of time-consuming and inefficient multivariate phase space reconstruction by iterating nodes one by one, an improved multivariate phase space reconstruction method is proposed by filtering global representative nodes to effectively realize the high-dimensional mapping of chaotic traffic flow. Secondly, to address the problem that the traditional combinatorial model is difficult to adequately learn the macro and micro characteristics of chaotic traffic data, a combination of convolutional neural network(CNN) and convolutional long short-term memory(ConvLSTM) is utilized for capturing nonlinear features of traffic flow more comprehensively. Finally,to overcome the challenge that the combined model performance degrades due to subjective empirical determined network parameters, an improved lightweight particle swarm is proposed for improving prediction accuracy by optimizing model hyperparameters. In this paper, two highway datasets collected by the Caltrans Performance Measurement System(PeMS)are taken as the research objects, and the experimental results from multiple perspectives show that the comprehensive performance of the method proposed in this research is superior to those of the prevalent methods. 展开更多
关键词 traffic flow prediction phase space reconstruction particle swarm optimization algorithm deep learning models
原文传递
An Innovative Approach for the Short-term Traffic Flow Prediction 被引量:1
13
作者 Xing Su Minghui Fan +2 位作者 Minjie Zhang Yi Liang Limin Guo 《Journal of Systems Science and Systems Engineering》 SCIE EI CSCD 2021年第5期519-532,共14页
Traffic flow prediction plays an important role in intelligent transportation applications,such as traffic control,navigation,path planning,etc.,which are closely related to people's daily life.In the last twenty ... Traffic flow prediction plays an important role in intelligent transportation applications,such as traffic control,navigation,path planning,etc.,which are closely related to people's daily life.In the last twenty years,many traffic flow prediction approaches have been proposed.However,some of these approaches use the regression based mechanisms,which cannot achieve accurate short-term traffic flow predication.While,other approaches use the neural network based mechanisms,which cannot work well with limited amount of training data.To this end,a light weight tensor-based traffic flow prediction approach is proposed,which can achieve efficient and accurate short-term traffic flow prediction with continuous traffic flow data in a limited period of time.In the proposed approach,first,a tensor-based traffic flow model is proposed to establish the multi-dimensional relationships for traffic flow values in continuous time intervals.Then,a CANDECOMP/PARAFAC decomposition based algorithm is employed to complete the missing values in the constructed tensor.Finally,the completed tensor can be directly used to achieve efficient and accurate traffic flow prediction.The experiments on the real dataset indicate that the proposed approach outperforms many current approaches on traffic flow prediction with limited amount of traffic flow data. 展开更多
关键词 Short-term traffic flow prediction TENSOR CP decomposition limited amount of data
原文传递
MCA-TFP Model:A Short-Term Traffic Flow Prediction Model Based on Multi-characteristic Analysis
14
作者 Xiujuan Xu Lu Xu +3 位作者 Yulin Bai Zhenzhen Xu Xiaowei Zhao Yu Liu 《国际计算机前沿大会会议论文集》 2020年第2期274-289,共16页
With the urbanization,urban transportation has become a key factor restricting the development of a city.In a big city,it is important to improve the efficiency of urban transportation.The key to realize short-term tr... With the urbanization,urban transportation has become a key factor restricting the development of a city.In a big city,it is important to improve the efficiency of urban transportation.The key to realize short-term traffic flow prediction is to learn its complex spatial correlation,temporal correlation and randomness of traffic flow.In this paper,the convolution neural network(CNN)is proposed to deal with spatial correlation among different regions,considering that the large urban areas leads to a relatively deep Network layer.First three gated recurrent unit(GRU)were used to deal with recent time dependence,daily period dependence and weekly period dependence.Considering that each historical period data to forecast the influence degree of the time period is different,three attention mechanism was taken into GRU.Second,a twolayer full connection network was applied to deal with the randomness of short-term flow combined with additional information such as weather data.Besides,the prediction model was established by combining these three modules.Furthermore,in order to verify the influence of spatial correlation on prediction model,an urban functional area identification model was introduced to identify different functional regions.Finally,the proposed model was validated based on the history of New York City taxi order data and reptiles for weather data.The experimental results show that the prediction precision of our model is obviously superior to the mainstream of the existing prediction methods. 展开更多
关键词 Urban transportation Short-term traffic flow prediction Multi-characteristic analysis MCA-TFP model
原文传递
Prediction of elevator traffic flow based on SVM and phase space reconstruction 被引量:4
15
作者 唐海燕 齐维贵 丁宝 《Journal of Harbin Institute of Technology(New Series)》 EI CAS 2011年第3期111-114,共4页
To make elevator group control system better follow the change of elevator traffic flow (ETF) in order to adjust the control strategy,the prediction method of support vector machine (SVM) in combination with phase spa... To make elevator group control system better follow the change of elevator traffic flow (ETF) in order to adjust the control strategy,the prediction method of support vector machine (SVM) in combination with phase space reconstruction has been proposed for ETF.Firstly,the phase space reconstruction for elevator traffic flow time series (ETFTS) is processed.Secondly,the small data set method is applied to calculate the largest Lyapunov exponent to judge the chaotic property of ETF.Then prediction model of ETFTS based on SVM is founded.Finally,the method is applied to predict the time series for the incoming and outgoing passenger flow respectively using ETF data collected in some building.Meanwhile,it is compared with RBF neural network model.Simulation results show that the trend of factual traffic flow is better followed by predictive traffic flow.SVM algorithm has much better prediction performance.The fitting and prediction of ETF with better effect are realized. 展开更多
关键词 support vector machine phase space reconstruction prediction of elevator traffic flow RBF neural network
下载PDF
Sustainable Energy Management with Traffic Prediction Strategy for Autonomous Vehicle Systems
16
作者 Manar Ahmed Hamza Masoud Alajmi +3 位作者 Jaber SAlzahrani Siwar Ben Haj Hassine Abdelwahed Motwakel Ishfaq Yaseen 《Computers, Materials & Continua》 SCIE EI 2022年第8期3465-3479,共15页
Recent advancements of the intelligent transportation system(ITS)provide an effective way of improving the overall efficiency of the energy management strategy(EMSs)for autonomous vehicles(AVs).The use of AVs possesse... Recent advancements of the intelligent transportation system(ITS)provide an effective way of improving the overall efficiency of the energy management strategy(EMSs)for autonomous vehicles(AVs).The use of AVs possesses many advantages such as congestion control,accident prevention,and etc.However,energy management and traffic flow prediction(TFP)still remains a challenging problem in AVs.The complexity and uncertainties of driving situations adequately affect the outcome of the designed EMSs.In this view,this paper presents novel sustainable energy management with traffic flow prediction strategy(SEM-TPS)for AVs.The SEM-TPS technique applies type II fuzzy logic system(T2FLS)energy management scheme to accomplish the desired engine torque based on distinct parameters.In addition,the membership functions of the T2FLS scheme are chosen optimally using the barnacles mating optimizer(BMO).For accurate TFP,the bidirectional gated recurrent neural network(Bi-GRNN)model is used in AVs.A comprehensive experimental validation process is performed and the results are inspected with respect to several evaluation metrics.The experimental outcomes highlighted the supreme performance of the SEM-TPS technique over the recent state of art approaches. 展开更多
关键词 Sustainable energy TRANSPORTATION energy management traffic flow prediction soft computing deep learning
下载PDF
Intelligent Slime Mould Optimization with Deep Learning Enabled Traffic Prediction in Smart Cities
17
作者 Manar Ahmed Hamza Hadeel Alsolai +5 位作者 Jaber S.Alzahrani Mohammad Alamgeer Mohamed Mahmoud Sayed Abu Sarwar Zamani Ishfaq Yaseen Abdelwahed Motwakel 《Computers, Materials & Continua》 SCIE EI 2022年第12期6563-6577,共15页
Intelligent Transportation System(ITS)is one of the revolutionary technologies in smart cities that helps in reducing traffic congestion and enhancing traffic quality.With the help of big data and communication techno... Intelligent Transportation System(ITS)is one of the revolutionary technologies in smart cities that helps in reducing traffic congestion and enhancing traffic quality.With the help of big data and communication technologies,ITS offers real-time investigation and highly-effective traffic management.Traffic Flow Prediction(TFP)is a vital element in smart city management and is used to forecast the upcoming traffic conditions on transportation network based on past data.Neural Network(NN)and Machine Learning(ML)models are widely utilized in resolving real-time issues since these methods are capable of dealing with adaptive data over a period of time.Deep Learning(DL)is a kind of ML technique which yields effective performance on data classification and prediction tasks.With this motivation,the current study introduces a novel Slime Mould Optimization(SMO)model with Bidirectional Gated Recurrent Unit(BiGRU)model for Traffic Prediction(SMOBGRU-TP)in smart cities.Initially,data preprocessing is performed to normalize the input data in the range of[0,1]using minmax normalization approach.Besides,BiGRUmodel is employed for effective forecasting of traffic in smart cities.Moreover,the novelty of the work lies in using SMO algorithm to effectively adjust the hyperparameters of BiGRU method.The proposed SMOBGRU-TP model was experimentally validated and the simulation results established the model’s superior performance in terms of prediction compared to existing techniques. 展开更多
关键词 Smart cities traffic flow prediction slime mould optimization algorithm deep learning intelligent models
下载PDF
Forecasting traffic flows in irregular regions with multi-graph 被引量:2
18
作者 Dewen SENG Fanshun LV +2 位作者 Ziyi LIANG Xiaoying SHI Qiming FANG 《Frontiers of Information Technology & Electronic Engineering》 SCIE EI CSCD 2021年第9期1179-1193,共15页
The prediction of regional traffic flows is important for traffic control and management in an intelligent traffic system.With the help of deep neural networks,the convolutional neural network or residual neural netwo... The prediction of regional traffic flows is important for traffic control and management in an intelligent traffic system.With the help of deep neural networks,the convolutional neural network or residual neural network,which can be applied only to regular grids,is adopted to capture the spatial dependence for flow prediction.However,the obtained regions are always irregular considering the road network and administrative boundaries;thus,dividing the city into grids is inaccurate for prediction.In this paper,we propose a new model based on multi-graph convolutional network and gated recurrent unit(MGCN-GRU)to predict traffic flows for irregular regions.Specifically,we first construct heterogeneous inter-region graphs for a city to reflect the rela-tionships among regions.In each graph,nodes represent the irregular regions and edges represent the relationship types between regions.Then,we propose a multi-graph convolutional network to fuse different inter-region graphs and additional attributes.The GRU is further used to capture the temporal dependence and to predict future traffic flows.Experimental results based on three real-world large-scale datasets(public bicycle system dataset,taxi dataset,and dockless bike-sharing dataset)show that our MGCN-GRU model outperforms a variety of existing methods. 展开更多
关键词 traffic flow prediction Multi-graph convolutional network Gated recurrent unit Irregular regions
原文传递
An Optimal Deep Learning for Cooperative Intelligent Transportation System
19
作者 K.Lakshmi Srinivas Nagineni +4 位作者 E.Laxmi Lydia A.Francis Saviour Devaraj Sachi Nandan Mohanty Irina V.Pustokhina Denis A.Pustokhin 《Computers, Materials & Continua》 SCIE EI 2022年第7期19-35,共17页
Cooperative Intelligent Transport System(C-ITS)plays a vital role in the future road traffic management system.A vital element of C-ITS comprises vehicles,road side units,and traffic command centers,which produce a ma... Cooperative Intelligent Transport System(C-ITS)plays a vital role in the future road traffic management system.A vital element of C-ITS comprises vehicles,road side units,and traffic command centers,which produce a massive quantity of data comprising both mobility and service-related data.For the extraction of meaningful and related details out of the generated data,data science acts as an essential part of the upcoming C-ITS applications.At the same time,prediction of short-term traffic flow is highly essential to manage the traffic accurately.Due to the rapid increase in the amount of traffic data,deep learning(DL)models are widely employed,which uses a non-parametric approach for dealing with traffic flow forecasting.This paper focuses on the design of intelligent deep learning based short-termtraffic flow prediction(IDL-STFLP)model for C-ITS that assists the people in various ways,namely optimization of signal timing by traffic signal controllers,travelers being able to adapt and alter their routes,and so on.The presented IDLSTFLP model operates on two main stages namely vehicle counting and traffic flow prediction.The IDL-STFLP model employs the Fully Convolutional Redundant Counting(FCRC)based vehicle count process.In addition,deep belief network(DBN)model is applied for the prediction of short-term traffic flow.To further improve the performance of the DBN in traffic flow prediction,it will be optimized by Quantum-behaved bat algorithm(QBA)which optimizes the tunable parameters of DBN.Experimental results based on benchmark dataset show that the presented method can count vehicles and predict traffic flowin real-time with amaximumperformance under dissimilar environmental situations. 展开更多
关键词 Cooperative intelligent transportation systems traffic flow prediction deep belief network deep learning vehicle counting
下载PDF
PURP: A Scalable System for Predicting Short-Term Urban TrafficFlow Based on License Plate Recognition Data
20
作者 Shan Zhang Qinkai Jiang +2 位作者 Hao Li Bin Cao Jing Fan 《Big Data Mining and Analytics》 EI 2024年第1期171-187,共17页
Accurate and efficient urban traffic flow prediction can help drivers identify road traffic conditions in real-time,consequently helping them avoid congestion and accidents to a certain extent.However,the existing met... Accurate and efficient urban traffic flow prediction can help drivers identify road traffic conditions in real-time,consequently helping them avoid congestion and accidents to a certain extent.However,the existing methods for real-time urban traffic flow prediction focus on improving the model prediction accuracy or efficiency while ignoring the training efficiency,which results in a prediction system that lacks the scalability to integrate real-time traffic flow into the training procedure.To conduct accurate and real-time urban traffic flow prediction while considering the latest historical data and avoiding time-consuming online retraining,herein,we propose a scalable system for Predicting short-term URban traffic flow in real-time based on license Plate recognition data(PURP).First,to ensure prediction accuracy,PURP constructs the spatio-temporal contexts of traffic flow prediction from License Plate Recognition(LPR)data as effective characteristics.Subsequently,to utilize the recent data without retraining the model online,PURP uses the nonparametric method k-Nearest Neighbor(namely KNN)as the prediction framework because the KNN can efficiently identify the top-k most similar spatio-temporal contexts and make predictions based on these contexts without time-consuming model retraining online.The experimental results show that PURP retains strong prediction efficiency as the prediction period increases. 展开更多
关键词 traffic flow prediction k-Nearest Neighbor(KNN) License Plate Recognition(LPR)data spatio-temporalcontext
原文传递
上一页 1 下一页 到第
使用帮助 返回顶部