Baoxiong XU,Jianxin YI?,Feng CHENG,Ziping GONG,Xianrong WAN
Electronic Information School,Wuhan University,Wuhan 430072,China
Abstract: In radar systems,target tracking errors are mainly from motion models and nonlinear measurements.When we evaluate a tracking algorithm,its tracking accuracy is the main criterion.To improve the tracking accuracy,in this paper we formulate the tracking problem into a regression model from measurements to target states.A tracking algorithm based on a modified deep feedforward neural network (MDFNN) is then proposed.In MDFNN,a filter layer is introduced to describe the temporal sequence relationship of the input measurement sequence,and the optimal measurement sequence size is analyzed.Simulations and field experimental data of the passive radar show that the accuracy of the proposed algorithm is better than those of extended Kalman filter (EKF),unscented Kalman filter (UKF),and recurrent neural network (RNN) based tracking methods under the considered scenarios.
Key words: Deep feedforward neural network;Filter layer;Passive radar;Target tracking;Tracking accuracy
Target tracking is a fundamental and active research topic in many fields,such as radar,navigation,and smart driving systems.The primary purpose of target tracking is to accurately estimate the target state in motion space.High-accuracy tracking is important,especially for the detection of small and lowspeed targets (e.g.,unmanned aerial vehicles (UAVs)),which may help terminate the sabotage activities of UAVs and ensure better and safer airspace management.How to improve the tracking accuracy remains an important problem (Singer RA,1970;Wang et al.,2009;Radmard et al.,2013;Choi et al.,2014;Jiang et al.,2015;Yi et al.,2015).
According to the approximation method of the posterior probability density function (PDF) (Smidl and Quinn,2008;Mazuelas et al.,2013),the existing tracking algorithms can be categorized into two types,namely analytical Gaussian approximate tracking (Singer H,2008;Saha et al.,2014;Ning et al.,2017) and random sampling approximate tracking (Gordon et al.,1993;Higuchi,1997;Doucet et al.,2001;Sch?n et al.,2005;Bengtsson et al.,2008;Yin and Zhu,2015).The first type is designed by approximating the PDF of the target state to a Gaussian or mixed Gaussian distribution.The extended Kalman filter (EKF) handles the nonlinearity of the tracking model with linear approximation around the predicted tracking point at each frame (Saha et al.,2014).The tracking state may be inaccurate or even divergent due to strong nonlinearity.The unscented Kalman filter (UKF) (Ning et al.,2017) is based on the unscented transformation.The approximation result of UKF is usually better than that of EKF.Singer H (2008) used the Gauss–Hermite (GH) integration rule to approximate the nonlinear part of the tracking model.The effectiveness of these analytical Gaussian approximate tracking approaches has been demonstrated in many studies (Singer H,2008;Smidl and Quinn,2008;Mazuelas et al.,2013;Saha et al.,2014;Ning et al.,2017).However,they have difficulties in dealing with arbitrary distributions in the tracking system.
The second type provides another effective state estimation tool for the nonlinear tracking system.Compared with the aforementioned algorithms,it approximates the conditional probability distribution of the state and realizes the transition of the conditional probability using the Bayesian theory (Gordon et al.,1993).Doucet et al.(2001) introduced the Monte Carlo (MC) simulation method into the particle filter (PF).A number of weighted samples (or particles) were used to approximate the posterior distribution.It may achieve high accuracy at the cost of unacceptable complexity and numerical problems,especially when the dimension of the state space becomes large (Bengtsson et al.,2008).Sch?n et al.(2005) decomposed the state vector into two disjoint components,including a linear state component and a nonlinear state component in marginalized particle filtering (MPF).They were estimated by a bank of Kalman filters (KFs) and by a PF,separately.This approach can improve the cost-effectiveness of the tracking algorithm.Higuchi (1997) revealed that PF and the genetic algorithm (GA) share a similar structure.Based on the observations,Yin and Zhu (2015) proposed genetic PF (GPF) by incorporating the genetic operators in PF to mitigate particle impoverishment.Nonetheless,most of these improved PFs have more complex strategies and suffer from a higher computational burden.
The aforementioned two types of methods are dependent on an accurate system model.Nevertheless,an accurate system model requires the extraction of more useful information from the measurement data.Since the measurement data are nonlinear and contain errors,target tracking based on an accurate model is challenging and difficult to adapt to application requirements.Hence,target tracking is evolving from model-driven to data-driven.In recent years,datadriven approaches have achieved great breakthroughs and have been applied to many fields (Oong and Isa,2011;Ding et al.,2016).We note that a neural network (NN) is proven to have the potential to approximate the desired model with arbitrary accuracy by the universal approximation theorem (Hornik et al.,1989;Hornik,1991).In fact,researchers have paid attention to the application of NNs in target tracking since 1994.Chin (1994) and Amoozegar and Sundareshan (1994) incorporated NN into KF to provide more information on manoeuvre targets.However,these NNs are too shallow to approximate the complex features of tracks due to the limited parameters in the networks.Gu et al.(2020) used deep reinforcement learning to track a mobile radiation source based only on the received signal strengths.Fatseas and Bekooij (2019) developed a deep convolutional NN to track multiple targets directly from frequency modulated continuous wave (FMCW) range-Doppler maps.Rassalna and Mishra (2020) used single shot detection (SSD) to process the images provided by the electro optic (EO) sensor.Then,the processing results and the data from the radar are used for tracking.However,these deep NN based tracking approaches are designed for the original signals and images.They are not suitable for radar tracking with measurements.Gao et al.(2018) used a recurrent neural network (RNN) to track manoeuvre targets.Nonetheless,RNN learning relies on back-propagation through time (BPTT).BPTT significantly increases the computational complexity of the learning,and even worse,it may cause many problems in learning,e.g.,gradient vanishing and exploding (Bengio et al.,1994).Liu JX et al.(2020) mitigated the influence of target manoeuvres on tracking using the long short-term memory (LSTM) model.Unfortunately,LSTM can remember only finite dependency information and suffers from high computational complexity.Thus,they cannot solve the high-accuracy tracking problem well.
Compared with the aforementioned NNs,the learning of deep feedforward neural networks (DFNNs) (Goodfellow et al.,2016) is much easier and faster.It is preferable to use a feedforward structure to learn the trajectory characteristics.Nevertheless,DFNN cannot model the sequence dependency well due to the limitation of the network structure.Therefore,the recurrent feedback of RNN can be regarded as an infinite impulse response (IIR) filter.We use a high-order finite impulse response (FIR) filter to approximate it.Specifically,we add a new FIR filter layer that is placed between the hidden layers of the DFNN network.In addition,this modified DFNN (MDFNN) can realize sliding window control of the length of the measurement sequences.Based on MDFNN,a novel target tracking algorithm is constructed for highaccuracy tracking.First,the target track database is built.Then,we design and train about 10 MDFNNs and select the best one.Finally,a dataset of multistatic passive radar is used to validate the proposed algorithm.
The main contributions of this paper are as follows:
1.We design a new filter layer for MDFNN.Target tracking needs to establish the long-term dependency of measurement in time series,but DFNN cannot model the dependency without a recurrence structure.Hence,an FIR filter is embedded between the hidden layers to solve the problem.The proposed target tracking algorithm can handle measurement sequences of any length by a filter layer that is formed by FIR,extract more target motion features,and achieve higher tracking accuracy.
2.An accurate regression model is established efficiently by exploiting DFNN/MDFNN for target feature extraction and state estimation.As mentioned above,compared with other recursive NNs,DFNN/MDFNN can achieve better generalization performance with a much higher learning rate.In addition,the influence of the measurement sequence size in the input layer on the tracking network is considered.The difference in measurement sequences affects the acquisition of target information and then influences the tracking performance.A tradeoff scheme is developed based on an experiment to select an appropriate sequence length.
In this paper,we build the dataset in the context of multistatic passive radars.A passive radar detection system (Griffiths and Long,1986;Griffiths and Baker,2005;Kuschel,2013;Palmer et al.,2013) generally includes signal processing and data processing.Signal processing is mainly to obtain measurements that include the information of the target bistatic range,bistatic velocity,and azimuth.Data processing realizes target state estimation using measurements.In this section,the target tracking database is established.The samples in our database contain the measurements and real state of tracks,which constitute the input?output pairs for the high-accuracy targettracking network.It is well known that the movement of the target can be simulated according to the corresponding model (Li and Jilkov,2003),which means that the large amount of data required by the proposed tracking network in the training stage is usually not a problem.To make the tracks in our tracking database closer to reality,all the parameters used to generate the tracks are set according to the real scenarios.
The model of the track generator (MTG) is defined as follows:
where δkjis the Kronecker Delta function.According to MTG,the real statex1:K={xk:k=1,2,…,K} of tracks is generated by Eq.(1),and the measurementsz1:K={zk:k=1,2,…,K} are generated by Eq.(2).The measurement is related to the radar system structure,which is analyzed as follows.
A multistatic passive radar system consists ofNttransmittersandNrreceiversTheir positions are known and denoted byThe measurement functionh(xk) can be given by
wherehn(?) (n=1,2,…,N,N=Nt×Nr) is associated with the bistatic pairGenerally,the measurement function of thenthbistatic pair at timekcan be expressed as
whereυis the target motion velocity,rn,kis defined as the bistatic range of thenthbistatic pair at timek,pkis the two-dimensional (2D) target position,denoted bypk=[xk,yk]T,is the bistatic velocity of thenthbistatic pair at timek,|| ? || denotes the Euclidean norm,φn,kis the azimuth of thenthbistatic pair at timek,and atan2(?,?) is the four-quadrant inverse tangent.Assuming thatN=3,the measurement functionh(xk) at timekcan be represented as
In this paper,the transition functionfin Eq.(1) is defined in a constant acceleration (CA) shape (Li and Jilkov,2003).Using MTG,the measurementsz1:K={zk:k=1,2,…,K} and corresponding statesx1:K={xk:k=1,2,…,K} can be generated when the parameters of the model,i.e.,the initial statex0,number of timesK,process noisevk,measurement noisewk,and transition functionf,are set.
Before generating the samples of the target tracking database,we must determine the range of the target trajectory to ensure that they cover all possible UAV detection fields.In Fig.1,the shaded area is the common detection area of the multistatic passive radar system.The boundary values in the detection area are determined according to the flight path of the UAVs.As shown in Table 1,the distance from the radar to the target covers the main detection range of the passive radar,i.e.,0.2 to 11 km.The velocity of the target is set in the range of 0–26 m/s,which covers all common velocities of UAVs as much as possible.The azimuth ranges from ?60° to 60°.
Table 1 Ranges of target states
Fig.1 Graphical illustration of the surveilled area for passive radar
Accordingly,the parameters of MTG are derived as follows:
1.Since a fixed length of track segments is required in the tracking network,the lengths of all the track segments trsegmentare defined to be 100 s in the target tracking database.The length of a sample track is set to 1000 s.Hence,a sequence truncation stage is inserted and summarized in Algorithm 1.In practice,a long track can be considered a combination of several track segments.
2.The initial statex0is calculated by using polar coordinate decomposition.To ensure that the entire tracks satisfy the passive radar detection ranges described in Fig.1,the initial distance of the target is set to range from 200+Vmax·trsegmentto 11 000?Vmax·trsegment,whereVmax=26 m/s is the maximum velocity of the UAV.Then,we uniformly sample a random distanceRrandomfrom this range to obtain the initial position (x0,y0) of the track in thexandydirections as
whereθRis the angle between the north and the direction from the radar,and it is uniformly sampled from 0 to π.Likewise,the initial velocitiesin thexandydirections are calculated as
whereVrandomis the random velocity uniformly sampled from 0 to 26 m/s,andθVis the angle between the north and the initial direction of the target velocity,uniformly sampled from ?π to π.Similarly,the initial accelerationsare computed as
whereArandomis the random accelerated velocity uniformly sampled from 0.1 to 5 m/s2,andθAdenotes the angle between the north and the initial direction of the target acceleration,uniformly sampled from ?π to π.Thus,the initial state of the track segment is
3.According to Eqs.(1) and (2),the process noisevkand measurement noisewkare defined as
where N denotes a normal distribution.In Eq.(10),Qkis the covariance matrix ofvk,andQ1is given by
whereTis the sampling interval,is the power spectral density of the process noise,set toin this study.In Eq.(11),σwris the deviation of bistatic range noise randomly sampled in the range of [16,30] m.andσφare the deviations of the bistatic velocity and azimuth noise,randomly sampled in the ranges of [2,4] m/s and [0.6°,3°],respectively.
After obtaining all settings for MTG,59 500 samples are generated based on the radar practical scenarios.
In this section,the details of the proposed tracking algorithm are presented.Unlike traditional tracking algorithms,the proposed algorithm tracks the target based on an MDFNN that is trained off-line.The framework of the proposed algorithm is shown in Fig.2.It contains the training and tracking stages.In the training stage,there are three main steps:(1) The original measurements and real state of tracks are processed to generate the normalized input?output pairs,which are suitable for training the tracking network.(2) To obtain a tracking network with the best generalization performance,the target measurement sequences are first decomposed into several groups.Then,a total ofu(u=10) models are trained with these submeasurement sequences in each group and the corresponding real state of tracks.In the training models (i.e.,MDFNNs),the cost function is defined by the mean square error (MSE).(3) The optimal tracking model is selected by cross-validation.In the tracking stage,the original measurement is first preprocessed using the bistatic target tracking (BTT) algorithm (Yi et al.,2015) to remove false measurements.The retained measurements are used to realize the onestep-ahead estimation of target states.Then,the entire target track is estimated by splicing the track segments.The details of the proposed tracking network are presented in the following.
Fig.2 Framework of the proposed tracking algorithm
There are two key problems when the measurement sequences are directly used to estimate the target state.The first problem is that the bistatic velocities and azimuths of input measurements are too small in comparison with the bistatic ranges.When they are fed into the tracking network and combined with bistatic ranges based on a random weight matrix,their data features are submerged by the bistatic range data.To relieve the problem,the min-max normalization technique is employed to modify the samples,which are suitable for training.Thus,the loss of the tracking network can be guaranteed to converge to a satisfactory small value.According to Eq.(6),input measurementsz1:Kcan be rewritten as
wherern,1:K=[rn,1,rn,2,…,rn,K] (n=1,2,3) denotes the bistatic range vector of thenthbistatic pair,denotes the bistatic velocity vector of thenthbistatic pair,andφn,1:K=[φn,1,φn,2,…,φn,K] is the azimuth vector of thenthbistatic pair.Measurementz1:Kis normalized to generate the input datafor the tracking network as follows:
where
wheren=1,2,3,and “max” and “min” are the maximum and minimum absolute values in the elements of the input vector,respectively.Meanwhile,the real statex1:Kof tracks is processed by the same normalization.The minimum and maximum values are determined.Obviously,the min-max normalization technique scales the real-time trained data (z1:K,x1:K) to valuesbetween ?1 and 1,which avoids data feature loss to a great extent.Thus,the tracking network can learn more target information.
The second problem is that false measurements are contained in radar detection,which may cause false trajectory output in the tracking stage.A preprocessing step is developed to modify the input of samples,which are suitable for tracking.Thus,the proposed tracking network can estimate the desired target state.The preprocessing step is summarized in Fig.3.On one hand,the field experimental measurements are disposed by the BTT algorithm with the transition matrix in the CA shape,where the false measurements contained by the field experimental measurements can be removed.Specifically,based on the framework of bistatic coordinates,association hypothesis decision and global association are first used to associate the measurements with each other and form the starting trajectory.Then the measurement of each scan is associated with the track,and KF is used to update the track states for the associated track.Finally,the raw measurement data associated with the bistatic track are outputted (Yi et al.,2015).On the other hand,the difference between the target measurementsextracted is still large,and the min-max normalization technique is adopted to generate the final input datafor the high-accuracy network.
Fig.3 Preprocessing for track data (BTT:bistatic target tracking)
The proposed tracking network is used to learn the information of input sequenceto output the estimates of statex1:K.Once the network is well trained,it can directly and precisely output the target state without any information of the state truth.As DFNN cannot map arbitrary measurement sequences from timektoKto the current state output at timeK,MDFNN with an FIR filter added between the hidden layers is proposed to solve the above problem.MDFNN is developed with an input layer,three hidden layers,two filter layers,and an output filter.The structure of MDFNN is summarized in Fig.4a.hi,k(i=1,2,3) anddenote the output of theithhidden layer andjthfilter layer at timek,respectively.Wi(i=1,2,3,4) is the weight matrix,andWF,i(i=1,2) is the weight matrix connecting theithfilter layer to the (i+1)thhidden layer.ckdenotes the coefficient vector connecting the hidden layer to the filter layer.Fig.4b shows the sliding window (SW) processing of the filter layer.The filter layer encodes all measurement sequences from timektok+Minto a fixedsize representation.Then,the output of the filter layer and the input of the current hidden layer are fed into the next hidden layer.The tracking network can also be called theM-order tracking network.Assume that the three hidden layers havel1,l2,andl3nodes in MDFNN,separately.The mathematical model of the tracking network can be expressed as follows:
Fig.4 Illustration of a modified deep feedforward neural network (MDFNN):(a) structure of MDFNN;(b) sliding window (SW) processing for window size M
where (j,i) denotes the element of the matrix in rowjand columni,(i) represents theithelement of the vector,κi(i=1,2,3,4) denotes the offset vector of each layer of the tracking network,represents all outputs of theithfilter layer from time 1 tok,indicates the normalized regression prediction ofxkby the proposed tracking network at timek,andfhandfoare all elementwise activation functions.They are usually a saturating nonlinear function such as a logistic sigmoid functions(α)=1/(1+e?α) or a hyperbolic tangent function tanh(α)=(eα?e?α)/(eα+e?α).
LetW={W1,W2,W3,W4} denote the connection weight matrix of the input layer,hidden layer,and output layer,WF={WF,1,WF,2} the weight matrix connecting the filter layer to the hidden layer,andκ={κ1,κ2,κ3,κ4} the offset of all layers.The target function of the tracking network can also be expressed as
The parameters in Eq.(28) are usually estimated using the error back propagation algorithm (EBPA) based on stochastic gradient descent (Rumelhart et al.,1986).EBPA fully exploits the structure of MDFNN and backwards updates weights and thresholds from the output layer to the input layer.
For the estimation of the target state,we use the proposed tracking network to learn from the target tracking dataset with multiple labels.Based on the MDFNN model,we mark the measurements without false alarms as input.Ten different tracking models are trained and evaluated to obtain a comparative idea?list model.The whole process of determination involves four steps:
1.Training process:Generally,the training process is the decisive stage for tracking models.In this case,we use 85% of the target tracking dataset to train inherent parameters in Eq.(28).The regression relationship between the measurements and the real target state in the training dataset can be learned using the MDFNN algorithm.Thus,a trained tracking model can be employed to predict the target state.
2.Validation process:Once the training procedure of the MDFNN model is completed,cross-validation is applied to eradicate overfitting.To validate the effectiveness of the MDFNN model,10% of the tracking dataset is used to cross-validate every trained tracking model.When the trained MDFNN model performs poorly on the validation dataset,we must further modify a series of parameters to improve the performance of the MDFNN model.Specifically,we retrain every trained tracking model and revalidate them separately based on the same retrained dataset.If MDFNNs achieve appropriate performance,the verification procedure will cease.
3.Testing process:We can acquire 10 MDFNN models as long as the training and validation procedures are completed.Accordingly,the performance of each MDFNN is further tested by using 5% of the measurement sequence dataset.As the testing dataset has never been used,this is a reliable and effective means to guarantee the estimation performance of the 10 MDFNN models.
4.Model selection:To further evaluate the adaptive capacity of the trained 10 MDFNN models,we choose some new measurement sequence datasets that have not been trained before to further test each acquired MDFNN.Then,an optimal MDFNN model is selected as the final target tracking model.Hence,this is a powerful way to compare and evaluate the performance of 10 MDFNN models.All universal procedures of training an MDFNN model are summarized in Fig.5 (Liu H et al.,2019).
The steps contain feature extraction,training,testing,and evaluation in obtaining the target tracking model.When the final tracking model is recognized and confirmed,we input the target measurements into the trained MDFNN model to estimate the target state.This achieves the entire process from model-driven to data-driven.
In this study,the number of nodes of each layerNhin the tracking network is set as in Table 2.The number of nodes is designed based on the empirical equation below:
Table 2 Number of nodes of each layer
whereNsdenotes the sample size,NiandNoare the input size and output size,respectively,andλis a constant that is usually set in the range of [1,20] for a large sample.First,assuming thatλ=5,10,20,we can obtain the number of nodesNh,which is in the ranges of [396,793] and [198,396].Then,the accurate number of nodes of each layer can be achieved by cross-validation.
Note that the cost function is usually nonconvex,which means that many local minima may exist.Generally,we tend to find the quasi-optimum with lower computation complexity in the parameter space (Rumelhart et al.,1986).
In this section,simulations are first conducted to verify the effectiveness of the proposed algorithm.Real data are then used to test the practical performance of the proposed method.
Based on the existing schemes and the proposed tracking algorithm,we design a framework for experimental comparison.As shown in Fig.6,the framework consists of three modules.The first module is the tracking dataset building module,which aims to obtain target measurements from measurements with false alarms.The second module is a classic tracking scheme,which includes localization (spherical interpolation,SI) (Malanowski and Kulpa,2012) with tracking (KF),EKF,and UKF based tracking methods.The third module is the machine learning module (i.e.,classic regression model RNN and the proposed method MDFNN),which is used for extracting target features from the sample dataset and building a conclusive model.The MDFNN model is determined based on the high accuracy requirement,which is accurate in certain instances.The different tracking performances of the classic tracking methods,RNN,and the proposed tracking algorithm are tested and compared based on real experimental data.
For all the experiments,the root mean square error (RMSE) is employed for tracking performance evaluation.It is calculated as follows:
where RMSEkis the RMSE at timek,xkdenotes the real value at timek,represents the estimated value of theithMC simulation at the same time,andMCis the number of MC simulations.RMSE is an absolute measure of fitting for the proposed tracking algorithm.The lower the RMSE,the better the algorithm.
In this subsection,an ablation experiment is conducted to validate the effectiveness of the filter layer in the tracking network.The tracking network without the filtering layer (i.e.,DFNN) is trained with 20 000 epochs based on the target tracking database,which is identical to that in Section 2.The training results are shown in Fig.7.
Fig.7 Training results of the tracking network without the filter layer:(a) position RMSE of the tracking network based on DFNN or MDFNN in testing;(b) results of tracking by the tracking network based on DFNN or MDFNN
Fig.7a shows the RMSEs of the tracking network based on MDFNN or DFNN in thexandycoordinates.Obviously,the RMSE of DFNN is larger than that of MDFNN.It seriously fluctuates after 48 s and is larger than 200 m,although it slightly decreases in some period of testing.As shown in Fig.7b,the tracking network based on DFNN cannot correctly track the trajectory.As we further observe in Table 3,the RMSEs of the tracking network based on DFNN and the tracking network based on MDFNN are 545.79 m and 3.03 m,respectively.The tracking RMSEs of DFNN are so large that the passive radar has undoubtedly lost the target.
Table 3 Training results of the tracking network and the network without the filtering layer
To evaluate the performance of the proposed approach,we have considered the case of three aerial targets,whose trajectories are shown in Fig.8.In the simulations,a 2D space is considered,the accuracies of the bistatic range and bistatic velocity are 30 m and 2 m/s,respectively,and the azimuth accuracy is 3°.In our numerical results,the system performance is measured in terms of RMSE over 100 simulation runs.First,the performance of the proposed tracking network versus input sequence size is tested by tracking the trajectory of target 2 (Fig.8).The tracking results for different sequence sizes are shown in Table 4.The values of RMSEs of the position slowly decline along with the increase in sequence size and fluctuate at approximately 1.28 m afterε=100.For a largerε,the number of training parameters needs to increase,leading to a more complicated tracking network.As a result,considering a tradeoff between the acquisition of target information and the computation complexity,the input sequence size is set to 100.
Fig.8 Three aerial targets in Cartesian coordinates (simulation data)
Then,we examine the impact of the sliding window technique proposed in the filter layer on the performance of the tracking network described in Fig.4.Table 5 gives the position RMSE of the tracking network over different window sizes for the abovementioned three trajectories (Fig.8).The trends of the tracking RMSE of the three trajectories are basically the same with the change in filter order.The RMSEs of the three tracks are relatively small whenM=20.
Table 5 Means of the position tracking RMSE for three trajectories with different filter orders M
For all tracking techniques,the corresponding parameters have been set to the values maximizing the performance.RNN,conventional EKF,and UKF are used for comparison.
The network structure of RNN refers to Gao et al.(2018),and the number of hidden units of the RNN network is set to 256.For the aforementioned scenario,Fig.9 shows the RMSE versus time.The total RMSEs are given in Table 6.The results show that RNN and MDFNN perform much better than conventional tracking approaches.Among them,MDFNN outperforms RNN since it considers sliding window control on the length of the measurement sequences.Compared with the smaller RMSEs of EKF and UKF,the RMSEs of the proposed algorithm decrease by at least 82.33%,86.51%,and 72.49% for trajectories 1,2,and 3,respectively.The improved accuracy can be attributed to the combined effect of having a larger dataset for training and testing.
Table 6 Means of the position tracking RMSE for three trajectories with different tracking methods
In addition,the posterior Cramer–Rao bound (PCRB) of the three target tracks is shown in Fig.9.The method proposed by Tichavsky et al.(1998) is used to calculate PCRB.In the 1T-3R passive radar system,which consists of one transmitter and three receivers,all the RMSEs of the proposed method are superior to the corresponding PCRB.This verifies the high accuracy of the proposed method.The possible reasons for this are mainly as follows:(1) Based on the analysis in Section 3.2,the process of target tracking can be considered as finding the optimal parameter of a regression model.The curve fitted by the proposed algorithm is smoother than the trajectory tracked by traditional methods.(2) PCRB is a lower bound on the MSE of an unbiased estimator.The proposed algorithm is not limited to unbiased estimators.It provides a possible processing means for satisfying the requirement of high accuracy.
According to the results achieved for this example,the performance of the proposed tracking algorithm is considerably improved compared to EKF and UKF.Instead of seeking a traditional method of approximation,the proposed tracking algorithm shows its capability to reduce the tracking error by applying its own nonlinear structure and the ability to process nonlinear systems.
In this subsection,the effectiveness of the proposed algorithm is demonstrated using the experimental data acquired from an experimental passive radar system developed at Wuhan University in Hubei Province,China.As shown in Fig.10,there is one transmitter and three receivers.The transmitter is located at the Wuhan Guishan Digital Radio and Television Tower.The three receivers are all located at Wuhan University,and the baseline distances to the transmitting station are 7.56,8.12,and 8.28 km,separately.The target is a DJI drone,and its flight altitude is 100 m.The experimental data were acquired in July 2017.The selected duration was about 200 s.We extracted the corresponding Global Position System (GPS) information from the drone as a reference.The four tracking schemes mentioned in the framework (Fig.6) were tested using the experimental data.
For multistatic passive radar detection,the influence of the target height on each receiver may offset each other.Hence,the effect of the target altitude on the accuracy is analyzed by simulating the field detection scenarios of multistatic passive radar.Ten thousand tracks are randomly simulated under the field detection area (Fig.10) to investigate the influence of the target altitude on the accuracy.Fig.11 shows the 2D coordinate EKF tracking results for different target altitudes.The total RMSEs are given in Table 7.RMSE0denotes the tracking result withh=0 m.The position RMSE increases along with the increase in the target altitudeh.Compared with RMSE0,RMSE increases by 0.79%,20.66%,78.54%,and 317.09% for the four target altitudes ofh=100,200,300,and 500 m,respectively.Hence,the effect of the target altitude on the tracking accuracy is relatively small for low-altitude detection.
Fig.11 Performance comparison with different target altitudes
Since the flight altitude of the target is 100 m in this study,the influence of the target altitude on the tracking performance is very weak according to the foregoing simulation results.The target altitude can be ignored here,and the real data can be used to verify the performance of the proposed algorithm by 2D coordinate tracking.
The processing results are plotted in Fig.12.The target is tracked completely by the five tracking schemes.As shown in Fig.12a,good agreement is achieved with GPS from a 2D view.The trajectory tracked by the proposed tracking algorithm is the closest to GPS compared with the four other tracking schemes.This validates the feasibility of the proposed algorithm.GPS information is used to calculate the RMSE of the trajectory.The position error is plotted in Fig.12b.The track errors of SI+KF,EKF,and UKF seriously fluctuate in a dynamic process of tracking,and RNN tracking deviates significantly from the true state at the very start,while the errors of the proposed algorithm are relatively stable.This is because a deeper network structure can extract more target motion feature information from the measurement dataset.As we further observe in Table 8,the horizontal location accuracies of SI+KF,EKF,and UKF are 12.25,12.45,and 12.21 m,respectively,while those of RNN and MDFNN are 2.16 and 1.72 m,respectively.The proposed algorithm can track the targets with high accuracy,while classical methods present large track errors.The proposed algorithm can give more precise position information to counter-UAV systems.
Table 8 Means of the position RMSE of the track in the field experiment
Fig.12 Results of tracking in Cartesian coordinates (real data):(a) tracking results;(b) position deviation of the tracking track
This subsection is devoted to analyzing the computational cost of the proposed algorithm and traditional approaches EKF (Saha et al.,2014) and UKF (Ning et al.,2017).The number of floating-point operations (FLOPs) is adopted as a measure of the model complexity with MDFNN and the computational complexity with traditional algorithms.Denote the dimension of the measurement and the dimension of the state bydmandds,respectively.The computational complexities of EKF and UKF arerespectively.
Table 9 summarizes the model complexity of the proposed algorithm.The main procedures include the hidden layerO(ε(dm+l2)l1+ε(ds+l2)l3) and filter layerO((l1+l2)M2).Thus,the total model complexity is
Table 9 Model complexity of the proposed algorithm in terms of matrix multiplication
The model complexity is on the order ofO(ds) andO(dm).It has a first-order relationship with both the state dimension and the measurement dimension.The computational cost of the proposed algorithm refers to the inference speed of the trained model.However,the inference speed is related not only to the model complexity but also to many other factors,such as the memory access cost,hardware characteristics,software implementation,and system environment (Ma et al.,2018).The model complexity cannot accurately measure the estimation speed of the proposed algorithm.Hence,experimentation is the most accurate way to evaluate the computational performance here.
We test the computational time of the proposed algorithm,EKF,and UKF by means of 100 experimental runs.For a fair comparison,all the algorithms are tested by the same Intel Core i7-4790 CPU at 4.0 GHz and 32.0 GB RAM.The test results show that the proposed algorithm,EKF,and UKF consume 31.0,171.1,and 438.1 ms,respectively.Hence,the proposed algorithm is suitable for real-time implementation.
In this paper,we develop a high-accuracy target tracking algorithm for multistatic passive radar by exploiting the learning capabilities and easy structure of DFNN.First,a novel MDFNN tracking model based on a new filter layer is advocated for tracking recursion.We have shown that the tracking network based on MDFNN models the sequence dependency well by the ablation experiment,thereby having better reliability and tracking performance.Second,a reasonable measurement sequence size is selected to trade off the acquisition of target information and the computational complexity.Simulations and field data demonstrate that the proposed algorithm presents higher tracking accuracy compared to state-of-the-art methods.In future work,we will consider radar tracking problems with different measurement noise levels.In these cases,the proposed algorithm may need to be fine-tuned to achieve proper tracking results.In addition,we will try to use mixed machine-learning techniques to replace traditional target association modules.
Contributors
Baoxiong XU and Jianxin YI designed the research.Baoxiong XU and Feng CHENG processed the data.Baoxiong XU and Jianxin YI drafted the paper.Ziping GONG and Xianrong WAN helped organize the paper.Baoxiong XU and Jianxin YI revised and finalized the paper.
Compliance with ethics guidelines
Baoxiong XU,Jianxin YI,Feng CHENG,Ziping GONG,and Xianrong WAN declare that they have no conflict of interest.
Data availability
The data that support the findings of this study are available from the corresponding author upon reasonable request.
Frontiers of Information Technology & Electronic Engineering2023年8期