Skip to main content

Deep adaptive temporal network (DAT-Net): an effective deep learning model for parameter estimation of radar multipath interference signals

Abstract

Accurate parameter estimation in radar systems is critically hindered by multipath interference, a challenge that is amplified in complex and dynamic environments. Traditional methods for parameter estimation, which concentrate on single parameters and rely on statistical assumptions, often struggle in such scenarios. To address this, the deep adaptive temporal network (DAT-Net), an innovative deep learning model designed to handle the inherent complexities and non-stationarity of time series data, is proposed. In more detail, DAT-Net integrates both the pruned exact linear time method for effective time series segmentation and the exponential scaling-based importance evaluation algorithm for dynamic learning of importance weights. These methods enable the model to adapt to shifts in data distribution and provide a robust solution for parameter estimation. In addition, DAT-Net demonstrates the capability to comprehend inherent nonlinearities in radar multipath interference signals, thereby facilitating the modeling of intricate patterns within the data. Extensive validation experiments conducted across parameter estimation tasks and demonstrates the robust applicability and efficiency of the proposed DAT-Net model. The architecture yield root mean squared error scores as low as 0.0051 for single-parameter estimation and 0.0152 for multiple-parameter estimation.

1 Introduction

Radar signal processing plays a critical role in detecting and locating targets under diverse environmental conditions [1]. Its efficiency is substantially influenced by the system’s ability to accurately process and interpret received signals. An essential aspect of this process involves the estimation of key parameters that define the radar signals. This task becomes notably challenging due to the phenomenon of multipath interference. This interference arises when radar signals reflect off multiple surfaces, such as the ground, sea, or other structures, before reaching the receiver [2]. This event can result in distorted or misleading information regarding the target’s position, velocity, and other characteristics, thereby complicating the interpretation of the signals. As illustrated in Fig. 1, the direct and reflected paths, denoted by \(A \to D\) and \(A \to B \to D\), respectively, give rise to such multipath interference, where \(h_{1}\) and \(h_{2}\) representing the heights of the radar antenna and the receiver antenna, respectively. Moreover, the path lengths of \(AD\), \(AB\), and \(BD\) are designated by \(R_{d}\), \(R_{1}\), and \(R_{2}\), respectively. The challenge of multipath interference becomes increasingly evident in complex and dynamic environments, highlighting the need for advanced and robust techniques for parameter estimation.

Fig. 1
figure 1

Schematic diagram illustrating multipath interference effects on radar signal propagation over sea surface

Although there exists considerable research on radar multipath interference signals with a focus on aspects such as simulation modeling [3, 4] and interference elimination [5, 6], studies that specifically address the estimation of parameters for these signals are notably limited. The few existing studies have predominantly used traditional methods to estimate a single parameter of the signal [7, 8]. Although these methods provide partial solutions, they struggle to effectively handle complex and dynamic scenarios due to their dependence on statistical assumptions and linear models. Furthermore, their ability to simultaneously estimate multiple parameters is limited, highlighting a notable gap in this crucial area of study.

To address this challenge, we propose the deep adaptive temporal network (DAT-Net) is proposed. It consists of a deep learning (DL) model designed for the parameter estimation of radar multipath interference signals. Moreover, DAT-Net incorporates advanced techniques relative to time series segmentation and importance evaluation through the integration of a pruned exact linear time (PELT) approach and an exponential scaling-based importance evaluation (ESBIE) algorithm.

Therefore, the main innovations and contributions of this paper are summarized as follows:

  1. 1.

    The introduction of the DAT-Net The DAT-Net is specifically crafted to effectively manage non-stationary time series data and adeptly accommodate the distribution shifts that can arise due to the inherent temporal variability of these data. By strategically tackling these distribution shifts, the model provides a robust solution for challenges in parameter estimation, ensuring high adaptability and precision even when statistical properties of the data change over time.

  2. 2.

    The integration of the PELT method for effective time series segmentation in DAT-Net. This approach allows to identify the periods of significant divergence in data distribution; thereby, it ensures the model’s adaptability to data relative to different periods and domains.

  3. 3.

    The development of the ESBIE algorithm for dynamic learning of importance weights in DAT-Net. This mechanism provides a better responsive adjustment of the importance weights according to the changes in the distribution distances, ensuring a controlled and stable learning process.

  4. 4.

    DAT-Net showcases the ability to understand inherent nonlinearities in radar multipath interference signals, and thus, it enables the modeling of intricate patterns within the use of data. The efficacy of the method is rigorously validated, with model performance appraised in both single- and multi-parameter estimation contexts, affirming its robust applicability.

To sum up, the remaining part of the paper is defined as follows: In Sect. 2, the related work is presented, whereas the methodology is proposed in Sect. 3. As for Sect. 4, the experimental configuration is introduced. Finally, the conclusion and some future works are shown in Sect. 5.

2 Related work

2.1 Existing methods for radar signal parameter estimation and their limitations in handling multipath interference

Despite the scarcity of research regarding the parameter estimation of radar multipath interference signals, several studies have contributed significantly to the understanding and implementation of parameter estimation for conventional radar signals. These established methods, fundamental to radar signal processing, serve as an important starting point reference for our work.

For instance, Liu et al. [9] used the cumulative Wigner-Hough transform (CWHT) for estimating parameters of the linear frequency modulation continuous wave (LFMCW) signal, taking advantage of the signal’s periodicity. However, this method was designed for individual LFMCW signals, not for multiple ones. Moreover, Geroleo et al. [10] introduced the periodic Wigner-Ville Hough transform (PWVHT) to detect the LFMCW radar signal and estimate its parameter. This method accommodated multiple pulses within an observation interval at the intercept receiver, extending the accumulation of signal energy, and thereby enhancing detection and parameter estimation. In addition, Wen et al. [11] leveraged the focusing capability of the fractional Fourier transform (FRFT) to estimate the pulse width and frequency modulation rate of Linear Frequency Modulation (LFM) signals. This method yields accurate results even under low signal-to-noise ratio (SNR) conditions. Furthermore, Tang et al. [12] presented a method to estimate the direction of arrival (DOA) using a modified spatial time–frequency distribution (STFD) matrix. This new approach surpassed the limitations of traditional narrowband methods when dealing with wideband signals. Finally, Deng et al. [13] proposed a technique for carrier frequency and code period estimation of polyphase-coded radar signals. Their approach, utilizing the Fourier transform and a modified Choi-Williams distribution, was designed to facilitate parameter estimation in environments with low SNRs. As reported, it achieved high estimation accuracy under these challenging conditions.

Based on the above discussion, it becomes evident that the existing methods, although their good performance for conventional radar signal parameter estimation, reveal limitations when it comes to more complex and dynamic scenarios. These methods often rely on statistical assumptions and linear models, primarily tailored for specific signal types. Therefore, the requirement to build a distinct mathematical model for each signal type presents a significant limitation, particularly when confronting diverse and dynamically varying signal conditions. For instance, Djemal et al. [14] proposed an adaptive threshold detection approach based on CFAR techniques for radar systems in both homogeneous and non-homogeneous environments. As we shift our attention to signals under multipath interference conditions, the scenario becomes even more challenging. These distorted signals display distinct characteristics and behavior compared to conventional signals, thus requiring the development of innovative parameter estimation methods.

The limitations of existing methods underscore the needs for universal models, such as those crafted using DL techniques. Their benefits include the capability for nonlinear modeling, flexibility to handle a wide variety of signals, adaptability to changing scenarios, and ability to learn and adjust their models based on recorded data. In fact, DL methods have showcased their effectiveness in several signal processing areas and are well-positioned to address the challenges incorporated within multipath interference. The exploration of DL techniques, particularly their potential in achieving robust radar signal parameter estimation under multipath interference conditions, offers an exciting pathway for future research.

2.2 Deep learning for radar signal processing

The progress in radar signal classification has been significantly influenced by the adoption of DL architectures, notably convolutional neural networks (CNNs), owing to their success in image classification tasks. For instance, Sun et al. [15] proposed a technique that leverages a unidimensional convolutional neural network (U-CNN) for radar emitter classification, demonstrating competitive accuracy levels. Similarly, Liu et al. [16] utilized a triplet convolutional neural network (T-CNN) to enhance the identification of different modulations of low probability of intercept (LPI) radar signals, particularly effective in harsh electromagnetic environments with low SNRs. To further enhance the performance in radar signal classification, fusion strategies, based on CNN architectures, have been explored. An approach, proposed by Akyon et.al [17], employed two independent CNNs to separately process frequency- and phase-related aspects of radar signals.

Moreover, efforts have also been made to accelerate CNN’s feature learning. A principal component analysis (PCA)-based CNN architecture, proposed by Ye et al. [18], was developed to reduce the dimensionality of time–frequency distribution (TFD) images. Additionally, techniques, such as convolutional denoising auto-encoder (CDAE) and inception-based deep CNN, have been employed to facilitate the signal recognition and noise reduction in TFD images [19].

Furthermore, deep time series networks have been employed in radar signal processing. For instance, Zhang et al. [20] utilized recurrent neural networks (RNNs) for theclassify, denoise, and deinterleave pulse streams, aiming to exploit long-term temporal patterns to enhance processing outcomes. Furthermore, Apfeld et al. [21] used long short-term memory (LSTM) RNNs to identify multifunction radar emitters. Their approach utilized the frequency and agility of emissions to encode radar pulses into symbolic representations. This enabled the discrimination between similar emitter types by analyzing emission parameters and employing resource management techniques. In another study, Notaro et al. [22] applied RNNs to classify radar emitters, capitalizing on temporal dependencies within pulse streams. For this purpose, they introduced two techniques: per-sequence normalization to improve the temporal pattern extraction, and attribute-specific RNN processing to enhance information efficiency. Their approach outperformed previous methods in terms of accuracy and robustness, especially in noisy environments.

These DL-based techniques have shown promising results in radar signal recognition. However, the application of DL methods for radar signal parameter estimation remains limited. Given that radar signals are typical non-stationary time series data, leveraging deep time series networks for radar signal parameter estimation present an intuitive research direction.

3 Methodology

3.1 Problem definition

In the context of multi-step time series prediction, we consider the scenario known as temporal covariate shift (TCS) [23]. This concept refers to situations in which the distribution of input data, or features, varies across different time intervals, whereas the conditional distribution of labels, based on these features, remains consistent.

Consider a time series dataset consisting of \(n\) segments with corresponding labels. This dataset is denoted as \({\mathcal{D}}_{trn} = \left\{ {{\mathbf{x}}_{i} ,{\mathbf{y}}_{i} } \right\}_{i = 1}^{n}\) and is applied for training. It encompasses an unknown quantity \(K\) of underlying time periods. Within a constant period \(i\), segments adhere to a specific data distribution, \(P_{{{\mathcal{D}}_{i} }} ({\mathbf{x}},{\mathbf{y}})\). However, when evaluating two distinct periods, \(i\) and \(j\) (where \(1 \le i \ne j \le K\)), the input data distributions diverge, i.e., \(P_{{{\mathcal{D}}_{i} }} ({\mathbf{x}}) \ne P_{{{\mathcal{D}}_{j} }} ({\mathbf{x}})\). Despite this shift, the conditional distributions of labels given the inputs remain consistent, represented as \(P_{{D_{i} }} (y|{\mathbf{x}}) = P_{{D_{j} }} (y|{\mathbf{x}})\), and constituting a TCS. Figure 2 provides a visual depiction of this scenario. It displays four distinct periods of the time series data. The first three periods are part of the data training process, each with its unique data distribution, whereas the fourth period represents the test data.

Fig. 2
figure 2

Multi-period time series data distribution under temporal covariate shift

The objectives of this work are twofold: (1) automatically identify the \(K\) periods within the training time series data, visually represented by the first three periods in Fig. 2, and (2) construct a predictive model \({\mathcal{M}}\) capable of harnessing the shared characteristics across these periods. This model should provide accurate forecasts for the forthcoming r segments, represented as the fourth time interval in Fig. 2 and formally denoted as \({\mathcal{D}}_{tst} = \{ {\mathbf{x}}_{j} \}_{j = n + 1}^{n + r}\). Assuming that the test segments belong to a uniform time period, these segments exhibit a distinct input data distribution, separate from that of any the training periods, i.e., \(P_{{{\mathcal{D}}_{tst} }} ({\mathbf{x}}) \ne P_{{{\mathcal{D}}_{i} }} ({\mathbf{x}})\). However, even with the variation in input data distribution, the conditional distribution of labels given the inputs remains consistent across all periods. It is, expressed as \(P_{{{\mathcal{D}}_{tst} }} (y\left| {\mathbf{x}} \right.) = P_{{{\mathcal{D}}_{i} }} (y\left| {\mathbf{x}} \right.)\) for any \(1 \le i \le K\).

3.2 Time series segmentation using the PELT approach

In order to reach the goal of maximizing shared knowledge extraction from a time series in the presence of temporal covariate shift, this study presents an innovative and efficient method to identify periods that exhibit the highest degree of divergence from each other. These periods represent the extreme cases of temporal covariate shift, where the cross-period distributions, denoted as \({\mathcal{D}}_{i}\) and \({\mathcal{D}}_{j}\), are the most diverse. As a result, they hold considerable importance for training a predictive model that aims to be robust against distribution shifts, as illustrated in Fig. 2.

An easy approach to time series segmentation involves an even division of the data into a fixed number of parts, \(N\), where each part is considered as a minimal-unit period that cannot be further subdivided. Given a set of predefined \(K\) values, the optimal \(K\) is determined according to a method that maximizes the distribution distance [23]. Nevertheless, this approach has significant limitations. Although it is simple, it does not allow for time series data fine-grained segmentation. In addition, it may not always result in the most optimal solution, especially when dealing with large-scale data sets.

In response to these limitations, this paper recommends the use of the PELT method. This technique, a state-of-the-art changepoint detection algorithm, is recognized for its computational efficiency, precision, and ability to efficiently segment time series data. It operates based on the primary principle of identifying significant shifts in data distribution, represented as "changepoints.” Moreover, it employs a dynamic programming to achieve computational efficiency while preserving the accuracy of the changepoint detection. The computational efficiency is achieved a pruning rule in the dynamic programming process, which discards unnecessary computations, hence the name pruned exact linear time.

More formally, given a time series data with \(n\) time points, the PELT approach minimizes the cost function as described in Eq. (1):

$$C(\tau ) = \mathop \sum \nolimits_{i = 0}^{m} \left[ {F(\tau_{i + 1} - 1) - F(\tau_{i} )} \right] + f(m)$$
(1)

In this function, \(\tau_{1} ,\tau_{2} ,...,\tau_{m}\) denote the locations of changepoints, with \(\tau_{0} = 1\) and \(\tau_{m + 1} = n + 1\). Moreover, \(F(i)\) symbolizes the cumulative sum of model-fitting costs up to time point \(i\), and \(f(m)\) represents a penalty term proportional to the number of changepoints \(m\).

By adopting the PELT technique, an efficient computation is ensured and the need for pre-specifying a range for \(K\) is no more required. This approach can detect periods of varying lengths, yielding to enhance its adaptability to data. The output of PELT, in terms of the identified changepoints, enables segmentation of the time series into \(K\) periods. Furthermore, the distributions \({\mathcal{D}}_{i}\) and \({\mathcal{D}}_{j}\) of each period can subsequently be investigated for further analysis.

3.3 Temporal distribution matching enhanced with exponential scaling-based importance evaluation

Once the distinct time periods have been established, a temporal distribution matching (TDM) module is constructed. Its main objective is to extract the shared knowledge across these periods by aligning their distributions. Through this process, the model, symbolized as \({\mathcal{M}}\), would outperform on unseen test data compared to models that rely solely on local or statistical data.

The prediction loss of TDM, denoted as \(L_{pred}\), in Eq. as follows:

$${\mathcal{L}}_{pred} (\theta ) = \frac{1}{K}\mathop {\mathop \sum \limits^{K} }\limits_{j = 1} {\mkern 1mu} \frac{1}{{\left| {{\mathcal{D}}_{j} } \right|}}\mathop {\mathop \sum \limits^{{\left| {{\mathcal{D}}_{j} } \right|}} }\limits_{i = 1} {\mkern 1mu} \ell ({\mathbf{y}}_{i}^{j} ,{\mathcal{M}}({\mathbf{x}}_{i}^{j} ;\theta ))$$
(2)

where \((x_{i}^{j} ,y_{i}^{j} )\) represents the ith labeled segment from period \({\mathcal{D}}_{j}\), \(\ell ( \cdot , \cdot )\) denotes the mean squared error (MSE) loss function, and \(\theta\) signifies the learnable model parameters. In the proposed model model, \({\mathcal{M}}\) adopts the LSTM technique, a form of deep time series model. The LSTM, through its specialized architecture, effectively processes time series data by capturing long-range temporal dependencies. Its strength lies in learning from and retaining information over extended periods, which renders it particularly suited for our scenario involving time-dependent features across different periods.

However, minimizing solely the prediction loss, as given in Eq. (2), would fosters the predictive knowledge inherent in each individual period and results in failing to reduce the distributional divergence across the different periods. Moreover, this divergence could potentially carry common knowledge valuable to the training model.

To address this issue, TDM introduces the concept of an importance evaluation, denoted α, with dimensions \({\varvec{\alpha}} \in {\mathbb{R}}^{V}\). This vector is responsible for assessing the relative significance of the V hidden states within the LSTM, each state being weighted by a normalized α. This approach dynamically reduces the distribution divergence across periods.

For a pair of periods, \(\left( {{\mathcal{D}}_{i} ,{\mathcal{D}}_{j} } \right)\), the loss associated with the temporal distribution matching, as expressed in Eq. (3), is expressed as follows:

$${\mathcal{L}}_{tdm} ({\mathcal{D}}_{i} ,{\mathcal{D}}_{j} ;\theta ) = \mathop \sum \nolimits_{t = 1}^{V} \alpha_{i,j}^{t} d({\mathbf{h}}_{i}^{t} ,{\mathbf{h}}_{j}^{t} ;\theta )$$
(3)

where \(\alpha_{i,j}^{t}\) represents the distributional importance between periods \({\mathcal{D}}_{i}\) and \({\mathcal{D}}_{j}\) at state t.

Furthermore, calculating all the hidden states in an LSTM model is a straightforward process. Let \(\delta ( \cdot )\) represent the computation of a subsequent hidden state based on a previous state. The state computation can be expressed as shown in Eq. (4):

$${\mathbf{h}}_{i}^{t} = \delta ({\mathbf{x}}_{i}^{t} ,{\mathbf{h}}_{i}^{t - 1} )$$
(4)

Finally, by merging Eqs. (2) and (3), the comprehensive objective of temporal distribution matching can be defined as in Eq. (5):

$${\mathcal{L}}(\theta ,\alpha ) = {\mathcal{L}}_{pred} (\theta ) + \lambda \frac{2}{K(K - 1)}\sum\limits_{i,j}^{{^{i \ne j} }} {{\mathcal{L}}_{tdm} ({\mathcal{D}}_{i} ,{\mathcal{D}}_{j} ;\theta ,\alpha )}$$
(5)

where λ is a trade-off hyper-parameter. The second term calculates the average distribution distances of all pairwise periods. For computational efficiency, we take a mini-batch of \({\mathcal{D}}_{i}\) and \({\mathcal{D}}_{j}\) to conduct the forward operation in LSTM layers and subsequently concatenate all hidden features. The resulting TDM can then be performed using Eq. (5).

Therefore, we propose the ESBIE algorithm to learn and identify the importance weights, \(\alpha_{i,j}^{t,(n)}\). The schematic representation of the ESBIE algorithm is displayed in Fig. 3. The initial step involves pre-training the network parameter \(\theta\) on a fully labeled data from all periods, which leads to get superior hidden state representations that help in the learning process of \(\alpha_{i,j}^{t,(n)}\). We assign the symbol \(\theta_{0}\) to this pre-trained parameter. Once \(\theta_{0}\) is defined, the ESBIE algorithm is applied to discern the importance of the hidden states. All weights within each LSTM layer are uniformly initialized and denoted \(\alpha_{i,j}^{t,(0)} = \left\{ {1/V} \right\}^{V}\). To guide the weight updates, we utilize the cross-domain distribution distance. This distance is calculated using the Maximum Mean Discrepancy (MMD) metric [24], recognized for its ability to quantify the disparity between two probability distributions, making it an effective choice for high-dimensional spaces. As for the ESBIE algorithm, it follows a nonlinear approach in adjusting weights according to the alterations in distribution distance. When the distribution distance increases, indicating larger divergence, the ESBIE algorithm adjusts the importance weights upwards to work toward reducing this divergence. Conversely, when the distribution distance decreases, indicating a reduced divergence, the importance weights are adjusted downward-.

Fig. 3
figure 3

ESBIE algorithm in temporal distribution matching

The adopted update rules are as follows:

$$\alpha_{i,j}^{t,(n + 1)} = \alpha_{i,j}^{t,(n)} \times G(d_{i,j}^{t,(n)} ,d_{i,j}^{t,(n - 1)} )$$
(6)

where the scaling function \(G\) is defined as follows:

$$G(d_{i,j}^{t,(n)} ,d_{i,j}^{t,(n - 1)} ) = e^{{\eta_{n} \times (di,j^{t,(n)} - d_{i,j}^{t,(n - 1)} )}}$$
(7)

here, \(\eta_{n} = \eta_{0} \times e^{ - p \times n}\) represents the learning rate at the \(n\)th epoch, which is exponentially decayed from the initial value \(\eta_{0}\). Moreover, the decay rate is controlled by the decay constant \(p\), a hyperparameter that is empirically set. In Eq. (6), \(d_{i,j}^{t,(n)} = D({\mathbf{h}}_{i}^{t} ,{\mathbf{h}}_{j}^{t} ;\alpha_{i,j}^{t,(n)} )\) represents the distribution distance at time step \(t\) in epoch \(n\). Finally, the weights are normalized after each update using this formula: \(\alpha_{i,j}^{t,(n + 1)} = \frac{{\alpha_{i,j}^{t,(n + 1)} }}{{\sum\limits_{j = 1}^{V} {\alpha_{i,j}^{t,(n + 1)} } }}{.}\) Therefore, by applying Eqs. (3) and (6), the importance evaluation can be learned.

Furthermore, the ESBIE mechanism provides a more responsive adjustment of the importance weights to the changes in distribution distances. By integrating a learning rate with exponential decay, this approach allows a more controlled and stable learning process. The learning rate’s decay throughout epochs ensures a gradual fine-tuning phase in which the weights are adjusted more subtly, enhancing the chances of converging to an optimal solution. Leveraging the effectiveness of temporal distribution matching across domains, the model’s overall performance is improved when managing data from diverse periods and domains, resulting in a more robust generalization on unseen test data.

4 Experimental evaluation

4.1 Dataset: details and specifications

For our experiments, we utilized a dataset derived from the “Radar Signal Simulation Platform under Complex Electromagnetic Environment,” located at Southwest China Research Institute of Electronic Equipment. The platform incorporates a parabolic equation method to generate synthetic radar signal data. This method serves as the basis of radar signal processing, aligning and filtering received echo signals with a reference signal, essentially a duplicate of the transmitted signal. This procedure yields a complex signal exhibiting a parabolic trajectory within the time domain. Simulated echo signals are designed to encompass noise and the Doppler effect to mimic real-world radar signals.

A representation of the simulated scenario is displayed in Fig. 4. The setup takes into consideration the multipath effects induced by specular reflections from the sea surface. These effects result in distorting the received signal as it traverses different routes before reaching the receiver. This latter, which simulates a flight at an elevation of 8,000 m, follows a circular trajectory while the emitter maintains a linear path from the origin, at an elevation of 3,000 m, directing toward the circular path’s center. Both the transmission and reception elements are simulated as dipole antennas having vertical polarization. The power of the transmitted signal is set at 100 W, with a transmission gain of 20 dB, and a receiver gain of 13 dB. The simulation generates four signal types: LFM, nonlinear frequency modulation (NLFM), binary phase shift keying (BPSK), and quadrature phase shift keying (QPSK). To meet the requirements of the model training, 9000 instances of each signal type are generated, which were divided into sets of 7000 instances for training, 1000 for validation, and 1000 for testing.

Fig. 4
figure 4

The schematic diagram of the simulation scenario

4.2 Model parameter settings

The model was implemented using the PyTorch deep learning framework, and the experiments were executed on a machine equipped with an RTX 3080TI graphics card, using CUDA version 11.7 and the Windows 10 operating system.

The PELT method, available in the Python ruptures library, was used for the changepoint detection, It utilized the radial basis function (RBF) model as the cost model. The penalty term was set to 10. In the LSTM model, a two-layer network structure was utilized with a hidden state dimension of 32. The Adam optimizer was used with a learning rate of 0.002. Finally, in the ESBIE algorithm, the initial learning rate \(\eta_{0}\) was set at 0.2 and the decay constant \(p\) was equal to the unit.

4.3 Application and performance comparison: parameter estimation in radar multipath interference signals

In this study, our model is applied to time-domain data from three distinct sets of simulated radar multipath interference signals, where each set features distinctive patterns of parameter variation.

  • In Set 1, all signals—LFM, NLFM, BPSK, and QPSK—have variable bandwidths (BW) while the other parameters remain constant. This requires an estimation of the BW for these signals.

  • In Set 2, the pulse width (PW) for LFM and NLFM and the number of sub-pulses (NSP) for BPSK and QPSK are varied while the other parameters are kept constant, thus requiring an estimation of PW for LFM and NLFM, and NSP for BPSK and QPSK.

  • In Set 3 a more complex scenario is proposed. It consists of having two parameters that vary simultaneously. For LFM and NLFM, we aim to estimate both PW and BW, whereas for BPSK and QPSK, both BW and NSP must be estimated.

The performance of the model in estimating parameters is evaluated using two statistical measurement approaches: the root mean squared error (RMSE) and the mean absolute error (MAE). The former technique employs a quadratic scoring rule that computes the average magnitude of the error by effectively squaring the difference between predicted and observed values before calculating the mean. This technique puts more weight on large errors. Conversely, MAE consists of computing the average absolute difference between predicted and observed values. Moreover, it provides a linear score that can be easily interpretable as it directly averages the absolute error magnitudes.

The proposed evaluations involve comparing the DAT-Net model against XGBoost [25], LSTM, LSTNet [26], and AdaRNN [23]. However, in the case of Set 3, the XGBoost model does not provide RMSE and MAE values as it is unable to simultaneously generate two parameter estimates. As a result, these values are represented as "–" in Tables 1 and 2. In more detail, Table 1 (for RMSE) and Table 2 (for MAE) present the results of these comparisons when performing different simulation scenarios for radar multipath interference signal parameter estimation.

Table 1 Comparison of RMSE for parameter estimation in radar multipath interference signals across various models
Table 2 Comparison of MAE for parameter estimation in radar multipath interference signals across various models

When considering the RMSE and MAE metrics, the DAT-Net consistently emerges as the preferred model as it achieves lower error values. This underscores its capability in accurately handling complex temporal dependencies in radar multipath interference signals.

Concerning the single-parameter estimation scenarios (simulations regarding Sets 1 and 2), the DAT-Net method continues to demonstrate superior performance. It reflects remarkable accuracy in estimating BW across all signal types in Set 1. However, in the case of BPSK, although DAT-Net performs well, the AdaRNN technique manages to achieve slightly lower RMSE and MAE values. Similarly, in Set 2, DAT-Net effectively estimates the PW for LFM and NLFM signals as well as the NSP for BPSK and QPSK signals, achieving lower errors than its counterparts.

Going to scenarios that involve the simultaneous estimation of two parameters (mainly the simulation of Set 3), DAT-Net maintains its exemplary performance, as it consistently achieves lower RMSE and MAE values across all signal types, knowing that XGBoost fails to provide any estimates in this set due to its limitations.

As the estimation task shifts from single-parameter scenarios (Sets 1 and 2) to multi-parameter scenarios (Set 3), there is a notable escalation in error metrics is observed across all models. This increase reflects the complexity inherent with multi-parameter estimation. Nonetheless, this increase is notably less severe for DAT-Net compared to the other models. This result shows, once again, robustness ability of DAT-Net to tackle the intricacies of multi-parameter estimation with a remarkable level of error control. Despite the increased complexity, DAT-Net manages to keep error growth in check, highlighting its resilience and adaptability across several estimation scenarios.

Upon a detailed examination of the error values, the DAT-Net’s performance with LFM and NLFM signals consistently results in lower RMSE and MAE compared to the results obtained with BPSK and QPSK signals across all sets. This finding could potentially reflect the differences in signal structures as well as the DAT-Net’s specific proficiency in handling LFM and NLFM signals.

Furthermore, Fig. 5 illustrates the comparative proficiency of the DAT-Net and other models in approximating real values, with a specific emphasis on the BW estimation of QPSK signals from Set 1. This visual evaluation is inline with the conclusions drawn from the error metric analyses, showcasing clearly that DAT-Net provides a better approximation of the actual values compared to the other models. The close alignment between the fluctuations in the actual data and the outputs produced by DAT-Net reflects its effective learning and adaptation to model the radar multipath interference signals. Conversely, the plots for the other models, such as XGBoost, LSTM, LSTNet, and AdaRNN, reflect greater deviations from the actual values. These variations highlight the efficiency of DAT-Net in modeling complex temporal dependencies in radar multipath interference signals.

Fig. 5
figure 5

Comparative visualizations of model fits to real values

4.4 Convergence speed analysis

As an advancement over AdaRNN, DAT-Net not only enhances estimation accuracy but also improves the efficiency in model training. Evaluating of model performance goes beyond the estimation precision to encompass the speed at which these accurate estimations are achieved.

By integrating the ESBIE algorithm, DAT-Net gains a significant advantage in this respect. ESBIE enables a swift decrease in loss during the initial training stages, thereby accelerating the convergence speed. Furthermore, in the later stages of model training, ESBIE contributes to smaller fluctuations in the loss function, promoting stability in the learning process and helping in preventing overfitting.

The improvements in the convergence speed are vividly depicted in Fig. 6a where the graph demonstrates clearly that DAT-Net’s reduces faster the loss compared to AdaRNN during the early phases of training, along with having lower variation in loss during the later learning stages.

Fig. 6
figure 6

Convergence speed and training time

This enhanced convergence speed and stability, especially notable in the context of large datasets and time-critical tasks, further validates the DAT-Net method position as an improved model over AdaRNN.

Finally, as shown in Fig. 6b, the proposed DAT-Net architecture demonstrates computational efficiency improvements over AdaRNN. However, this improvement is offset by longer training times compared to traditional LSTM, as well as XGBoost and LSTNet. The additional time demands of DAT-Net’s series segmentation and TDM components are justified by its superior performance over existing methods across assessed benchmarks. Once the model training is completed, DAT-Net does not significantly elevate computational consumption in the inference phase compared to LSTM.

5 Conclusion

This paper introduced and thoroughly examined the performance of DAT-Net, a deep learning model specifically designed to manage complex and non-stationarity time series data, while considering radar multipath interference signals. Notably, DAT-Net’s ability to manage various signal types contributes toward addressing the complexities frequently encountered in the current research problems. Moreover, the DAT-Net incorporates advanced techniques, such as time series segmentation via the PELT method, and importance evaluation using the ESBIE algorithm. These methods enhance the model’s capability to adapt to shifts in data distribution and offer a robust solution for parameter estimation. The comprehensive comparative analysis achieved in this work underscored the advantages of DAT-Net, demonstrating its superior performance in terms of precision over other commonly used models through various scenarios. Specifically, the DAT-Net’s ability to understand and model inherent non-linearities and non-stationarities in radar multipath interference signals distinguishes it from other approaches.

Future work could aim to further enhance DAT-Net and broaden its applicability to a wider array of scenarios and datasets. Such improvements might include integrating more advanced machine learning techniques or applying the model to other time-dependent signal processing tasks.

Availability of data and materials

The author promises that the data in this article are available.

Abbreviations

DAT-Net:

Deep Adaptive Temporal Network

PELT:

Pruned exact linear time

ESBIE:

Exponential scaling-based importance evaluation

CWHT:

Cumulative Wigner-Hough transform

LFMCW:

Linear frequency modulation continuous wave

PWVHT:

Periodic Wigner-Ville Hough transform

FRFT:

Fractional Fourier transform

LFM:

Linear frequency modulation

DOA:

Direction-of-arrival

STFD:

Spatial time–frequency distribution

CNNs:

Convolutional neural networks

U-CNN:

Unidimensional convolutional neural network

LPI:

Low probability of intercept

SNR:

Signal-to-noise ratio

TFD:

Time–frequency distribution

CDAE:

Convolutional denoising autoencoder

RNNs:

Recurrent neural networks

LSTM:

Long short-term memory

TCS:

Temporal covariate shift

TDM:

Temporal distribution matching

MMD:

Maximum mean discrepancy

NLFM:

Nonlinear frequency modulation

BPSK:

Binary phase shift keying

QPSK:

Quadrature phase shift keying

RBF:

Radial basis function

BW:

Bandwidths

PW:

Pulse width

NSP:

Number of sub-pulses

RMSE:

Root mean squared error

MAE:

Mean absolute error

References

  1. M.I. Skolnik, Radar handbook. McGraw-Hill Education (2008)

  2. S.L. Wilson, B.D. Carlson, Radar detection in multipath. IEE Proceedings-Radar Sonar Navig. 146, 45–54 (1999)

    Article  Google Scholar 

  3. K.H. Craig, M.F. Levy, Parabolic equation modelling of the effects of multipath and ducting on radar systems, in IEE Proceedings F (Radar and Signal Processing). (1991) pp. 153–162. IET

  4. X. Yuan, J. Zhang, L. Yang, Research into modeling and simulation technologies of multi-path effect of sea surface radar signal environment. Shipboard Electron. Countermeas. 36, 68–72 (2013)

    Google Scholar 

  5. B.P. Day, A. Evers, D.E. Hack, Multipath suppression for continuous wave radar via slepian sequences. IEEE Trans. Signal Process. 68, 548–557 (2020)

    Article  MathSciNet  MATH  Google Scholar 

  6. K. Abratkiewicz, P.J. Samczyński, R. Rytel-Andrianik, Z. Gajo, Multipath interference removal in receivers of linear frequency modulated radar pulses. IEEE Sens. J. 21, 19000–19012 (2021)

    Article  Google Scholar 

  7. W.D. White, Low-angle radar tracking in the presence of multipath. IEEE Trans. Aerosp. Electron. Syst. 835–852 (1974)

  8. R.J. Mcaulay, T.P. Mcgarty, Maximum-likelihood detection of unresolved radar targets and multipath. IEEE Trans. Aerosp. Electron. Syst. 821–829 (1974)

  9. L. Yong, Z. Guoyi, Z. Xuzhou, Parameter estimation of LFMCW radar signal. J. SIGNAL Process. 30, 848–855 (2014)

    Google Scholar 

  10. F.G. Geroleo, M. Brandt-Pearce, Detection and estimation of LFMCW radar signals. IEEE Trans. Aerosp. Electron. Syst. 48, 405–418 (2012)

    Article  Google Scholar 

  11. W. Jingyang, Z. Huanyu, W. Yue, Parameters estimation algorithm of LFM pulse compression radar signal. Trans. Beijing Inst. Technol. 32, 746–750 (2012)

    Google Scholar 

  12. T. Jianlong, Li. Tao, Y. Shaoquan, Direction-of-arrival estimation based on cross Wigner ville distribution. Syst. Eng. Electron. 26, 714–716 (2004)

    Google Scholar 

  13. D. Zhenmiao, Y. Liu, Recognition and parameters estimation of polyphase-coded radar signals. J. Electron. Inf. Technol. 31, 781–785 (2009)

    Google Scholar 

  14. R. Djemal, K. Belwafi, W. Kaaniche, S.A. Alshebeili, A novel hardware/software embedded system based on automatic censored target detection for radar systems. AEU-Int. J. Electron. Commun. 67, 301–312 (2013)

    Article  Google Scholar 

  15. J. Sun, G. Xu, W. Ren, Z. Yan, Radar emitter classification based on unidimensional convolutional neural network. IET Radar Sonar Navig. 12, 862–867 (2018)

    Article  Google Scholar 

  16. L. Liu, X. Li, Radar signal recognition based on triplet convolutional neural network. EURASIP J. Adv. Signal Process. 2021, 1–16 (2021)

    Article  Google Scholar 

  17. F.C. Akyon, Y.K. Alp, G. Gok, O. Arikan, Classification of intra-pulse modulation of radar signals by feature fusion based convolutional neural networks, in 2018 26th European Signal Processing Conference (EUSIPCO). pp. 2290–2294. IEEE (2018)

  18. W. Ye, C. Peng, Recognition algorithm of emitter signals based on pca+cnn, in 2018 IEEE 3rd Advanced Information Technology, Electronic and Automation Control Conference (IAEAC). pp. 2410–2414. IEEE (2018)

  19. Z. Qu, W. Wang, C. Hou, C. Hou, Radar signal intra-pulse modulation recognition based on convolutional denoising autoencoder and deep convolutional neural network. IEEE Access. 7, 112339–112347 (2019)

    Article  Google Scholar 

  20. Z.-M. Liu, S.Y. Philip, Classification, denoising, and deinterleaving of pulse streams with recurrent neural networks. IEEE Trans. Aerosp. Electron. Syst. 55, 1624–1639 (2018)

    Article  Google Scholar 

  21. S. Apfeld, A. Charlish, G. Ascheid, Identification of radar emitter type with recurrent neural networks, in 2020 Sensor Signal Processing for Defence Conference (SSPD). pp. 1–5. IEEE (2020)

  22. P. Notaro, M. Paschali, C. Hopke, D. Wittmann, N. Navab, Radar emitter classification with attribute-specific recurrent neural networks. arXiv Prepr. arXiv1911.07683. (2019)

  23. Y. Du, J. Wang, W. Feng, S. Pan, T. Qin, R. Xu, C. Wang, Adarnn: adaptive learning and forecasting of time series, in Proceedings of the 30th ACM international conference on information & knowledge management. pp. 402–411 (2021)

  24. A. Gretton, K.M. Borgwardt, M.J. Rasch, B. Schölkopf, A. Smola, A kernel two-sample test. J. Mach. Learn. Res. 13, 723–773 (2012)

    MathSciNet  MATH  Google Scholar 

  25. T. Chen, C. Guestrin, Xgboost: A scalable tree boosting system, in Proceedings of the 22nd acm sigkdd international conference on knowledge discovery and data mining. pp. 785–794 (2016)

  26. G. Lai, W.C. Chang, Y. Yang, H. Liu, Modeling long-and short-term temporal patterns with deep neural networks, in The 41st international ACM SIGIR conference on research & development in information retrieval. pp. 95–104 (2018)

Download references

Funding

This work was supported by the Science and Technology on Electronic Information Control Laboratory (No. 6142105190312) and the National Natural Science Foundation of China (No. 62201097).

Author information

Authors and Affiliations

Authors

Contributions

KY proposed the model, conducted the experiments, and was responsible for drafting the manuscript. WJ interpreted the results and revised the first draft of the manuscript. YH was instrumental in posing the problem. PS worked on modifying grammar issues in the manuscript. ZL was in charge of proofreading the full text of the manuscript. All authors have read and approved the final manuscript.

Corresponding author

Correspondence to Kang Yan.

Ethics declarations

Competing interests

The authors declare that they have no competing interests.

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Yan, K., Jin, W., Huang, Y. et al. Deep adaptive temporal network (DAT-Net): an effective deep learning model for parameter estimation of radar multipath interference signals. EURASIP J. Adv. Signal Process. 2023, 94 (2023). https://doi.org/10.1186/s13634-023-01053-8

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s13634-023-01053-8

Keywords