Next Article in Journal
Assessment of the Accumulation of Certain Metals in Human Globus pallidus Using Particle-Induced X-Ray Emission (PIXE), Scanning Electron Microscopy (SEM) and Energy-Dispersive Microanalysis (EDX)
Previous Article in Journal
Classification of Climate-Driven Geomorphic Provinces Using Supervised Machine Learning Methods
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Spatial–Temporal Physics-Constrained Multilayer Perceptron for Aircraft Trajectory Prediction

1
School of Computer Science, Sichuan University, Chengdu 610207, China
2
Sichuan Jiuzhou Aerocont Technologies Co., Ltd., Mianyang 621700, China
*
Authors to whom correspondence should be addressed.
Appl. Sci. 2025, 15(18), 9895; https://doi.org/10.3390/app15189895 (registering DOI)
Submission received: 14 July 2025 / Revised: 3 September 2025 / Accepted: 5 September 2025 / Published: 10 September 2025

Abstract

Aircraft trajectory prediction (ATP) is a critical technology for air traffic control (ATC), safeguarding aviation safety and airspace resource management. To address the limitations of existing methods—kinetic models’ susceptibility to environmental disturbances and machine learning’s lack of physical interpretability—this paper proposes a Spatial–Temporal Physics-Constrained Multilayer Perceptron (STPC-MLP) model. The model employs a spatiotemporal attention encoder to decouple timestamps and spatial coordinates (longitude, latitude, altitude), eliminating feature ambiguity caused by mixed representations. By fusing temporal and spatial attention features, it effectively extracts trajectory degradation patterns. Furthermore, a Hidden Physics-Constrained Multilayer Perceptron (HPC-MLP) integrates kinematic equations (e.g., maximum acceleration and minimum turning radius constraints) as physical regularization terms in the loss function, ensuring predictions strictly adhere to aircraft maneuvering principles. Experiments demonstrate that STPC-MLP reduces the trajectory point prediction error (RMSE) by 7.13% compared to a conventional optimal Informer model. In ablation studies, the absence of the HPC-MLP module, attention mechanism, and physical constraint loss terms significantly increased prediction errors, unequivocally validating the efficacy of the STPC-MLP architecture for trajectory prediction.

1. Introduction

In Air Traffic Control (ATC), Aircraft Trajectory Prediction (ATP) has long been recognized as a critical technology for safeguarding aviation safety and managing airspace resources [1,2], which plays a pivotal role in conflict detection [3], traffic flow optimization [4,5], and emergency response operations [6]. Over the past several decades, economic prosperity and technological innovation have propelled explosive growth in civil aviation, driving sustained surges in air traffic—particularly amid global liberalization of low-altitude airspace regulations and widespread adoption of UAV (Unmanned Aerial Vehicle) technologies [7]. Such developments have exponentially amplified the complexity of airspace ecosystems, thereby creating urgent demand for high-precision trajectory prediction systems [8]. Notably, the International Civil Aviation Organization (ICAO) forecasts a 70% surge in global air traffic volume over the next decade [1,2], which mandates significant advancements in real-time dynamic trajectory prediction algorithms to address emerging operational challenges.
Essentially, aircraft trajectory prediction is a multivariate time series problem [9] that considers the aircraft’s current state and operational environmental factors. Its primary objective is to forecast the motion attributes of discrete trajectory points, including longitude, latitude, altitude, velocity, and others. Current trajectory prediction methods are broadly categorized into kinetics-and-aerodynamics models, state estimation models, and machine learning models [10]. Kinetics-and-aerodynamics models treat the aircraft as a point mass, focusing on the relationship between forces and motion [11,12]. By incorporating the aircraft’s current state, performance parameters, and meteorological conditions, these models achieve trajectory prediction. Rooted in Newtonian mechanics and aerodynamics, their explicit modeling approach enables long-term trajectory prediction with clear physical interpretability [13,14]. For instance, the Point-Mass Model (PMM) [15] exhibits stability advantages with linearly increasing errors during civil aviation cruise phases. However, this method’s heavy reliance on aircraft performance data—which is challenging to measure in real-world operational environments—yet collected from idealized test settings, significantly constrains its actual performance [16]. State estimation models employ state-space theory to mathematically represent physical systems, converting dynamical processes into probabilistic frameworks that handle sensor noise and motion uncertainty [17]. These models demonstrate strong noise robustness in real-time maneuvering target tracking. Classic examples include the Kalman Filter (KF) and its variants [18], Particle Filter (PF) [19], and the widely adopted Interacting Multiple Model (IMM) [20]. However, state estimation models are highly susceptible to environmental uncertainties [16], leading to error accumulation during multi-step prediction that ultimately degrades prediction accuracy [10].
Thanks to the rapid development of artificial intelligence, more and more researchers are utilizing machine learning models for aircraft trajectory prediction [21,22,23]. Wu et al. [24] proposed a regression model that mines historical flight data to identify influencing factors, predicts next-flight duration, and reconstructs aircraft positions per sampling period for complete 4D trajectory prediction. Wang et al. [25] employed fuzzy clustering analysis on approaching aircraft 4D trajectory data, establishing a theoretical foundation for optimizing approach/departure procedure design. Reference [26] leveraged Backpropagation (BP) neural networks to achieve high-precision four-dimensional trajectory prediction. To characterize uncertainty in ATC environments, the Bayesian neural networks [27,28] were implemented to explicitly incorporate environmental perturbations. Fundamentally, aircraft trajectory prediction constitutes a temporal sequencing problem. Capitalizing on Long-Short Term Memory (LSTM) networks’ proficiency in processing long sequences, Shi et al. [29] established a LSTM neural network for 4D trajectory forecasting. Meanwhile, Zhang et al. [30] proposed an LSTM network optimized by the Ant Lion Optimization algorithm for trajectory prediction. In addition, Ma et al. [31] proposed a hybrid architecture to extract the spatial–temporal features of the trajectory data by combining Convolutional Neural Network (CNN) and LSTM network. Zhang et al. [27] also innovatively introduced a hybrid Deep Neural Network–Long Short-Term Memory (DNN-LSTM) framework for trajectory prediction, integrating Bayesian methods to quantify predictive uncertainty and thereby enhance en-route flight safety.
As mentioned above, in the machine learning model, the trajectory prediction problem is transformed into the ordered time prediction problem. The machine learning model learns the hidden motion features from the massive trajectory data through a lot of training, and then realizes the trajectory prediction of aircraft. Although data-driven machine learning approaches have achieved certain success in the ATP task, the lack of interpretability remains unsolved, which prevents the implementation of machine learning in ATP [10,32]. For example, it is still a challenging task to examine the underlying flight patterns in sufficient details [33]. In general, the primary dynamics results from the aircraft maneuvering during the climb and descent phase, as well as the intention-driven operations.
To address the aforementioned challenges, this paper proposes a Spatial–temporal Physics-Constrained Multilayer Perceptron (STPC-MLP) model. In this method, the self-attention mechanism [34] is employed to allocate weights to different spatial features (longitude, latitude and altitude) as well as time steps to capture the spatial–temporal information. Adapted from DeepHPM [35], the hidden physics constrained neural network (HPC-MLP) is employed to distill the hidden physics relationship between the input data and the corresponding output data. Experimental results demonstrate that the STPC-MLP model reduces prediction error by 7.13% in RMSE, 40.38% in MSE, and 34.31% in MAPE compared to the state-of-the-art LSTM baseline. In ablation studies, the absence of the HPC-MLP module, attention mechanism, and physical constraint loss terms significantly increased prediction errors, unequivocally validating the efficacy of the STPC-MLP architecture for trajectory prediction.
The primary contributions of this paper are outlined as follows.
(1)
A novel spatial–temporal attention-based encoder is applied to find informative features in aircraft trajectories from both time and space dimension. By separately encoding timestamps and spatial coordinates (longitude, latitude and altitude), the model mitigates the feature ambiguity caused by mixed spatiotemporal representations in conventional methods. Simultaneously, by fusing the features of temporal attention and spatial attention, our model can extract degradation information more effectively and improve the prediction accuracy of trajectory points.
(2)
HPC-MLP is used to make predictions and capture the hidden physics between the input data and output data. Dynamic equations are integrated as physical constraints to ensure predicted trajectories strictly adhere to aircraft kinematic principles. Furthermore, the loss function is designed to penalize violations of the aircraft’s maximum acceleration and minimum turning radius, thereby preventing physically implausible predictions beyond the aircraft’s maneuverability limits. Benefiting from the physical constraint, the model can make reasonable predictions with improved interpretability and accuracy than pure data-driven methods.
(3)
By integrating a spatial–temporal separated encoder based on the attention mechanism and physical constraints derived from aircraft dynamics, the proposed STPC-MLP model exhibits significant advantages in aircraft trajectory prediction, with average RMSE, MAE, and MAPE values of only 0.5158, 0.1891, and 0.0067%, respectively. Compared to the optimal Informer model, it achieves substantial reductions in prediction errors—specifically, 7.13% in RMSE, 40.38% in MAE, and 34.31% in MAPE—highlighting its superior accuracy in capturing complex spatial–temporal dynamic data information. Furthermore, ablation experiments further validate the model’s robustness: removing the HPC-MLP module, attention mechanism, or physical constraint loss term leads to significant increases in prediction errors, confirming the critical role of these components in performance enhancement. Overall, these improvements enable the model to generate more reliable predictions that conform to physical laws, strictly adhering to aircraft kinematic principles (e.g., maximum acceleration and minimum turning radius constraints), thereby enhancing its value in real-world applications where safety and precision are paramount.

2. Related Work

Aircraft trajectory prediction methods can be categorized into kinetics-and-aerodynamics models, state estimation models, and machine learning models [10] based on their modeling principles and technical approaches.

2.1. Kinetics-and-Aerodynamics Models

The kinematics and dynamics-based approach treats the aircraft as a point mass, emphasizing the relationship between forces and motion [11,12]. This methodology necessitates the prior establishment of an aircraft performance parameter database. Utilizing the aircraft’s flight state, aerodynamic and kinematic assumptions are developed, which are subsequently employed to formulate the aircraft’s state equations, facilitating the prediction of its trajectory. The Base of Aircraft Data (BADA) database [36], which is the most widely used, provides a range of aircraft performance parameters, including Aircraft Performance Models (APM) and Operating Procedure Coefficients (OPCs), for various aircraft types. In 2008, Porretta et al. [37] represented OPCs as a set of discrete variables and developed the renowned three-dimensional Point Mass Model (PMM) for predicting four-dimensional aircraft trajectories. However, the PMM heavily relies on the aircraft’s key performance parameters, which are often considered commercial secrets and thus not publicly available; furthermore, due to the model’s sensitivity to these key performance parameters, the parameters obtained from theoretical experimental environments often deviate from those in real-world conditions. These two factors significantly limit its engineering applications [16].

2.2. State Estimation Models

Methods based on state estimation models employ state space theory to mathematically represent physical systems, transforming dynamic processes into probabilistic models that handle sensor noise and motion uncertainties [17]. Typical models include KF [18], PF [19], and others. Taking KF as an example, it estimates the system state by combining the system model and observation data using the minimum mean square error criterion. Through continuous prediction and updating, it gradually reduces the state estimation error and provides the optimal state estimation result. Lin et al. [38] proposed using the KF to solve the continuous state estimation problem of aircraft and combined probabilistic methods to determine the aircraft’s intent model, thereby achieving high-precision trajectory prediction. Yan et al. [39] introduced the unscented KF algorithm to achieve two-dimensional trajectory tracking and prediction of nonlinear maneuvering targets in camera coordinates. Ioannis Lymperopoulos et al. [40] proposed a stochastic nonlinear hybrid system model based on particle filtering to address uncertainty issues in aircraft trajectory prediction. To address the issue of insufficient estimation performance of a single model in complex environments, Li et al. [41] proposed the IMM algorithm, which employs two or more motion models to match the possible states of the target during maneuvering. And then it estimates the target state by weighted fusion of the filtering results from multiple models. Typically, this model combines non-maneuvering and maneuvering models, using a Markov chain to govern the switching between models, thereby achieving comprehensive adaptive tracking of the target. Its modular characteristics enable the model to be designed with relatively flexible combinations, and it has been widely applied in the field of target tracking. Overall, state estimation models can effectively predict aircraft trajectories and have achieved significant success in practical applications. However, these methods are susceptible to environmental uncertainties, prone to accumulation of multi-step errors [11], which ultimately affects the precision of aircraft trajectory prediction.

2.3. Machine Learning Models

Inspired by the great success of machine learning algorithms in fields such as computer vision, natural language processing [42], autonomous driving [43], dynamic traffic control [44], and automatic speech recognition [20], a large number of researchers have innovatively applied machine learning algorithms to the field of aircraft trajectory prediction. To address short-term and medium-term aircraft trajectory prediction problems, Tastambekov et al. [21] proposed a local linear functional regression method based on Sobolev spaces. The relative prediction error for their 40 tested trajectories ranged between 2% and 16%, demonstrating the method’s effectiveness. This approach was ultimately successfully implemented in several airports in France. Rodríguez-Sanz et al. [45] introduced a method for aircraft trajectory and traffic flow prediction during the pre-tactical phase. They developed a trajectory prediction framework centered on three core principles: data-driven modeling, dynamic adaptability, and airspace user orientation. Validation using actual operational data from Spanish air traffic control showed significant improvements in the model’s predictive performance for flights with high volatility. Jeung et al. [46] introduced the Hidden Markov Model (HMM) to uncover the underlying movement patterns of flight trajectories. Jiang et al. [47] used Support Vector Machine (SVM) for aircraft conflict detection; Wiest and colleagues [48] utilized Gaussian Mixture Model (GMM) for aircraft trajectory prediction and achieved good results. Choi et al. [22] proposed a terminal airspace trajectory prediction framework combining machine learning and estimation methods, which reduced horizontal positioning errors by 46.8% and 76.0% compared to GMM and LSTM models, respectively, demonstrating its superior performance. Furthermore, BP neural network [26], Bayesian neural network [27,28], LSTM [29,30], CNN-LSTM [31], cLSTM [49], Transformer, and other machine learning algorithms and their variants have been widely applied in aircraft trajectory prediction and have achieved great success. However, as mentioned above, purely data-driven machine learning models are black-box models that lack strong interpretability [50] and may produce prediction points that violate physical laws [33]. As researchers such as Hashemi [51] and Neretin [52] have demonstrated through comparative evaluations of traditional models and deep neural network (DNN) models, while DNN models outperform traditional approaches in predictive accuracy and learning speed, they also exhibit the highest sensitivity to unfamiliar information—such as abnormal operations by human experts or sudden weather changes—leading to significant deviations from actual conditions in prediction outcomes. If this issue is not effectively resolved, it will still limit the practical application of machine learning models in aircraft trajectory prediction.

3. Methodology

3.1. Problem Formulation

The ATP task is generally defined as a time series forecasting (TSF) problem. The last N trajectory points { P t R d | t = 1 ,   2 , , N } of the previous time period, arranged in chronological order, from the air traffic control system are used to predict the future aircraft’s trajectory point P N + 1 . Here is the definition of P t .
P t L o n t , L a t t , A l t t T
where Lon, Lat, Alt, correspond to the longitude, latitude and altitude, respectively. t represents the time of the trajectory point. It should be noted that t + 1 means that it is 1000 ms later than t in terms of time. Utilizing the input data P 1 : N R 3 × N , the ATP task can be expressed as:
P N + 1 = f ( P 1 : N , θ )
P 1 : N = P 1 , P 2 , , P N
where θ denotes the parameters of the model (e.g., weights and biases), f denotes the prediction model. For clarity in subsequent discussions, let us denote P N + 1 as Y, i.e., Y =   P N + 1 .

3.2. The Proposed Framework

The proposed model’s structure, as illustrated in Figure 1, primarily comprises two components: an encoder and the HPC-MLP. The details of the architecture and main blocks are presented as follows.

3.2.1. Encoder

To more effectively leverage the input data and reduce redundancy, an encoder is utilized to extract degradation information while reducing the dimensionality of the input. The encoder is composed of three blocks, which are the input embedding block, attention block and feature fusion block.
The embedding block is used to unify the dimensions of the input and make preparation for the feature fusion process, and its internal block diagram is shown in input embedding block in Figure 1. The embedding block consists of one Reshape layer, three fully connected layers (Fully Connected), and three activation layers (Relu). The primary function of the Reshape layer is to modify the data organization of the output tensor from the first fully connected layer, enabling the temporal attention block to focus on the time dimension of the input data. The input to the input embedding block is a Data Matrix in the form of a three-dimensional tensor, organized as Channel × Batch × Time (abbreviated as C × B × T). In this paper, Channel corresponds to the three channels: longitude, latitude, and height, which are the dimensions that the spatial attention block needs to focus on. Batch refers to the sample batch size during a single training step. Time represents the time series dimension, which is the dimension that the temporal attention block focuses on, and its value is denoted as N. The specific workflow of the embedding block can be described as follows:
The Data Matrix (C (3) × B (1) × T (N), where the batch size is written as 1 for simplicity) passes through the first fully connected layer and outputs a tensor of shape C (32) × B (1) × T (N). For the left branch in embedding block, this tensor then passes through another fully connected layer and an activation layer (resulting in a tensor of shape C (16) × B (1) × T (N)), and is output to the spatial attention block. For the right branch in embedding block, the tensor (C (32) × B (1) × T (N)) from the first fully connected layer is processed by the Reshape layer, which reorganizes the tensor into the form C (N) × B (1) × T (32). It then passes through another fully connected layer and an activation layer, and is output as a tensor of shape C (16) × B (1) × T (32) to the temporal attention block.
The attention block consists of spatial attention block and temporal attention block. The self-attention mechanism is employed to calculate attention scores for various trajectory’s features across different time steps. The spatial attention block is utilized to extract features from the spatial dimension of aircraft trajectories. The temporal attention block is responsible for extracting features from the time step dimension of aircraft trajectories. The attention blocks for spatial and temporal attention block share the same structure. As shown in Figure 1, the attention block consists of three sublayers, which are Self-Attention 1 (lower-level self-attention layer), Self-Attention 2 (upper-level self-attention layer), and Add & Norm (residual connection and layer normalization). Self-attention 1 and Self-attention 2 have the same attention structure. The data flow begins with the input passing through Self-Attention 1 to capture local dependencies, followed by Self-Attention 2 to model global long-range associations. Finally, Add & Norm combines the self-attention output with the original input via residual addition and applies normalization to ensure feature stability and training convergence. By stacking dual self-attention layers, the Attention block achieves hierarchical feature abstraction for aircraft trajectory data (from local to global patterns). The residual connection mitigates vanishing gradient issues, while layer normalization suppresses feature distribution shifts. The design is visualized with clean blue blocks and directional arrows against a plain background, emphasizing intuitive data flow and modularity.
The input of the self-attention [34] layer contains query ( Q ), key ( K ) of dimension d k , and value ( V ) of dimension d v . The Q, K and V are all obtained by passing the input data through a linear layer, which can be calculated separately by the following equations.
= P e m b W Q ,    K = P e m b W K ,    V = P e m b W V
where P e m b is the embedding representation obtained by applying the embedding operation to the input data matrix P. W Q , W K and W V are all learned weight matrices.
The self-attention mechanism can be expressed as:
A t t e n t i o n Q , K , V = s o f t m a x Q K T d k V
A t t e n t i o n Q , K , V represents the attention score matrix. d k is used to scale the dot products to prevent Q K T falls into the area where the softmax function has extremely small gradients [34].
The feature fusion block is responsible for combining the features of spatial attention and temporal attention and transforming the new feature into a low-dimensional representation, which contains the compressed information from the original aircraft trajectory data. The structure of the feature fusion block is shown in Figure 1. First, the output of the spatial attention block F f R 3 × D and the output of the temporal attention block F t R T × D are concatenated to get a new feature map F r R ( T + 3 ) × D . Subsequently, a convolutional layer is employed to extract the features from F r and fuse the information from spatial attention block and temporal attention block. Finally, the Indexing 1-D Layer selectively filters critical feature positions along specific dimensions, compressing redundant information to output the low-dimensional fused result (H).

3.2.2. HPC-MLP

By abstracting the aircraft as a point mass, based on Newton’s second law, the vector form differential equation of the point mass can be described by the following equation.
2 r t 2 F r , t m = 0  
where m is the mass of aircraft. r represents the position coordinates of the aircraft in airspace, which corresponds to Y in Figure 1. F r , t represents the vector sum of the forces acting on the aircraft, which is a function of the aircraft’s position and time.
Equation (6) clearly shows that the second derivative of the aircraft position r with respect to time is proportional to the vector sum of the forces exerted on the aircraft. In this way, the prediction of the trajectory of the aircraft will be transformed into the prediction of the vector sum of the current force on the aircraft and the mass m of the aircraft. Theoretically, the current state of force on an aircraft is unpredictable, because the force on an object can change its magnitude and direction instantaneously. However, fortunately, the size and direction of the force on the aircraft in the real environment will not change instantaneously. For example, the size of the thrust of the aircraft is the change of time, and the closing and opening of the engine cannot be completed instantaneously. Similarly, other forces such as the air flow on the aircraft cannot change instantaneously, and they all change with time. This provides a realistic basis for the prediction of forces. Here, we use the second order nonlinear partial differential equation (PDE) N to describe the change of the ratio F r , t m of force to mass with time. N can be expressed in detail as:
N u , u t , u t t = α 0,0 + α 1,0 u + α 2,0 u 2 + α 3,0 u 3 + α 0,1 u t + α 1,1 u u t + α 2,1 u 2 u t + α 3,1 u 3 u t + α 0,2 u t t + α 1,2 u u t t + α 2,2 u 2 u t t + α 3,2 u 3 u t t  
where α is hyper parameter. The solution u = ( u 1 u n ) could be n dimensional in which case u t denotes the collection of all element-wise first order derivatives u 1 t , , u n t . Similarly, u t t includes all element-wise second order derivatives 2 u 1 t 2 , , 2 u n t 2 . In this paper, the solution u corresponds to r , and the n = 3 . Because the position coordinate r is a vector, containing x, y, and z directions, the system of partial differential equations that fully describe the ratio of force to mass F r , t m over time is shown below.
  F x r , t m = N x F y r , t m = N y F z r , t m = N z  
Although for the ATP problem, N is unclear, one can still embed the hidden physics relationship between output data Y and the input data P into the neural network. Here we introduce HPC-MLP. The HPC-MLP is adapted from the original work of DeepHPM [35] with the self-attention mechanism to enhance its capability. As shown in Figure 1. The HPC-MLP is composed of two same multilayer perceptron (MLP) networks. The first MLP network is responsible for predicting the Y with H and t as inputs. And the second MLP network is used to distil the hidden mechanisms (nonlinear function, N in Equation (7)) between the compressed input data P and output data Y. The inputs of second MLP are P ,   P t ,   2 P t 2 , , which are the derivatives of P with respect to time. In fact, the process of training the second MLP is precisely to search for the hyper parameters in Equation (7), and to dynamically adjust these hyper parameters according to the different trajectory characteristics of the aircraft.
The loss function of the whole model is formed by four terms, which are the data driven loss term, physics-driven loss term, acceleration constraint loss term and curvature constraint loss term, respectively. The loss function can be expressed as:
L t o t a l = λ 1 L d a t a + λ 2 L p h y s i c s + λ 3 L a c c + λ 4 L c u r v e
where λ is the weight factor, which is used to balance different terms. In this paper, gradient descent is used to adjust the value of λ . L d a t a is data driven loss term, which can be expressed as:
L d a t a =   1 N t = 1 N Y t Y t ^ 2  
where Y ^ denotes the predicted Y , and Y and denotes the real Y . L p h y s i c s is the physics-driven loss term:
L p h y s i c s =   1 N t = 1 N f ( r , t )  
where f is:
f =   2 r t 2   F r , t m
In practice, in addition to the physics-driven loss term introduced to account for dynamical constraints, it is essential to augment the loss function with acceleration and curvature constraint terms. These enforce adherence to kinematic principles such as the maximum acceleration limits and minimum turning radius for aircraft. This necessity arises from the physical reality that no existing aircraft can operate with arbitrarily large accelerations or infinitesimally small turning radii. In this work, acceleration constraint loss term L a c c is shown below.
L a c c = t max ( 0 , a t 2 a m a x ) 2
a t 2 = ( d 2 x d t 2 ) 2 + ( d 2 y d t 2 ) 2 + ( d 2 z d t 2 ) 2
where a t 2 represents the second-order norm of acceleration a t , and a m a x is the maximum acceleration. And curvature constraint loss term L c u r v e can be expressed as:
L c u r v e = t max 0 , d θ t d t v t R m i n 2
v t = d r d t
θ t = arctan 2 d y d t , d x d t
where θ t represents heading Angle, and v t is velocity vector. R m i n is minimum turning radius for aircraft. The a r c t a n 2 function is the two-argument arctangent, which calculates the angle from the positive x-axis to a point (x, y) in the Cartesian plane.

4. Experiments

4.1. Data Processing

In this work, raw aircraft trajectories are sourced from the OpenSky Network [53], comprising 2671 aircraft over European airspace within 2 h period. These trajectories were collected via Automatic Dependent Surveillance-Broadcast (ADS-B) systems from operational air traffic control (ATC) infrastructure. The dataset encapsulates complete flight state representations including: temporal stamps, geospatial coordinates (longitude, latitude, altitude), and velocity vectors (horizontal/vertical components). In this paper, we specifically leverage the temporal dynamics and three-dimensional positional data (timestamps and spatial coordinates).
The complete set of aircraft trajectories in the dataset is visualized in Figure 2a. Based on the latitude and longitude, Figure 2a shows that the dataset covers most of Europe (longitude from 15° E to 30° E, spanning 1365 km; latitude from 35° N to 65° N, spanning 3336 km), indicating a wide distribution and rich sampling of aircraft trajectory data across these coordinates. Regarding altitude, the dataset includes flight data ranging from 0 to 14,000 m (with trajectory colors representing altitude, transitioning from blue to yellow as shown in the color bar at the bottom of Figure 2a), further demonstrating a broad and diverse distribution of altitude data, which is crucial for model training.
Figure 2b,c fully illustrate a single aircraft trajectory from the dataset, encompassing the complete process of climb, high-altitude cruise, and descent. Figure 2b highlights the horizontal aircraft path, with longitude ranging from 9° E to 11° E and latitude from 46° N to 50° N. Figure 2c provides a three-dimensional view of the complete trajectory, clearly showing the aircraft’s gradual climb from an altitude of about 1000 m to around 4000 m, followed by a period of level flight, a quicker ascent to a cruising altitude of 10,000 m, a duration of high-altitude cruising, and then a gradual descent back to approximately 1000 m.
Due to various complex airspace conditions, the ADS-B trajectory data received by ATC system for aircraft is not completely continuous. Occasionally, there will be breakpoints in the trajectory data of the aircraft. Therefore, the original trajectory data needs to be preprocessed. Here, Fourier interpolation is employed to address missing points in the original trajectory data while concurrently achieving uniform time intervals (as the original data exhibited inconsistent timing between trajectory points). It should be noted that targets exhibiting extensive missing data will be directly discarded. Following preprocessing, min-max normalization is applied to scale the new trajectory data. The normalization formula is shown below.
P n o r = P p r e m i n m a x m i n
where P p r e is preprocessed data, max and min indicate the maximum and the minimum value of the sample, respectively, and P n o r is the normalized data.
The sliding window process, which is a commonly used data segmentation process to get the time information from the time series data, is used to segment the aircraft trajectory data. In this method, the window sizes are set as 30, and the sliding stride is 1.

4.2. Experimental Setting

In this work, 80% of trajectory data are randomly chosen as the training dataset, the remaining 20% is set aside as the test dataset. The batch size is set as 64. In this model, the MLP in HPC-MLP contains 2 hidden layers with 16 neurons per layer. Before each activation function, batch normalization is used to normalize the output of the previous layer. Tanh is adopted as the activation function. Adam optimizer in MATLB 2024b is used to update the model. The learning rate will be tested as a hyper-parameter, with the range being from 0.1 to 0.001. The training is conducted on a single NVIDIA GeForce RTX 4060 GPU.
In order to comprehensively evaluate the performance of our model, three evaluation indexes, root mean absolute error (RMSE), mean absolute error (MAE) and mean absolute percentage error (MAPE), were used to evaluate the built model to ensure that the built model has strong generalization and high robustness. The RMSE can be displayed as:
RMSE = 1 N t = 1 N Y t Y t ^ 2
The MAE can be displayed as:
M A E = 1 N i = 1 N Y t Y t ^
The MAPE can be displayed as:
M A P E = 1 N i = 1 N Y t Y t ^ Y t ^ × 100 %

4.3. Maximum Acceleration and Minimum Turn Radius

In the model loss term, the maximum acceleration and minimum turn radius are important physical constraint parameters. By setting the value of the maximum acceleration to penalize predicted values that exceed the maximum acceleration, the model weights are thereby updated through the backpropagation algorithm; similarly, by setting the minimum turn radius to penalize predicted values below the minimum turn radius, the model weights are updated through the backpropagation algorithm. Table 1 details the minimum airspeed V m i n , maximum load factor n m a x , maximum acceleration a m a x , and minimum turn radius R m i n for four typical aircraft categories: civil aviation (Boeing 737) [54], fighter jet (F-16) [55,56], bomber (B-52) [57], and reconnaissance aircraft (U-2) [58]. Among them, the minimum turn radius is calculated based on the aircraft’s minimum airspeed V m i n and maximum load factor n m a x . The calculation formula is:
R m i n =   V m i n 2 g n m a x 2 1
According to Table 1, the maximum acceleration for the four typical aircraft is 9 g (g is the gravitational acceleration, with a value of 9.81 m2/s), and the calculated minimum turn radius is 51 m. In the model, to account for exceptional cases of individual aircraft and to retain appropriate margins, the maximum acceleration is determined to be 10 g, and the minimum turn radius to be 50 m.

4.4. Hyperparameter Configuration

To get the best performance, grid search is conducted to determine the learning rate and the number of self-attention heads in attention blocks. The learning rate is configured in the range of 0.1 to 0.001, and the number of self-attention heads is set to 1 to 5. We compare the outcomes of the average RMSE and MAE of the aircraft trajectory dataset under different settings. Each RMSE and MAE is averaged from 3 independent trials. Table 2 shows the average RMSE and average MAE. It can be observed that the model gives the best results when the learning rate is 0.001 and the number of self-attention heads is 1.

4.5. Result and Comparison with Other Methods

In this work, we selected 8 representative models—namely Kalman filter, Vanilla LSTM, PCA LSTM, PSO LSTM, CNN LSTM, Transformer, Informer and Temporal fusion transformer (TFT)—as our baseline approaches. Table 3 presents a comparison between the proposed model and these baseline models. It is known from the table that the proposed model’s average RMSE is only 0.5158, which represents a 7.13% reduction compared to the optimal Informer model (average RMSE of 0.5554). Similarly, on the average MAE metric, the proposed model’s MAE is reduced by 40.38% compared to the optimal Informer model (average MAE of 0.3172). On the average MAPE metric, the proposed model’s MAPE is reduced by 34.31% compared to the optimal Informer model (average MAPE of 0.0102). The above results show that, whether in longitude, latitude or altitude, the performances of our method show significant improvement compared with those existing approaches. It indicates that with the aid of physics constraint and attention mechanism, our model has superior ability for the ATP task.
Figure 3a displays the test results of the proposed model and other common models on one of the aircraft trajectory datasets. On the one hand, the STPC-MLP model proposed in this paper shows closer alignment to the target values compared to other models. On the other hand, when the target altitude undergoes significant changes, especially at elevations of 10,650 m and 11,000 m, the STPC-MLP model exhibits smaller oscillations and deviations than other models. This demonstrates its effective tracking capability of the target. Figure 3b,d,f further elaborates the temporal variations of the different model’s predicted trajectory in longitude, latitude, and altitude, providing a granular validation of its consistency in multi-dimensional space. Figure 3c,e,g demonstrates the absolute error trends of an aircraft trajectory prediction model across three dimensions—longitude (0–0.03 degrees), latitude (0–0.01 degrees), and altitude (0–15 m)—over 0–35 time steps, revealing that horizontal errors are significantly smaller than vertical ones while maintaining overall stability.

5. Ablation Study

5.1. Ablation of HPC-MLP

Figure 4a illustrates the predicted aircraft trajectory without the HPC-MLP module. In contrast to Figure 3 (with HPC-MLP), the incorporation of HPC-MLP clearly demonstrates enhanced predictive capability for the target trajectory. Similarly, Figure 4b,d,f more clearly delineates this improvement through separate analyses of the trajectory’s longitude, latitude, and altitude dimensions. Figure 4c,e,g further present the absolute error of trajectory prediction in longitudinal, latitudinal, and altitudinal dimensions, respectively. The model with HPC-MLP shows significant improvement. This indicates that the proposed method, which integrates physics constraints, is more effective. Figure 5 exhibits the dynamic evolution of loss weights λ i for the data-driven loss term, physics-driven loss term, acceleration constraint loss term, and curvature constraint loss term during training process. The initial values of λ 1 to λ 4 are set to 1.0, 0.75, 0.5, and 0.5, respectively. The trajectories of the four loss weights in Figure 5 demonstrate that the model rapidly establishes foundational capabilities through heavy reliance on data fitting and physics regularization during early training stages, while acceleration and curvature constraints drive further refinement in later iterations.

5.2. Ablation of Attention Mechanism

Table 4 shows the results of the ablation study of temporal attention (M1), spatial attention (M2). Notice that for M1, the model shows better performance on longitude and altitude, but shows worse performance on altitude. As for M2, the results are similar to those of M1; that is, M2 achieves better accuracy on longitude and latitude, but worse accuracy on altitude. Compared to M1 and M2, our proposed STPC-MLP demonstrated smaller errors in predicting both latitude and altitude.

5.3. Ablation of Loss Balancing Scheme

Table 5 shows the results of the ablation study of loss balancing scheme, which were ablation experiments of physics-driven loss term (L1), acceleration constraint loss term (L2) and curvature constraint loss term (L3), respectively. The results demonstrate that the loss balancing scheme significantly enhances model accuracy, particularly when integrated with the physics-driven loss term, highlighting its critical role in the training process.

6. Conclusions

In this work, a spatial–temporal physics-constrained multilayer perceptron model was proposed to address the ATP problem. A spatial–temporal attention mechanism was proposed to emphasize the spatial and time steps. The extracted features were fused to remove redundant features and get the hidden vectors that contain useful information. HPC-MLP is used to make predictions and capture the hidden physics between the input data and output data. In HPC-MLP, dynamic equations are integrated as physical constraints to ensure predicted trajectories strictly adhere to aircraft kinematic principles. Furthermore, the loss function is designed to penalize violations of the aircraft’s maximum acceleration and minimum turning radius, thereby preventing physically implausible predictions beyond the aircraft’s maneuverability limits. These innovations collectively enable outstanding performance (avg. RMSE 0.5158, MAE 0.1891, MAPE 0.0067%) and strong interpretability, particularly due to the physics-guided constraints. Compared to the optimal Informer models, our model reduces prediction errors by 7.13% (RMSE), 40.38% (MAE), and 34.31% (MAPE), demonstrating superior accuracy in modeling complex spatial–temporal dynamics. This underscores its significant potential for real-world applications demanding high reliability and precision.
However, the model we proposed still has the following limitations: (I) The proposed model currently can only perform single-step prediction, and multi-step prediction will be added in future work; (II) The model has not yet considered information about small unmanned aircraft, and the prediction results for small unmanned aircraft may have certain limitations; (III) The proposed model employs many physical constraints, which increases the computational load of the loss function, leading to excessively long model training times. In addition, the larger scale of model parameters will limit its practical application.

Author Contributions

Conceptualization, Z.Z.; methodology, Z.Z.; software, K.Z.; validation, Z.Z.; formal analysis, Y.L.; investigation, Y.L.; resources, J.Z.; data curation, X.Z. and D.X.; writing—original draft preparation, K.Z.; writing—review and editing, Z.Z. and Y.L.; visualization, D.X.; supervision, J.Z.; project administration, J.Z. and Y.L.; funding acquisition, J.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the National Natural Science Foundation of China (NSFC) under grants No. U2433217, Sichuan Science and Technology Program, China 2024ZDZX0046, Institutional Research Fund from Sichuan University 2024SCUQJTX030 and Open Fund of Key Laboratory of Flight Techniques and Flight Safety, CAAC GY2024-01A.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors on request.

Conflicts of Interest

Authors Zhongnan Zhang, Kun Zhang, Xuemei Zheng and Dengmei Xiang were employed by the company Sichuan Jiuzhou Aerocont Technologies Co., Ltd. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Cate, K. Challenges in achieving trajectory-based operations. In Proceedings of the 51st AIAA Aerospace Sciences Meeting Including the New Horizons Forum and Aerospace Exposition, Grapevine, TX, USA, 7–10 January 2013. [Google Scholar]
  2. Kelly, D.; Efthymiou, M. An analysis of human factors in fifty controlled flight into terrain aviation accidents from 2007 to 2017. J. Saf. Res. 2019, 69, 155–165. [Google Scholar] [CrossRef]
  3. Guan, X.; Zhang, X.; Wei, J.; Hwang, I.; Zhu, Y.; Cai, K. A strategic conflict avoidance approach based on cooperative coevolutionary with the dynamic grouping strategy. Int. J. Syst. Sci. 2016, 47, 1995–2008. [Google Scholar] [CrossRef]
  4. Zhang, M.; Chen, S.; Sun, L.; Du, W.; Cao, X. Characterizing flight delay profiles with a tensor factorization framework. Engineering 2021, 7, 465–472. [Google Scholar] [CrossRef]
  5. Yan, Z.; Yang, H.; Wu, Y.; Lin, Y. A multi-view attention-based spatial-temporal network for airport arrival flow prediction. Transp. Res. Part E Logist. Transp. Rev. 2023, 170, 102997. [Google Scholar] [CrossRef]
  6. Du, W.B.; Gao, Y.; Liu, C.; Zheng, Z.; Wang, Z. Adequate is better: Particle swarm optimization with limited information. Appl. Math. Comput. 2015, 268, 832–838. [Google Scholar] [CrossRef]
  7. Guo, D.; Zhang, Z.; Yang, B.; Zhang, J.; Yang, H.; Lin, Y. Integrating spoken instructions into flight trajectory prediction to optimize automation in air traffic control. Nat. Commun. 2025, 15, 9662. [Google Scholar] [CrossRef]
  8. Singer, R.; Sea, R. New results in optimizing surveillance system tracking and data correlation performance in dense multitarget environments. IEEE Trans. Autom. Control 1973, 18, 571–582. [Google Scholar] [CrossRef]
  9. Guan, X.; Zhang, X.; Han, D.; Zhu, Y.; Lv, J.; Su, J. A strategic flight conflict avoidance approach based on a memetic algorithm. Chin. J. Aeronaut. 2014, 27, 93–101. [Google Scholar] [CrossRef]
  10. Zhang, Z.; Guo, D.; Zhou, S.; Zhang, J.; Lin, Y. Flight trajectory prediction enabled by time-frequency wavelet transform. Nat. Commun. 2023, 14, 5258. [Google Scholar] [CrossRef]
  11. Lee, J.; Lee, S.; Hwang, I. Hybrid System Modeling and Estimation for Arrival Time Prediction in Terminal Airspace. J. Guid. Control Dyn. 2016, 39, 903–910. [Google Scholar] [CrossRef]
  12. Thipphavong, D.P.; Schultz, C.A.; Lee, A.G.; Chan, S.H. Adaptive Algorithm to Improve Trajectory Prediction Accuracy of Climbing Aircraft. J. Guid. Control Dyn. 2015, 36, 15–24. [Google Scholar] [CrossRef]
  13. Tang, X.; Zhou, L.; Shen, Z.; Tang, M. 4D trajectory prediction of aircraft taxiing based on fitting velocity profile. In Proceedings of the 2015 Cota International Conference Transportation Professionals, Beijing, China, 25–27 July 2015; Volume 45, pp. 1–12. [Google Scholar] [CrossRef]
  14. Daigle, M.; Roychoudhury, I.; Spirkovska, L.; Goebel, K.; Sankararaman, S.; Ossenfort, J.; Kulkarni, C.S. Real-time prediction of safety margins in the national airspace. In Proceedings of the 17th AIAA Aviation Technology, Integration, and Operations Conference, Denver, CO, USA, 5–9 June 2017. [Google Scholar] [CrossRef]
  15. Ghasemi Hamed, M.; Gianazza, D.; Serrurier, M.; Durand, N. Statistical prediction of aircraft trajectory: Regression methods vs. point-mass model. In Proceedings of the ATM 2013, 10th USA/Europe Air Traffic Management Research and Development Seminar, Chicago, IL, USA, 10–13 June 2013. [Google Scholar]
  16. Guo, D.; Wu, E.Q.; Wu, Y.; Zhang, J.; Law, R.; Lin, Y. FlightBERT: Binary Encoding Representation for Flight Trajectory Prediction. IEEE Trans. Intell. Transp. Syst. 2023, 24, 1828–1842. [Google Scholar] [CrossRef]
  17. Chatterji, G. Short-term trajectory prediction methods. In Proceedings of the Guidance, Navigation, and Control Conference and Exhibit, Portland, OR, USA, 9–11 August 1999. [Google Scholar]
  18. Mondoloni, S.; Liang, D. Improving trajectory forecasting through adaptive filtering technique. In Proceedings of the 5th USA-Europe ATM Seminar, Budapest, Hungary, 23–27 June 2003. [Google Scholar]
  19. Chakraborty, S.; Chattaraj, S.; Mukherjee, A. Performance evaluation of particle filter resampling techniques for improved estimation of misalignment and trajectory deviation. Multidimens. Syst. Signal Process. 2018, 29, 821–838. [Google Scholar] [CrossRef]
  20. Hwang, I.; Hwang, J.; Tomlin, C. Flight-mode-based aircraft conflict detection using a residual-mean interacting multiple model algorithm. In Proceedings of the AIAA Guidance, Navigation, and Control Conference and Exhibit, Austin, TX, USA, 11–14 August 2003. [Google Scholar] [CrossRef]
  21. Tastambekov, K.; Puechmorel, S.; Delahaye, D.; Rabut, C. Aircraft trajectory forecasting using local functional regression in sobolev space. Transp. Res. Part C Emerg. Technol. 2024, 39, 1–22. [Google Scholar] [CrossRef]
  22. Choi, H.C.; Deng, C.; Hwang, I. Hybrid machine learning and estimation-based flight trajectory prediction in terminal airspace. IEEE Access 2021, 9, 151186–151197. [Google Scholar] [CrossRef]
  23. Alligier, R.; Gianazza, D. Learning aircraft operational factors to improve aircraft climb prediction: A large scale multi-airport study. Transp. Res. Part C Emerg. Technol. 2018, 96, 72–95. [Google Scholar] [CrossRef]
  24. Kun, W.; Wei, P. A 4-D trajectory prediction model based on radar data. In Proceedings of the 27th Chinese Control Conference, Kunming, China, 16–18 July 2008; pp. 591–594. [Google Scholar]
  25. Wang, T.; Huang, B. Fuzzy Cluster Analysis of 4D Trajectory Based on ADS-B. J. Traffic Inf. Saf. 2013, 31, 38–42. [Google Scholar]
  26. Wu, Z.J.; Tian, S.; Ma, L. A 4D trajectory prediction model based on the BP neural network. J. Intell. Syst. 2020, 29, 1545–1557. [Google Scholar] [CrossRef]
  27. Zhang, X.; Mahadevan, S. Bayesian neural networks for flight trajectory prediction and safety assessment. Decis. Support Syst. 2020, 131, 113246. [Google Scholar] [CrossRef]
  28. Pang, Y.; Zhao, X.; Yan, H.; Liu, Y. Data-driven trajectory prediction with weather uncertainties: A Bayesian deep learning approach. Transp. Res. Part C: Emerg. Technol. 2021, 130, 103326. [Google Scholar] [CrossRef]
  29. Shi, Z.; Xu, M.; Pan, Q.; Yan, B.; Zhang, H. LSTM-based flight trajectory prediction. In Proceedings of the 2018 International Joint Conference on Neural Networks (IJCNN), Rio de Janeiro, Brazil, 8–13 July 2018. [Google Scholar] [CrossRef]
  30. Zhang, Z.; Yang, R.; Fang, Y. LSTM Network Based on Antlion Optimization and its Application in Flight Trajectory Prediction. In Proceedings of the 2018 2nd IEEE Advanced Information Management, Communicates, Electronic and Automation Control Conference (IMCEC), Xi’an, China, 25–27 May 2018; pp. 1658–1662. [Google Scholar] [CrossRef]
  31. Ma, L.; Tian, S. A hybrid CNN-LSTM model for aircraft 4D trajectory prediction. IEEE Access 2020, 8, 134668–134680. [Google Scholar] [CrossRef]
  32. Shafienya, H.; Regan, A.C. 4D flight trajectory prediction using a hybrid deep learning prediction method based on ads-b technology: A case study of harts field—Jackson Atlanta International Airport (ATL). Transp. Res. Part C Emerg. Technol. 2022, 144, 103878. [Google Scholar] [CrossRef]
  33. Han, P.; Wang, W.; Shi, Q.; Yue, J. A combined online-learning model with K-means clustering and GRU neural networks for trajectory prediction. Ad Hoc Netw. 2021, 117, 102476. [Google Scholar] [CrossRef]
  34. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. arXiv 2017, arXiv:1706.03762. [Google Scholar] [CrossRef]
  35. Raissi, M. Deep Hidden Physics Models: Deep Learning of Nonlinear Partial Differential Equations. arXiv 2018, arXiv:1801.06637. [Google Scholar] [CrossRef]
  36. Nuic, A. User Manual for the Base of Aircraft Data (BADA) Revision 3.10; Eurocontrol: Brussels, Belgium, 2010. [Google Scholar]
  37. Porretta, M.; Dupuy, M.D.; Schuster, W.; Majumdar, A.; Ochieng, W. Performance evaluation of a novel 4D trajectory prediction model for civil aircraft. J. Navig. 2008, 61, 393–420. [Google Scholar] [CrossRef]
  38. Lin, X.; Zhang, J.; Zhu, Y.; Liu, W. Simulation study of algorithms for aircraft trajectory prediction based on ads-b technology. In Proceedings of the Asia Simulation Conference-7th International Conference on System Simulation and Scientific Computing, Beijing, China, 10–12 October 2008; pp. 322–327. [Google Scholar] [CrossRef]
  39. Yan, H.; Huang, G.; Wang, H.; Shu, R. Application of unscented Kalman filter for flying target tracking. In Proceedings of the 2013 International Conference on Information Science and Cloud Computing, Guangzhou, China, 7–8 December 2013. [Google Scholar] [CrossRef]
  40. Lymperopoulos, I.; Lygeros, J. Adaptive Aircraft Trajectory Prediction using Particle Filters. In Proceedings of the AIAA Guidance, Navigation and Control Conference and Exhibit, Honolulu, HI, USA, 18–21 August 2008. [Google Scholar] [CrossRef]
  41. Li, X.R.; Jilkov, V. Survey of maneuvering target tracking. part v. multiple-model methods. IEEE Trans. Aerosp. Electron. Syst. 2005, 41, 1255–1321. [Google Scholar] [CrossRef]
  42. Guo, X.; Zhang, Q.; Jiang, J.; Peng, M.; Zhu, M.; Yang, H.F. Towards explainable traffic flow prediction with large language models. Commun. Transp. Res. 2024, 4, 100150. [Google Scholar] [CrossRef]
  43. Liao, H.; Shen, H.; Li, Z.; Wang, C.; Li, G.; Bie, Y.; Xu, C. GPT-4 enhanced multimodal grounding for autonomous driving: Leveraging cross-modal attention with large language models. Commun. Transp. Res. 2024, 4, 100116. [Google Scholar] [CrossRef]
  44. Han, Y.; Wang, M.; Leclercq, L. Leveraging reinforcement learning for dynamic traffic control: A survey and challenges for field implementation. Commun. Transp. Res. 2023, 3, 100104. [Google Scholar] [CrossRef]
  45. Rodríguez-Sanz, Á.; García, J.M.C.; Ovies-Carro, I.G.; Iglesias, E. A data-driven approach for dynamic and adaptive aircraft trajectory prediction. Transp. Res. Procedia 2021, 58, 5–12. [Google Scholar] [CrossRef]
  46. Jeung, H.; Shen, H.T.; Zhou, X. Mining trajectory patterns using hidden Markov models. In International Conference on Data Warehousing and Knowledge Discovery; Springer: Berlin/Heidelberg, Germany, 2007; pp. 470–480. [Google Scholar] [CrossRef]
  47. Jiang, X.-R.; Wen, X.-X.; Wu, M.-G.; Wang, Z.-K.; Qiu, X. A SVM Approach of Aircraft Conflict Detection in Free Flight. J. Adv. Transp. 2018, 2018, 7964641. [Google Scholar] [CrossRef]
  48. Wiest, J.; Hoffken, M.; Kressel, U.; Dietmayer, K. Probabilistic trajectory prediction with gaussian mixture models. In Proceedings of the 2012 IEEE Intelligent Vehicles Symposium, Madrid, Spain, 3–7 June 2012; pp. 141–146. [Google Scholar] [CrossRef]
  49. Shi, Z.; Xu, M.; Pan, Q. 4-D flight trajectory prediction with constrained LSTM network. IEEE Trans. Intell. Transp. Syst. 2021, 22, 7242–7255. [Google Scholar] [CrossRef]
  50. Qi, Y.; Cao, J.; Wu, B. Bidirectional Q-learning for recycling path planning of used appliances under strong and weak constraints. Commun. Transp. Res. 2024, 4, 100153. [Google Scholar] [CrossRef]
  51. Hashemi, S.M.; Botez, R.M.; Grigorie, T.L. New Reliability Studies of Data-Driven Aircraft Trajectory Prediction. Aerospace 2020, 7, 145. [Google Scholar] [CrossRef]
  52. Neretin, E.S.; Phuong, N.T.L.; Quan, N.N.H. An Analysis of Human Interaction and Weather Effects on Aircraft Trajectory Prediction via Artificial Intelligence. In Proceedings of the 2022 XIX Technical Scientific Conference on Aviation Dedicated to the Memory of N.E. Zhukovsky (TSCZh), Moscow, Russia, 14–15 April 2022. [Google Scholar] [CrossRef]
  53. Schafer, M.; Strohmeier, M.; Lenders, V.; Martinovic, I.; Wilhelm, M. Bringing Up OpenSky: A Large-Scale ADS-B Sensor Network for Research. In Proceedings of the 13th IEEE/ACM International Symposium on Information Processing in Sensor Networks (IPSN), Berlin, Germany, 15–17 April 2014; pp. 83–94. [Google Scholar]
  54. Skinn, D.; Tipps, D.O. Analysis of Boeing 737-400 aircraft operational data. In FAA Report DOT/FAA/AR-95/21; University of Dayton: Dayton, OH, USA, 1996. [Google Scholar]
  55. Herbst, W.B. Dynamics of air combat. J. Aircr. 1980, 17, 594–598. [Google Scholar] [CrossRef]
  56. Raymer, D.P. Aircraft Design: A Conceptual Approach, 2nd ed.; American Institute of Aeronautics and Astronautics: Reston, VA, USA, 1992. [Google Scholar] [CrossRef]
  57. Meilinger, P.S. Bomber: The Formation and Early Years of Strategic Air Command; Air University Press: Montgomery, AL, USA, 2010. [Google Scholar]
  58. Lockheed Martin Corporation. U-2 Dragon Lady: Technical Specifications; Lockheed Martin Corporation: Bethesda, MD, USA, 2015. [Google Scholar]
Figure 1. Proposed Spatial–temporal Hidden Physics-Constrained MLP.
Figure 1. Proposed Spatial–temporal Hidden Physics-Constrained MLP.
Applsci 15 09895 g001
Figure 2. (a) All aircraft trajectories in the dataset. (b) Aircraft trajectory in the horizontal direction. (c) The three-dimensional view of a complete aircraft trajectory in the dataset.
Figure 2. (a) All aircraft trajectories in the dataset. (b) Aircraft trajectory in the horizontal direction. (c) The three-dimensional view of a complete aircraft trajectory in the dataset.
Applsci 15 09895 g002
Figure 3. (a) Trajectory prediction; Temporal variations of trajectory in longitude (b), latitude (d), and altitude (f); Absolute error of trajectory prediction with the STPC-MLP framework and baselines in longitude (c), latitude (e), and altitude (g).
Figure 3. (a) Trajectory prediction; Temporal variations of trajectory in longitude (b), latitude (d), and altitude (f); Absolute error of trajectory prediction with the STPC-MLP framework and baselines in longitude (c), latitude (e), and altitude (g).
Applsci 15 09895 g003
Figure 4. (a) Trajectory prediction without HPC-MLP; Temporal variations of predicted trajectory in longitude (b), latitude (d), and altitude (f) without HPC-MLP; Absolute error of trajectory prediction without HPC-MLP in longitude (c), latitude (e), and altitude (g).
Figure 4. (a) Trajectory prediction without HPC-MLP; Temporal variations of predicted trajectory in longitude (b), latitude (d), and altitude (f) without HPC-MLP; Absolute error of trajectory prediction without HPC-MLP in longitude (c), latitude (e), and altitude (g).
Applsci 15 09895 g004
Figure 5. Learnable loss weights ( λ i ).
Figure 5. Learnable loss weights ( λ i ).
Applsci 15 09895 g005
Table 1. Maximum acceleration and minimum turn radius of various typical aircraft.
Table 1. Maximum acceleration and minimum turn radius of various typical aircraft.
Aircraft TypeRepresentative AircraftMin Airspeed
( V m i n ) (m/s)
Max Load Factor
( n m a x ) (g)
Max Acceleration
( a m a x ) (g)
Min Turn Radius
( R m i n ) (m)
Civil AviationBoeing 737772.52.5264
Fighter JetsF-16679951
BombersB-527033177
Reconnaissance AircraftU-2512.52.5116
The model adopts values1050
Table 2. The average RMSE and MAE of under different settings.
Table 2. The average RMSE and MAE of under different settings.
Learning RateNumber of Self-Attention Heads
12345
RMSEMAERMSEMAERMSEMAERMSEMAERMSEMAE
0.1longitude0.01370.01320.09550.07762.84902.78590.02500.02000.50420.5033
latitude0.00130.00100.03520.02370.30130.29690.00520.00450.01180.0112
altitude1.93630.868466.070440.8829116.353398.710767.672067.2449291.2350275.5930
0.01longitude0.00740.00600.00620.00470.00540.00490.00770.00670.00740.0057
latitude0.00560.00540.00530.00500.00280.00230.00200.00160.00540.0050
altitude1.55600.92272.50982.25393.04722.63763.05262.69091.72290.9786
0.001longitude0.00230.00210.00470.00400.00580.00520.00560.00500.00550.0049
latitude0.00110.00080.00420.00380.00400.00360.00310.00250.00290.0024
altitude1.54410.56431.89801.40561.61781.02552.50902.24963.44393.2511
Table 3. Comparison with several typical methods on trajectory dataset.
Table 3. Comparison with several typical methods on trajectory dataset.
ApproachRMSE MAE MAPE (%)
LongLatAltAverageLongLatAltAverageLongLatAltAverage
Kalman Filter0.01220.00382.79440.9368 0.01110.00351.84490.6198 0.07230.00760.01690.0323
Vanilla LSTM0.01090.00362.11280.7091 0.00980.00331.34030.4511 0.06370.00460.01240.0269
PCA LSTM0.01800.00604.35361.4592 0.01630.00543.63841.22000.10470.01170.03370.0500
PSO LSTM0.00560.00212.49180.8332 0.00430.00171.78330.5964 0.02800.00410.01640.0162
CNN LSTM0.01330.00452.95420.9907 0.01180.00392.02370.6798 0.07650.00850.01880.0346
Transformer0.00930.00163.33211.1143 0.00820.00133.06321.0242 0.05110.00280.02870.0275
Informer0.00370.00151.6610 0.5554 0.00310.00080.94780.3172 0.02020.00180.00870.0102
TFT0.00400.00201.68920.5651 0.00360.00170.98180.3290 0.02210.00370.00920.0117
STPC-MLP
(Proposed)
0.00230.00111.54410.51580.00210.00080.56430.1891 0.01310.00180.00530.0067
Table 4. Ablation study of attention mechanism.
Table 4. Ablation study of attention mechanism.
ApproachRMSE MAE
LongLatAltAverageLongLatAltAverage
M10.0022 0.0013 9.9187 3.30740.0022 0.0012 6.8139 2.2722
M20.0022 0.0038 30.42110.1420.0022 0.0038 29.8129.9395
STPC-MLP (Proposed)0.00230.00111.54410.51580.00210.00080.56430.1891
Table 5. Comparison of the prediction performance of the model with loss balancing.
Table 5. Comparison of the prediction performance of the model with loss balancing.
ApproachRMSE MAE
LongLatAltAverageLongLatAltAverage
L10.0023 0.0040 31.02910.3452 0.0023 0.0039 30.904 10.3037
L20.0028 0.0016 12.4424.1488 0.0027 0.0016 12.2674.0907
L30.0028 0.0015 11.109 3.7044 0.0028 0.0015 11.0423.6822
Loss balancing scheme0.00230.00111.54410.51580.00210.00080.56430.1891
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhang, Z.; Zhang, J.; Lin, Y.; Zhang, K.; Zheng, X.; Xiang, D. Spatial–Temporal Physics-Constrained Multilayer Perceptron for Aircraft Trajectory Prediction. Appl. Sci. 2025, 15, 9895. https://doi.org/10.3390/app15189895

AMA Style

Zhang Z, Zhang J, Lin Y, Zhang K, Zheng X, Xiang D. Spatial–Temporal Physics-Constrained Multilayer Perceptron for Aircraft Trajectory Prediction. Applied Sciences. 2025; 15(18):9895. https://doi.org/10.3390/app15189895

Chicago/Turabian Style

Zhang, Zhongnan, Jianwei Zhang, Yi Lin, Kun Zhang, Xuemei Zheng, and Dengmei Xiang. 2025. "Spatial–Temporal Physics-Constrained Multilayer Perceptron for Aircraft Trajectory Prediction" Applied Sciences 15, no. 18: 9895. https://doi.org/10.3390/app15189895

APA Style

Zhang, Z., Zhang, J., Lin, Y., Zhang, K., Zheng, X., & Xiang, D. (2025). Spatial–Temporal Physics-Constrained Multilayer Perceptron for Aircraft Trajectory Prediction. Applied Sciences, 15(18), 9895. https://doi.org/10.3390/app15189895

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Article metric data becomes available approximately 24 hours after publication online.
Back to TopTop