TrajLearn: Trajectory Prediction Learning using Deep Generative Models
Trajectory prediction aims to estimate an entity’s future path using its current position and historical movement data, benefiting fields like autonomous navigation, robotics, and human movement analytics. Deep learning approaches have become key in this area, utilizing large-scale trajectory datasets to model movement patterns, but face challenges in managing complex spatial dependencies and adapting to dynamic environments. To address these challenges, we introduce TrajLearn , a novel model for trajectory prediction that leverages generative modeling of higher-order mobility flows based on hexagonal spatial representation. TrajLearn predicts the next k steps by integrating a customized beam search for exploring multiple potential paths while maintaining spatial continuity. We conducted a rigorous evaluation of TrajLearn , benchmarking it against leading state-of-the-art approaches and meaningful baselines. The results indicate that TrajLearn achieves significant performance gains, with improvements of up to ~40% across multiple real-world trajectory datasets. In addition, we evaluated different prediction horizons (i.e., various values of k ), conducted resolution sensitivity analysis, and performed ablation studies to assess the impact of key model components. Furthermore, we developed a novel algorithm to generate mixed-resolution maps by hierarchically subdividing hexagonal regions into finer segments within a specified observation area. This approach supports selective detailing , applying finer resolution to areas of interest or high activity (e.g., urban centers) while using coarser resolution for less significant regions (e.g., rural or uninhabited areas), effectively reducing data storage requirements and computational overhead. We promote reproducibility and adaptability by offering complete code, data, and detailed documentation with flexible configuration options for various applications.
Highlights
We focus on the trajectory prediction problem, which refers to the task of predicting the future path or trajectory of an object based on its current state and historical data
We propose a novel approach that leverages deep generative models to accurately predict the future path of a user or an object based on historical data
Unlike conventional autoregressive approaches, such as RNNbased models (e.g., Long Short-Term Memory (LSTM) and Gated Recurrent Units (GRU)), which often suffer from vanishing gradients and limited long-range context, TrajLearn leverages a transformer-based architecture that models the joint distribution of future trajectories, thereby effectively capturing complex higher-order mobility flows
Summary
The development of tracking and geolocation technology has facilitated the collection of large-scale mobility data, encompassing both objects and individuals [68, 83]. Mining interesting patterns in mobility data is of increased research and development interest due to a wide range of practical applications. Manuscript submitted to ACM (a) (b) (c). (d) problems in the area include trajectory classification, clustering, prediction, simplification, and anomaly detection (see [5, 32, 91] for comprehensive surveys). We focus on the trajectory prediction problem, which refers to the task of predicting the future path or trajectory of an object (or individual) based on its current state and historical data. Efficient methods for trajectory prediction are highly desirable in various domains and applications, including transportation systems, human mobility studies, autonomous vehicles, robotics, and more
330
- 10.1109/tpami.2021.3116668
- Nov 1, 2022
- IEEE Transactions on Pattern Analysis and Machine Intelligence
205
- 10.24963/ijcai.2018/324
- Jul 1, 2018
149
- 10.1145/3533382
- Dec 7, 2022
- ACM Computing Surveys
758
- 10.1109/tpami.2020.2992934
- May 7, 2020
- IEEE Transactions on Pattern Analysis and Machine Intelligence
717
- 10.1609/aaai.v32i1.11836
- Apr 26, 2018
- Proceedings of the AAAI Conference on Artificial Intelligence
639
- 10.1609/aaai.v30i1.9971
- Feb 21, 2016
- Proceedings of the AAAI Conference on Artificial Intelligence
356
- 10.1109/tiv.2022.3167103
- Sep 1, 2022
- IEEE Transactions on Intelligent Vehicles
333
- 10.1145/2370216.2370421
- Sep 5, 2012
1739
- 10.1145/1526709.1526816
- Apr 20, 2009
118
- 10.1007/978-3-030-58589-1_36
- Jan 1, 2020
- Conference Article
31
- 10.1109/cvpr52688.2022.00645
- Jun 1, 2022
Although the Trajectory Prediction (TP) model has achieved great success in computer vision and robotics fields, its architecture and training scheme design rely on heavy manual work and domain knowledge, which is not friendly to common users. Besides, the existing works ignore Federated Learning (FL) scenarios, failing to make full use of distributed multi-source datasets with rich actual scenes to learn more a powerful TP model. In this paper, we make up for the above defects and propose ATPFL to help users federate multi-source trajectory datasets to automatically design and train a powerful TP model. In ATPFL, we build an effective TP search space by analyzing and summarizing the existing works. Then, based on the characters of this search space, we design a relation-sequence-aware search strategy, realizing the automatic design of the TP model. Finally, we find appropriate federated training methods to respectively support the TP model search and final model training under the FL framework, ensuring both the search efficiency and the final model performance. Extensive experimental results show that ATPFL can help users gain well-performed TP models, achieving better results than the existing TP models trained on the single-source dataset.
- Research Article
61
- 10.1109/tits.2014.2353302
- Jun 1, 2015
- IEEE Transactions on Intelligent Transportation Systems
The existing approaches for trajectory prediction (TP) are primarily concerned with discovering frequent trajectory patterns (FTPs) from historical movement data. Moreover, most of these approaches work by using a linear TP model to depict the positions of objects, which does not lend itself to the complexities of most real-world applications. In this research, we propose a three-in-one TP model in road-constrained transportation networks called TraPlan. TraPlan contains three essential techniques: 1) constrained network R-tree (CNR-tree), which is a two-tiered dynamic index structure of moving objects based on transportation networks; 2) a region-of-interest (RoI) discovery algorithm is employed to partition a large number of trajectory points into distinct clusters; and 3) a FTP-tree-based TP approach, called FTP-mining, is proposed to discover FTPs to infer future locations of objects moving within RoIs. In order to evaluate the results of the proposed CNR-tree index structure, we conducted experiments on synthetically generated data sets taken from real-world transportation networks. The results show that the CNR-tree can reduce the time cost of index maintenance by an average gap of about 40% when compared with the traditional NDTR-tree, as well as reduce the time cost of trajectory queries. Moreover, compared with fixed network R-Tree (FNR-trees), the accuracy of range queries has shown an on average improvement of about 32%. Furthermore, the experimental results show that the TraPlan demonstrates accurate and efficient prediction of possible motion curves of objects in distinct trajectory data sets by over 80% on average. Finally, we evaluate these results and the performance of the TraPlan model in regard to TP by comparing it with other TP algorithms.
- Research Article
8
- 10.1080/15472450.2024.2341392
- Apr 11, 2024
- Journal of Intelligent Transportation Systems
With the aim to improve the interaction between intelligent vehicles and human drivers, this article proposes the MCLG (multi-head attention + convolutional social pooling + long short-term memory + Gaussian mixture model) lane change decision and trajectory prediction model, which includes a lane-changing intention decision module. The model comprises a lane change decision module responsible for determining three lane change intentions: left lane change, right lane change, and car-following. Subsequently, a multi-head attention mechanism processes complex vehicle interaction information to enhance modeling accuracy and intelligence. In addition, uncertainty in trajectory prediction is considered by using multimodal trajectory prediction and Gaussian mixture model, and diversity and uncertainty are combined by combining trajectory prediction from several different modalities through probabilistic combinatorial sampling patterns. Test results indicate that the MCLG model, based on the multi-head attention module, outperforms existing methods in trajectory prediction. The decision module, which takes interactive information into account, exhibits higher predictability and accuracy. Furthermore, the MCLG model, considering the lane-changing decision module, significantly enhances trajectory prediction accuracy, providing robust decision-making support for autonomous driving systems.
- Research Article
12
- 10.1016/j.ast.2021.107160
- Oct 11, 2021
- Aerospace Science and Technology
Accuracy evaluation of a new generic Trajectory Prediction model for Unmanned Aerial Vehicles
- Conference Article
3
- 10.23919/ccc52363.2021.9549995
- Jul 26, 2021
Aiming at the problems of large simplification and low accuracy of traditional trajectory prediction models, combined with the characteristics of time sequence, continuity, and interactivity of UUV trajectories, an unknown UUV trajectory prediction method based on a gated unit recursive (GRU) neural network model is proposed. The MinMaxScaler method is used to normalize the trajectory data; in order to improve the prediction accuracy, the adaptive parameter adjustment algorithm and adam algorithm are used to optimize the network structure of the established GRU-based trajectory prediction model, without human intervention for parameter adjustment. Finally, the trajectory prediction accuracy of GRU trajectory prediction model and BP trajectory prediction model are analyzed through simulation experiments. The experimental results show that the root mean square error is about 3.96m on the x-axis and 1.00m on the y-axis. The trajectory prediction model based on GRU has faster prediction speed and higher prediction accuracy for unknown UUV trajectory after bearings-only detection.
- Research Article
- 10.1177/09544070251348511
- Jun 26, 2025
- Proceedings of the Institution of Mechanical Engineers, Part D: Journal of Automobile Engineering
Accurate and reliable prediction of driving intentions and future trajectories contributes to cooperation between human drivers and ADAS in complex traffic environments. This paper proposes a visual AOI (Area of Interest) based multimodal trajectory prediction model for probabilistic risk assessment at intersections. In this study, we find that the visual AOI implies the driving intention and is about 0.6–2.1 s ahead of the operation. Therefore, we designed a trajectory prediction model that integrates the driving intention (DI) and the multimodal trajectory (MT) predictions. The DI model was pre-trained independently to extract the driving intention using features including the visual AOI, historical vehicle states, and environmental context. The intention prediction experiments verify that the visual AOI-based DI model predicts steering intention 1.38 s ahead of the actual steering operation. The trained DI model is then integrated into the trajectory prediction model to filter multimodal trajectories. The trajectory prediction experiments show that the proposed model outperforms the state-of-the-art models. Risk assessment for traffics at intersections verifies that the proposed method achieves high accuracy and a low false alarm rate and identifies the potential risk about 3 s before a conflict occurs.
- Research Article
75
- 10.1016/j.trc.2021.103326
- Aug 2, 2021
- Transportation Research Part C: Emerging Technologies
Data-driven trajectory prediction with weather uncertainties: A Bayesian deep learning approach
- Research Article
3
- 10.1038/s41598-024-80563-3
- Dec 6, 2024
- Scientific Reports
With the development of information technology, massive traffic data-driven short-term traffic situation analysis of urban road networks has become a research hotspot in urban traffic management. Accurate vehicle trajectory and traffic flow prediction can provide technical support for vehicle path planning and road congestion warning. Unlike most studies that use GPS data to predict vehicle trajectories, this paper combines the broad coverage, high reliability, and lighter weight of traffic checkpoint data to propose a method that uses trajectory prediction technology to forecast the traffic flow in urban road networks accurately. The method adopts a checkpoint data-driven approach for data collection, combines graph convolutional neural network (GCN) and gated recurrent unit (GRU) models to more effectively learn and extract spatiotemporal correlation features of vehicle trajectories, which significantly improves the accuracy of vehicle trajectory prediction, and uses the output of the trajectory prediction model to forecast traffic flow more accurately. Firstly, transforming the checkpoint data into daily vehicle trajectories with time series characteristics, realizing the vehicle trajectory travel chain division. Secondly, the adjacency matrix is established by using the spatial relationship of each checkpoint, and the feature matrix of the vehicle’s driving trajectory over time is established, which is used as the input of GCN to learn the spatial characteristics of the vehicle while driving on the road network, and then GRU is added to further process the data after GCN training, constructing a GCN-GRU vehicle trajectory prediction model for vehicle trajectory prediction. Finally, the traffic flow of each checkpoint is calculated based on the prediction result of vehicle trajectory and compared with the real checkpoint flow. This paper conducts many experiments on the Qingdao City Shinan district checkpoint dataset. The results show that compared with the single models GCN, GRU, BiGRU, and BiLSTM, the GCN-GRU model has reduced the MAE by 0.75, 0.46, 0.52, and 0.57, and the RMSE by 0.76, 0.52, 0.58, and 0.68, respectively, demonstrating stronger spatial and temporal correlation characteristics and higher prediction accuracy. The MAPE between the forecasted flow and the real flow is 0.18, which verifies the reliability of the proposed method.
- Conference Article
2
- 10.1109/msn57253.2022.00106
- Dec 1, 2022
Autonomous vehicle trajectory prediction is an important component of autonomous driving assistance algorithms (ADAAs), which can help autonomous driving systems (ADSs) better understand the traffic environment, assess critical tasks in advance thus improve traffic safety and traffic efficiency. However, some existing neural network-based trajectory prediction models focus on theoretical numerical analysis and are not tested in real time, leading to doubts about the practical usability of these trajectory prediction models. To address the above limitations, this study first proposes a collaborative simulation environment integrating traffic scenario construction, driving environment perception, and neural network modeling, afterwards used the co-simulation environment for trajectory data and driving environment data collection. In addition, based on the characteristics of the collected data, a trajectory prediction model based on Bi-Encoder-Decoder and deep neural network (DNN) is proposed and pre-trained. Finally, the pre-trained completed model is embedded in the co-simulation environment and tested in real-time with different batches of data. The simulation results show that the proposed trajectory prediction model can predict trajectories well under specific training data batches, and the best performing trajectory prediction model has a prospective time of 4.9 s and a prediction accuracy of 91.55%.
- Research Article
30
- 10.1109/access.2022.3149231
- Jan 1, 2022
- IEEE Access
Aircraft trajectory prediction is a challenging problem in air traffic control, especially for conflict detection. Traditional trajectory predictors require a variety of inputs such as flight-plans, aircraft performance models, meteorological forecasts, etc. Many of these data are subjected to environmental uncertainties. Further, limited information about such inputs, especially the lack of aircraft tactical intent, makes trajectory prediction a challenging task. In this work, we propose a deep learning model that performs trajectory prediction by modeling and incorporating aircraft tactical intent. The proposed model adopts the encoder-decoder architecture and makes use of the convolutional layer as well as Gated Recurrent Units (GRUs). The proposed model does not require explicit information about aircraft performance and wind data. Results demonstrate that the provision of enriched aircraft intent, together with appropriate model design, could improve the prediction error up to 30% at a prediction horizon of 10 minutes (from 4.9 nautical miles to 3.4 nautical miles). The model also guarantees the mean error growth rate with increasing look-ahead time to be lower than 0.2 nautical miles per minute. In addition, the model offers a very low variance in the prediction, which satisfies the variance-standard specified by EUROCONTROL (EU Organization for Safety and Navigation of Air Traffic) for trajectory predictors. The proposed model also outperforms the state-of-the-art trajectory prediction model, where the Root Mean Square Error (RMSE) is reduced from 0.0203 to 0.0018 for latitude prediction, and from 0.0482 to 0.0021 for longitude prediction in a single prediction step of 15 seconds look-ahead. We showed that the pre-trained model on ADS-B data maintains its high performance, in terms of cross-track and along-track errors, when being validated in the Bluesky Air Traffic Simulator. The proposed model would significantly improve the performance of conflict detection systems where such trajectory prediction models are needed.
- Research Article
15
- 10.1109/tits.2022.3219874
- Mar 1, 2023
- IEEE Transactions on Intelligent Transportation Systems
High-precision vehicle trajectory prediction can enable autonomous vehicles to provide a safer and more comfortable trajectory planning and control. Unfortunately, current trajectory prediction methods have difficulty extracting hidden driving features across multiple time steps, which is important for long-term prediction. In order to solve this shortcoming, a temporal pattern attention-based trajectory prediction network, named TP2Net, was proposed, and vehicle of interest inception was established to construct an interaction model among vehicles. Experimental results show a 15% improvement in predictive performance over the previous best method under a 5-s prediction horizon. Moreover, in order to explain why temporal pattern attention was adopted and demonstrate its ability to extract hidden features that are intuitive to human beings, a layer interpretation module was included in TP2Net to quantify the mutual information contained between the input and the intermediate layer output tensor. The results of experiments using naturalistic trajectory datasets indicated that temporal pattern attention can extract three important stages in lane changing, showing that temporal pattern attention can effectively extract hidden features and improve prediction accuracy.
- Research Article
37
- 10.1109/tits.2022.3164469
- Oct 1, 2022
- IEEE Transactions on Intelligent Transportation Systems
Road traffic safety has attracted increasing research attention, in particular in the current transition from human-driven vehicles to autonomous vehicles. Surrogate measures of safety are widely used to assess traffic safety but they typically ignore motion uncertainties and are inflexible in dealing with two-dimensional motion. Meanwhile, learning-based lane-change and trajectory prediction models have shown potential to provide accurate prediction results. We therefore propose a prediction-based driving risk metric for two-dimensional motion on multi-lane highways, expressed by the maximum risk value over different time instants within a prediction horizon. At each time instant, the risk of the vehicle is estimated as the sum of weighted risks over each mode in a finite set of lane-change maneuver possibilities. Under each maneuver mode, the risk is calculated as the product of three factors: lane-change maneuver mode probability, collision probability and expected crash severity. The three factors are estimated leveraging two-stage multi-modal trajectory predictions for surrounding vehicles: first a lane-change intention prediction module is invoked to provide lane-change maneuver mode possibilities, and then the mode possibilities are used as partial input for a multi-modal trajectory prediction module. Working with the empirical trajectory dataset highD and simulated highway scenarios, the proposed two-stage model achieves superior performance compared to a state-of-the-art prediction model. The proposed risk metric is computationally efficient for real-time applications, and effective to identify potential crashes earlier thanks to the employed prediction model.
- Research Article
9
- 10.1155/2022/8274202
- Apr 14, 2022
- Computational Intelligence and Neuroscience
The research on the space trajectory of high-speed moving and flying objects has very important research significance and application value in the fields of sports, military, aerospace, and industry. Table tennis has the characteristics of small size, fast flight speed, and complex motion model. It is very suitable as an experimental object for the study of flying object trajectory. This study takes table tennis as the research object to carry out research on the trajectory prediction of flying objects and builds a trajectory prediction system based on the trajectory prediction model, combining the constraints of the simple physical motion model and the deviation correction of the double LSTM neural network. Aiming at the problem of trajectory extraction of flying table tennis balls, a high-speed industrial camera was used to build a table tennis trajectory extraction system based on binocular vision. A multicamera information fusion method based on dynamic weights is proposed for the prediction of the trajectory of flying table tennis. In order to solve the problems that some model parameters are difficult to measure and the model is too complicated in the traditional physical motion model of table tennis trajectory, a method combining simple physics is proposed. This paper proposes a trajectory prediction model with motion model constraints and dual LSTM neural network bias correction. Experiments show that the proposed method can greatly improve the accuracy of the trajectory extraction and prediction system and can achieve a certain success rate of hitting.
- Research Article
- 10.56028/aetr.14.1.1077.2025
- Jul 21, 2025
- Advances in Engineering Technology Research
Trajectory prediction is one of the key technologies of the autonomous driving system. The accurate and efficient prediction can assist the autonomous driving system in making correct decisions and ensuring driving safety. This paper summarizes the research on trajectory prediction for autonomous vehicles based on deep learning. First, trajectory prediction models’ input representation and output types are analyzed. Then, deep learning-based trajectory prediction methods are reviewed with their advantages and limitations. Finally, future research directions are proposed to address the shortcomings of existing methods in terms of multi-agent interaction modeling and generalization capability.
- Conference Article
8
- 10.1109/dasc.2010.5655515
- Oct 1, 2010
High-performance trajectory prediction is at the core of strategic airspace capacity and safety enhancement. Current state-of-the-art trajectory prediction models are based on a three-dimensional point-mass model, using often predefined settings from existing databases rather than real-time information available onboard the aircraft to determine aircraft dynamics. As a result trajectory prediction performance is limited by the accuracy of these settings. This paper addresses this limitation and proposes a high-performance four-dimensional trajectory prediction model for civil aircraft. The model includes a new flight-control system and an enhanced flight-script. The latter incorporates new taxonomy and content enabling better definition of aircraft intent. The performance of the trajectory prediction model is assessed using data acquired during a real flight trial, and shown to be significantly better than the current models. It has the potential to meet the required navigation performance for departure, en-route and non-precision-approach phases of flight.
- Research Article
- 10.1145/3732286
- May 22, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3722555
- May 8, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3729226
- May 7, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3721363
- Apr 11, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
1
- 10.1145/3703157
- Apr 11, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
1
- 10.1145/3719202
- Apr 11, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3701989
- Apr 11, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3699511
- Apr 11, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3716825
- Mar 5, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Research Article
- 10.1145/3715910
- Feb 25, 2025
- ACM Transactions on Spatial Algorithms and Systems
- Ask R Discovery
- Chat PDF
AI summaries and top papers from 250M+ research sources.