CN114048889B - Aircraft trajectory prediction method based on long-term and short-term memory network - Google Patents

Aircraft trajectory prediction method based on long-term and short-term memory network Download PDF

Info

Publication number
CN114048889B
CN114048889B CN202111170023.3A CN202111170023A CN114048889B CN 114048889 B CN114048889 B CN 114048889B CN 202111170023 A CN202111170023 A CN 202111170023A CN 114048889 B CN114048889 B CN 114048889B
Authority
CN
China
Prior art keywords
data
network
input
aircraft
trajectory
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Active
Application number
CN202111170023.3A
Other languages
Chinese (zh)
Other versions
CN114048889A (en
Inventor
窦立谦
马秀俞
张睿隆
宗群
刘达
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Tianjin University
Original Assignee
Tianjin University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Tianjin University filed Critical Tianjin University
Priority to CN202111170023.3A priority Critical patent/CN114048889B/en
Publication of CN114048889A publication Critical patent/CN114048889A/en
Application granted granted Critical
Publication of CN114048889B publication Critical patent/CN114048889B/en
Active legal-status Critical Current
Anticipated expiration legal-status Critical

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06QINFORMATION AND COMMUNICATION TECHNOLOGY [ICT] SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES; SYSTEMS OR METHODS SPECIALLY ADAPTED FOR ADMINISTRATIVE, COMMERCIAL, FINANCIAL, MANAGERIAL OR SUPERVISORY PURPOSES, NOT OTHERWISE PROVIDED FOR
    • G06Q10/00Administration; Management
    • G06Q10/04Forecasting or optimisation specially adapted for administrative or management purposes, e.g. linear programming or "cutting stock problem"
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/044Recurrent networks, e.g. Hopfield networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • G06N3/084Backpropagation, e.g. using gradient descent
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F2218/00Aspects of pattern recognition specially adapted for signal processing
    • G06F2218/02Preprocessing
    • G06F2218/04Denoising
    • YGENERAL TAGGING OF NEW TECHNOLOGICAL DEVELOPMENTS; GENERAL TAGGING OF CROSS-SECTIONAL TECHNOLOGIES SPANNING OVER SEVERAL SECTIONS OF THE IPC; TECHNICAL SUBJECTS COVERED BY FORMER USPC CROSS-REFERENCE ART COLLECTIONS [XRACs] AND DIGESTS
    • Y02TECHNOLOGIES OR APPLICATIONS FOR MITIGATION OR ADAPTATION AGAINST CLIMATE CHANGE
    • Y02TCLIMATE CHANGE MITIGATION TECHNOLOGIES RELATED TO TRANSPORTATION
    • Y02T90/00Enabling technologies or technologies with a potential or indirect contribution to GHG emissions mitigation

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • General Physics & Mathematics (AREA)
  • Business, Economics & Management (AREA)
  • Software Systems (AREA)
  • Health & Medical Sciences (AREA)
  • Computational Linguistics (AREA)
  • Data Mining & Analysis (AREA)
  • Evolutionary Computation (AREA)
  • General Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • General Engineering & Computer Science (AREA)
  • Biomedical Technology (AREA)
  • Mathematical Physics (AREA)
  • Artificial Intelligence (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Biophysics (AREA)
  • Strategic Management (AREA)
  • Economics (AREA)
  • Human Resources & Organizations (AREA)
  • Game Theory and Decision Science (AREA)
  • Development Economics (AREA)
  • Entrepreneurship & Innovation (AREA)
  • Marketing (AREA)
  • Operations Research (AREA)
  • Quality & Reliability (AREA)
  • Tourism & Hospitality (AREA)
  • General Business, Economics & Management (AREA)
  • Management, Administration, Business Operations System, And Electronic Commerce (AREA)
  • Traffic Control Systems (AREA)

Abstract

The invention relates to the fields of air combat environment, data processing, deep learning and the like, and provides a method for realizing aircraft trajectory prediction by using a long-short term memory network (LSTM) under the uncertain perception condition. Therefore, the technical scheme adopted by the invention is that a method for predicting the aircraft track based on a long-term and short-term memory network utilizes Kalman filtering to eliminate the noise interference carried by the sensor characteristic vector; for the directly acquired state parameters, data preprocessing is carried out, including down-sampling, invalid value elimination and missing value complementation, in addition, in order to improve the calculation stability, the data is subjected to normalization processing, and the value range of the input data is included in a [0,1] interval; and constructing a locus prediction model based on the LSTM, defining input and output of the network, and carrying out supervision training on the network. The method is mainly applied to occasions for predicting the flight path of the unmanned aerial vehicle.

Description

基于长短期记忆网络的飞行器轨迹预测的方法A method of aircraft trajectory prediction based on long short-term memory network

技术领域technical field

本发明涉及空战环境、数据处理、深度学习等领域,解决了在不确定感知条件下对飞行器飞行轨迹进行预测的问题。具体涉及基于长短期记忆网络的飞行器轨迹预测的方法。The invention relates to the fields of air combat environment, data processing, deep learning and the like, and solves the problem of predicting the flight trajectory of an aircraft under uncertain perception conditions. Specifically, it relates to a method of aircraft trajectory prediction based on long short-term memory network.

背景技术Background technique

当前国际环境下,空军实力是一个国家整体作战实力的体现。实际空战环境下,驾驶员需要根据机载传感器的实时数据信息,实时掌握敌机的飞行状态。若能根据已有的传感器状态参数信息,提前预测敌机的未来状态信息,包括未来可能出现的位置以及可能的飞行轨迹,就有助于我方提前实行拦截、打击、逃避等作战策略,提高我方胜率。因此,通过已知信息动态准确地预测敌方飞行器在下一时刻的位置,具有重要的战略意义。然而,传统的轨迹预测方法存在模型简化严重、考虑因素较少的问题,且难以处理互相耦合的状态信息,因此难以给出较为准确的预测结果。神经网络作为一门新兴的预测方法,相比于传统预测方法,其强大的拟合能力可以对复杂的非线性关系进行描述。In the current international environment, air force strength is the embodiment of a country's overall combat strength. In the actual air combat environment, the pilot needs to grasp the flight status of the enemy aircraft in real time according to the real-time data information of the airborne sensors. If we can predict the future state information of the enemy aircraft in advance based on the existing sensor state parameter information, including possible future positions and possible flight trajectories, it will help us to implement combat strategies such as interception, strike, and evasion in advance, and improve the Our win rate. Therefore, it is of great strategic significance to dynamically and accurately predict the position of the enemy aircraft at the next moment through known information. However, the traditional trajectory prediction method has the problems of serious model simplification, few factors to be considered, and it is difficult to deal with the coupled state information, so it is difficult to give more accurate prediction results. As an emerging forecasting method, compared with traditional forecasting methods, neural network's powerful fitting ability can describe complex nonlinear relationships.

轨迹预测是指利用已有的历史轨迹数据信息,构建预测模型,得到未来时刻的位置点。目前轨迹预测模型构建主要有三种方法:Trajectory prediction refers to using the existing historical trajectory data information to construct a prediction model to obtain the location points in the future. At present, there are three main methods for constructing trajectory prediction models:

一是基于关联规则[1]的轨迹预测。通过挖掘频繁出现的项来构造关联规则,再利用序列匹配法进行轨迹预测。利用关联规则进行轨迹预测主要分为两个子任务:第一部分是频繁项集的挖掘,从已有的历史数据中找出出现频率高的位置点,把这些位置点称为频繁项,组成的集合称为频繁项集;第二部分是生成关联规则,在第一部分中的频繁项集里,计算一个位置出现,另一个位置也出现的概率,这个概率称为置信度,当把当前位置输入到规则库时,输出置信度最高的位置,作为轨迹预测结果。在关联规则算法中,典型的有Apriori[2]算法,它能快速准确挖掘出关联规则,但是需要重复扫描数据库,产生大量无用的特征集,计算复杂度大。Prefix Span算法按照轨迹出现的顺序来计算频繁项和关联规则,利用前缀投影技术,按时间顺序找某一个位置的后续位置,形成频繁项集,使得位置频繁项集具有一定的连续性。文献[3]将FP-Tree算法和Prefix Span算法相结合,挖掘频繁轨迹,将现有的轨迹与运动规则库相匹配,建立对象位置的概率模型。这一类的研究只考虑历史轨迹信息,挖掘出的频繁项虽然具有一定的连续性,但是中间会跳过某些位置,导致预测结果准确率不高。One is trajectory prediction based on association rules [1] . The association rules are constructed by mining frequently occurring items, and then the sequence matching method is used to predict the trajectory. Trajectory prediction using association rules is mainly divided into two sub-tasks: the first part is the mining of frequent itemsets, which is to find out the locations with high frequency from the existing historical data, and call these locations as frequent items. is called frequent itemsets; the second part is to generate association rules. In the frequent itemsets in the first part, calculate the probability that one position appears and another position occurs. This probability is called confidence. When the current position is input into When the rule base is used, the position with the highest confidence is output as the trajectory prediction result. Among the association rule algorithms, the Apriori [2] algorithm is typical, which can quickly and accurately mine association rules, but it needs to repeatedly scan the database, resulting in a large number of useless feature sets, and the computational complexity is large. The Prefix Span algorithm calculates the frequent items and association rules according to the order of the trajectory, and uses the prefix projection technology to find the subsequent position of a certain position in chronological order to form a frequent itemset, so that the frequent itemsets of positions have a certain continuity. Reference [3] combines the FP-Tree algorithm and the Prefix Span algorithm to mine frequent trajectories, match the existing trajectories with the motion rule library, and establish a probability model of object positions. This type of research only considers the historical trajectory information. Although the frequent items excavated have a certain continuity, some positions will be skipped in the middle, resulting in a low accuracy of the prediction results.

二是基于马尔可夫模型的轨迹预测。通过构建状态转移矩阵来计算某一位置点到其它位置点的概率,将当前位置输入到构建完成的矩阵中,依据概率最大确定下一位置,从而得到预测结果。一阶马尔可夫模型只有一个位置的转移概率矩阵,为了获取更为全面的信息,Yang J[4]设计了高阶马尔可夫模型,利用n个位置的状态信息来预测下一时刻的位置,提高了预测准确率。Qiao S J[5]提出的基于隐马尔可夫的轨迹预测算法HMTP,对运动中的物体速度变化较快难以预测的问题进行了改进,可以预测物体的连续轨迹。这一类的研究基于的假设都是当前时刻位置信息只与上一时刻相关,得到的都是局部最优解,而高阶马尔可夫计算复杂度较大,不适用于实时预测的需求。The second is the trajectory prediction based on the Markov model. By constructing a state transition matrix, the probability of a certain position point to other position points is calculated, the current position is input into the constructed matrix, and the next position is determined according to the maximum probability, so as to obtain the prediction result. The first-order Markov model has only a transition probability matrix of one position. In order to obtain more comprehensive information, Yang J [4] designed a high-order Markov model, which uses the state information of n positions to predict the position at the next moment. , which improves the prediction accuracy. The Hidden Markov-based trajectory prediction algorithm HMTP proposed by Qiao SJ [5] improves the problem that the speed of moving objects changes quickly and is difficult to predict, and can predict the continuous trajectory of objects. This type of research is based on the assumption that the location information at the current moment is only related to the previous moment, and the obtained local optimal solutions are all local optimal solutions. However, the high-order Markov computational complexity is relatively large, and it is not suitable for real-time prediction requirements.

三是基于神经网络的轨迹预测。神经网络通常由输入层、隐藏层、输出层组成,由前向传播计算网络输出,由反向传播计算输出和真实值的误差,由此更新网络权值,经过多次参数更新,就能得到与真实模型拟合度较高的预测模型。Payeur[6]等人提出利用人工神经网络(Artificial Neural Networks,ANN)来对机器人的运动轨迹进行预测,使用机器人坐标的六个最近测量量作为网络的输入,通过若干个神经元对未来轨迹位置进行预测;Huang[7]等人提出基于深度信念网络(Deep Belief Network,DBN)轨迹预测模型,模型底部是深度信念层,用于无监督训练,顶部是多任务学习层,用于监督学习;张涛[8]等提出利用Elman神经网络对战斗机进行轨迹预测,选取了三个方向的位置点取值作为位置向量,对于战斗机飞行轨迹每隔0.25秒进行一次采样,用前五个位置点预测下一个位置点,构建Elman网络进行训练,得到预测结果;王俭臣[9]在Elman神经网络的基础之上,利用粒子群算法和梯度算法来优化网络权重,较好的预测了无人机降落轨迹,提高了模型的预测速度和预测精度;钱夔等[10]在预测飞机飞行轨迹时,先利用自适应K-means算法对目标航迹群进行聚类分析,找出某一目标特定的活动区域,再利用BP神经网络对航迹群进行训练,建立预测模型,完成对航迹的预测;杨任农[11]在预测无人机轨迹时,提出了基于Bi-LSTM的预测模型,将位置、姿态、距离等参数作为模型的输入,下一时刻的位置作为输出,训练网络完成对无人机飞行轨迹的预测,实验表明该方法比基于Elman神经网络的轨迹预测结果更为准确。The third is the trajectory prediction based on neural network. The neural network usually consists of an input layer, a hidden layer, and an output layer. The network output is calculated by forward propagation, and the error between the output and the true value is calculated by back propagation, thereby updating the network weights. After multiple parameter updates, you can get A predictive model that fits the true model better. Payeur [6] et al. proposed to use artificial neural network (Artificial Neural Networks, ANN) to predict the motion trajectory of the robot, using the six recent measurements of the robot coordinates as the input of the network, and using several neurons to predict the future trajectory position Make predictions; Huang [7] et al. proposed a trajectory prediction model based on Deep Belief Network (DBN), the bottom of the model is a deep belief layer for unsupervised training, and the top is a multi-task learning layer for supervised learning; Zhang Tao [8] and others proposed to use Elman neural network to predict the trajectory of the fighter, and selected the position points in three directions as the position vector, sampling the fighter flight trajectory every 0.25 seconds, and using the first five position points to predict the Based on Elman neural network, Wang Jianchen [9] used particle swarm algorithm and gradient algorithm to optimize the weight of the network, and better predicted the landing trajectory of the UAV. The prediction speed and prediction accuracy of the model are improved; Qian Kui et al. [10] used the adaptive K-means algorithm to perform cluster analysis on the target track group when predicting the flight trajectory of the aircraft to find out the specific activity area of a certain target. , and then use the BP neural network to train the track group, establish a prediction model, and complete the prediction of the track; Yang Rennong [11] proposed a prediction model based on Bi-LSTM when predicting the trajectory of the UAV. , distance and other parameters are used as the input of the model, and the position at the next moment is used as the output, and the training network completes the prediction of the UAV flight trajectory. Experiments show that this method is more accurate than the trajectory prediction result based on Elman neural network.

飞行器的轨迹预测本质上是对时间序列数据的预测,由于所处环境复杂多变,导致飞行轨迹具有高度的不确定性,传统的预测方法用到的数据量较小,并未考虑飞行器之间位置、姿态的相互影响,难以准确学习受多重因素影响的飞行器的飞行规律,因此需要更为智能的预测模型。参考文献[11]的思路,采用数据化的方法,将轨迹预测问题转化为时间序列数据的预测问题,单纯从飞行数据出发,不考虑飞行器的物理模型,选用基于长短期记忆网络(LSTM)的深度学习预测模型,同时,在选择网络输入特征量时,除了考虑传感器获取的对方的状态参数,也要加入己方状态参数,让预测模型最大程度拟合出受多重因素影响的飞行器飞行轨迹。The trajectory prediction of aircraft is essentially the prediction of time series data. Due to the complex and changeable environment, the flight trajectory has a high degree of uncertainty. The traditional prediction method uses a small amount of data and does not consider the difference between aircraft. Due to the mutual influence of position and attitude, it is difficult to accurately learn the flight laws of aircraft affected by multiple factors, so a more intelligent prediction model is required. The idea of reference [11], using a data-based method, transforms the trajectory prediction problem into the prediction problem of time series data, simply starting from the flight data, regardless of the physical model of the aircraft, using the long short-term memory network (LSTM)-based network. In the deep learning prediction model, at the same time, when selecting the network input feature quantity, in addition to considering the state parameters of the other party obtained by the sensor, it is also necessary to add the state parameters of the own party, so that the prediction model can fit the flight trajectory of the aircraft affected by multiple factors to the greatest extent.

发明内容SUMMARY OF THE INVENTION

为克服现有技术的不足,本发明旨在提出一种在不确定感知条件下利用长短期记忆网络(LSTM)实现飞行器轨迹预测的方法。为此,本发明采取的技术方案是,基于长短期记忆网络的飞行器轨迹预测的方法,针对传感器特征向量所带有的噪声干扰,利用卡尔曼滤波进行消除;对于直接获取的状态参数,对其进行数据预处理,包括降采样、无效值剔除、缺失值补足,另外,为了提高计算稳定性,将数据做归一化处理,将输入数据的取值范围纳入[0,1]区间;构建基于LSTM的轨迹预测模型,定义网络的输入输出,并对网络进行监督训练。In order to overcome the deficiencies of the prior art, the present invention aims to propose a method for realizing aircraft trajectory prediction by using a long short-term memory network (LSTM) under uncertain perception conditions. To this end, the technical solution adopted in the present invention is that, in the method for predicting the trajectory of an aircraft based on a long short-term memory network, Kalman filtering is used to eliminate the noise interference carried by the sensor feature vector; Data preprocessing is performed, including downsampling, invalid value elimination, and missing value complementing. In addition, in order to improve calculation stability, the data is normalized, and the value range of the input data is included in the [0,1] interval; The trajectory prediction model of LSTM defines the input and output of the network, and supervised training of the network.

具体步骤如下:Specific steps are as follows:

第一步是从机载传感器获取原始的状态信息,共选择二十三维的特征量,作为预测模型的输入;The first step is to obtain the original state information from the airborne sensors, and select a total of twenty-three-dimensional feature quantities as the input of the prediction model;

第二步是对数据进行预处理:首先,原始传感器参数包含一定的噪声干扰,选用卡尔曼滤波法,对其进行消除;其次,为了提高数据利用率,降低计算成本,对原始数据按照1:5 进行降采样,并将数据做归一化处理;最后,将无效值剔除,将缺失值补足,完成数据的预处理工作;之后进行输入和标签值的选取:采用滑动窗口法完成数据集的切分,网络的输入由原始数据迭代选取获得,从0开始到第一个time_step为止,由于本次训练选取的time_step 是20,即从0到19是第一个输入,1到20是第二个输入,以此类推;输入数据的维度是(N,20,23),其中N取决于样本集的大小,20是指LSTM的time_step值,23是特征向量的维度,训练网络需要用到标签数据,由于本模型目的是预测飞机未来一步的轨迹,因此,在针对第一个0-19的输入,选择1-20的载机经纬高作为标签,对于第二个1-20的输入,选择 2-21的载机经纬高作为标签,以此类推;The second step is to preprocess the data: first, the original sensor parameters contain a certain amount of noise interference, and the Kalman filtering method is used to eliminate it; secondly, in order to improve the data utilization rate and reduce the calculation cost, the original data is treated according to 1: 5 Perform downsampling and normalize the data; finally, remove the invalid values, fill in the missing values, and complete the data preprocessing; then select the input and label values: use the sliding window method to complete the data set. Segmentation, the input of the network is obtained by iterative selection of the original data, starting from 0 to the first time_step, because the time_step selected for this training is 20, that is, from 0 to 19 is the first input, and 1 to 20 is the second input, and so on; the dimension of the input data is (N, 20, 23), where N depends on the size of the sample set, 20 refers to the time_step value of the LSTM, 23 is the dimension of the feature vector, and the training network needs to use the label Data, since the purpose of this model is to predict the trajectory of the aircraft in the next step, therefore, for the first 0-19 input, select 1-20 longitude and latitude of the carrier aircraft as the label, for the second 1-20 input, select The latitude and longitude height of the carrier of 2-21 is used as a label, and so on;

第三步是构建基于LSTM的轨迹预测模型,所构建的模型,包含两层的LSTM层,每层LSTM层之后加入了一层Dropout层,避免过拟合现象的出现,将输出的特征量经过一个全连接层后,将维度转化为所需的输出维度。The third step is to build a trajectory prediction model based on LSTM. The constructed model includes two layers of LSTM layers. After each layer of LSTM layer, a dropout layer is added to avoid overfitting. After a fully connected layer, transform the dimensions to the desired output dimension.

详细步骤如下:The detailed steps are as follows:

首先,是从敌我飞行器对抗仿真平台获取所需的特征数据,考虑到飞行器的轨迹受自身、战场环境、敌方动机多种因素影响,归纳得到飞行器轨迹具有连续性、时序性、交互性三个特点:First of all, the required characteristic data is obtained from the aircraft confrontation simulation platform. Considering that the trajectory of the aircraft is affected by various factors such as itself, the battlefield environment, and the enemy's motivation, it is concluded that the trajectory of the aircraft has three characteristics: continuity, timing, and interactivity. Features:

①连续性是指无人机轨迹是连续变化的,而不是间断的;①Continuity means that the trajectory of the UAV changes continuously rather than intermittently;

②时序性是指轨迹数据是带有时间性质的,且后一个时刻的位置与前一个时刻的位置是有关的,所以轨迹数据本质上是一个时间序列数据;②Timing means that the trajectory data is temporal, and the position of the next moment is related to the position of the previous moment, so the trajectory data is essentially a time series data;

③交互性是指实际环境下,多机之间是动态变化的复杂过程,一架飞机的机动会影响另一架飞机的机动,一架飞机的位置也会影响另一架飞机的位置;③Interactivity refers to the complex process of dynamic changes between multiple aircraft in the actual environment. The maneuver of one aircraft will affect the maneuver of another aircraft, and the position of one aircraft will also affect the position of another aircraft;

因此在进行轨迹预测时,除了考虑敌机的位置、姿态、速度外,由于交互性,还要考虑两机的包括23维特征向量:Therefore, in the trajectory prediction, in addition to considering the position, attitude and speed of the enemy aircraft, due to the interaction, the 23-dimensional feature vectors of the two aircraft should also be considered:

经度、纬度、高度、俯仰角、滚转角、航向角、方位角、方位角速度、俯仰角速度、北向速度、天向速度、东向速度、北向加速度、天向加速度、东向加速度、水平进入角、相对距离、相对距离变化率、相对高度、雷达状态识别结果、径向速度、真航向、地速;Longitude, Latitude, Altitude, Pitch, Roll, Yaw, Azimuth, Azimuth Velocity, Pitch Velocity, North Velocity, Sky Velocity, East Velocity, North Acceleration, Sky Acceleration, East Acceleration, Horizontal Entry Angle, Relative distance, relative distance change rate, relative altitude, radar status recognition result, radial velocity, true heading, ground speed;

其次,在获得了特征向量后,由于从传感器获取的原始数据不能直接用作网络输入,需要对其进行预处理,按照1:5的采样间隔对数据进行数据降采样,对数据中的无效值剔除,利用均值填充法对缺失值进行补足,除此之外,由于部分所用参数数值较大,为了提高计算稳定性,将数据做归一化处理,输入数据的取值范围纳入[0,1]区间,归一化公式为:Secondly, after the feature vector is obtained, since the raw data obtained from the sensor cannot be directly used as network input, it needs to be preprocessed, and the data is down-sampled according to the sampling interval of 1:5, and invalid values in the data are removed. Eliminate, use the mean filling method to make up for missing values. In addition, due to the large value of some parameters used, in order to improve the stability of the calculation, the data is normalized, and the value range of the input data is included in [0,1 ] interval, the normalization formula is:

Figure BDA0003292781440000031
Figure BDA0003292781440000031

式中,X为某特征量的实际取值,Xmax,Xmin分别为所有数据中X的最大值和最小值,Y是归一化后的结果;In the formula, X is the actual value of a certain feature quantity, X max and X min are the maximum and minimum values of X in all data, respectively, and Y is the normalized result;

使用训练好的预测模型对预测结果进行反归一化,从而与实际值进行误差比较分析,反归一化的公式为:Use the trained prediction model to de-normalize the prediction results, so as to compare and analyze the error with the actual value. The formula for de-normalization is:

X=(Xmax-Xmin)Y+Xmin (2)X=(X max -X min )Y+X min (2)

在完成了数据处理之后,就得到了规范化的,可供神经网络使用的样本数据集,此时需要按照实际需求构造LSTM网络的输入输出,在选定标签数据时,将下一时刻的经度、纬度、高度作为当前时刻的特征标签,采用滑动窗口法完成数据集的切分,网络的输入由原始数据迭代选取获得,从0开始到第一个time_step为止,由于本次训练选取的time_step是20,即从0到19是第一个输入,1到20是第二个输入,以此类推;输入数据的维度是(N,20,23),其中N取决于样本集的大小,20是指LSTM的time_step值,23是特征向量的维度,训练网络需要用到标签数据,由于本模型目的是预测飞机未来一步的轨迹,因此,在针对第一个0-19 的输入,选择1-20的载机经纬高作为标签,对于第二个1-20的输入,选择2-21的载机经纬高作为标签,以此类推,因此输出数据的维度是(N,20,3),其中N取决于样本集的大小,20是指LSTM的time_step值,3对应输出的维度,即载机经度、纬度、高度;After the data processing is completed, a standardized sample data set that can be used by the neural network is obtained. At this time, the input and output of the LSTM network need to be constructed according to the actual needs. When selecting the label data, the longitude, The latitude and height are used as the feature labels of the current moment, and the sliding window method is used to complete the segmentation of the data set. The input of the network is obtained by iterative selection of the original data, starting from 0 to the first time_step, because the time_step selected for this training is 20 , that is, from 0 to 19 is the first input, 1 to 20 is the second input, and so on; the dimension of the input data is (N, 20, 23), where N depends on the size of the sample set, 20 means The time_step value of LSTM, 23 is the dimension of the feature vector, the training network needs to use the label data, because the purpose of this model is to predict the trajectory of the aircraft in the next step, therefore, for the first 0-19 input, select 1-20 The latitude and longitude of the carrier is used as the label. For the second input of 1-20, the latitude and longitude of the carrier of 2-21 is selected as the label, and so on, so the dimension of the output data is (N, 20, 3), where N depends on Due to the size of the sample set, 20 refers to the time_step value of LSTM, and 3 corresponds to the output dimension, that is, the longitude, latitude, and altitude of the aircraft;

最后是构造LSTM网络,使用LSTM作为模型的主体部分,通过构造多层网络结构,学习输入的轨迹相关特征量和下一时刻位置的标签的关系,预测未来可能到达的的位置,预测模型主要包括LSTM层、Dropout层、全连接层,选定两层LSTM进行模型搭建:第一层的LSTM网络以二十三维特征量作为输入,第二层以第一层的输出

Figure BDA0003292781440000045
作为输入,第二层输出
Figure BDA0003292781440000044
经过一个全连接层之后,得到最终的网络输出Y,在每一层LSTM网络中添加了Dropout层,利用其控制隐含层节点权重,避免某些轨迹特征只在固定组合下生效,有意识地让网络去学习轨迹普遍的共性,对LSTM输出的特征量经过一个全连接层后,将维度转化为所需的输出纬度;Finally, the LSTM network is constructed, using LSTM as the main part of the model, by constructing a multi-layer network structure, learning the relationship between the input trajectory-related feature quantity and the label of the next moment position, and predicting the possible position in the future. The prediction model mainly includes LSTM layer, Dropout layer, fully connected layer, two layers of LSTM are selected for model building: the LSTM network of the first layer takes twenty-three-dimensional feature quantities as input, and the second layer takes the output of the first layer
Figure BDA0003292781440000045
As input, the second layer outputs
Figure BDA0003292781440000044
After a fully connected layer, the final network output Y is obtained, and a Dropout layer is added to each layer of the LSTM network, which is used to control the node weight of the hidden layer, so as to avoid certain trajectory features only taking effect under a fixed combination, and consciously let The network learns the general commonality of trajectories. After the feature quantity output by LSTM passes through a fully connected layer, the dimension is converted into the required output dimension;

在确定了网络结构及输入输出之外,用训练样本集对网络进行训练,选定如式(3)所示的均方误差函数作为损失函数:In addition to determining the network structure and input and output, the network is trained with the training sample set, and the mean square error function shown in equation (3) is selected as the loss function:

Figure BDA0003292781440000041
Figure BDA0003292781440000041

其中N表示一次训练过程中批量样本的个数,Ypred表示神经网络输出的预测值,Yi代表对应的真实值,神经网络训练就是更新权值的过程,网络的优化目标是让E趋近于0,在进行网络训练时,选用自适应矩估计法(adaptive moment estimation,Adam),适应矩估计法步骤如下:Among them, N represents the number of batch samples in a training process, Y pred represents the predicted value output by the neural network, and Y i represents the corresponding real value. The neural network training is the process of updating the weights. The optimization goal of the network is to make E approach At 0, during network training, the adaptive moment estimation method (Adam) is selected. The steps of the adaptive moment estimation method are as follows:

首先考虑到传统反向传播算法中,权重的更新方向只依赖当前样本得到的梯度,因此借鉴物理中动量(moment)概念,即更新权重时在一定程度上保留之前更新的方向,同时加上当前样本的梯度,得到最终的更新方向,即First of all, considering that in the traditional backpropagation algorithm, the update direction of the weight only depends on the gradient obtained by the current sample, so we draw on the concept of momentum in physics, that is, when updating the weight, the previous update direction is retained to a certain extent, and the current update direction is added at the same time. The gradient of the sample to get the final update direction, that is

Figure BDA0003292781440000042
Figure BDA0003292781440000042

式中,s称为动量,也是梯度的一阶矩估计,β1称为一阶动量衰减系数;In the formula, s is called momentum, which is also the first-order moment estimation of the gradient, and β 1 is called the first-order momentum decay coefficient;

Figure BDA0003292781440000043
Figure BDA0003292781440000043

式中,v称为速度量,也是梯度的二阶矩估计,β2称为二阶动量衰减系数,一般取β2=0.999;In the formula, v is called the velocity quantity, which is also the second-order moment estimation of the gradient, and β 2 is called the second-order momentum decay coefficient, which is generally taken as β 2 =0.999;

进一步为实现学习率的自适应调整,即对于更新较慢的权重采用较大的ε更新,对于更新较快的权重采用较小的ε更新,因此对学习率ε进行调整:In order to further realize the adaptive adjustment of the learning rate, that is, a larger ε update is used for the weights that are updated slowly, and a smaller ε update is used for the weights that update faster, so the learning rate ε is adjusted:

Figure BDA0003292781440000051
Figure BDA0003292781440000051

δ为防止分母为零的常数,一般取δ=10-8δ is a constant to prevent the denominator from being zero, generally take δ=10 -8 ;

在此基础之上,对梯度的一阶和二阶矩估计进行无偏修正:On this basis, unbiased corrections are made to the first and second moment estimates of the gradient:

Figure BDA0003292781440000052
Figure BDA0003292781440000052

Figure BDA0003292781440000053
Figure BDA0003292781440000053

最后,得到基于Adam算法的权重更新公式:Finally, the weight update formula based on Adam algorithm is obtained:

Figure BDA0003292781440000054
Figure BDA0003292781440000054

按照以上的步骤,就完成了LSTM网络的训练,将训练好的模型保存在本地,样本均值、方差参数以txt文件的格式保存,在对待测新样本进行实验时,直接调用这些本地文件;According to the above steps, the training of the LSTM network is completed, the trained model is saved locally, and the sample mean and variance parameters are saved in the format of txt files. When experimenting with new samples to be tested, these local files are directly called;

在进行模型训练及测试时,网络结构参数取值如下表所示:During model training and testing, the values of network structure parameters are shown in the following table:

表1 LSTM网络参数Table 1 LSTM network parameters

Figure BDA0003292781440000055
Figure BDA0003292781440000055

对于训练完成的预测模型,输入新的待测数据,对模型预测准确率进行验证;For the trained prediction model, input new data to be tested to verify the prediction accuracy of the model;

选取样本数据集时,在仿真对抗环境下,每完成一次仿真对抗,就能得到一组实验数据,即一条轨迹曲线,考虑单个曲线特征点太少,不利于神经网络的学习,因此进行多次实验,将轨迹进行拼接,最终得到包含10600个点的时间序列数据,每一个点都包含二十三维特征量,经过降维之后,得到了维度为(21200,23)的样本集,按照0.75:0.25的比例划分训练集和测试集,得到测试集样本维度为(5300,23);When selecting a sample data set, in the simulation confrontation environment, each time a simulation confrontation is completed, a set of experimental data can be obtained, that is, a trajectory curve. Considering that there are too few feature points in a single curve, it is not conducive to the learning of the neural network, so many times In the experiment, the trajectories are spliced, and finally time series data containing 10600 points are obtained, each point contains twenty-three-dimensional feature quantities. After dimensionality reduction, a sample set with a dimension of (21200, 23) is obtained, according to 0.75: The ratio of 0.25 divides the training set and the test set, and the sample dimension of the test set is (5300,23);

为了防止模型在设定的epoch范围内出现过拟合的情况,除了在设计模型时加入Dropout 层之外,还对样本数据做处理,针对训练数据,选择其中一部分作为验证数据(valid data),验证集数据占训练集数据的比例定义为valid_data_rate=0.15,设定一个耐心值patience=5,如果验证集迭代次数超过了5次而训练精度和损失没有改善的话,训练提前中止,这称为“训练早停”(Early Stopping),通过加入验证集,可以避免出现过拟合的情况,完善模型选择。In order to prevent the model from overfitting within the set epoch range, in addition to adding the dropout layer when designing the model, the sample data is also processed. For the training data, a part of it is selected as the validation data (valid data), The ratio of the validation set data to the training set data is defined as valid_data_rate=0.15, and a patience value of patience=5 is set. If the number of iterations of the validation set exceeds 5 and the training accuracy and loss are not improved, the training will be terminated in advance, which is called "" "Early Stopping", by adding a validation set, can avoid overfitting and improve model selection.

本发明的特点及有益效果是:The characteristics and beneficial effects of the present invention are:

在对飞行器轨迹进行预测时,由于飞行器所处环境的复杂性、飞行器的高机动性以及飞行器之间的交互性,导致传统的预测方法难以得到准确的预测结果。本发明采用了基于LSTM 网络的深度学习预测模型,它能够处理大量的飞行器数据信息,从中拟合出飞行器的运动模型,进而给出高精度的预测结果。同时,该模型单纯从数据角度出发,略去了飞行器物理模型的影响,在一定程度上简化了模型构建的复杂度。从三百多维传感器状态参数中选取了二十三维与轨迹预测相关的特征量,通过数据预处理模块,实现滤波、降采样、缺失值补足、异常值剔除以及归一化;利用滑动窗口法进行输入量和标签值的选取;在完成模型的搭建之后,利用输入量和标签数据,对网络进行监督学习,优化网络参数,对于训练完成的网络,输入新的待测数据,即可得到下一时刻轨迹的预测结果。When predicting the trajectory of the aircraft, due to the complexity of the environment where the aircraft is located, the high maneuverability of the aircraft and the interaction between the aircraft, it is difficult for traditional prediction methods to obtain accurate prediction results. The present invention adopts a deep learning prediction model based on LSTM network, which can process a large amount of aircraft data information, fit a motion model of the aircraft from it, and then give a high-precision prediction result. At the same time, the model is purely from the data point of view, ignoring the influence of the physical model of the aircraft, which simplifies the complexity of model construction to a certain extent. Twenty-three-dimensional feature quantities related to trajectory prediction are selected from the three-hundred multi-dimensional sensor state parameters. Through the data preprocessing module, filtering, downsampling, missing value complementing, outlier elimination and normalization are realized; the sliding window method is used. Select the input amount and label value; after the model is built, use the input amount and label data to perform supervised learning on the network and optimize the network parameters. For the trained network, input new data to be tested, you can get the following: The prediction result of the trajectory at a moment.

本发明主要具有如下特点和优点:The present invention mainly has the following characteristics and advantages:

(1)根据实际选取双方飞行器的二十三维特征量,能最大限度描述出飞行器飞行器轨迹的影响因素,拟合出预测模型。(1) According to the actual selection of the twenty-three-dimensional feature quantities of the aircraft of both parties, the influencing factors of the aircraft trajectory of the aircraft can be described to the maximum extent, and the prediction model can be fitted.

(2)输入量和标签值的划分,将下一时刻的经度、纬度、高度当作当前时刻的标签值,当输入新数据时,即可直接得到预测结果。(2) The division of input amount and label value, the longitude, latitude, and altitude of the next moment are regarded as the label value of the current moment, and the prediction result can be obtained directly when new data is input.

(3)多层LSTM构成的预测模型,可以拟合复杂的非线性轨迹,同时避免了过拟合现象的出现。(3) The prediction model composed of multi-layer LSTM can fit complex nonlinear trajectories, and at the same time avoid the phenomenon of over-fitting.

附图说明:Description of drawings:

图1轨迹预测流程图。Figure 1. Flow chart of trajectory prediction.

图2输入量和标签值取值示意图。Figure 2 Schematic diagram of input quantity and label value.

图3轨迹预测模型网络结构图。Figure 3. The network structure diagram of the trajectory prediction model.

图4训练损失曲线。Figure 4 Training loss curve.

图5飞行器轨迹预测结果。Figure 5. The result of the trajectory prediction of the aircraft.

具体实施方式Detailed ways

针对上述背景和问题,本发明旨在提供一种在不确定感知条件下利用长短期记忆网络(LSTM)实现飞行器轨迹预测的方法。针对传感器特征向量所带有的噪声干扰,利用卡尔曼滤波进行消除;对于直接获取的状态参数,对其进行数据预处理,包括降采样、无效值剔除、缺失值补足,另外,为了提高计算稳定性,将数据做归一化处理,将输入数据的取值范围纳入[0,1]区间;构建基于LSTM的轨迹预测模型,定义网络的输入输出,并对网络进行监督训练。In view of the above background and problems, the present invention aims to provide a method for realizing aircraft trajectory prediction using a long short-term memory network (LSTM) under uncertain perception conditions. For the noise interference carried by the sensor feature vector, Kalman filtering is used to eliminate it; for the directly obtained state parameters, data preprocessing is performed, including downsampling, invalid value elimination, and missing value complementing. In addition, in order to improve the calculation stability The data is normalized, and the value range of the input data is included in the [0,1] interval; a trajectory prediction model based on LSTM is constructed, the input and output of the network are defined, and the network is supervised and trained.

本发明功能与特点如下:The functions and features of the present invention are as follows:

(1)本发明根据实际空战环境下,飞行器轨迹具有交互性的特点,选取了二十三维双方飞行器的状态参数信息作为网络的输入向量,并选取经度、纬度、高度三个向量作为网络的输出。(1) The present invention selects the state parameter information of the 23-dimensional aircraft on both sides as the input vector of the network, and selects the three vectors of longitude, latitude and height as the output of the network according to the characteristics of the interactivity of the aircraft trajectory under the actual air combat environment. .

(2)本发明提出了一种网络输入及标签确定方法,利用滑动窗口法,将下一时刻的经度、纬度、高度当作当前时刻的特征标签,完成数据集的切分。(2) The present invention proposes a method for network input and label determination. Using the sliding window method, the longitude, latitude and altitude of the next moment are regarded as the feature labels of the current moment to complete the segmentation of the data set.

(3)本发明在LSTM网络的基础之上,提出了飞行器轨迹预测模型,包括LSTM层、Dropout层、全连接层。在每一层的LSTM网络中添加了Dropout层,利用其控制隐含层节点权重,避免某些轨迹特征只在固定组合下生效,有意识地让网络去学习轨迹普遍的共性。(3) Based on the LSTM network, the present invention proposes an aircraft trajectory prediction model, including an LSTM layer, a Dropout layer, and a fully connected layer. A Dropout layer is added to the LSTM network of each layer, and the Dropout layer is used to control the node weight of the hidden layer, avoiding that some trajectory features only take effect under a fixed combination, and consciously let the network learn the general commonality of the trajectory.

本发明技术方案如下:The technical scheme of the present invention is as follows:

本发明的主要目的是实现飞行器轨迹的一步预测,其总体流程如图1。The main purpose of the present invention is to realize one-step prediction of the trajectory of the aircraft, and the overall flow is shown in Figure 1 .

第一步是从机载传感器获取原始的状态信息,飞行器可获取的传感器信息通常有三百多种,实际使用时根据需要进行选取。在此发明中,共选择了二十三维的特征量,作为预测模型的输入,如表1所示。The first step is to obtain the original status information from the airborne sensors. There are usually more than 300 kinds of sensor information that can be obtained by the aircraft, which can be selected according to the actual use. In this invention, a total of twenty-three-dimensional feature quantities are selected as the input of the prediction model, as shown in Table 1.

第二步是对数据进行预处理。首先,原始传感器参数包含一定的噪声干扰,选用卡尔曼滤波法,对其进行消除;其次,为了提高数据利用率,降低计算成本,对原始数据按照1:5 进行降采样,并将数据做归一化处理;最后,将无效值剔除,将缺失值补足,完成数据的预处理工作。之后按照图2所示的方法,进行输入和标签值的选取。The second step is to preprocess the data. First, the original sensor parameters contain a certain amount of noise interference, and the Kalman filtering method is used to eliminate it; secondly, in order to improve the data utilization rate and reduce the calculation cost, the original data is down-sampled according to 1:5, and the data is normalized. Uniform processing; finally, the invalid values are eliminated, and the missing values are filled to complete the data preprocessing. Then, according to the method shown in Figure 2, the selection of input and label value is performed.

第三步是构建基于LSTM的轨迹预测模型,所构建的模型如图3所示,包含两层的LSTM 层,每层LSTM层之后加入了一层Dropout层,避免过拟合现象的出现。将输出的特征量经过一个全连接层后,将维度转化为所需的输出维度。The third step is to construct a trajectory prediction model based on LSTM. The constructed model is shown in Figure 3. It consists of two LSTM layers. After each LSTM layer, a dropout layer is added to avoid overfitting. After passing the output feature through a fully connected layer, the dimension is converted to the desired output dimension.

下面结合附图,对本发明做进一步说明。The present invention will be further described below with reference to the accompanying drawings.

飞行器轨迹可以看作一系列时间序列数据,因此可以采用数据化的思路,将轨迹预测问题转化为时间序列数据预测问题,利用LSTM网络强大的数据拟合能力,选择合适的输入样本,获得飞行器轨迹的一步预测结果。The trajectory of the aircraft can be regarded as a series of time series data. Therefore, the data-based approach can be used to transform the trajectory prediction problem into a time series data prediction problem. Using the powerful data fitting ability of the LSTM network, select appropriate input samples to obtain the trajectory of the aircraft. one-step prediction results.

在对飞行器轨迹进行预测时,按照图1所示的流程进行。主要分为四个步骤:(1)提取对抗仿真中的有效数据,建立训练样本数据集;(2)对样本进行预处理;(3)构造网络输入、输出,建立神经网络,利用输入输出对网络进行监督训练,根据训练结果调整网络结构参数(4)利用训练好的网络,输入待测新样本,获得预测结果,并与真实值进行比较。When predicting the trajectory of the aircraft, follow the process shown in FIG. 1 . It is mainly divided into four steps: (1) extracting valid data in adversarial simulation and establishing a training sample data set; (2) preprocessing the samples; (3) constructing network input and output, establishing a neural network, and using input and output to pair The network is supervised and trained, and the network structure parameters are adjusted according to the training results. (4) Using the trained network, input the new sample to be tested, obtain the prediction result, and compare it with the real value.

首先,是从敌我飞行器对抗仿真平台获取所需的特征数据。考虑到飞行器的轨迹受自身、战场环境、敌方动机等多种因素影响,依据专家经验,归纳得到飞行器轨迹具有连续性、时序性、交互性[12]三个特点。The first is to obtain the required characteristic data from the aircraft confrontation simulation platform. Considering that the trajectory of the aircraft is affected by various factors such as itself, the battlefield environment, and the enemy's motives, according to expert experience, it is concluded that the trajectory of the aircraft has three characteristics: continuity, timing, and interactivity [12] .

①连续性是指无人机轨迹是连续变化的,而不是间断的。①Continuity means that the trajectory of the UAV changes continuously rather than intermittently.

②时序性是指轨迹数据是带有时间性质的,且后一个时刻的位置与前一个时刻的位置是有关的,所以轨迹数据本质上是一个时间序列数据。② Timing means that the trajectory data is temporal, and the position of the next moment is related to the position of the previous moment, so the trajectory data is essentially a time series data.

③交互性是指实际环境下,多机之间是动态变化的复杂过程,一架飞机的机动会影响另一架飞机的机动,一架飞机的位置也会影响另一架飞机的位置。③Interactivity refers to the complex process of dynamic changes between multiple aircraft in the actual environment. The maneuver of one aircraft will affect the maneuver of another aircraft, and the position of one aircraft will also affect the position of another aircraft.

因此在进行轨迹预测时,除了考虑敌机的位置、姿态、速度外,由于交互性,还要考虑两机的相对距离、相对高度、水平进入角共二十三维特征,如表2所示。Therefore, in the trajectory prediction, in addition to considering the position, attitude, and speed of the enemy aircraft, due to the interaction, the relative distance, relative height, and horizontal entry angle of the two aircraft should also be considered, a total of twenty-three-dimensional features, as shown in Table 2.

表2神经网络输入特征量Table 2 Neural network input feature quantities

Figure BDA0003292781440000081
Figure BDA0003292781440000081

其次,在获得了共计二十三维的特征向量后,由于从传感器获取的原始数据不能直接用作网络输入,需要对其进行预处理。按照1:5的采样间隔对数据进行数据降采样,对数据中的无效值剔除,利用均值填充法对缺失值进行补足,除此之外,由于部分所用参数数值较大,为了提高计算稳定性,将数据做归一化处理,输入数据的取值范围纳入[0,1]区间,归一化公式为:Second, after obtaining a total of twenty three-dimensional feature vectors, since the raw data obtained from the sensor cannot be directly used as network input, it needs to be preprocessed. The data is down-sampled according to the sampling interval of 1:5, the invalid values in the data are eliminated, and the missing values are filled by the mean filling method. , the data is normalized, and the value range of the input data is included in the [0,1] interval. The normalization formula is:

Figure BDA0003292781440000082
Figure BDA0003292781440000082

式中,X为某特征量的实际取值,Xmax,Xmin分别为所有数据中X的最大值和最小值,Y是归一化后的结果。In the formula, X is the actual value of a feature quantity, X max and X min are the maximum and minimum values of X in all data, respectively, and Y is the normalized result.

使用训练好的预测模型对预测结果进行反归一化,从而与实际值进行误差比较分析,反归一化的公式为:Use the trained prediction model to de-normalize the prediction results, so as to compare and analyze the error with the actual value. The formula for de-normalization is:

X=(Xmax-Xmin)Y+Xmin (2)X=(X max -X min )Y+X min (2)

在完成了数据处理之后,就得到了规范化的,可供神经网络使用的样本数据集,此时需要按照实际需求构造LSTM网络的输入输出。本文的最终目的是根据当前时刻的二十三维特征量,预测下一时刻飞行器的经度、纬度、高度,因此,在选定标签数据时,将下一时刻的经度、纬度、高度作为当前时刻的特征标签。采用滑动窗口法完成数据集的切分,如图2所示。其含义是指:网络的输入由原始数据迭代选取获得,从0开始到第一个time_step为止,由于本次训练选取的time_step是20,即从0到19是第一个输入,1到20是第二个输入,以此类推。因此输入数据的维度是(N,20,23),其中N取决于样本集的大小,20是指LSTM的 time_step值,23是特征向量的维度。训练网络需要用到标签数据,由于本模型目的是预测飞机未来一步的轨迹,因此,在针对第一个0-19的输入,选择1-20的载机经纬高作为标签,对于第二个1-20的输入,选择2-21的载机经纬高作为标签,以此类推。因此输出数据的维度是(N,20,3),其中N取决于样本集的大小,20是指LSTM的time_step值,3对应输出的维度,即载机经度、纬度、高度。After the data processing is completed, the normalized sample data set that can be used by the neural network is obtained. At this time, the input and output of the LSTM network need to be constructed according to the actual needs. The ultimate purpose of this paper is to predict the longitude, latitude, and altitude of the aircraft at the next moment according to the twenty-three-dimensional feature quantities at the current moment. Feature label. The sliding window method is used to complete the segmentation of the dataset, as shown in Figure 2. Its meaning means: the input of the network is obtained by iterative selection of the original data, starting from 0 to the first time_step, because the time_step selected for this training is 20, that is, from 0 to 19 is the first input, and 1 to 20 is the first input. The second input, and so on. So the dimension of the input data is (N, 20, 23), where N depends on the size of the sample set, 20 refers to the time_step value of the LSTM, and 23 is the dimension of the feature vector. The training network needs to use the label data. Since the purpose of this model is to predict the trajectory of the aircraft in the next step, for the first input of 0-19, select the latitude and longitude height of the carrier aircraft of 1-20 as the label, for the second 1 The input of -20, select the latitude and longitude height of the carrier from 2-21 as the label, and so on. Therefore, the dimension of the output data is (N, 20, 3), where N depends on the size of the sample set, 20 refers to the time_step value of the LSTM, and 3 corresponds to the dimension of the output, that is, the longitude, latitude, and altitude of the aircraft.

最后是构造LSTM网络。本文使用LSTM作为模型的主体部分,通过构造多层网络结构,学习输入的轨迹相关特征量和下一时刻位置的标签的关系,预测未来可能到达的的位置。预测模型主要包括LSTM层、Dropout层、全连接层。本文中选定两层LSTM进行模型搭建,如图3所示:第一层的LSTM网络以二十三维特征量作为输入,第二层以第一层的输出

Figure BDA0003292781440000095
作为输入,第二层输出
Figure BDA0003292781440000094
经过一个全连接层之后,得到最终的网络输出Y。由于网络结构层数和神经元个数都比较多,为了防止“过拟合”现象的发生,Hinton提出使用Dropout方法,它在训练过程中随机省略一些用于特征学习的神经元,减少因仅有特定的神经元起作用,在训练集上产生复杂的相互适应造成的过拟合。因此本文在每一层LSTM网络中添加了Dropout 层,利用其控制隐含层节点权重,避免某些轨迹特征只在固定组合下生效,有意识地让网络去学习轨迹普遍的共性。对LSTM输出的特征量经过一个全连接层后,将维度转化为所需的输出纬度。The last step is to construct the LSTM network. This paper uses LSTM as the main part of the model. By constructing a multi-layer network structure, it learns the relationship between the input trajectory-related feature quantity and the label of the next moment position, and predicts the possible future position. The prediction model mainly includes LSTM layer, Dropout layer, and fully connected layer. In this paper, two layers of LSTM are selected for model building, as shown in Figure 3: the LSTM network of the first layer takes twenty-three-dimensional feature quantities as input, and the second layer takes the output of the first layer as the input.
Figure BDA0003292781440000095
As input, the second layer outputs
Figure BDA0003292781440000094
After a fully connected layer, the final network output Y is obtained. Due to the large number of layers and neurons in the network structure, in order to prevent the occurrence of "overfitting", Hinton proposed to use the Dropout method, which randomly omits some neurons for feature learning during the training process, reducing the number of There are specific neurons at work that generate overfitting due to complex mutual adaptations on the training set. Therefore, this paper adds a Dropout layer to each layer of LSTM network, and uses it to control the node weight of the hidden layer, avoiding that some trajectory features only take effect under a fixed combination, and consciously let the network learn the general commonality of the trajectory. After the feature quantity output by LSTM is passed through a fully connected layer, the dimension is converted into the desired output dimension.

在确定了网络结构及输入输出之外,就可以用训练样本集对网络进行训练,选定如式(3)所示的均方误差函数作为损失函数:After the network structure and input and output are determined, the network can be trained with the training sample set, and the mean square error function shown in equation (3) is selected as the loss function:

Figure BDA0003292781440000091
Figure BDA0003292781440000091

其中N表示一次训练过程中批量样本的个数,Ypred表示神经网络输出的预测值,Yi代表对应的真实值,神经网络训练就是更新权值的过程,网络的优化目标是让E趋近于0。在进行网络训练时,选用自适应矩估计法(adaptive moment estimation,Adam)[13],其步骤如下:Among them, N represents the number of batch samples in a training process, Y pred represents the predicted value output by the neural network, and Y i represents the corresponding real value. The neural network training is the process of updating the weights. The optimization goal of the network is to make E approach at 0. During network training, adaptive moment estimation (Adam) [13] is selected, and the steps are as follows:

首先考虑到传统反向传播算法中,权重的更新方向只依赖当前样本得到的梯度,因此借鉴物理中动量(moment)概念,即更新权重时在一定程度上保留之前更新的方向,同时加上当前样本的梯度,得到最终的更新方向,即First of all, considering that in the traditional backpropagation algorithm, the update direction of the weight only depends on the gradient obtained by the current sample, so we draw on the concept of momentum in physics, that is, when updating the weight, the previous update direction is retained to a certain extent, and the current update direction is added at the same time. The gradient of the sample to get the final update direction, that is

Figure BDA0003292781440000092
Figure BDA0003292781440000092

式中,s称为动量,也是梯度的一阶矩估计,β1称为一阶动量衰减系数,一般取β1=0.9。In the formula, s is called momentum, which is also the first-order moment estimation of the gradient, and β 1 is called the first-order momentum decay coefficient, which is generally taken as β 1 =0.9.

Figure BDA0003292781440000093
Figure BDA0003292781440000093

式中,v称为速度量,也是梯度的二阶矩估计,β2称为二阶动量衰减系数,一般取β2=0.999。In the formula, v is called the velocity quantity, which is also the second-order moment estimation of the gradient, and β 2 is called the second-order momentum decay coefficient, which is generally taken as β 2 =0.999.

进一步为实现学习率的自适应调整,即对于更新较慢的权重采用较大的ε更新,对于更新较快的权重采用较小的ε更新,因此对学习率ε进行调整:In order to further realize the adaptive adjustment of the learning rate, that is, a larger ε update is used for the weights that are updated slowly, and a smaller ε update is used for the weights that update faster, so the learning rate ε is adjusted:

Figure BDA0003292781440000101
Figure BDA0003292781440000101

δ为防止分母为零的常数,一般取δ=10-8δ is a constant that prevents the denominator from being zero, and generally takes δ=10 -8 .

在此基础之上,对梯度的一阶和二阶矩估计进行无偏修正:On this basis, unbiased corrections are made to the first and second moment estimates of the gradient:

Figure BDA0003292781440000102
Figure BDA0003292781440000102

Figure BDA0003292781440000103
Figure BDA0003292781440000103

最后,得到基于Adam算法的权重更新公式:Finally, the weight update formula based on Adam algorithm is obtained:

Figure BDA0003292781440000104
Figure BDA0003292781440000104

按照以上的步骤,就完成了LSTM网络的训练,将训练好的模型保存在本地,一些参数,如样本均值、方差等也以txt文件的格式保存,在对待测新样本进行实验时,就可以直接调用这些本地文件,快速完成仿真实验。According to the above steps, the training of the LSTM network is completed, the trained model is saved locally, and some parameters, such as sample mean, variance, etc., are also saved in the format of txt files. When experimenting with new samples to be tested, you can Directly call these local files to quickly complete simulation experiments.

在进行模型训练及测试时,网络结构参数取值如表3所示。对于训练完成的预测模型,输入新的待测数据,对模型预测准确率进行验证。During model training and testing, the network structure parameters are shown in Table 3. For the trained prediction model, input new data to be tested to verify the prediction accuracy of the model.

表3 LSTM网络参数Table 3 LSTM network parameters

Figure BDA0003292781440000105
Figure BDA0003292781440000105

选取样本数据集时,在仿真对抗环境下,每完成一次仿真对抗,就能得到一组实验数据,即一条轨迹曲线,考虑单个曲线特征点太少,不利于神经网络的学习,因此进行多次实验,将轨迹进行拼接。最终得到了包含10600个点的时间序列数据,每一个点都包含二十三维特征量。经过降维之后,得到了维度为(21200,23)的样本集。按照0.75:0.25的比例划分训练集和测试集,得到测试集样本维度为(5300,23)。When selecting a sample data set, in the simulation confrontation environment, each time a simulation confrontation is completed, a set of experimental data can be obtained, that is, a trajectory curve. Considering that there are too few feature points in a single curve, it is not conducive to the learning of the neural network, so many times Experiment, splicing trajectories. Finally, time series data containing 10,600 points are obtained, and each point contains twenty-three-dimensional feature quantities. After dimensionality reduction, a sample set of dimension (21200, 23) is obtained. The training set and the test set are divided according to the ratio of 0.75:0.25, and the sample dimension of the test set is (5300, 23).

为了防止模型在设定的epoch范围内出现过拟合的情况,除了在设计模型时加入Dropout 层之外,还对样本数据做了处理。针对训练数据,选择其中一部分作为验证数据(valid data),验证集数据占训练集数据的比例定义为valid_data_rate=0.15,设定一个耐心值patience=5,如果验证集迭代次数超过了5次而训练精度和损失没有改善的话,训练提前中止,这称为“训练早停”(Early Stopping)[14],通过加入验证集,可以避免出现过拟合的情况,完善模型选择。对于训练集和验证集,如图4左图所示,给出了在epoch下的损失情况,红线是训练集损失,蓝线是验证集损失,可以看到,验证集与训练集损失随着迭代次数的增加而减小,且二者十分接近,并未出现过拟合的情况。为了单独分析模型在训练集上的损失,针对每一个batch 的训练,保存了前1000次的训练损失值,如图4右图所示。可以看到,随着模型训练次数的增加,模型损失值逐渐减小,趋近于0,说明模型训练效果较为理想。In order to prevent the model from overfitting within the set epoch range, in addition to adding the Dropout layer when designing the model, the sample data is also processed. For the training data, select a part of it as the validation data (valid data), the ratio of the validation set data to the training set data is defined as valid_data_rate=0.15, set a patience value of patience=5, if the number of iterations of the validation set exceeds 5, the training If the accuracy and loss are not improved, the training is terminated early, which is called "Early Stopping" [14] . By adding a validation set, overfitting can be avoided and model selection can be improved. For the training set and the validation set, as shown in the left figure of Figure 4, the loss under epoch is given. The red line is the loss of the training set, and the blue line is the loss of the validation set. It can be seen that the loss of the validation set and the training set increases with the The number of iterations increases and decreases, and the two are very close, and there is no overfitting. In order to analyze the loss of the model on the training set separately, for each batch of training, the first 1000 training loss values are saved, as shown in the right figure of Figure 4. It can be seen that as the number of model training increases, the model loss value gradually decreases and approaches 0, indicating that the model training effect is ideal.

图5分别是飞行器在经度、纬度、高度三个方向上的预测结果,其中红色实线为实际的飞行器轨迹,即label值,蓝色虚线为利用LSTM模型预测出的飞行器轨迹。图中在第2800 个时刻出现跳变,这是因为样本轨迹是由一段段的小轨迹拼接而成的,所以会在某些时刻出现取值跳变的情况。从仿真结果可以看出,预测值和真实值差距较小,模型预测精度较高。Figure 5 shows the prediction results of the aircraft in the three directions of longitude, latitude, and altitude. The red solid line is the actual aircraft trajectory, that is, the label value, and the blue dotted line is the aircraft trajectory predicted by the LSTM model. In the figure, there is a jump at the 2800th time. This is because the sample trajectory is spliced by a segment of small trajectories, so there will be a value jump at some moments. It can be seen from the simulation results that the difference between the predicted value and the actual value is small, and the model prediction accuracy is high.

以上所述仅为本发明的较佳实施例,并不用以限制本发明,凡在本发明的精神和原则之内,所作的任何修改、等同替换、改进等,均应包含在本发明的保护范围之内。The above are only preferred embodiments of the present invention and are not intended to limit the present invention. Any modifications, equivalent replacements, improvements, etc. made within the spirit and principles of the present invention shall be included in the protection of the present invention. within the range.

参考文献references

[1]Han J,Pei J,Yin Y.Mining frequent patterns without candidategeneration[J].ACM sigmod record,2000,29(2):1-12.[1]Han J,Pei J,Yin Y.Mining frequent patterns without candidate generation[J].ACM sigmod record,2000,29(2):1-12.

[2]崔贯勋,李梁,王柯柯,等.关联规则挖掘中Apriori算法的研究与改进[J].计算机应用,2010,30(11):2952-2955.[2] Cui Guanxun, Li Liang, Wang Keke, et al. Research and Improvement of Apriori Algorithm in Association Rules Mining [J]. Computer Applications, 2010, 30(11): 2952-2955.

[3]Morzy M.Mining frequent trajectories of moving objects forlocation prediction[C]. International workshop on machine learning and datamining in pattern recognition.Springer, Berlin,Heidelberg,2007:667-680.[3]Morzy M.Mining frequent trajectories of moving objects forlocation prediction[C]. International workshop on machine learning and datamining in pattern recognition.Springer, Berlin,Heidelberg,2007:667-680.

[4]Yang J,Xu J,Xu M,et al.Predicting next location using a variableorder Markov model[C].Proceedings of the 5th ACM Sigspatial InternationalWorkshop on GeoStreaming. ACM,2014:37-42.[4] Yang J, Xu J, Xu M, et al. Predicting next location using a variableorder Markov model[C]. Proceedings of the 5th ACM Sigspatial International Workshop on GeoStreaming. ACM, 2014: 37-42.

[5]Qiao S J,Shen D,Wang X,et al.A Self-Adaptive Parameter SelectionTrajectory Prediction Approach via Hidden Markov Models[J].IntelligentTransportation Systems,IEEE Transactions on,2015,16(1):284-296.[5]Qiao S J,Shen D,Wang X,et al.A Self-Adaptive Parameter SelectionTrajectory Prediction Approach via Hidden Markov Models[J].IntelligentTransportation Systems,IEEE Transactions on,2015,16(1):284-296.

[6]Payeur P,Le-Huy H,Gosselin C M.Trajectory prediction for movingobjects using artificial neural networks[J].IEEE Transactions on IndustrialElectronics,1995,42(2): 147-158.[6] Payeur P, Le-Huy H, Gosselin C M. Trajectory prediction for moving objects using artificial neural networks[J]. IEEE Transactions on Industrial Electronics, 1995, 42(2): 147-158.

[7]Huang W,Song G,Hong H,et al.Deep architecture for traffic flowprediction:deep belief networks with multitask learning[J].IEEE Transactionson Intelligent Transportation Systems,2014,15(5):2191-2201.[7]Huang W,Song G,Hong H,et al.Deep architecture for traffic flow prediction:deep belief networks with multitask learning[J].IEEE Transactionson Intelligent Transportation Systems,2014,15(5):2191-2201.

[8]张涛,郭基联,徐西蒙,等.基于Elman神经网络的战斗机空战轨迹预测[J].飞行力学,2018,36(5):89-94.[8] Zhang Tao, Guo Jilian, Xu Simon, et al. Air combat trajectory prediction of fighter jets based on Elman neural network [J]. Flight Mechanics, 2018, 36(5): 89-94.

[9]Wang J C,Qi X H,Shan G.Elman network based on EPSO-BP and itsapplication in flight trajectory prediction[J].Control and Decision,2013,28(12):1884-1888.[9] Wang J C, Qi X H, Shan G. Elman network based on EPSO-BP and its application in flight trajectory prediction[J]. Control and Decision, 2013, 28(12): 1884-1888.

[10]钱夔,周颖,杨柳静,等.基于BP神经网络的空中目标航迹预测模型[J].指挥信息系统与技术,2017,8(3):54-58.[10] Qian Kui, Zhou Ying, Yang Liujing, et al. Air target track prediction model based on BP neural network [J]. Command Information System and Technology, 2017, 8(3): 54-58.

[11]杨任农,岳龙飞,宋敏,等.基于Bi-LSTM的无人机轨迹预测模型及仿真[J].航空工程进展,2020,11(01):77-84.[11] Yang Rennong, Yue Longfei, Song Min, et al. UAV trajectory prediction model and simulation based on Bi-LSTM [J]. Advances in Aeronautical Engineering, 2020, 11(01): 77-84.

[12]Li X R,Jilkov V P.Survey of maneuvering target tracking.PartI.Dynamic models[J].IEEE Transactions on aerospace and electronic systems,2003,39(4):1333-1364.[12] Li X R, Jilkov V P.Survey of maneuvering target tracking.PartI.Dynamic models[J].IEEE Transactions on aerospace and electronic systems,2003,39(4):1333-1364.

[13]Kingma D P,Ba J.Adam:A method for stochastic optimization[J].arXiv preprint arXiv:1412.6980,2014.[13]Kingma D P,Ba J.Adam:A method for stochastic optimization[J].arXiv preprint arXiv:1412.6980,2014.

[14]Yao Y,Rosasco L,Caponnetto A.On early stopping in gradientdescent learning[J]. Constructive Approximation,2007,26(2):289-315。[14] Yao Y, Rosasco L, Caponnetto A. On early stopping in gradientdescent learning [J]. Constructive Approximation, 2007, 26(2): 289-315.

Claims (2)

1.一种基于长短期记忆网络的飞行器轨迹预测的方法,其特征是,针对传感器特征向量所带有的噪声干扰,利用卡尔曼滤波进行消除;对于直接获取的状态参数,对其进行数据预处理,包括降采样、无效值剔除、缺失值补足,另外,为了提高计算稳定性,将数据做归一化处理,将输入数据的取值范围纳入[0,1]区间;构建基于LSTM的轨迹预测网络模型,定义网络模型的输入输出,并对网络模型进行监督训练;详细步骤如下:1. a method for predicting the trajectory of an aircraft based on a long short-term memory network, characterized in that, for the noise interference carried by the sensor feature vector, Kalman filtering is used to eliminate it; Processing, including downsampling, invalid value elimination, and missing value complement. In addition, in order to improve the stability of the calculation, the data is normalized, and the value range of the input data is included in the [0,1] interval; the trajectory based on LSTM is constructed. Predict the network model, define the input and output of the network model, and supervise the training of the network model; the detailed steps are as follows: 首先,是从敌我飞行器对抗仿真平台获取所需的特征数据,考虑到飞行器的轨迹受自身、战场环境、敌方动机多种因素影响,归纳得到飞行器轨迹具有连续性、时序性、交互性三个特点:First of all, the required characteristic data is obtained from the aircraft confrontation simulation platform. Considering that the trajectory of the aircraft is affected by various factors such as itself, the battlefield environment, and the enemy's motivation, it is concluded that the trajectory of the aircraft has three characteristics: continuity, timing, and interactivity. Features: ①连续性是指无人机轨迹是连续变化的,而不是间断的;①Continuity means that the trajectory of the UAV changes continuously rather than intermittently; ②时序性是指轨迹数据是带有时间性质的,且后一个时刻的位置与前一个时刻的位置是有关的,所以轨迹数据本质上是一个时间序列数据;②Timing means that the trajectory data is temporal, and the position of the next moment is related to the position of the previous moment, so the trajectory data is essentially a time series data; ③交互性是指实际环境下,多机之间是动态变化的复杂过程,一架飞机的机动会影响另一架飞机的机动,一架飞机的位置也会影响另一架飞机的位置;③Interactivity refers to the complex process of dynamic changes between multiple aircraft in the actual environment. The maneuver of one aircraft will affect the maneuver of another aircraft, and the position of one aircraft will also affect the position of another aircraft; 因此在进行轨迹预测时,除了考虑敌机的位置、姿态、速度外,由于交互性,还要考虑两机的包括23维特征向量:Therefore, in the trajectory prediction, in addition to considering the position, attitude and speed of the enemy aircraft, due to the interaction, the 23-dimensional feature vectors of the two aircraft should also be considered: 经度、纬度、高度、俯仰角、滚转角、航向角、方位角、方位角速度、俯仰角速度、北向速度、天向速度、东向速度、北向加速度、天向加速度、东向加速度、水平进入角、相对距离、相对距离变化率、相对高度、雷达状态识别结果、径向速度、真航向、地速;Longitude, Latitude, Altitude, Pitch, Roll, Yaw, Azimuth, Azimuth Velocity, Pitch Velocity, North Velocity, Sky Velocity, East Velocity, North Acceleration, Sky Acceleration, East Acceleration, Horizontal Entry Angle, Relative distance, relative distance change rate, relative altitude, radar status recognition result, radial velocity, true heading, ground speed; 其次,在获得了特征向量后,由于从传感器获取的原始数据不能直接用作网络输入,需要对其进行预处理,按照1:5的采样间隔对数据进行数据降采样,对数据中的无效值剔除,利用均值填充法对缺失值进行补足,除此之外,由于部分所用参数数值较大,为了提高计算稳定性,将数据做归一化处理,输入数据的取值范围纳入[0,1]区间,归一化公式为:Secondly, after the feature vector is obtained, since the raw data obtained from the sensor cannot be directly used as network input, it needs to be preprocessed, and the data is down-sampled according to the sampling interval of 1:5, and invalid values in the data are removed. Eliminate, use the mean filling method to make up for missing values. In addition, due to the large value of some parameters used, in order to improve the stability of the calculation, the data is normalized, and the value range of the input data is included in [0,1 ] interval, the normalization formula is:
Figure FDA0003769492090000011
Figure FDA0003769492090000011
式中,X为某特征量的实际取值,Xmax,Xmin分别为所有数据中X的最大值和最小值,Y是归一化后的结果;In the formula, X is the actual value of a certain feature quantity, X max and X min are the maximum and minimum values of X in all data, respectively, and Y is the normalized result; 使用训练好的预测模型对预测结果进行反归一化,从而与实际值进行误差比较分析,反归一化的公式为:Use the trained prediction model to de-normalize the prediction results, so as to compare and analyze the error with the actual value. The formula for de-normalization is: X=(Xmax-Xmin)Y+Xmin (2)X=(X max -X min )Y+X min (2) 在完成了数据处理之后,就得到了规范化的,可供神经网络使用的样本数据集,此时需要按照实际需求构造LSTM网络的输入输出,在选定标签数据时,将下一时刻的经度、纬度、高度作为当前时刻的特征标签,采用滑动窗口法完成数据集的切分,网络的输入由原始数据迭代选取获得,从0开始到第一个time_step为止,由于本次训练选取的time_step是20,即从0到19是第一个输入,1到20是第二个输入,以此类推;输入数据的维度是(N,20,23),其中N取决于样本集的大小,20是指LSTM的time_step值,23是特征向量的维度,训练网络需要用到标签数据,由于本模型目的是预测飞机未来一步的轨迹,因此,在针对第一个0-19的输入,选择1-20的载机经纬高作为标签,对于第二个1-20的输入,选择2-21的载机经纬高作为标签,以此类推,因此输出数据的维度是(N,20,3),其中N取决于样本集的大小,20是指LSTM的time_step值,3对应输出的维度,即载机经度、纬度、高度;After the data processing is completed, a standardized sample data set that can be used by the neural network is obtained. At this time, the input and output of the LSTM network need to be constructed according to the actual needs. When selecting the label data, the longitude, The latitude and height are used as the feature labels of the current moment, and the sliding window method is used to complete the segmentation of the data set. The input of the network is obtained by iterative selection of the original data, starting from 0 to the first time_step, because the time_step selected for this training is 20 , that is, from 0 to 19 is the first input, 1 to 20 is the second input, and so on; the dimension of the input data is (N, 20, 23), where N depends on the size of the sample set, 20 means The time_step value of LSTM, 23 is the dimension of the feature vector, the training network needs to use the label data, since the purpose of this model is to predict the trajectory of the aircraft in the next step, therefore, for the first 0-19 input, select 1-20 The latitude and longitude of the carrier is used as the label. For the second input of 1-20, the latitude and longitude of the carrier of 2-21 is selected as the label, and so on, so the dimension of the output data is (N, 20, 3), where N depends on Due to the size of the sample set, 20 refers to the time_step value of LSTM, and 3 corresponds to the output dimension, that is, the longitude, latitude, and altitude of the aircraft; 最后是构造LSTM网络,使用LSTM作为模型的主体部分,通过构造多层网络结构,学习输入的轨迹相关特征量和下一时刻位置的标签的关系,预测未来可能到达的位置,预测模型主要包括LSTM层、Dropout层、全连接层,选定两层LSTM进行模型搭建:第一层的LSTM网络以二十三维特征量作为输入,第二层以第一层的输出
Figure FDA0003769492090000021
作为输入,第二层输出
Figure FDA0003769492090000022
经过一个全连接层之后,得到最终的网络输出Y,在每一层LSTM网络中添加了Dropout层,利用其控制隐含层节点权重,避免某些轨迹特征只在固定组合下生效,有意识地让网络去学习轨迹普遍的共性,对LSTM输出的特征量经过一个全连接层后,将维度转化为所需的输出纬度;
Finally, the LSTM network is constructed, using LSTM as the main part of the model, by constructing a multi-layer network structure, learning the relationship between the input trajectory-related feature quantity and the label of the next moment position, and predicting the possible future position. The prediction model mainly includes LSTM Layer, Dropout layer, and fully connected layer. Two layers of LSTM are selected for model building: the LSTM network of the first layer takes twenty-three-dimensional feature quantities as input, and the second layer takes the output of the first layer.
Figure FDA0003769492090000021
As input, the second layer outputs
Figure FDA0003769492090000022
After a fully connected layer, the final network output Y is obtained, and a Dropout layer is added to each layer of the LSTM network, which is used to control the node weight of the hidden layer, so as to avoid certain trajectory features only taking effect under a fixed combination, and consciously let The network learns the general commonality of trajectories. After the feature quantity output by LSTM passes through a fully connected layer, the dimension is converted into the required output dimension;
在确定了网络结构及输入输出之外,用训练样本集对网络进行训练,选定如式(3)所示的均方误差函数作为损失函数:In addition to determining the network structure and input and output, the network is trained with the training sample set, and the mean square error function shown in equation (3) is selected as the loss function:
Figure FDA0003769492090000023
Figure FDA0003769492090000023
其中N表示一次训练过程中批量样本的个数,Ypred表示神经网络输出的预测值,Yi代表对应的真实值,神经网络训练就是更新权值的过程,网络的优化目标是让E趋近于0,在进行网络训练时,选用自适应矩估计法(adaptive moment estimation,Adam),适应矩估计法步骤如下:Among them, N represents the number of batch samples in a training process, Y pred represents the predicted value output by the neural network, and Y i represents the corresponding real value. The neural network training is the process of updating the weights. The optimization goal of the network is to make E approach At 0, during network training, the adaptive moment estimation method (Adam) is selected. The steps of the adaptive moment estimation method are as follows: 首先考虑到传统反向传播算法中,权重的更新方向只依赖当前样本得到的梯度,因此借鉴物理中动量(moment)概念,即更新权重时在一定程度上保留之前更新的方向,同时加上当前样本的梯度,得到最终的更新方向,即First of all, considering that in the traditional backpropagation algorithm, the update direction of the weight only depends on the gradient obtained by the current sample, so we draw on the concept of momentum in physics, that is, when updating the weight, the previous update direction is retained to a certain extent, and the current update direction is added at the same time. The gradient of the sample to get the final update direction, that is
Figure FDA0003769492090000024
Figure FDA0003769492090000024
式中,s称为动量,也是梯度的一阶矩估计,β1称为一阶动量衰减系数;In the formula, s is called momentum, which is also the first-order moment estimation of the gradient, and β 1 is called the first-order momentum decay coefficient;
Figure FDA0003769492090000025
Figure FDA0003769492090000025
式中,v称为速度量,也是梯度的二阶矩估计,β2称为二阶动量衰减系数,一般取β2=0.999;In the formula, v is called the velocity quantity, which is also the second-order moment estimation of the gradient, and β 2 is called the second-order momentum decay coefficient, which is generally taken as β 2 =0.999; 进一步为实现学习率的自适应调整,即对于更新较慢的权重采用较大的ε更新,对于更新较快的权重采用较小的ε更新,因此对学习率ε进行调整:In order to further realize the adaptive adjustment of the learning rate, that is, a larger ε update is used for the weights that are updated slowly, and a smaller ε update is used for the weights that update faster, so the learning rate ε is adjusted:
Figure FDA0003769492090000026
Figure FDA0003769492090000026
δ为防止分母为零的常数,一般取δ=10-8δ is a constant to prevent the denominator from being zero, generally take δ=10 -8 ; 在此基础之上,对梯度的一阶和二阶矩估计进行无偏修正:On this basis, unbiased corrections are made to the first and second moment estimates of the gradient:
Figure FDA0003769492090000031
Figure FDA0003769492090000031
Figure FDA0003769492090000032
Figure FDA0003769492090000032
最后,得到基于Adam算法的权重更新公式:Finally, the weight update formula based on Adam algorithm is obtained:
Figure FDA0003769492090000033
Figure FDA0003769492090000033
按照以上的步骤,就完成了LSTM网络的训练,将训练好的模型保存在本地,样本均值、方差参数以txt文件的格式保存,在对待测新样本进行实验时,直接调用这些本地文件;According to the above steps, the training of the LSTM network is completed, the trained model is saved locally, and the sample mean and variance parameters are saved in the format of txt files. When experimenting with new samples to be tested, these local files are directly called; 在进行模型训练及测试时,网络结构参数取值如下表所示:During model training and testing, the values of network structure parameters are shown in the following table: LSTM网络参数表LSTM network parameter table
Figure FDA0003769492090000034
Figure FDA0003769492090000034
对于训练完成的预测模型,输入新的待测数据,对模型预测准确率进行验证;For the trained prediction model, input new data to be tested to verify the prediction accuracy of the model; 选取样本数据集时,在仿真对抗环境下,每完成一次仿真对抗,就能得到一组实验数据,即一条轨迹曲线,考虑单个曲线特征点太少,不利于神经网络的学习,因此进行多次实验,将轨迹进行拼接,最终得到包含10600个点的时间序列数据,每一个点都包含二十三维特征量,经过降维之后,得到了维度为(21200,23)的样本集,按照0.75:0.25的比例划分训练集和测试集,得到测试集样本维度为(5300,23);When selecting a sample data set, in the simulation confrontation environment, each time a simulation confrontation is completed, a set of experimental data can be obtained, that is, a trajectory curve. Considering that there are too few feature points in a single curve, it is not conducive to the learning of the neural network, so many times In the experiment, the trajectories are spliced, and finally time series data containing 10600 points are obtained, each point contains twenty-three-dimensional feature quantities. After dimensionality reduction, a sample set with a dimension of (21200, 23) is obtained, according to 0.75: The ratio of 0.25 divides the training set and the test set, and the sample dimension of the test set is (5300,23); 为了防止模型在设定的epoch范围内出现过拟合的情况,除了在设计模型时加入Dropout层之外,还对样本数据做处理,针对训练数据,选择其中一部分作为验证数据(valid data),验证集数据占训练集数据的比例定义为valid_data_rate=0.15,设定一个耐心值patience=5,如果验证集迭代次数超过了5次而训练精度和损失没有改善的话,训练提前中止,这称为“训练早停”(Early Stopping),通过加入验证集,可以避免出现过拟合的情况,完善模型选择。In order to prevent the model from overfitting within the set epoch range, in addition to adding the dropout layer when designing the model, the sample data is also processed, and a part of the training data is selected as the validation data (valid data), The ratio of the validation set data to the training set data is defined as valid_data_rate=0.15, and a patience value of patience=5 is set. If the number of iterations of the validation set exceeds 5 and the training accuracy and loss are not improved, the training will be terminated in advance, which is called "" "Early Stopping", by adding a validation set, can avoid overfitting and improve model selection.
2.如权利要求1所述的基于长短期记忆网络的飞行器轨迹预测的方法,其特征是,具体步骤如下:2. the method for the aircraft trajectory prediction based on long short term memory network as claimed in claim 1, is characterized in that, concrete steps are as follows: 第一步是从机载传感器获取原始的状态信息,共选择二十三维的特征量,作为预测模型的输入;The first step is to obtain the original state information from the airborne sensors, and select a total of twenty-three-dimensional feature quantities as the input of the prediction model; 第二步是对数据进行预处理:首先,原始传感器参数包含一定的噪声干扰,选用卡尔曼滤波法,对其进行消除;其次,为了提高数据利用率,降低计算成本,对原始数据按照1:5进行降采样,并将数据做归一化处理;最后,将无效值剔除,将缺失值补足,完成数据的预处理工作;之后进行输入和标签值的选取:采用滑动窗口法完成数据集的切分,网络的输入由原始数据迭代选取获得,从0开始到第一个time_step为止,由于本次训练选取的time_step是20,即从0到19是第一个输入,1到20是第二个输入,以此类推;输入数据的维度是(N,20,23),其中N取决于样本集的大小,20是指LSTM的time_step值,23是特征向量的维度,训练网络需要用到标签数据,由于本模型目的是预测飞机未来一步的轨迹,因此,在针对第一个0-19的输入,选择1-20的载机经纬高作为标签,对于第二个1-20的输入,选择2-21的载机经纬高作为标签,以此类推;The second step is to preprocess the data: first, the original sensor parameters contain a certain amount of noise interference, and the Kalman filtering method is used to eliminate it; secondly, in order to improve the data utilization rate and reduce the calculation cost, the original data is treated according to 1: 5. Downsampling is performed and the data is normalized; finally, the invalid values are eliminated, the missing values are filled, and the data preprocessing is completed; then the input and label values are selected: the sliding window method is used to complete the data set. Segmentation, the input of the network is obtained by iterative selection of the original data, starting from 0 to the first time_step, because the time_step selected for this training is 20, that is, from 0 to 19 is the first input, and 1 to 20 is the second input, and so on; the dimension of the input data is (N, 20, 23), where N depends on the size of the sample set, 20 refers to the time_step value of the LSTM, 23 is the dimension of the feature vector, and the training network needs to use the label Data, since the purpose of this model is to predict the trajectory of the aircraft in the next step, therefore, for the first 0-19 input, select 1-20 longitude and latitude of the carrier aircraft as the label, for the second 1-20 input, select The latitude and longitude height of the carrier of 2-21 is used as a label, and so on; 第三步是构建基于LSTM的轨迹预测模型,所构建的模型,包含两层的LSTM层,每层LSTM层之后加入了一层Dropout层,避免过拟合现象的出现,将输出的特征量经过一个全连接层后,将维度转化为所需的输出维度。The third step is to build a trajectory prediction model based on LSTM. The constructed model includes two layers of LSTM layers. After each layer of LSTM layer, a dropout layer is added to avoid overfitting. After a fully connected layer, transform the dimensions to the desired output dimension.
CN202111170023.3A 2021-10-08 2021-10-08 Aircraft trajectory prediction method based on long-term and short-term memory network Active CN114048889B (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202111170023.3A CN114048889B (en) 2021-10-08 2021-10-08 Aircraft trajectory prediction method based on long-term and short-term memory network

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202111170023.3A CN114048889B (en) 2021-10-08 2021-10-08 Aircraft trajectory prediction method based on long-term and short-term memory network

Publications (2)

Publication Number Publication Date
CN114048889A CN114048889A (en) 2022-02-15
CN114048889B true CN114048889B (en) 2022-09-06

Family

ID=80204960

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202111170023.3A Active CN114048889B (en) 2021-10-08 2021-10-08 Aircraft trajectory prediction method based on long-term and short-term memory network

Country Status (1)

Country Link
CN (1) CN114048889B (en)

Families Citing this family (22)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN114584230B (en) * 2022-03-07 2023-06-20 东南大学 A Predictive Channel Modeling Method Based on Adversarial Networks and Long Short-Term Memory Networks
CN114638298B (en) * 2022-03-15 2023-06-09 天津大学 Aircraft attack behavior prediction method and electronic equipment
CN114690222B (en) * 2022-03-30 2023-08-08 杰能科世智能安全科技(杭州)有限公司 Unmanned aerial vehicle detection track acquisition method based on wireless spectrum and unmanned aerial vehicle detection system
CN114997258A (en) * 2022-04-07 2022-09-02 西北工业大学 Unmanned aerial vehicle safety detection method and device
CN114679694A (en) * 2022-04-07 2022-06-28 中山大学 A Node Localization Method Based on Graph Convolutional Neural Networks
CN114637334A (en) * 2022-04-28 2022-06-17 河南泽达智能科技有限公司 Intelligent UAV flight trajectory prediction method based on Informer network
CN115345257B (en) * 2022-09-22 2023-06-06 中山大学 Flight trajectory classification model training method, classification method, device and storage medium
CN115577511B (en) * 2022-09-26 2023-11-17 南京航空航天大学 Short-term track prediction method, device and system based on unmanned aerial vehicle motion state
CN115601604B (en) * 2022-11-29 2023-04-07 西南石油大学 A multi-task microbubble trajectory tracking method based on long short-term memory network
CN116032359B (en) * 2022-12-27 2024-09-24 中国联合网络通信集团有限公司 Method, system and electronic device for predicting characteristic network data
CN115935192A (en) * 2023-01-10 2023-04-07 中国民用航空飞行学院 Flight training data prediction method based on incremental online learning framework
CN117763933B (en) * 2023-02-28 2024-11-12 沈阳航空航天大学 Solid rocket engine time series parameter prediction method and prediction system based on deep learning
CN116341612A (en) * 2023-04-03 2023-06-27 济南大学 AUV drift track prediction method based on ABiLSTM-QSOA network
CN116501086B (en) * 2023-04-27 2024-03-26 天津大学 A method for aircraft autonomous avoidance decision-making based on reinforcement learning
CN117240399B (en) * 2023-11-13 2024-02-06 西安千将云信息科技有限公司 Navigation decoy signal processing method and device, storage medium and electronic equipment
CN118094213A (en) * 2023-12-04 2024-05-28 中国航空工业集团公司成都飞机设计研究所 Deep learning-based aircraft maneuver identification system
CN117698688B (en) * 2024-02-06 2024-04-09 北京航空航天大学 An intelligent mode switching method for hybrid transmission system based on short-term vehicle speed prediction
CN118003159B (en) * 2024-04-10 2024-07-19 吉林交通职业技术学院 Milling and grinding method for deep sagittal aspheric optical element
CN118982118B (en) * 2024-08-06 2025-06-27 北京航空航天大学 Track prediction method based on generation countermeasure network and long-short-time memory network
CN118656711B (en) * 2024-08-20 2024-11-22 中国人民解放军国防科技大学 High-speed aircraft track prediction method, device and equipment based on parameter estimation
CN119810952B (en) * 2025-03-10 2025-06-13 西北工业大学 Unmanned aerial vehicle flight parameter prediction reliability assessment method based on entropy
CN119937574A (en) * 2025-04-09 2025-05-06 绍兴文理学院 A joint prediction method of motion state and energy consumption of unmanned boat based on deep learning

Family Cites Families (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111401531A (en) * 2020-04-24 2020-07-10 中国人民解放军国防科技大学 Trajectory prediction method and system
CN113190036B (en) * 2021-04-02 2023-10-13 华南理工大学 Unmanned aerial vehicle flight track prediction method based on LSTM neural network
CN113269363B (en) * 2021-05-31 2023-06-30 西安交通大学 Trajectory prediction method, system, equipment and medium of hypersonic aircraft
CN113393032B (en) * 2021-06-15 2023-09-12 西安电子科技大学 Track cycle prediction method based on resampling
CN113435644B (en) * 2021-06-25 2023-04-07 天津大学 Emergency prediction method based on deep bidirectional long-short term memory neural network

Also Published As

Publication number Publication date
CN114048889A (en) 2022-02-15

Similar Documents

Publication Publication Date Title
CN114048889B (en) Aircraft trajectory prediction method based on long-term and short-term memory network
Wang et al. A hybrid machine learning model for short-term estimated time of arrival prediction in terminal manoeuvring area
CN112148024B (en) Unmanned aerial vehicle real-time online flight path planning method based on self-adaptive pseudo-spectral method
CN108764560A (en) Aircraft scene trajectory predictions method based on shot and long term Memory Neural Networks
CN112348223A (en) Missile flight trajectory prediction method based on deep learning
CN114819068A (en) Hybrid target track prediction method and system
Zhang et al. An intention inference method for the space non-cooperative target based on BiGRU-Self Attention
Zhu et al. Multi-constrained intelligent gliding guidance via optimal control and DQN
Hou et al. A small UAV tracking algorithm based on AIMM-UKF
Xie et al. Long and short term maneuver trajectory prediction of UCAV based on deep learning
Zhu et al. UAV trajectory tracking via RNN-enhanced IMM-KF with ADS-B data
Yang et al. Autonomous control of UAV trajectory based on RHC-Radau method in complex penetration combat environment
Fan et al. Global and local interattribute relationships-based graph convolutional network for flight trajectory prediction
Xu et al. Aircraft trajectory prediction for terminal airspace employing social spatiotemporal graph convolutional network
CN119645096A (en) Method, device, equipment and medium for generating aircraft attitude control model
CN115359684A (en) An Aircraft Trajectory Prediction Method Based on Elastic-BiGRU Structure
Zhu et al. An adaptive interactive multiple-model algorithm based on end-to-end learning
CN114237268A (en) Unmanned aerial vehicle strong robust attitude control method based on deep reinforcement learning
Ximeng et al. Trajectory prediction of target aircraft in air combat based on ga-oif-elman neural network
CN117648866A (en) Technical method for landing boundary sliding at final approach stage of civil aircraft test flight
Gasparino et al. Unmatched uncertainty mitigation through neural network supported model predictive control
Cai et al. Maneuvering target tracking based on LSTM for radar application
Zhao et al. Active learning gaussian process model predictive control method for quadcopter
Liu et al. UUV trajectory prediction based on GRU neural network
CN115661632A (en) Target maneuver online identification method in air combat simulation environment

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination
GR01 Patent grant
GR01 Patent grant