Prior-Guided Deep Interference Mitigation
for FMCW Radars
Abstract
A prior-guided deep learning (DL) based interference mitigation approach is proposed for frequency modulated continuous wave (FMCW) radars. In this paper, the interference mitigation problem is tackled as a regression problem. Considering the complex-valued nature of radar signals, the complex-valued convolutional neural network is utilized as an architecture for implementation, which is different from the conventional real-valued counterparts. Meanwhile, as the useful beat signals of FMCW radars and interferences exhibit different distributions in the time-frequency domain, this prior feature is exploited as a regularization term to avoid overfitting of the learned representation. The effectiveness and accuracy of our proposed complex-valued fully convolutional network (CV-FCN) based interference mitigation approach are verified and analyzed through both simulated and measured radar signals. Compared to the real-valued counterparts, the CV-FCN shows a better interference mitigation performance with a potential of half memory reduction in low Signal to Interference plus Noise Ratio (SINR) scenarios. Moreover, the CV-FCN trained using only simulated data can be directly utilized for interference mitigation in various measured radar signals and shows a superior generalization capability. Furthermore, by incorporating the prior feature, the CV-FCN trained on only 1/8 of the full data achieves comparable performance as that on the full dataset in low SINR scenarios, and the training procedure converges faster.
Index Terms:
Deep learning, Complex-Valued Convolutional Neural Network, prior feature, interference mitigation, FMCWI Introduction
Frequency modulated continuous wave (FMCW) radars are widely used for automotive radar, vital sign detection, smart building surveillance, weather monitoring, etc. With the rapid expansion of the applications, the mutual interference among FMCW radars as well as surrounding wireless devices becomes an increasingly severe problem, which would mask weak targets, degrade target detection and even cause ghost targets.
A number of methods have been proposed for FMCW radar interference mitigation (IM), including radar system coordination, radar system design and waveform design, and signal processing. Radar system coordination can operate at both the transmitter (Tx) and receiver (Rx) end[1], which may introduce an additional communication module in the radar system. In contrast, at the Tx end, a new radar system or waveform can be designed to transmit the chirp signal with varying parameters (e.g., center frequency) to avoid the appearance of interferences. Besides, the interference can be suppressed in the RX end by applying the traditional signal processing approaches or the latest deep learning (DL) based approaches to the received radar signals. The signal post-processing method does not require to design a new radar system and is easier to fit into existing radar chips.
Specifically, the traditional signal processing approaches can be classified into three categories: zeroing and reconstruction, estimation and subtraction, and digital beamforming. In [2], the amplitudes of interfered radar signals are replaced with zero, and the useful beat signals are reconstructed by an iterative method in the Fourier domain. However, the reconstruction algorithm would be inapplicable especially in the long interference duration situations. By contrast, the parameters of interfering signals can be estimated, and only the interference components are subtracted from the received signals[3], which requires more computational effort and long processing time. Meanwhile, an adaptive noise canceller (ANC) utilizing the symmetry of interferences in the frequency domain is used to remove the interferences in the positive frequency with lower computational complexity[4]. In [5], the interferences are reconstructed and subtracted by wavelet denoising (WD), whose performance would degrade as the proportion of interferences increases. Furthermore, the filtering can also be used for IM, which has a distortion of object peak values due to its non-linear nature[6]. Finally, in multi-antenna systems, the interference from certain directions can be removed in the space domain by digital beamforming[7]. However, the targets’ signals scattered from the same directions are also suppressed.
The traditional signal processing approaches can effectively suppress the interferences and improve the targets’ detection probability for FMCW radars. However, these approaches generally require high computational complexity, and the performance depends on the manually selected parameters. Besides, most of the traditional approaches have made many assumptions to simplify the calculation and obtain analytical solutions, whose performance would significantly degrade in more complex scenarios.
Recent development in deep learning has shown its ability in feature extraction, and DL-based approaches are increasingly used for various signal processing problems[8], including interference mitigation for radar signals. In [9, 10, 11], a simple Convolutional Neural Network (CNN) with few parameters is used to suppress the interference and noise by operating on the range-doppler (RD) maps for FMCW radars. Then more complex network structures including Fully convolutional network (FCN)[12], Autoencoder[13] and U-Net[14] are proposed to process the frequency spectra or the RD maps of radar signals. These approaches extract the feature of interferences and subtract it from received signals. Similarly, in [15], the CNN and residual network (ResNet) are built to detect and remove the interference components respectively for synthetic aperture radars. Moreover, the Generative Adversarial Network (GAN) can be used to recover the missing signals after interference detection and zeroing[16]. Besides, Recurrent Neural Networks (RNNs) are also implemented in the time domain with low processing time [17, 18].
Compared to the traditional signal processing methods, the DL-based approaches require building a training dataset and designing the neural network architecture, which can automatically extract the critical features through training, distinguishing the targets’ scattered signals and interferences. The experimental results have shown its powerful interference mitigation ability. Moreover, the DL-based approaches can apply in more complex situations by learning a causal model from data instead of building a specific signal model. On the other hand, due to the limitation of a large-scale dataset including radar signals in various scenarios, it is hard to acquire satisfactory results for DL-based approaches. Additionally, with the existence of the overfitting problem, the features extracted by the network may be affected by noise. As a result, the performance of existing DL-based approaches is limited by the number of radar signals that are difficult to collect, and the total parameters may exceed the capacity of existing small memory-constrained radar sensors.
Generally, the beat signals of FMCW radars are acquired as complex-valued samples with I/Q receivers. The existing DL-based IM approaches all separate the complex-valued samples as real and imaginary parts and handle them as independent real-valued data with real-valued neural networks. Thus the implicit relationship between the real and imaginary parts of radar signals is not considered, which may cause the loss of the phase information that is necessary for further signal processing steps, for instance, classification and tracking. On the other hand, complex-valued convolutional neural network [19, 20, 21], which handles complex-valued data with the algebraic rules of complex numbers, can achieve better performance than the real-valued counterparts. Moreover, the complex-valued network has a more powerful representation ability and is robust to noise[22]. Its potential for faster learning, easier optimization, and better generalization performance has received increasing attention in various domains[23].

In this paper, considering the complex-valued nature of beat signals of FMCW radars, an interference mitigation approach based on complex-valued convolutional neural networks is proposed (see Fig. 1). Specifically, a complex-valued fully convolutional network (CV-FCN) is designed to suppress the interference and noise, which operates on the spectrogram in the time-frequency (-) domain obtained by taking a short-time Fourier transform (STFT) of a beat signal. Moreover, accounting for that the beat signals are shown as straight lines parallel to the time axis in the spectrogram while interferences exhibit as oblique lines in the - domain, we exploit this prior feature as a regularization term combined with the mean square error (MSE) loss function for training.
The contributions of this paper are summarized as follows:
Firstly, a CV-FCN-based approach is proposed for interference mitigation. By using complex convolutions and the activation function CReLU, a better interference mitigation performance with a potential of half memory reduction compared to the real-valued counterparts in low SINR scenarios is achieved.
Secondly, a prior-guided loss function is proposed by accounting for both data consistency between labels and the predicted - spectra and the expected prior frequency-sparse feature of the predicted spectra. A hyper-parameter is used to trade off between the data consistency and the expected prior feature of the predicted spectra. By adjusting the hyper-parameter, the overfitting problem can be avoided, and the networks can be trained with a smaller dataset and faster convergence.
Thirdly, the proposed approach to IM can process radar signals with an arbitrary length in a sweep. Its performance is verified through both simulated and measured data, showing its effectiveness and superior generalization capability.
The remainder of this paper is organized as follows. Section II introduces the signal modelling and analysis. Section III elaborates the prior-guided interference mitigation approach based on complex-valued convolutional neural networks. The setups of numerical simulations for data synthesis and experimental measurements are described in Section IV. After that, the experimental results of the proposed method on the simulated and measured radar signals are presented in Sections V and VI. Finally, conclusions are drawn in Section VII.
II Signal Modelling and Analysis
Dechirping receiver is widely used for FMCW radar system to reduce the sampling requirement to the analog to digital converters (ADC). After dechirping, the acquired beat signals contaminated by interferences can be written as [24]:
(1) |
where represents the thermal noise and measurement errors. is the useful beat signals and denotes the interferences, which are explicitly given by
(2) | ||||
(3) |
where with sweep duration . is the center frequency, is the chirp rate of the FMCW waveform, and is the time delay of the scattered signal from the target relative to the transmitted one. is the reference signal used for dechirping, denotes the interference and is the low-pass filtering (LPF) operator.

In practice, the interference component could result from aggressor FMCW radars or other neighboring wireless devices. As analyzed in [24], the interferences can be, generally classified as four categories: (i) interference signal with the same chirp rate; (ii) interference signal with different chirp rate; (iii) CW interference; and (iv) transient interference. In case (i), when the beat signals resulting from interferences fall in the effective bandwidth of the LPF, it would result in horizontal lines along the time axis same as that of real targets’ signals in the - spectrum; thus, it would cause ghost targets, degrading the probability of detection and the false alarm rate. It is difficult to mitigate this kind of interference in the time or frequency domain, and this problem may be solved by designing a specific radar system or waveform in the space domain. In cases (ii)-(iv), the interferences lead to inclined thick lines or superposition of inclined thick lines in the - spectrum, which are different from the beat signals of targets. Therefore, without loss of generality, we consider interferences in case (ii) for demonstration in this paper. Note the approach is also applicable to handle interferences in cases (iii) and (iv).
Fig. 2 shows the - spectrum of an interference-contaminated beat signal, where the horizontal lines along the time axis are the spectra of targets’ signal components while the inclined thick lines are the interferences. The interferences show different distributions determined by their amplitudes, chirp rates, duration times, and time delays relative to the reference signal for dechirping. Moreover, due to the positive time delay caused by wave propagation, the spectra of beat signals always exist in negative frequency (the sweep slope of the victim radar is positive). In contrast, the spectra of interferences spread in both positive and negative frequency in the - spectrum. Considering the different temporal and spectral features of targets’ signals and interferences, it is natural to investigate possible approaches to mitigate the interferences in the - domain by processing, for instance, the STFT spectrum.
Based on the differences, the interference mitigation problem can be tackled as a two-step interference detection and suppression problem by using the positive-frequency spectrum to detect if interferences exist or not. Besides, the recent development in deep learning techniques substantially improves the detection performance by exploiting multi-layer CNN. As a result, this problem is tackled as a single-stage regression problem based on deep learning in this paper, which means detecting and mitigating the interferences can be completed by only an end-to-end neural network.
III Prior-Guided Deep Interference Mitigation
In this section, some basic modules used in the complex-valued convolutional neural network are first reviewed. Then the complex-valued fully convolutional network architecture and the prior-guided loss function proposed for FMCW radar interference mitigation are introduced, followed by the detailed description of the training procedure.
III-A Complex-valued modules
A complex-valued convolutional neural network is generally composed of various complex-valued modules, including complex convolution, complex-valued activation functions and complex batch normalization [22].
To take advantage of the existing deep learning platform developed for real-valued NN (e.g., TensorFlow [25]), a complex convolution can be implemented by explicitly performing real-valued convolutions among the real and imaginary parts of the related terms. Specifically, the complex convolution between a complex filter and a complex vector can be expressed as:
(4) |
where is the imaginary unit. and are real matrices, and and are real vectors, respectively.
Similar to the activation functions for real-valued CNNs, complex-valued activation functions introduce nonlinearity to complex-valued CNNs to increase their representation capabilities [22, 26, 27]. Complex Rectified Linear Unit (CReLU) is one of the most popular activation functions used in complex-valued CNNs [22], which applies traditional real-valued ReLU on both real and imaginary parts of a complex-valued input and is expressed as:
(5) |
where and extract the real and imaginary parts of a complex number . Compared to other complex-valued activation functions (e.g., zReLU [27] and modReLU [26]), CReLU generally achieves the best performance in inverse problems. Therefore, it is utilized in this paper as well.
III-B Network Architecture
The interference mitigation problem is tackled as a regression problem. As targets’ beat signals and interferences show distinct distributions in the - domain, the - domain spectral diagram obtained with the STFT algorithm is naturally used for IM. Considering the complex-valued nature of FMCW radar signals in the - domain, a complex-valued fully convolutional network architecture is designed for interference mitigation with the basic complex-valued modules (see Fig. 3). The proposed CV-FCN is composed entirely of complex convolution layers, each of which except the last convolution layer is followed by the complex-valued activation function CReLU. The number of filters is fixed to one in the last convolution layer, which is used only to produce the output.
The - spectrum of the interfered radar signal is set as the input of the network, and its counterpart of the associated reference (i.e., the clean signal) is used as the label. Since the existing deep learning tools do not support the complex-valued input data, the real and imaginary parts of input samples are separated into two channels. Meanwhile, the square kernels with size 33 are used to deal with the two-dimensional input samples, and the zero-padding is used in the complex convolutional layer to ensure the output - spectrum have the same shape as the input.


III-C Loss function
MSE is generally used as a loss function in the DL-based interference mitigation approaches [28], which calculates the difference between the output of the network and the related label. However, the performance of the network trained with the MSE as the loss function is limited by the size of the training dataset. With the increase of the network’s total parameters and training iterations, the overfitting problem cannot be avoided, making it challenging to extract critical features. Moreover, due to the lack of real interfered radar signals and related reference data in practice, synthetic data based on the analytical signal models are commonly generated to build the training dataset. However, the analytical model used for data synthesis is generally derived based on certain assumptions (e.g., perfect radar system and frequency-independent scattering property of targets) for simplification, which may make the synthetic dataset impractical to contain all the features of the data acquired in various realistic scenarios. Consequently, the performance of the networks trained using the MSE with only simulated radar signals would degrade when utilized to real data. To avoid the overfitting problem and improve the generalization of the trained network, explicitly incorporating the prior information could be of benefit for real data.
As shown in Section II, the interferences lead to time-varying beat frequencies after dechirping while the frequencies of targets’ beat signals are constant. The projection of the interference on the frequency axis is a line, while the projections of targets’ beat signals on the frequency axis are some points. Thus, interferences and targets’ beat signals show different sparsities along the frequency axis (i.e., different sparsities in the range profiles). To exploit this prior feature of interferences and beat signals in the - domain, we introduce the norm of the recovered - domain spectrum (i.e., the output of the proposed neural network) as a regularization term for the NN training in addition to the traditional loss function MSE. The complete loss function is expressed as
(6) | ||||
(7) |
where and represent Frobenius norm and norm of a matrix , respectively, is the matrix of the recovered spectrum in the - domain with the row and column related to the frequency and time dimensions, respectively, and is the label. is the MSE loss function, and is the norm of , as shown in (7). is a hyper-parameter used to make a trade-off between the MSE (i.e., data consistency) and the prior feature.
Due to the introduced regularization term , the overfitting problem can be avoided as much as possible. Moreover, as the regularization term provides solid expert knowledge, it boosts the convergence rate of the network training (i.e., the network can be trained with fewer iterations) and the size of the dataset needed for training can be significantly reduced. Besides, the feature used for IM is the fusion of the prior information and the features extracted from the CNNs, which can motivate better generalization capability.
III-D Training Setup
Before being fed into the network, the complex-valued input samples are normalized. Specifically, the normalization method can be described as:
(8) |
where is the matrix of the STFT spectrum of beat signals contaminated by interferences, and and are the row and column indices of an entry of the matrix.
After being processed by the network, the matrix of the recovered spectrum is multiplied by the denominator in equation (8) for further processing.
In the network training process, the complex weight initialization strategy[22] was used to initialize the parameters of complex convolution layers. The Adam algorithm with a fixed learning rate of 0.001 and 32 input samples per batch was used for training. We end the training at epoch 100 after good convergence was observed. Moreover, all the models were trained on a single NVIDIA 2080Ti graphics processing unit (GPU). The code was implemented using Keras and Tensorflow tools.
IV Datasets
In this section, the setups of numerical simulations for data synthesis and experimental measurements are introduced in detail, and then the data split algorithm for a more flexible model is described.
IV-A Radar signals synthesis
Parameter | Value | Parameter | Value |
---|---|---|---|
Center frequency | Velocity | ||
Duration of a sweep | Window type | Hamming | |
Bandwidth | Window length | ||
Chirp rate | Overlap length | ||
Sampling frequency | FFT points | ||
Maximum detection distance |
Due to the difficulties in acquiring both interfered radar echoes and their related references in practice, especially for dynamic scenarios, in this paper we decided to use synthetic FMCW radar signals for the proposed neural network training and then employ both synthetic and measured data for test.
For data generation, a victim FMCW radar with the parameters described in Table I was considered. To emulate the scenarios with various scatterers and different interferences, each parameter of targets and interfering signals was randomly chosen from a uniform distribution for continuous variables in a closed interval or for continuous variables in an open interval or for discrete variables, where and define the bounds of an interval. The detailed intervals of the values of the parameters of targets and interfering signals are shown in Table II, where and refer to the chirp rate and sweep duration of the victim radar in Table I. Moreover, complex white Gaussian noise was added to synthetic signals to account for system noise and measurement errors. To characterize the interference-contaminated signals in the presence of complex white Gaussian noise, Signal to Noise Ratio (SNR) and Signal to Interference plus Noise Ratio (SINR) are used as metrics. The SNR ranges from -20 dB to 20 dB with step size of 5 dB while the SINR takes values randomly from a uniform distribution as shown in Table II.
|
Value |
|
Value | ||||
---|---|---|---|---|---|---|---|
Number | Number | ||||||
Distance | Amplitude | ||||||
Amplitude | Center frequency | ||||||
Phase | Chirp rate | ||||||
Velocity | Duration | ||||||
SNR | Delay time | ||||||
SINR |


After synthesizing the time-domain radar signals according to the setups described above, their time-frequency spectra are generated through the STFT algorithm. Specifically, the STFT was implemented by using a 256-point hamming window with a hop size of one for signal segmentation and 256-point fast Fourier transform (FFT) for spectrum calculation (see Table I). Since the beat signals of targets and interferences are synthesized according to controllable parameters, we can obtain both the interfered signals and the associated references (see the example in Fig 5).
IV-B Experimental Measurements
The experimental data in this paper were collected with the full-polarimetric PARSAX radar in TU Delft, which has two orthogonally polarized transmitting channels and four receiving channels for full polarimetric signal acquisition. We simultaneously use a horizontally polarized (H-pol) channel to emit a fixed FMCW signal and the vertically polarized (V-pol) channel to transmit an arbitrary FMCW-type waveform with various chirp rates, time duration, bandwidth, and time delay relative to the beginning of the signal in the H-pol channel.
Parameter | Value |
---|---|
Center frequency | |
Duration of a sweep | |
Bandwidth | |
Chirp rate | |
Sampling frequency |


The full-polarimetric signals scattered from the illuminated scene arrive at the receiving antenna at the same time. After passing through an orthomode transducer, the H-pol (i.e., HH and VH) and V-pol (i.e., HV and VV) scattered signals can be separated. However, the HH and VH (correspondingly HV and VV) signals inevitably interfere with each other at the receiving channels. As the HH (correspondingly VV) signals are generally much stronger than the VH (correspondingly HV) signals, the interference impact of HH (VV) on the VH (HV) is generally much severer. So, the acquired HV signals are used to construct the experimental dataset used in this paper. The radar data were measured by illuminating three scenes: an industrical chimney, a rotating wind turbine, and a street with moving cars. In total, 500-sweep radar data were measured with various interference signals for each sweep. As the latter two scenes were dynamic, acquiring the related references with our radar system was impractical, which is generally the case in practice. As an example, Fig. 6 illustrates the street scenario at a time instant and the - spectrum of the acquired signal. As the references are unavailable, the experimental data are only used to test the trained neural networks.
IV-C Data Split
In principle, the shape of the STFT spectra of radar signals is determined by the number of sampling points in a sweep and parameters of the STFT algorithm, and most CNNs can only process input samples of specific shapes. In order to process radar signals of different shapes in the - domain, the matrix of the STFT spectrum is split into a combination of smaller matrices before being fed into the network, which can be described as Algorithm 1. Each element in the matrix of the recovered spectrum is predicted according to both the past and future time-frame information, and the phase is guaranteed to be continuous. In our experiments, the is set to 4, and the shape of the input sample (i.e., ) is 256256.
V Simulation Results
In this section, the prior-guided deep interference mitigation approach based on the CV-FCN proposed in Section III-B is analyzed and demonstrated using synthetic FMCW radar signals. Firstly, the performance metric used for the quantitative evaluation of interference mitigation performance in our experiments is presented. Then the optimal network architecture based on the CV-FCN is obtained by grid search using MSE as the loss function, including the size and number of filters in each convolution layer, depth of the network, and additional residual connection. Next, the CV-FCNs are compared with the real-valued counterparts over a variety of network depths to show the superiority of complex-valued representation. After that, the prior-guided loss function is used for training, and its effects on the training iterations (i.e., convergence rate) and the size of the training dataset are investigated as well. Finally, our proposed approach is compared with the state-of-the-art conventional interference mitigation algorithms.
V-A Performance Metrics
To quantitatively evaluate the performance of different interference mitigation methods, the SINR of a recovered radar signal relative to the clean reference is used as a performance metric. The SINR cannot only measure the remaining interferences and noise in the recovered signal, but also represent the signal distortion. It is defined as:
(9) |
where is the recovered signal in the time domain, and is the corresponding reference. Note the SINR is inversely proportional to the error vector magnitude (EVM) [9].
V-B Network architecture optimization

To find an optimal network architecture based on the proposed CV-FCN for FMCW radar interference mitigation, a parameter search is performed using MSE as the loss function.
Firstly, the problem of how to design the number of filters in each convolution layer is investigated. Three different network architectures denoted as Type I, II, and III are implemented for comparison. Except for the last layer, the number of filters in each convolution layer is fixed to constant in Type I, and the number of filters is doubled or halved in each convolution layer for Type II and Type III, respectively. The performance comparison of different architectures is shown in Fig. 7, the average SINR of all evaluated architectures is given, and the x-axis indicates the number of total parameters of the network. We change the number of parameters by varying the depth of the network, the number of filters in each layer and the kernel size. We can see from the figure that the CV-FCNs where the number of filters is fixed to constant (Type I) obtain better results. In fact, the number of filters is doubled in each convolution layer for the famous CNN architectures such as VGG [29]. Due to the use of the pooling layer in VGG, the number of channels is doubled in each layer to ensure the information amount of the connected convolution layers does not differ too much. Since the pooling layer is not used in the CV-FCN to avoid signal distortion, the architecture where the number of filters is fixed to constant is more suitable.
Based on the conclusion, the CV-FCNs (Type I) with different numbers of total parameters are compared as shown in Fig. 7. The features of targets’ beat signals and interferences in the - domain are relatively simple, a larger number of filters or a deeper network is unnecessary. It follows that the maximum average SINR is obtained using a model (Model A) with ten layers and a kernel size of 33. Except for the last layer, the number of filters in each convolution layer is fixed to 16. Moreover, we compared the CV-FCNs with kernels of 33 (Model A) and 55 (Model B). Although the number of total parameters in Model B triples, it leads to an average SINR 0.43 dB lower than that by Model A. So, the kernel size of 33 is used in the following experiments.

In recent years, researchers[15] have shown that introducing the residual connection can promote better backpropagation of gradient, avoiding the problems of gradient diminishing and explosion during training. To analyze the effect of residual connection for complex-valued networks, an additional residual connection is added between the input and output of the CV-FCN, resulting in a complex-valued residual network (CV-ResNet) used for comparison with CV-FCN. Except for one additional residual connection, the other layers and parameters remain unchanged. The performance comparison is shown in Fig. 8, and the result indicates that the CV-FCN has a better performance especially in low SINR scenarios. The beat frequency of the targets’ signals is constant, which results in the horizontal lines in the - spectrum. The features of the targets’ beat signals can be extracted by the convolution filters of CV-FCN, while the filters in CV-ResNet deal with the features of interferences, which show inclined lines with different slopes, intensities, and durations in the - spectrum and are relatively more complex. Different features extracted explain why the residual connection does not work well. However, the CV-ResNet may acquire better performance in other IM applications where signals are more complex than interferences.
V-C Performance comparison with real-valued networks
In order to analyze the effect of complex-valued networks in the radar signal processing chain, we compared the CV-FCNs with their real-valued counterparts over a variety of network depths.

The real-valued FCN (RV-FCN) is constructed using the real-valued convolution layer and the ReLU activation function to replace the corresponding complex modules. In the complex-valued networks, the number of complex filters in each layer is the number of complex feature maps. It is also the effective number of feature maps for each of the real and imaginary parts. To obtain the same number of feature maps for performance comparison, the number of filters in each layer in RV-FCNs is twice that in CV-FCNs, and the other parameters remain unchanged (as shown in Fig. 4).
The performance comparison is shown in Fig. 9, where the CV-FCNs of different depths show a better performance in low SINR scenarios compared to the real-valued counterparts. In the interference mitigation task, it is more meaningful to consider the performance in low SINR scenarios. The detailed parameters and quantitative results of the CV-FCNs and RV-FCNs are shown in Table IV. When the SINR of interfered signals is between -40 dB and -20 dB, all the CV-FCNs with different depths show better results (in bold red font), and the SINRs of the beat signals recovered by CV-FCNs are on average 1.1 dB higher than that by RV-FCNs. Moreover, due to complex multiplication and half the number of filters in each layer in the CV-FCN, its parameter amount is half of the real-valued counterparts.
Next, we compared the optimal CV-FCN, whose total parameters are 37730, with the optimal RV-FCN whose total parameters are 84418. With the number of total parameters reduced by 55.3%, the CV-FCN achieves almost the same performance as the RV-FCN. In the computer’s memory, the optimal RV-FCN requires 1.04 megabytes of memory, while the CN-FCN requires only 525 kilobytes. Additionally, the SINR of recovered signals has improved from -0.54 dB to 0.93 dB when the SINR of the interfered signals is between -40 dB and -35 dB. This suggests that the CV-FCN can be better used in practical applications due to the limitation of the hardware memory and its superior performance in suppressing strong interferences.
[b] Method filter number depth parameter SINR (dB) in low SINR scenarios1 6 19170 3.0872 7 23810 4.1154 8 28450 2.5828 9 33090 3.7518 10 37730 4.4528(optimal) 11 42370 4.1615 CV-FCN 16 12 47010 4.0407 6 38178 2.5821 7 47426 3.8125 8 56674 1.8419 9 65922 0.8446 10 75170 2.1030 11 84418 4.0085(optimal) RV-FCN 32 12 93666 2.8022
-
1
The SINR of interfered signals is between -40 dB and -20 dB.

V-D Effects of prior-guided loss function
In Section III-C, we proposed the prior-guided loss function based on the different distributions of targets’ beat signals and interferences in the spectrogram. In this part, we use the prior-guided loss function instead of MSE to train the obtained optimal CV-FCN (Model A) in Section V-B. The hyper-parameter in equation (6) is used to make a trade-off between data consistency and prior knowledge. Note that the prior-guided loss function becomes the MSE when .
V-D1 Effect on convergence rate of training
a training dataset containing 4320 samples (- maps) is generated. Then, without loss of generality, and were used in the loss function (6) for comparison, and in each case the CV-FCN was trained for different epochs ranging from 20 to 100 with a step size of 20. The performance of the obtained CV-FCNs is shown in Fig. 10. One can see that the performance of the CV-FCN improves with the increase of training epochs for both cases of and . In low SINR scenarios, the CV-FCN trained for fewer epochs achieves comparable results as that trained for 100 epochs when the prior information was incorporated (i.e., ).




The network has not yet learned enough features to suppress the interference components as the training epochs are less than 100. With the introduced regularization term, the features needed for interference mitigation can be extracted faster by training. On the other hand, the CV-FCN using the MSE as the loss function (i.e., ) converged when trained for 100 epochs according to Fig. 10. The MSE is sufficient to help the network to extract the correct features, and introducing norm does not make a difference in the performance. As a result, the CV-FCN trained using the prior-guided loss function where is 400 reaches almost the same results in low SINR scenarios with only 20 training epochs. By contrast, in the high SINR scenarios, the interference components are reduced, and the noise becomes the dominant disturbance to the signal. Thus the MSE becomes the key part in the prior-guided loss function. Moreover, the regularization impact of norm becomes weaker for a fixed value of . This can explain the fact that the performance improvement in high SINR scenarios is not obvious. One possible solution is to adjust the hyper-parameter according to the SNR to overcome this problem.
V-D2 Effect on the size of training dataset
To evaluate the effect of prior knowledge incorporation in the loss function on the size of the dataset required for training, three datasets of different sizes, i.e., , , and of the training dataset in section V-D1, were generated. Based on the convergence analysis in section V-D1, we set the training epochs to 100. Fig. 11 shows the performance of the CV-FCNs trained using the datasets of different sizes when takes various values. According to Fig. 11LABEL:sub@fig:dataset_half-LABEL:sub@fig:dataset_eighth, the SINRs of recovered signals generally degrade with the decrease of the sizes of training datasets. The smaller size of the training dataset used, the severer the SINR degradation compared to that obtained with the full dataset. However, with the increase of , the SINRs of recovered signals have been improved especially in low SINR scenarios, and a more noticeable improvement can be seen for a smaller training dataset.









To facilitate comparison of the regularization effect of the prior knowledge on the size of training dataset, the SINRs of recovered signals with in Fig. 11LABEL:sub@fig:dataset_half-LABEL:sub@fig:dataset_eighth are shown together in Fig. 12. It is clear that reducing the size of the training dataset results in performance degradation over a wide range of SINRs of input signals. But with the additional prior information offered by the norm, the CV-FCNs trained on smaller datasets achieve comparable performance as that on the full dataset in the low SINR scenarios, even when reducing the size of the training dataset to one eighth. This is because that when the training dataset is small, the features extracted by the network using the MSE as a loss function would be insufficient for interference mitigation; thus, the network’s performance would worsen. Incorporating the prior information offered by norm is helpful to guide and improve the features extracted for interference mitigation, compensating for the effect of data shortage. Therefore, the proposal interference mitigation approach is attractive for small data learning by introducing prior knowledge.
To demonstrate the performance of the CV-FCN (Model A) trained with 1/8 of the full data (i.e., 540 samples), Fig. 13 illustrates the interference mitigation results of an interfered beat signal of two point targets. Due to strong interferences between 100 and 250 in the beat signal, the weak target is almost immersed in the raised noise floor (see Fig. 13LABEL:sub@fig:simu_sig_inp_RealPart-LABEL:sub@fig:simu_sig_fft_oral_inp). After being processed with the CV-FCN obtained with , the interferences and noise are significantly suppressed, but some residual interference components are still observed (Fig. 13LABEL:sub@fig:simu_sig_TF_inp and LABEL:sub@fig:simu_sig_TF_pred_b0). With the increase of , the residual interferences and noise are further mitigated (see Fig. 13LABEL:sub@fig:simu_sig_TF_pred_b128-LABEL:sub@fig:simu_sig_TF_pred_b400), and consequently the noise floor of the range profile decreases as well (Fig. 13LABEL:sub@fig:simu_sig_fft_pred), which would improve the probability of target detection.
Therefore, by tunning the hyper-parameter , the prior information characterized by norm can enforce the CV-FCN to extract meaningful features for interference mitigation faster during training, thus accelerating the convergence rate of training. Moreover, by incorporating the prior information, the proposed CV-FCNs can be trained with a smaller dataset, which is attractive for interference mitigation problems as it is generally very difficult to acquire labeled real radar data in practice, especially for dynamic scenarios.

V-E Comparative Analysis with Other Techniques





















The performance of our proposed approach is compared with several state-of-the-art interference mitigation methods, including traditional signal processing approaches such as the Wavelet Denoising (WD) based method[5], Adaptive Noise Canceller (ANC) [4], CFAR-Z and CFAR-AC [30], and DL-based approaches such as CNN-based method [9] and ResNet-based method [15]. We used the simulated radar signals for test and quantitatively evaluated the performance of different methods. Fig. 14 shows the SINRs of the obtained signals after interference mitigation with different approaches. Due to the ResNet was designed to process the SAR images, in our experiments, the number of filters of the ResNet is set to half of that in [15] for FMCW radar signal processing. The CV-FCN is trained using the prior-guided loss function where and the CNN and ResNet are trained using the MSE loss function.
The comparative results show that our proposed CV-FCN based prior-guided IM approach is obviously better than other methods. Specifically, the cfarZ and cfarAC use constant false alarm rate (CFAR) to detect the interference components of acquired beat signals in the time-frequency spectrum. The detection accuracy is determined by the selected parameters. Then cfarZ uses zeroing to mitigate detected interferences, which naturally removes targets’ beat signals at the same time. Different from cfarZ, cfarAC uses amplitude correction (AC) to reconstruct the beat signals removed by zeroing, which shows better performance than cfarZ. Besides, WD method can extract and remove the interferences in the wavelet domain, which shows a good performance in low SINR scenarios. In the ANC method, the negative half of the FFT spectrum is used as the input of its reference channel, and the filtering step size is manually adjusted. As described, the performance of the above traditional signal processing methods depends on a proper selection of a few manually adjustable parameters. Over a wide range of the SINR variations, their performance is not good as the selected DL-based methods111In principle, the range of SINRs of input signals can be divided into a few small segments. By tuning the related parameters of conventional methods over each small range of SINR of input signals, they could outperform the DL-based methods. However, selecting such a set of parameters is nontrivial in practice..
On the other hand, our proposed CV-FCN achieves better performance expecially in low SINR scenarios with only 12% the number of total parameters of the ResNet. The effect of residual connection has been verified and discussed in Section V-B, which is not suitable for extracting the feature of targets’ beat signals. The superior performance compared with other NNs shows the advantage of network architecture optimization by grid search, complex-valued representation in radar signal processing, and the prior feature offered by norm.
VI Measuremnt Results
In this section, the radar signals measured as described in Section IV-B are used to verify the generalization of our proposed prior-guided CV-FCN based IM approach.
We consider the scene of industrial chimneys. Due to the limitation of the experimental condition, the clean reference signal cannot be obtained. The qualitative results, including the signal waveforms in the time-domain, the - diagrams, and range profiles of beat signals, are shown in Fig. 15. As shown in Fig. 15LABEL:sub@fig:chimney_sig_inp_RealPart, three large pulses can be observed in the received radar signal, which is caused by the strong interferences. Then the interference-contaminated beat signal leads to a range profile with significantly increased noise floor, and the two weaker targets cannot be detected (see Fig. 15LABEL:sub@fig:chimney_sig_fft_inp). The - spectrum of the beat signal is computed through the STFT algorithm, where the parameters setting is the same as simulated signals. One can see from Fig. 15LABEL:sub@fig:chimney_sig_TF_inp that the interferences exhibit as three inclined thick lines in the - spectrum.
To overcome the missed detection of targets caused by the strong interferences, the optimal RV-FCN and CV-FCN obtained in Section V-B are used to suppress the interference components in measured radar signals. The network was trained using the dataset including only simulated radar signals, and the prior-guided loss function is used for training.
The - map of the recovered signal processed by the RV-FCN is shown in Fig. 15LABEL:sub@fig:chimney_sig_TF_pred_real, the interferences are entirely removed in the negative frequency, but there are still residual interference components mixed with the desired spectrum of targets in the positive frequency. This can be explained by the fact that the beat signals mixed with interferences and noise are relatively more difficult for the network to extract their features. In contrast, a more complete interference mitigation performance can be seen in Fig. 15LABEL:sub@fig:chimney_sig_TF_pred_b_0, which shows the better generalization performance of complex-valued networks. Furthermore, with the value of increases, the residual interference components and noise are removed as shown in Fig. 15LABEL:sub@fig:chimney_sig_TF_pred_b_0 to LABEL:sub@fig:chimney_sig_TF_pred_b_400. After interference mitigation, three peaks representing the objects can be clearly seen in the range profiles as shown in Fig. 15LABEL:sub@fig:chimney_sig_fft_pred, and the CV-FCN offers a lower noise floor than the RV-FCN. With the proportion of norm gradually increases, the noise floor is further decreased, which would help to improve the target detection probability.
We also applied the RV-FCN and our proposed approach to the measured radar signals collected in the other two scenes for interference mitigation (a rotating wind turbine and a street with moving cars). The - maps of interference contaminated beat signals and recovered radar signals are shown in Fig. 16. Similarly, a better IM performance is obtained by the CV-FCN, but there are still interference components in the positive half of the STFT spectrum. By increasing the value of , this problem can be solved. The residual interference components and noise are obliterated, and the desired spectra related to targets are recovered.
The experimental results on measured radar signals collected in various real-world scenes have shown a better generalization performance of complex-valued networks. Besides, we can see the effectiveness of the prior-guided loss function in helping the neural networks to remove the residual interferences and noise in measured radar signals. Therefore, the proposed CV-FCN based prior-guided interference mitigation approach can be better applied in reality.
VII Conclusion
In this paper, a prior-guided deep learning based interference mitigation approach has been presented for FMCW radars. The STFT is used to transform received radar signals to the - domain so that the NNs can better extract the features of targets’ beat signals and interferences. Then the CV-FCN is designed to deal with the complex-valued radar signals. Meanwhile, the prior feature is introduced as a regularization term in the training stage.
An FMCW radar interference dataset with a wide and realistic range of signal parameter variations is presented. The experimental results show a better interference mitigation performance with fewer parameters in low SINR scenarios offered by complex-value networks. Additionally, the networks can converge faster, and the size of the dataset needed for training can be reduced with the prior-guided loss function. Compared to the well-known traditional and DL-based interference mitigation techniques, the proposed approach achieves the state-of-the-art in SINR based performance comparison. Finally, the qualitative results on the measured radar signals show its excellent generalization. In future work, we aim to design an optimization algorithm to adjust the value of hyper-parameter automatically in the prior-guided loss function.
Acknowledgment
The authors would like to thank F. van der Zwan from TU Delft for his help for experimental measurements and providing the data.
References
- [1] M. Rameez, M. Dahl, and M. I. Pettersson, “Autoregressive model-based signal reconstruction for automotive radar interference mitigation,” IEEE Sensors Journal, vol. 21, no. 5, pp. 6575–6586, 2021.
- [2] J. Bechter, F. Roos, M. Rahman, and C. Waldschmidt, “Automotive radar interference mitigation using a sparse sampling approach,” in 2017 European Radar Conference (EURAD), pp. 90–93, IEEE, 2017.
- [3] J. Bechter, K. D. Biswas, and C. Waldschmidt, “Estimation and cancellation of interferences in automotive radar signals,” in 2017 18th International Radar Symposium (IRS), pp. 1–10, IEEE, 2017.
- [4] F. Jin and S. Cao, “Automotive radar interference mitigation using adaptive noise canceller,” IEEE Transactions on Vehicular Technology, vol. 68, no. 4, pp. 3747–3754, 2019.
- [5] S. Lee, J.-Y. Lee, and S.-C. Kim, “Mutual interference suppression using wavelet denoising in automotive fmcw radar systems,” IEEE Transactions on Intelligent Transportation Systems, 2019.
- [6] M. Wagner, F. Sulejmani, A. Melzer, P. Meissner, and M. Huemer, “Threshold-free interference cancellation method for automotive fmcw radar systems,” in 2018 IEEE International Symposium on Circuits and Systems (ISCAS), pp. 1–4, IEEE, 2018.
- [7] J. Bechter, K. Eid, F. Roos, and C. Waldschmidt, “Digital beamforming to mitigate automotive radar interference,” in 2016 IEEE MTT-S International Conference on Microwaves for Intelligent Mobility (ICMIM), pp. 1–4, IEEE, 2016.
- [8] X. Li, Y. He, and X. Jing, “A survey of deep learning-based human activity recognition in radar,” Remote Sensing, vol. 11, no. 9, p. 1068, 2019.
- [9] J. Rock, M. Toth, E. Messner, P. Meissner, and F. Pernkopf, “Complex signal denoising and interference mitigation for automotive radar using convolutional neural networks,” in 2019 22th International Conference on Information Fusion (FUSION), pp. 1–8, IEEE, 2019.
- [10] J. Rock, M. Toth, P. Meissner, and F. Pernkopf, “Deep interference mitigation and denoising of real-world fmcw radar signals,” in 2020 IEEE International Radar Conference (RADAR), pp. 624–629, IEEE, 2020.
- [11] J. Rock, W. Roth, M. Toth, P. Meissner, and F. Pernkopf, “Resource-efficient deep neural networks for automotive radar interference mitigation,” IEEE Journal of Selected Topics in Signal Processing, vol. 15, no. 4, pp. 927–940, 2021.
- [12] N.-C. Ristea, A. Anghel, and R. T. Ionescu, “Fully convolutional neural networks for automotive radar interference mitigation,” arXiv preprint arXiv:2007.11102, 2020.
- [13] M. L. L. de Oliveira and M. J. G. Bekooij, “Deep convolutional autoencoder applied for noise reduction in range-doppler maps of fmcw radars,” in 2020 IEEE International Radar Conference (RADAR), pp. 630–635, 2020.
- [14] J. Fuchs, A. Dubey, M. Lübke, R. Weigel, and F. Lurz, “Automotive radar interference mitigation using a convolutional autoencoder,” in 2020 IEEE International Radar Conference (RADAR), pp. 315–320, IEEE, 2020.
- [15] W. Fan, F. Zhou, M. Tao, X. Bai, P. Rong, S. Yang, and T. Tian, “Interference mitigation for synthetic aperture radar based on deep residual network,” Remote Sensing, vol. 11, no. 14, p. 1654, 2019.
- [16] S. Chen, W. Shangguan, J. Taghia, U. Kühnau, and R. Martin, “Automotive radar interference mitigation based on a generative adversarial network,” in 2020 IEEE Asia-Pacific Microwave Conference (APMC), pp. 728–730, 2020.
- [17] J. Mun, H. Kim, and J. Lee, “A deep learning approach for automotive radar interference mitigation,” in 2018 IEEE 88th Vehicular Technology Conference (VTC-Fall), pp. 1–5, IEEE, 2018.
- [18] J. Mun, S. Ha, and J. Lee, “Automotive radar signal interference mitigation using rnn with self attention,” in ICASSP 2020-2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pp. 3802–3806, IEEE, 2020.
- [19] D. A. Brooks, O. Schwander, F. Barbaresco, J.-Y. Schneider, and M. Cord, “Complex-valued neural networks for fully-temporal micro-doppler classification,” in 2019 20th International Radar Symposium (IRS), pp. 1–10, IEEE, 2019.
- [20] P. Virtue, X. Y. Stella, and M. Lustig, “Better than real: Complex-valued neural nets for mri fingerprinting,” in 2017 IEEE international conference on image processing (ICIP), pp. 3953–3957, IEEE, 2017.
- [21] Y. Arima and A. Hirose, “Millimeter-wave coherent imaging of moving targets by using complex-valued self-organizing map and auto-encoder,” IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing, vol. 13, pp. 1784–1797, 2020.
- [22] C. Trabelsi, O. Bilaniuk, Y. Zhang, D. Serdyuk, S. Subramanian, J. Santos, S. Mehri, N. Rostamzadeh, Y. Bengio, and C. Pal, “Deep complex networks. arxiv 2018,” arXiv preprint arXiv:1705.09792.
- [23] A. Hirose and S. Yoshida, “Generalization characteristics of complex-valued feedforward neural networks in relation to signal coherence,” IEEE Transactions on Neural Networks and learning systems, vol. 23, no. 4, pp. 541–551, 2012.
- [24] J. Wang, M. Ding, and A. Yarovoy, “Matrix-pencil approach-based interference mitigation for fmcw radar systems,” IEEE Transactions on Microwave Theory and Techniques, pp. 1–1, 2021.
- [25] M. Abadi, P. Barham, J. Chen, Z. Chen, A. Davis, J. Dean, M. Devin, S. Ghemawat, G. Irving, M. Isard, et al., “Tensorflow: A system for large-scale machine learning,” in 12th USENIX symposium on operating systems design and implementation (OSDI 16), pp. 265–283, 2016.
- [26] M. Arjovsky, A. Shah, and Y. Bengio, “Unitary evolution recurrent neural networks,” in International Conference on Machine Learning, pp. 1120–1128, PMLR, 2016.
- [27] N. Guberman, “On complex valued convolutional neural networks,” arXiv:1602.09046, 2016.
- [28] B. G. Bodmann and P. K. Singh, “Burst erasures and the mean-square error for cyclic parseval frames,” IEEE transactions on information theory, vol. 57, no. 7, pp. 4622–4635, 2011.
- [29] K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” arXiv preprint arXiv:1409.1556, 2014.
- [30] J. Wang, “CFAR-based interference mitigation for FMCW automotive radar systems,” 2021, arXiv:2101.01257.