Maritime transportation,a cornerstone of global trade,faces increasing safety challenges due to growing sea traffic volumes.This study proposes a novel approach to vessel trajectory prediction utilizing Automatic Iden...Maritime transportation,a cornerstone of global trade,faces increasing safety challenges due to growing sea traffic volumes.This study proposes a novel approach to vessel trajectory prediction utilizing Automatic Identification System(AIS)data and advanced deep learning models,including Long Short-Term Memory(LSTM),Gated Recurrent Unit(GRU),Bidirectional LSTM(DBLSTM),Simple Recurrent Neural Network(SimpleRNN),and Kalman Filtering.The research implemented rigorous AIS data preprocessing,encompassing record deduplication,noise elimination,stationary simplification,and removal of insignificant trajectories.Models were trained using key navigational parameters:latitude,longitude,speed,and heading.Spatiotemporal aware processing through trajectory segmentation and topological data analysis(TDA)was employed to capture dynamic patterns.Validation using a three-month AIS dataset demonstrated significant improvements in prediction accuracy.The GRU model exhibited superior performance,achieving training losses of 0.0020(Mean Squared Error,MSE)and 0.0334(Mean Absolute Error,MAE),with validation losses of 0.0708(MSE)and 0.1720(MAE).The LSTM model showed comparable efficacy,with training losses of 0.0011(MSE)and 0.0258(MAE),and validation losses of 0.2290(MSE)and 0.2652(MAE).Both models demonstrated reductions in training and validation losses,measured by MAE,MSE,Average Displacement Error(ADE),and Final Displacement Error(FDE).This research underscores the potential of advanced deep learning models in enhancing maritime safety through more accurate trajectory predictions,contributing significantly to the development of robust,intelligent navigation systems for the maritime industry.展开更多
Natural events have had a significant impact on overall flight activity,and the aviation industry plays a vital role in helping society cope with the impact of these events.As one of the most impactful weather typhoon...Natural events have had a significant impact on overall flight activity,and the aviation industry plays a vital role in helping society cope with the impact of these events.As one of the most impactful weather typhoon seasons appears and continues,airlines operating in threatened areas and passengers having travel plans during this time period will pay close attention to the development of tropical storms.This paper proposes a deep multimodal fusion and multitasking trajectory prediction model that can improve the reliability of typhoon trajectory prediction and reduce the quantity of flight scheduling cancellation.The deep multimodal fusion module is formed by deep fusion of the feature output by multiple submodal fusion modules,and the multitask generation module uses longitude and latitude as two related tasks for simultaneous prediction.With more dependable data accuracy,problems can be analysed rapidly and more efficiently,enabling better decision-making with a proactive versus reactive posture.When multiple modalities coexist,features can be extracted from them simultaneously to supplement each other’s information.An actual case study,the typhoon Lichma that swept China in 2019,has demonstrated that the algorithm can effectively reduce the number of unnecessary flight cancellations compared to existing flight scheduling and assist the new generation of flight scheduling systems under extreme weather.展开更多
Accurate prediction of the movement trajectory of sea surface targets holds significant importance in achieving an advantageous position in the sea battle field.This prediction plays a crucial role in ensuring securit...Accurate prediction of the movement trajectory of sea surface targets holds significant importance in achieving an advantageous position in the sea battle field.This prediction plays a crucial role in ensuring security defense and confrontation,and is essential for effective deployment of military strategy.Accurately predicting the trajectory of sea surface targets using AIS(Automatic Identification System)information is crucial for security defense and confrontation,and holds significant importance for military strategy deployment.In response to the problem of insufficient accuracy in ship trajectory prediction,this study proposes a hybrid genetic algorithm to optimize the Long Short-Term Memory(LSTM)algorithm.The HGA-LSTM algorithm is proposed for ship trajectory prediction.It can converge faster and obtain better parameter solutions,thereby improving the effectiveness of ship trajectory prediction.Compared to traditional LSTM and GA-LSTM algorithms,experimental results demonstrate that this algorithm outperforms them in both single-step and multi-step prediction.展开更多
Target maneuver trajectory prediction is an important prerequisite for air combat situation awareness and maneuver decision-making.However,how to use a large amount of trajectory data generated by air combat confronta...Target maneuver trajectory prediction is an important prerequisite for air combat situation awareness and maneuver decision-making.However,how to use a large amount of trajectory data generated by air combat confrontation training to achieve real-time and accurate prediction of target maneuver trajectory is an urgent problem to be solved.To solve this problem,in this paper,a hybrid algorithm based on transfer learning,online learning,ensemble learning,regularization technology,target maneuvering segmentation point recognition algorithm,and Volterra series,abbreviated as AERTrOS-Volterra is proposed.Firstly,the model makes full use of a large number of trajectory sample data generated by air combat confrontation training,and constructs a Tr-Volterra algorithm framework suitable for air combat target maneuver trajectory prediction,which realizes the extraction of effective information from the historical trajectory data.Secondly,in order to improve the real-time online prediction accuracy and robustness of the prediction model in complex electromagnetic environments,on the basis of the TrVolterra algorithm framework,a robust regularized online Sequential Volterra prediction model is proposed by integrating online learning method,regularization technology and inverse weighting calculation method based on the priori error.Finally,inspired by the preferable performance of models ensemble,ensemble learning scheme is also incorporated into our proposed algorithm,which adaptively updates the ensemble prediction model according to the performance of the model on real-time samples and the recognition results of target maneuvering segmentation points,including the adaptation of model weights;adaptation of parameters;and dynamic inclusion and removal of models.Compared with many existing time series prediction methods,the newly proposed target maneuver trajectory prediction algorithm can fully mine the prior knowledge contained in the historical data to assist the current prediction.The rationality and effectiveness of the proposed algorithm are verified by simulation on three sets of chaotic time series data sets and a set of real target maneuver trajectory data sets.展开更多
Drag anchor is one of the most commonly used anchorage foundation types. The prediction of embedded trajectory in the process of drag anchor installation is of great importance to the safety design of mooring system. ...Drag anchor is one of the most commonly used anchorage foundation types. The prediction of embedded trajectory in the process of drag anchor installation is of great importance to the safety design of mooring system. In this paper, the ultimate anchor holding capacity in the seabed soil is calculated through the established finite element model, and then the embedded motion trajectory is predicted applying the incremental calculation method. Firstly, the drag anchor initial embedded depth and inclination angle are assumed, which are regarded as the start embedded point. Secondly, in each incremental step, the incremental displacement of drag anchor is added along the parallel direction of anchor plate, so the displacement increment of drag anchor in the horizontal and vertical directions can be calculated. Thirdly, the finite element model of anchor is established considering the seabed soil and anchor interaction, and the ultimate drag anchor holding capacity at new position can be obtained. Fourthly, the angle between inverse catenary mooring line and horizontal plane at the attachment point at this increment step can be calculated through the inverse catenary equation. Finally, the incremental step is ended until the angle of drag anchor and seabed soil is zero as the ultimate embedded state condition, thus, the whole embedded trajectory of drag anchor is obtained. Meanwhile, the influences of initial parameter changes on the embedded trajectory are considered. Based on the proposed method, the prediction of drag anchor trajectory and the holding capacity of mooring position system can be provided.展开更多
The aviation industry has seen significant advancements in safety procedures over the past few decades, resulting in a steady decline in aviation deaths worldwide. However, the safety standards in General Aviation (GA...The aviation industry has seen significant advancements in safety procedures over the past few decades, resulting in a steady decline in aviation deaths worldwide. However, the safety standards in General Aviation (GA) are still lower compared to those in commercial aviation. With the anticipated growth in air travel, there is an imminent need to improve operational safety in GA. One way to improve aircraft and operational safety is through trajectory prediction. Trajectory prediction plays a key role in optimizing air traffic control and improving overall flight safety. This paper proposes a meta-learning approach to predict short- to mid-term trajectories of aircraft using historical real flight data collected from multiple GA aircraft. The proposed solution brings together multiple models to improve prediction accuracy. In this paper, we are combining two models, Random Forest Regression (RFR) and Long Short-term Memory (LSTM), using k-Nearest Neighbors (k-NN), to output the final prediction based on the combined output of the individual models. This approach gives our model an edge over single-model predictions. We present the results of our meta-learner and evaluate its performance against individual models using the Mean Absolute Error (MAE), Absolute Altitude Error (AAE), and Root Mean Squared Error (RMSE) evaluation metrics. The proposed methodology for aircraft trajectory forecasting is discussed in detail, accompanied by a literature review and an overview of the data preprocessing techniques used. The results demonstrate that the proposed meta-learner outperforms individual models in terms of accuracy, providing a more robust and proactive approach to improve operational safety in GA.展开更多
The rapid development of the aviation industry urgently requires airspace traffic management,and flight trajectory prediction is a core component of airspace traffic management.Flight trajectory is a multidimensional ...The rapid development of the aviation industry urgently requires airspace traffic management,and flight trajectory prediction is a core component of airspace traffic management.Flight trajectory is a multidimensional time series with rich spatio-temporal characteristics,and existing flight trajectory prediction methods only target the trajectory point temporal relationships,but not the implicit interrelationships among the trajectory point attributes.In this paper,a graph convolutional network(AR-GCN)based on the intra-attribute relationships is proposed for solving the flight track prediction problem.First,the network extracts the temporal features of each attribute and fuses them with the original features of the attribute to obtain the enhanced attribute features,then extracts the implicit relationships between attributes as inter-attribute relationship features.Secondly,the enhanced attribute features are used as nodes and the inter-attribute relationship features are used as edges to construct the inter-attribute relationship graph.Finally,the graph convolutional network is used to aggregate the attribute features.Based on the full fusion of the above features,we achieved high accuracy prediction of the trajectory.In this paper,experiments are conducted on ADS-B historical track data.We compare our method with the classical method and the proposed method.Experimental results show that our method achieves significant improvement in prediction accuracy.展开更多
Accurate trajectory prediction of surrounding road users is the fundamental input for motion planning,which enables safe autonomous driving on public roads.In this paper,a safe motion planning approach is proposed bas...Accurate trajectory prediction of surrounding road users is the fundamental input for motion planning,which enables safe autonomous driving on public roads.In this paper,a safe motion planning approach is proposed based on the deep learning-based trajectory prediction method.To begin with,a trajectory prediction model is established based on the graph neural network(GNN)that is trained utilizing the INTERACTION dataset.Then,the validated trajectory prediction model is used to predict the future trajectories of surrounding road users,including pedestrians and vehicles.In addition,a GNN prediction model-enabled motion planner is developed based on the model predictive control technique.Furthermore,two driving scenarios are extracted from the INTERACTION dataset to validate and evaluate the effectiveness of the proposed motion planning approach,i.e.,merging and roundabout scenarios.The results demonstrate that the proposed method can lower the risk and improve driving safety compared with the baseline method.展开更多
As the wireless communication network undergoes continuous expansion,the challenges associated with network management and optimization are becoming increasingly complex.To address these challenges,the emerging artifi...As the wireless communication network undergoes continuous expansion,the challenges associated with network management and optimization are becoming increasingly complex.To address these challenges,the emerging artificial intelligence(AI)and machine learning(ML)technologies have been introduced as a powerful solution.They empower wireless networks to operate autonomously,predictively,ondemand,and with smart functionality,offering a promising resolution to intricate optimization problems.This paper aims to delve into the prevalent applications of AI/ML technologies in the optimization of wireless networks.The paper not only provides insights into the current landscape but also outlines our vision for the future and considerations regarding the development of an intelligent 6G network.展开更多
Target maneuver trajectory prediction plays an important role in air combat situation awareness and threat assessment.To solve the problem of low prediction accuracy of the traditional prediction method and model,a ta...Target maneuver trajectory prediction plays an important role in air combat situation awareness and threat assessment.To solve the problem of low prediction accuracy of the traditional prediction method and model,a target maneuver trajectory prediction model based on phase space reconstruction-radial basis function(PSR-RBF)neural network is established by combining the characteristics of trajectory with time continuity.In order to further improve the prediction performance of the model,the rival penalized competitive learning(RPCL)algorithm is introduced to determine the structure of RBF,the Levenberg-Marquardt(LM)and the hybrid algorithm of the improved particle swarm optimization(IPSO)algorithm and the k-means are introduced to optimize the parameter of RBF,and a PSR-RBF neural network is constructed.An independent method of 3D coordinates of the target maneuver trajectory is proposed,and the target manuver trajectory sample data is constructed by using the training data selected in the air combat maneuver instrument(ACMI),and the maneuver trajectory prediction model based on the PSR-RBF neural network is established.In order to verify the precision and real-time performance of the trajectory prediction model,the simulation experiment of target maneuver trajectory is performed.The results show that the prediction performance of the independent method is better,and the accuracy of the PSR-RBF prediction model proposed is better.The prediction confirms the effectiveness and applicability of the proposed method and model.展开更多
Aiming at the problem of gliding near space hypersonic vehicle(NSHV)trajectory prediction,a trajectory prediction method based on aerodynamic acceleration empirical mode decomposition(EMD)is proposed.The method analyz...Aiming at the problem of gliding near space hypersonic vehicle(NSHV)trajectory prediction,a trajectory prediction method based on aerodynamic acceleration empirical mode decomposition(EMD)is proposed.The method analyzes the motion characteristics of the skipping gliding NSHV and verifies that the aerodynamic acceleration of the target has a relatively stable rule.On this basis,EMD is used to extract the trend of aerodynamic acceleration into multiple sub-items,and aggregate sub-items with similar attributes.Then,a prior basis function is set according to the aerodynamic acceleration stability rule,and the aggregated data are fitted by the basis function to predict its future state.After that,the prediction data of the aerodynamic acceleration are used to drive the system to predict the target trajectory.Finally,experiments verify the effectiveness of the method.In addition,the distribution of prediction errors in space is discussed,and the reasons are analyzed.展开更多
Human trajectory prediction is essential and promising in many related applications. This is challenging due to the uncertainty of human behaviors, which can be influenced not only by himself, but also by the surround...Human trajectory prediction is essential and promising in many related applications. This is challenging due to the uncertainty of human behaviors, which can be influenced not only by himself, but also by the surrounding environment. Recent works based on long-short term memory(LSTM) models have brought tremendous improvements on the task of trajectory prediction. However, most of them focus on the spatial influence of humans but ignore the temporal influence. In this paper, we propose a novel spatial-temporal attention(ST-Attention) model,which studies spatial and temporal affinities jointly. Specifically,we introduce an attention mechanism to extract temporal affinity,learning the importance for historical trajectory information at different time instants. To explore spatial affinity, a deep neural network is employed to measure different importance of the neighbors. Experimental results show that our method achieves competitive performance compared with state-of-the-art methods on publicly available datasets.展开更多
The movement of pedestrians involves temporal continuity,spatial interactivity,and random diversity.As a result,pedestrian trajectory prediction is rather challenging.Most existing trajectory prediction methods tend t...The movement of pedestrians involves temporal continuity,spatial interactivity,and random diversity.As a result,pedestrian trajectory prediction is rather challenging.Most existing trajectory prediction methods tend to focus on just one aspect of these challenges,ignoring the temporal information of the trajectory and making too many assumptions.In this paper,we propose a recurrent attention and interaction(RAI)model to predict pedestrian trajectories.The RAI model consists of a temporal attention module,spatial pooling module,and randomness modeling module.The temporal attention module is proposed to assign different weights to the input sequence of a target,and reduce the speed deviation of different pedestrians.The spatial pooling module is proposed to model not only the social information of neighbors in historical frames,but also the intention of neighbors in the current time.The randomness modeling module is proposed to model the uncertainty and diversity of trajectories by introducing random noise.We conduct extensive experiments on several public datasets.The results demonstrate that our method outperforms many that are state-ofthe-art.展开更多
In mixed and dynamic traffic environments,accurate long-term trajectory forecasting of surrounding vehicles is one of the indispensable preconditions for autonomous vehicles to accomplish reasonable behavioral decisio...In mixed and dynamic traffic environments,accurate long-term trajectory forecasting of surrounding vehicles is one of the indispensable preconditions for autonomous vehicles to accomplish reasonable behavioral decisions and guarantee driving safety.In this paper,we propose an integrated probabilistic architecture for long-term vehicle trajectory prediction,which consists of a driving inference model(DIM)and a trajectory prediction model(TPM).The DIM is designed and employed to accurately infer the potential driving intention based on a dynamic Bayesian network.The proposed DIM incorporates the basic traffic rules and multivariate vehicle motion information.To further improve the prediction accuracy and realize uncertainty estimation,we develop a Gaussian process-based TPM,considering both the short-term prediction results of the vehicle model and the driving motion characteristics.Afterward,the effectiveness of our novel approach is demonstrated by conducting experiments on a public naturalistic driving dataset under lane-changing scenarios.The superior performance on the task of long-term trajectory prediction is presented and verified by comparing with other advanced methods.展开更多
In order to meet the higher accuracy requirement of trajectory prediction for Unmanned Aircraft System(UAS)in Unmanned Aircraft System Traffic Management(UTM),an Intent Based Trajectory Prediction and Smooth Based on ...In order to meet the higher accuracy requirement of trajectory prediction for Unmanned Aircraft System(UAS)in Unmanned Aircraft System Traffic Management(UTM),an Intent Based Trajectory Prediction and Smooth Based on Constrained State-dependent-transition Hybrid Estimation(CSDTHE-IBTPS)algorithm is proposed.Firstly,an intent inference method of UAS is constructed based on the information of ADS-B and geofence system.Moreover,a geofence layering algorithm is proposed.Secondly,the Flight Mode Change Points(FMCP)are used to define the relevant mode transition parameters and design the guard conditions,so as to generate the mode transition probability matrix and establish the continuous state-dependent-transition model.After that,the constrained Kalman filter(CKF)is applied to improve State-dependent-transition Hybrid Estimation(SDTHE)algorithm by applying equality constraint to the velocity of UAS in the straight phase and turning phase,respectively,and thus the constrained state-dependent-transition hybrid estimation(CSDTHE)algorithm is constructed.Finally,the results of intent inference and hybrid estimation are used to make trajectory prediction.Furthermore,each flight segment of trajectory is smoothed respectively by Rauch-Tung-Striebel(RTS)backward smooth method using the proposed CSDTHE-RTS algorithm,so as to obtain more accurate trajectory prediction results.The simulation shows that the proposed algorithm can reduce the errors of trajectory prediction and the time delay of intent inference.展开更多
Accurately predicting the trajectories of surrounding vehicles and assessing the collision risks are essential to avoid side and rear-end collisions caused by cut-in.To improve the safety of autonomous vehicles in the...Accurately predicting the trajectories of surrounding vehicles and assessing the collision risks are essential to avoid side and rear-end collisions caused by cut-in.To improve the safety of autonomous vehicles in the mixed traffic,this study proposes a cut-in prediction and risk assessment method with considering the interactions of multiple traffic participants.The integration of the support vector machine and Gaussian mixture model(SVM-GMM)is developed to simultaneously predict cut-in behavior and trajectory.The dimension of the input features is reduced through Chebyshev fitting to improve the training efficiency as well as the online inference performance.Based on the predicted trajectory of the cut-in vehicle and the responsive actions of the autonomous vehicles,two risk measurements are introduced to formulate the comprehensive interaction risk through the combination of Sigmoid function and Softmax function.Finally,the comparative analysis is performed to validate the proposed method using the naturalistic driving data.The results show that the proposed method can predict the trajectory with higher precision and effectively evaluate the risk level of a cut-in maneuver compared to the methods without considering interaction.展开更多
Predicting travel trajectory of vehicles can not only provide personalized services to users,but also have a certain effect on traffic guidance and traffic control.In this paper,we build a Bayonet-Corpus based on the ...Predicting travel trajectory of vehicles can not only provide personalized services to users,but also have a certain effect on traffic guidance and traffic control.In this paper,we build a Bayonet-Corpus based on the context of traffic intersections,and use it to model a traffic network.Besides,Bidirectional Gated Recurrent Unit(Bi-GRU)is used to predict the sequence of traffic intersections in one single trajectory.Firstly,considering that real traffic networks are usually complex and disorder and cannot reflect the higher dimensional relationship among traffic intersections,this paper proposes a new traffic network modeling algorithm based on the context of traffic intersections:inspired by the probabilistic language model,a Bayonet-Corpus is constructed from traffic intersections in real trajectory sequence,so the high-dimensional similarity between corpus nodes can be used to measure the semantic relation of real traffic intersections.This algorithm maps vehicle trajectory nodes into a high-dimensional space vector,blocking complex structure of real traffic network and reconstructing the traffic network space.Then,the bayonets sequence in real traffic network is mapped into a matrix.Considering the trajectories sequence is bidirectional,and Bi-GRU can handle information from forward and backward simultaneously,we use Bi-GRU to bidirectionally model the trajectory matrix for the purpose of prediction.展开更多
The cooperation between an autonomous vehicle and a nearby vehicle is critical to ensure driving safety in the laneexchanging scenario.The nearby vehicle trajectory needs to be predicted,from which the autonomous vehi...The cooperation between an autonomous vehicle and a nearby vehicle is critical to ensure driving safety in the laneexchanging scenario.The nearby vehicle trajectory needs to be predicted,from which the autonomous vehicle is controlled to prevent possible collisions.This paper proposes a lane-exchanging driving strategy for the autonomous vehicle to cooperate with the nearby vehicle by integrating vehicle trajectory prediction and motion control.A trajectory prediction method is developed to anticipate the nearby vehicle trajectory.The Gaussian mixture model(GMM),together with the vehicle kinematic model,are synthesized to predict the nearby vehicle trajectory.A potential-feldbased model predictive control(MPC)approach is utilized by the autonomous vehicle to conduct the lane-exchanging maneuver.The potential feld of the nearby vehicle is considered in the controller design for collision avoidance.On-road driving data verifcation shows that the nearby vehicle trajectory can be predicted by the proposed method.CarSim®simulations validate that the autonomous vehicle can perform the lane-exchanging maneuver and avoid the nearby vehicle using the proposed driving strategy.The autonomous vehicle can thus safely perform the laneexchanging maneuver and avoid the nearby vehicle.展开更多
Emerging technologies of wireless and mobile communication enable people to accumulate a large volume of time-stamped locations,which appear in the form of a continuous moving object trajectory.How to accurately predi...Emerging technologies of wireless and mobile communication enable people to accumulate a large volume of time-stamped locations,which appear in the form of a continuous moving object trajectory.How to accurately predict the uncertain mobility of objects becomes an important and challenging problem.Existing algorithms for trajectory prediction in moving objects databases mainly focus on identifying frequent trajectory patterns,and do not take account of the effect of essential dynamic environmental factors.In this study,a general schema for predicting uncertain trajectories of moving objects with dynamic environment awareness is presented,and the key techniques in trajectory prediction arc addressed in detail.In order to accurately predict the trajectories,a trajectory prediction algorithm based on continuous time Bayesian networks(CTBNs) is improved and applied,which takes dynamic environmental factors into full consideration.Experiments conducted on synthetic trajectory data verify the effectiveness of the improved algorithm,which also guarantees the time performance as well.展开更多
In order to realize the aircraft trajectory prediction,a modified interacting multiple model(M-IMM) algorithm is proposed,which is based on the performance analysis of the standard interacting multiple model(IMM) algo...In order to realize the aircraft trajectory prediction,a modified interacting multiple model(M-IMM) algorithm is proposed,which is based on the performance analysis of the standard interacting multiple model(IMM) algorithm.In the proposed M-IMM algorithm,a new likelihood function is defined for the sake of updating flight mode probabilities,in which the influences of interacting to residual's mean error are taken into account and the assumption of likelihood function being a zero mean Gaussian function is discarded.Finally,the proposed M-IMM algorithm is applied to the simulation of the aircraft trajectory prediction,and the comparative studies are conducted to existing algorithms.The simulation results indicate the proposed M-IMM algorithm can predict aircraft trajectory more quickly and accurately.展开更多
基金the“Regional Innovation Strategy(RIS)”through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(MOE)(2021RIS-004)Institute of Information and Communications Technology Planning and Evaluation(IITP)grant funded by the Korean government(MSIT)(No.RS-2022-00155857,Artificial Intelligence Convergence Innovation Human Resources Development(Chungnam National University)).
文摘Maritime transportation,a cornerstone of global trade,faces increasing safety challenges due to growing sea traffic volumes.This study proposes a novel approach to vessel trajectory prediction utilizing Automatic Identification System(AIS)data and advanced deep learning models,including Long Short-Term Memory(LSTM),Gated Recurrent Unit(GRU),Bidirectional LSTM(DBLSTM),Simple Recurrent Neural Network(SimpleRNN),and Kalman Filtering.The research implemented rigorous AIS data preprocessing,encompassing record deduplication,noise elimination,stationary simplification,and removal of insignificant trajectories.Models were trained using key navigational parameters:latitude,longitude,speed,and heading.Spatiotemporal aware processing through trajectory segmentation and topological data analysis(TDA)was employed to capture dynamic patterns.Validation using a three-month AIS dataset demonstrated significant improvements in prediction accuracy.The GRU model exhibited superior performance,achieving training losses of 0.0020(Mean Squared Error,MSE)and 0.0334(Mean Absolute Error,MAE),with validation losses of 0.0708(MSE)and 0.1720(MAE).The LSTM model showed comparable efficacy,with training losses of 0.0011(MSE)and 0.0258(MAE),and validation losses of 0.2290(MSE)and 0.2652(MAE).Both models demonstrated reductions in training and validation losses,measured by MAE,MSE,Average Displacement Error(ADE),and Final Displacement Error(FDE).This research underscores the potential of advanced deep learning models in enhancing maritime safety through more accurate trajectory predictions,contributing significantly to the development of robust,intelligent navigation systems for the maritime industry.
基金supported by the National Natural Science Foundation of China(62073330)。
文摘Natural events have had a significant impact on overall flight activity,and the aviation industry plays a vital role in helping society cope with the impact of these events.As one of the most impactful weather typhoon seasons appears and continues,airlines operating in threatened areas and passengers having travel plans during this time period will pay close attention to the development of tropical storms.This paper proposes a deep multimodal fusion and multitasking trajectory prediction model that can improve the reliability of typhoon trajectory prediction and reduce the quantity of flight scheduling cancellation.The deep multimodal fusion module is formed by deep fusion of the feature output by multiple submodal fusion modules,and the multitask generation module uses longitude and latitude as two related tasks for simultaneous prediction.With more dependable data accuracy,problems can be analysed rapidly and more efficiently,enabling better decision-making with a proactive versus reactive posture.When multiple modalities coexist,features can be extracted from them simultaneously to supplement each other’s information.An actual case study,the typhoon Lichma that swept China in 2019,has demonstrated that the algorithm can effectively reduce the number of unnecessary flight cancellations compared to existing flight scheduling and assist the new generation of flight scheduling systems under extreme weather.
文摘Accurate prediction of the movement trajectory of sea surface targets holds significant importance in achieving an advantageous position in the sea battle field.This prediction plays a crucial role in ensuring security defense and confrontation,and is essential for effective deployment of military strategy.Accurately predicting the trajectory of sea surface targets using AIS(Automatic Identification System)information is crucial for security defense and confrontation,and holds significant importance for military strategy deployment.In response to the problem of insufficient accuracy in ship trajectory prediction,this study proposes a hybrid genetic algorithm to optimize the Long Short-Term Memory(LSTM)algorithm.The HGA-LSTM algorithm is proposed for ship trajectory prediction.It can converge faster and obtain better parameter solutions,thereby improving the effectiveness of ship trajectory prediction.Compared to traditional LSTM and GA-LSTM algorithms,experimental results demonstrate that this algorithm outperforms them in both single-step and multi-step prediction.
基金the support of the Fundamental Research Funds for the Air Force Engineering University under Grant No.XZJK2019040。
文摘Target maneuver trajectory prediction is an important prerequisite for air combat situation awareness and maneuver decision-making.However,how to use a large amount of trajectory data generated by air combat confrontation training to achieve real-time and accurate prediction of target maneuver trajectory is an urgent problem to be solved.To solve this problem,in this paper,a hybrid algorithm based on transfer learning,online learning,ensemble learning,regularization technology,target maneuvering segmentation point recognition algorithm,and Volterra series,abbreviated as AERTrOS-Volterra is proposed.Firstly,the model makes full use of a large number of trajectory sample data generated by air combat confrontation training,and constructs a Tr-Volterra algorithm framework suitable for air combat target maneuver trajectory prediction,which realizes the extraction of effective information from the historical trajectory data.Secondly,in order to improve the real-time online prediction accuracy and robustness of the prediction model in complex electromagnetic environments,on the basis of the TrVolterra algorithm framework,a robust regularized online Sequential Volterra prediction model is proposed by integrating online learning method,regularization technology and inverse weighting calculation method based on the priori error.Finally,inspired by the preferable performance of models ensemble,ensemble learning scheme is also incorporated into our proposed algorithm,which adaptively updates the ensemble prediction model according to the performance of the model on real-time samples and the recognition results of target maneuvering segmentation points,including the adaptation of model weights;adaptation of parameters;and dynamic inclusion and removal of models.Compared with many existing time series prediction methods,the newly proposed target maneuver trajectory prediction algorithm can fully mine the prior knowledge contained in the historical data to assist the current prediction.The rationality and effectiveness of the proposed algorithm are verified by simulation on three sets of chaotic time series data sets and a set of real target maneuver trajectory data sets.
基金financially supported by the National Natural Science Foundation of China(Grant Nos.51890915,51490672,and51761135011)the Fundamental Research Funds for the Central Universities
文摘Drag anchor is one of the most commonly used anchorage foundation types. The prediction of embedded trajectory in the process of drag anchor installation is of great importance to the safety design of mooring system. In this paper, the ultimate anchor holding capacity in the seabed soil is calculated through the established finite element model, and then the embedded motion trajectory is predicted applying the incremental calculation method. Firstly, the drag anchor initial embedded depth and inclination angle are assumed, which are regarded as the start embedded point. Secondly, in each incremental step, the incremental displacement of drag anchor is added along the parallel direction of anchor plate, so the displacement increment of drag anchor in the horizontal and vertical directions can be calculated. Thirdly, the finite element model of anchor is established considering the seabed soil and anchor interaction, and the ultimate drag anchor holding capacity at new position can be obtained. Fourthly, the angle between inverse catenary mooring line and horizontal plane at the attachment point at this increment step can be calculated through the inverse catenary equation. Finally, the incremental step is ended until the angle of drag anchor and seabed soil is zero as the ultimate embedded state condition, thus, the whole embedded trajectory of drag anchor is obtained. Meanwhile, the influences of initial parameter changes on the embedded trajectory are considered. Based on the proposed method, the prediction of drag anchor trajectory and the holding capacity of mooring position system can be provided.
文摘The aviation industry has seen significant advancements in safety procedures over the past few decades, resulting in a steady decline in aviation deaths worldwide. However, the safety standards in General Aviation (GA) are still lower compared to those in commercial aviation. With the anticipated growth in air travel, there is an imminent need to improve operational safety in GA. One way to improve aircraft and operational safety is through trajectory prediction. Trajectory prediction plays a key role in optimizing air traffic control and improving overall flight safety. This paper proposes a meta-learning approach to predict short- to mid-term trajectories of aircraft using historical real flight data collected from multiple GA aircraft. The proposed solution brings together multiple models to improve prediction accuracy. In this paper, we are combining two models, Random Forest Regression (RFR) and Long Short-term Memory (LSTM), using k-Nearest Neighbors (k-NN), to output the final prediction based on the combined output of the individual models. This approach gives our model an edge over single-model predictions. We present the results of our meta-learner and evaluate its performance against individual models using the Mean Absolute Error (MAE), Absolute Altitude Error (AAE), and Root Mean Squared Error (RMSE) evaluation metrics. The proposed methodology for aircraft trajectory forecasting is discussed in detail, accompanied by a literature review and an overview of the data preprocessing techniques used. The results demonstrate that the proposed meta-learner outperforms individual models in terms of accuracy, providing a more robust and proactive approach to improve operational safety in GA.
文摘The rapid development of the aviation industry urgently requires airspace traffic management,and flight trajectory prediction is a core component of airspace traffic management.Flight trajectory is a multidimensional time series with rich spatio-temporal characteristics,and existing flight trajectory prediction methods only target the trajectory point temporal relationships,but not the implicit interrelationships among the trajectory point attributes.In this paper,a graph convolutional network(AR-GCN)based on the intra-attribute relationships is proposed for solving the flight track prediction problem.First,the network extracts the temporal features of each attribute and fuses them with the original features of the attribute to obtain the enhanced attribute features,then extracts the implicit relationships between attributes as inter-attribute relationship features.Secondly,the enhanced attribute features are used as nodes and the inter-attribute relationship features are used as edges to construct the inter-attribute relationship graph.Finally,the graph convolutional network is used to aggregate the attribute features.Based on the full fusion of the above features,we achieved high accuracy prediction of the trajectory.In this paper,experiments are conducted on ADS-B historical track data.We compare our method with the classical method and the proposed method.Experimental results show that our method achieves significant improvement in prediction accuracy.
基金Supported by National Natural Science Foundation of China(Grant Nos.52222215,52072051)Chongqing Municipal Natural Science Foundation of China(Grant No.CSTB2023NSCQ-JQX0003).
文摘Accurate trajectory prediction of surrounding road users is the fundamental input for motion planning,which enables safe autonomous driving on public roads.In this paper,a safe motion planning approach is proposed based on the deep learning-based trajectory prediction method.To begin with,a trajectory prediction model is established based on the graph neural network(GNN)that is trained utilizing the INTERACTION dataset.Then,the validated trajectory prediction model is used to predict the future trajectories of surrounding road users,including pedestrians and vehicles.In addition,a GNN prediction model-enabled motion planner is developed based on the model predictive control technique.Furthermore,two driving scenarios are extracted from the INTERACTION dataset to validate and evaluate the effectiveness of the proposed motion planning approach,i.e.,merging and roundabout scenarios.The results demonstrate that the proposed method can lower the risk and improve driving safety compared with the baseline method.
基金supported in part by the National Natural Science Foundation of China under Grant No.62201266in part by the Natural Science Foundation of Jiangsu Province under Grant No.BK20210335.
文摘As the wireless communication network undergoes continuous expansion,the challenges associated with network management and optimization are becoming increasingly complex.To address these challenges,the emerging artificial intelligence(AI)and machine learning(ML)technologies have been introduced as a powerful solution.They empower wireless networks to operate autonomously,predictively,ondemand,and with smart functionality,offering a promising resolution to intricate optimization problems.This paper aims to delve into the prevalent applications of AI/ML technologies in the optimization of wireless networks.The paper not only provides insights into the current landscape but also outlines our vision for the future and considerations regarding the development of an intelligent 6G network.
文摘Target maneuver trajectory prediction plays an important role in air combat situation awareness and threat assessment.To solve the problem of low prediction accuracy of the traditional prediction method and model,a target maneuver trajectory prediction model based on phase space reconstruction-radial basis function(PSR-RBF)neural network is established by combining the characteristics of trajectory with time continuity.In order to further improve the prediction performance of the model,the rival penalized competitive learning(RPCL)algorithm is introduced to determine the structure of RBF,the Levenberg-Marquardt(LM)and the hybrid algorithm of the improved particle swarm optimization(IPSO)algorithm and the k-means are introduced to optimize the parameter of RBF,and a PSR-RBF neural network is constructed.An independent method of 3D coordinates of the target maneuver trajectory is proposed,and the target manuver trajectory sample data is constructed by using the training data selected in the air combat maneuver instrument(ACMI),and the maneuver trajectory prediction model based on the PSR-RBF neural network is established.In order to verify the precision and real-time performance of the trajectory prediction model,the simulation experiment of target maneuver trajectory is performed.The results show that the prediction performance of the independent method is better,and the accuracy of the PSR-RBF prediction model proposed is better.The prediction confirms the effectiveness and applicability of the proposed method and model.
基金supported by the National High-Tech R&D Program of China(2015AA70560452015AA8017032P)the Postgraduate Funding Project(JW2018A039)。
文摘Aiming at the problem of gliding near space hypersonic vehicle(NSHV)trajectory prediction,a trajectory prediction method based on aerodynamic acceleration empirical mode decomposition(EMD)is proposed.The method analyzes the motion characteristics of the skipping gliding NSHV and verifies that the aerodynamic acceleration of the target has a relatively stable rule.On this basis,EMD is used to extract the trend of aerodynamic acceleration into multiple sub-items,and aggregate sub-items with similar attributes.Then,a prior basis function is set according to the aerodynamic acceleration stability rule,and the aggregated data are fitted by the basis function to predict its future state.After that,the prediction data of the aerodynamic acceleration are used to drive the system to predict the target trajectory.Finally,experiments verify the effectiveness of the method.In addition,the distribution of prediction errors in space is discussed,and the reasons are analyzed.
基金supported by the National Key Research and Development Program of China(2018AAA0101005,2018AAA0102404)the Program of the Huawei Technologies Co.Ltd.(FA2018111061SOW12)+1 种基金the National Natural Science Foundation of China(61773054)the Youth Research Fund of the State Key Laboratory of Complex Systems Management and Control(20190213)。
文摘Human trajectory prediction is essential and promising in many related applications. This is challenging due to the uncertainty of human behaviors, which can be influenced not only by himself, but also by the surrounding environment. Recent works based on long-short term memory(LSTM) models have brought tremendous improvements on the task of trajectory prediction. However, most of them focus on the spatial influence of humans but ignore the temporal influence. In this paper, we propose a novel spatial-temporal attention(ST-Attention) model,which studies spatial and temporal affinities jointly. Specifically,we introduce an attention mechanism to extract temporal affinity,learning the importance for historical trajectory information at different time instants. To explore spatial affinity, a deep neural network is employed to measure different importance of the neighbors. Experimental results show that our method achieves competitive performance compared with state-of-the-art methods on publicly available datasets.
基金supported by the National NaturalScience Foundation of China(U1811463)the Fundamental Research Funds for the Central Universities(12060093192)。
文摘The movement of pedestrians involves temporal continuity,spatial interactivity,and random diversity.As a result,pedestrian trajectory prediction is rather challenging.Most existing trajectory prediction methods tend to focus on just one aspect of these challenges,ignoring the temporal information of the trajectory and making too many assumptions.In this paper,we propose a recurrent attention and interaction(RAI)model to predict pedestrian trajectories.The RAI model consists of a temporal attention module,spatial pooling module,and randomness modeling module.The temporal attention module is proposed to assign different weights to the input sequence of a target,and reduce the speed deviation of different pedestrians.The spatial pooling module is proposed to model not only the social information of neighbors in historical frames,but also the intention of neighbors in the current time.The randomness modeling module is proposed to model the uncertainty and diversity of trajectories by introducing random noise.We conduct extensive experiments on several public datasets.The results demonstrate that our method outperforms many that are state-ofthe-art.
基金This work was supported by the National Natural Science Foundation of China(51975310 and 52002209).
文摘In mixed and dynamic traffic environments,accurate long-term trajectory forecasting of surrounding vehicles is one of the indispensable preconditions for autonomous vehicles to accomplish reasonable behavioral decisions and guarantee driving safety.In this paper,we propose an integrated probabilistic architecture for long-term vehicle trajectory prediction,which consists of a driving inference model(DIM)and a trajectory prediction model(TPM).The DIM is designed and employed to accurately infer the potential driving intention based on a dynamic Bayesian network.The proposed DIM incorporates the basic traffic rules and multivariate vehicle motion information.To further improve the prediction accuracy and realize uncertainty estimation,we develop a Gaussian process-based TPM,considering both the short-term prediction results of the vehicle model and the driving motion characteristics.Afterward,the effectiveness of our novel approach is demonstrated by conducting experiments on a public naturalistic driving dataset under lane-changing scenarios.The superior performance on the task of long-term trajectory prediction is presented and verified by comparing with other advanced methods.
基金This work was financially supported by the Major Program of National Natural Science Foundation of Chinathe National Natural Science Foundation of China[Grant No.61703427].
文摘In order to meet the higher accuracy requirement of trajectory prediction for Unmanned Aircraft System(UAS)in Unmanned Aircraft System Traffic Management(UTM),an Intent Based Trajectory Prediction and Smooth Based on Constrained State-dependent-transition Hybrid Estimation(CSDTHE-IBTPS)algorithm is proposed.Firstly,an intent inference method of UAS is constructed based on the information of ADS-B and geofence system.Moreover,a geofence layering algorithm is proposed.Secondly,the Flight Mode Change Points(FMCP)are used to define the relevant mode transition parameters and design the guard conditions,so as to generate the mode transition probability matrix and establish the continuous state-dependent-transition model.After that,the constrained Kalman filter(CKF)is applied to improve State-dependent-transition Hybrid Estimation(SDTHE)algorithm by applying equality constraint to the velocity of UAS in the straight phase and turning phase,respectively,and thus the constrained state-dependent-transition hybrid estimation(CSDTHE)algorithm is constructed.Finally,the results of intent inference and hybrid estimation are used to make trajectory prediction.Furthermore,each flight segment of trajectory is smoothed respectively by Rauch-Tung-Striebel(RTS)backward smooth method using the proposed CSDTHE-RTS algorithm,so as to obtain more accurate trajectory prediction results.The simulation shows that the proposed algorithm can reduce the errors of trajectory prediction and the time delay of intent inference.
基金supported in part by the Key-Area Researchand Development Program of Guangdong Province(2020B0909050003)the Program of Jiangxi(20204ABC03A13)。
文摘Accurately predicting the trajectories of surrounding vehicles and assessing the collision risks are essential to avoid side and rear-end collisions caused by cut-in.To improve the safety of autonomous vehicles in the mixed traffic,this study proposes a cut-in prediction and risk assessment method with considering the interactions of multiple traffic participants.The integration of the support vector machine and Gaussian mixture model(SVM-GMM)is developed to simultaneously predict cut-in behavior and trajectory.The dimension of the input features is reduced through Chebyshev fitting to improve the training efficiency as well as the online inference performance.Based on the predicted trajectory of the cut-in vehicle and the responsive actions of the autonomous vehicles,two risk measurements are introduced to formulate the comprehensive interaction risk through the combination of Sigmoid function and Softmax function.Finally,the comparative analysis is performed to validate the proposed method using the naturalistic driving data.The results show that the proposed method can predict the trajectory with higher precision and effectively evaluate the risk level of a cut-in maneuver compared to the methods without considering interaction.
基金This research is partially supported by the National Natural Science Foundation of China(Grant No.61772098)Science and Technology Research Program of Chongqing Municipal Education Commission(Grant No.KJZD K201900603,KJQN201900629)Chongqing Grad-uate Education Teaching Reform Project(No.yjg183081).
文摘Predicting travel trajectory of vehicles can not only provide personalized services to users,but also have a certain effect on traffic guidance and traffic control.In this paper,we build a Bayonet-Corpus based on the context of traffic intersections,and use it to model a traffic network.Besides,Bidirectional Gated Recurrent Unit(Bi-GRU)is used to predict the sequence of traffic intersections in one single trajectory.Firstly,considering that real traffic networks are usually complex and disorder and cannot reflect the higher dimensional relationship among traffic intersections,this paper proposes a new traffic network modeling algorithm based on the context of traffic intersections:inspired by the probabilistic language model,a Bayonet-Corpus is constructed from traffic intersections in real trajectory sequence,so the high-dimensional similarity between corpus nodes can be used to measure the semantic relation of real traffic intersections.This algorithm maps vehicle trajectory nodes into a high-dimensional space vector,blocking complex structure of real traffic network and reconstructing the traffic network space.Then,the bayonets sequence in real traffic network is mapped into a matrix.Considering the trajectories sequence is bidirectional,and Bi-GRU can handle information from forward and backward simultaneously,we use Bi-GRU to bidirectionally model the trajectory matrix for the purpose of prediction.
基金Supported by Project of National Natural Science Foundation of China(Grand No.52102469)Science and Technology Major Project of Guangxi(Grant Nos.AB21196029 and AA18242033)State Key Laboratory of Automotive Safety and Energy(Grant No.KF2014).
文摘The cooperation between an autonomous vehicle and a nearby vehicle is critical to ensure driving safety in the laneexchanging scenario.The nearby vehicle trajectory needs to be predicted,from which the autonomous vehicle is controlled to prevent possible collisions.This paper proposes a lane-exchanging driving strategy for the autonomous vehicle to cooperate with the nearby vehicle by integrating vehicle trajectory prediction and motion control.A trajectory prediction method is developed to anticipate the nearby vehicle trajectory.The Gaussian mixture model(GMM),together with the vehicle kinematic model,are synthesized to predict the nearby vehicle trajectory.A potential-feldbased model predictive control(MPC)approach is utilized by the autonomous vehicle to conduct the lane-exchanging maneuver.The potential feld of the nearby vehicle is considered in the controller design for collision avoidance.On-road driving data verifcation shows that the nearby vehicle trajectory can be predicted by the proposed method.CarSim®simulations validate that the autonomous vehicle can perform the lane-exchanging maneuver and avoid the nearby vehicle using the proposed driving strategy.The autonomous vehicle can thus safely perform the laneexchanging maneuver and avoid the nearby vehicle.
基金supported by the National Natural Science Foundation of China (Nos.61100045,61165013,61003142,60902023,and 61171096)the China Postdoctoral Science Foundation (Nos.20090461346,201104697)+3 种基金the Youth Foundation for Humanities and Social Sciences of Ministry of Education of China (No.10YJCZH117)the Fundamental Research Funds for the Central Universities (Nos.SWJTU09CX035,SWJTU11ZT08)Zhejiang Provincial Natural Science Foundation of China (Nos.Y1100589,Y1080123)the Natural Science Foundation of Ningbo,China (No.2011A610175)
文摘Emerging technologies of wireless and mobile communication enable people to accumulate a large volume of time-stamped locations,which appear in the form of a continuous moving object trajectory.How to accurately predict the uncertain mobility of objects becomes an important and challenging problem.Existing algorithms for trajectory prediction in moving objects databases mainly focus on identifying frequent trajectory patterns,and do not take account of the effect of essential dynamic environmental factors.In this study,a general schema for predicting uncertain trajectories of moving objects with dynamic environment awareness is presented,and the key techniques in trajectory prediction arc addressed in detail.In order to accurately predict the trajectories,a trajectory prediction algorithm based on continuous time Bayesian networks(CTBNs) is improved and applied,which takes dynamic environmental factors into full consideration.Experiments conducted on synthetic trajectory data verify the effectiveness of the improved algorithm,which also guarantees the time performance as well.
基金National Natural Science Foundation of China(No.71401072)Natural Science Foundation of Jiangsu Province,China(No.BK20130814)Fundamental Research Funds for the Central Universities,China(No.NS2013064)
文摘In order to realize the aircraft trajectory prediction,a modified interacting multiple model(M-IMM) algorithm is proposed,which is based on the performance analysis of the standard interacting multiple model(IMM) algorithm.In the proposed M-IMM algorithm,a new likelihood function is defined for the sake of updating flight mode probabilities,in which the influences of interacting to residual's mean error are taken into account and the assumption of likelihood function being a zero mean Gaussian function is discarded.Finally,the proposed M-IMM algorithm is applied to the simulation of the aircraft trajectory prediction,and the comparative studies are conducted to existing algorithms.The simulation results indicate the proposed M-IMM algorithm can predict aircraft trajectory more quickly and accurately.