Next Article in Journal
Laser Sintering of CNT/PZT Composite Film
Next Article in Special Issue
Improved Likelihood Probability in MIMO Systems Using One-Bit ADCs
Previous Article in Journal
Research on Underdetermined DOA Estimation Method with Unknown Number of Sources Based on Improved CNN
Previous Article in Special Issue
Direction of Arrival Estimation of Generalized Nested Array via Difference–Sum Co-Array
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Denoising Generalization Performance of Channel Estimation in Multipath Time-Varying OFDM Systems

1
Shanghai Advanced Research Institute, Chinese Academy of Sciences, Shanghai 201210, China
2
University of Chinese Academy of Sciences, Beijing 100049, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(6), 3102; https://doi.org/10.3390/s23063102
Submission received: 6 February 2023 / Revised: 1 March 2023 / Accepted: 10 March 2023 / Published: 14 March 2023

Abstract

:
Although Orthogonal Frequency Division Multiplexing (OFDM) technology is still the key transmission waveform technology in 5G, traditional channel estimation algorithms are no longer sufficient for the high-speed multipath time-varying channels faced by both existing 5G and future 6G. In addition, the existing Deep Learning (DL) based OFDM channel estimators are only applicable to Signal-to-Noise Ratios (SNRs) in a small range, and the estimation performance of the existing algorithms is greatly limited when the channel model or the mobile speed at the receiver does not match. To solve this problem, this paper proposes a novel network model NDR-Net that can be used for channel estimation under unknown noise levels. NDR-Net consists of a Noise Level Estimate subnet (NLE), a Denoising Convolutional Neural Network subnet (DnCNN), and a Residual Learning cascade. Firstly, a rough channel estimation matrix value is obtained using the conventional channel estimation algorithm. Then it is modeled as an image and input to the NLE subnet for noise level estimation to obtain the noise interval. Then it is input to the DnCNN subnet together with the initial noisy channel image for noise reduction to obtain the pure noisy image. Finally, the residual learning is added to obtain the noiseless channel image. The simulation results show that NDR-Net can obtain better estimation results than traditional channel estimation, and it can be well adapted when the SNR, channel model, and movement speed do not match, which indicates its superior engineering practicability.

1. Introduction

As a multicarrier modulation technology, OFDM technology has the characteristics of high spectrum utilization and strong anti-multipath transmission ability. It has been widely used in terrestrial radio broadcasting systems such as ATSC3.0 and DVB-T2 and mobile communication systems such as 4G and 5G. In practical wireless environments, signals tend to experience frequency selective fading during transmission due to channel multipath effects. This causes amplitude, frequency and phase distortion of the received signal at the receiver, making it difficult for the receiver to demodulate the correct transmitted signal. Therefore, channel estimation at the receiver is required to obtain accurate channel characteristics. This allows the channel to be compensated accordingly at the receiver to improve the transmission quality and ensure the reliability of the communication. In OFDM systems, the conventional channel estimation method approximates a frequency-selective fading wideband channel as a flat-fading narrowband channel one by one, and channel estimation is performed for each flat-fading channel to obtain a more accurate channel frequency response. This method is suitable in wireless environments where the mobile rate is not high and the Doppler frequency shift is small.
With the rapid development of social and economic, the application of high-speed transportation such as trains and high-speed railways is becoming more and more popular, which greatly shortens people’s travel time. However, wireless channels in high-speed environments are highly time-varying, often accompanied by shifts in the channel model and rapid changes in the Doppler shift. At this point, the narrowband channels in each frequency domain can no longer be approximated as flat, and traditional channel estimation methods such as Least Square (LS) and Minimum Mean Square Error (MMSE) are no longer applicable. Therefore, more sophisticated and targeted measures are needed to estimate the channel. To overcome this problem, data-driven OFDM channel estimation based algorithms have attracted discussions among scholars. Preliminary results show that DL-based OFDM channel estimation algorithms outperform traditional model-driven algorithms in high-speed mobile scenarios. However, the performance of this algorithm depends on the richness of the channel information used. If the designed model deviates significantly from the channel environment, the performance of the algorithm will be much worse compared to the theoretical calculation.
Then how to use the DL-based denoising technique in multipath time-varying systems to further improve the generalization of the algorithm under the environment mismatch while ensuring the accuracy of channel estimation is the focus of this paper. In this paper, we first design a feedforward network C N N N to estimate the noise level of the current environment. Then cascade the DnCNN as a denoising network C N N D to denoise the noisy channel estimation matrix. Finally, use the residual module to improve the convergence speed of the model. The experimental results indicate that the overall implementation complexity of the proposed algorithm is lower than that of the conventional channel estimation algorithm, which improves the engineering practicability of the algorithm.
In general, the main contributions of this paper include:
  • This paper uses 5G standard channels and parameters to construct an OFDM communication system, which has excellent engineering practicability.
  • A DL-based OFDM channel estimation denoising network NDR-Net is proposed. The receiver first obtains the noisy channel matrix using the traditional channel estimation algorithm. Then it is modeled as a two-dimensional image and fed into a denoising network with C N N N and C N N D cascade. The C N N N is an NLE subnet to extend the generalization noise interval, and the C N N D is a DnCNN with residual layer, which mainly serves to denoise the channel images.
  • Through extensive simulations, we verify the performance advantages of the proposed cascade algorithm over traditional algorithms and a single denoising algorithm. Then we evaluate the performance impact of the proposed algorithm trained on fixed SNR, channel model, and velocity, and tested on other SNR, channel model, and velocity points, to verify the adaptability of the proposed algorithm for real time-varying multipath channels.
The remainder of this paper is organized as follows. The related work on DL-based OFDM channel estimation are presented in Section 2. The wireless OFDM communication system model, traditional channel estimation algorithm, and denoising network DnCNN are introduced in Section 3. The proposed denoising channel estimator is illustrated in Section 4. The simulation results are discussed in Section 5. Section 6 concludes this paper.

2. Related Work

In 5G communications, traditional signal processing algorithms are inefficient and inflexible in handling large data. It is also difficult to fit the nonlinear operations in the environment. Artificial Intelligence/Machine Learning (AI/ML) technologies are experts in extracting signal features automatically, processing data in milliseconds, and modeling complex wireless environments. Therefore, the convergence of AI/ML technologies with 5G can solve lots of the challenges faced by current channel estimation. In addition, at the latest 3rd Generation Partnership Project (3GPP) meeting, the first projects for the first version of the 5G-Advanced Release 18 (R18) standard were identified, which also includes how AI/ML can be applied to DL-based physical layer transmission technologies.
Many scholars have applied AI/ML techniques to the physical layer of communication, including DL-based autoencoder technology [1,2,3], Modulation recognition technique [4,5], Peak to Average Power Ratio (PAPR) reduction techniques [6,7], Channel State Information (CSI) feedback technology [8,9], Joint source channel coding [10,11]. Therefore, the application of AI/ML techniques to channel estimation has great potential for both improving the accuracy of channel estimation and improving performance in scenarios with diverse channel conditions.
The authors in [12] show the preliminary results of applying deep learning to channel estimation and signal detection, which uses the Fully Connected Deep Neural Network (FC-DNN) to implicitly estimate the CSI and then directly recover the transmitted symbols. The method is experimentally shown to exhibit more superior performance than traditional signal detection methods, but convergence is slow due to too many parameters. To reduce the estimation complexity, the authors in [13] combine the FC-DNN in [12] and the Channel Parameter-Based (CPB) algorithm in [14] to propose the Channel Parameter Refinement Network (CPR-Net). This network can directly estimate the channel parameters and then reconstruct the channel response by channel parameters. The results demonstrate that CPR-Net can significantly improve the estimation accuracy of complex amplitude and Doppler shift, but there is the problem of error propagation. The work in [15] proposed a DL architecture called ComNet. ComNet with a combination of digital and analog drives, using two subnetworks for channel estimation and signal detection, respectively. The results show that the model can achieve higher detection accuracy with significantly reduced parameters compared to the FC-DNN network. The above models consider only time-invariant channels, which are not applicable to the time-varying channels.
Improving the accuracy of channel estimation under time-varying conditions is done in two main ways. One is to find a suitable DL model to estimate the channel response directly as accurately as possible, and the second is to use a suitable denoising algorithm to reduce the noise of the already estimated channel response. For the first method, many scholars have made related studies. The authors in [16] proposed ChanEstNet to address the problem of limited performance of downlink channel estimation due to fast time-varying and non-stationary characteristics in high-speed mobile scenarios. This method first uses CNN to extract the channel characteristic vector and then uses Recurrent Neural Network (RNN) to estimate the channel, so that it learns the features of fast time-varying and non-stationary channels. The work in [17] proposed a novel Internal Carrier Interference Network(ICINet) for sensing Inter-Carrier Interference (ICI). Experiments show that the proposed ICINet can significantly reduce inter-subcarrier Interference and improve the accuracy of existing channel estimation schemes. In [18], the interpolation process in the frequency domain is first simulated using a two-layer CNN. Then the Bi-directional Long Short-Term Memory (BiLSTM) structure is used for channel prediction. Finally, it is input to CNN again to reduce the dimensionality to obtain CSI. The results show that the proposed DL-based algorithm can obtain higher estimation accuracy than the traditional channel estimation algorithm in different environments. The authors in [19] proposed a Linear Machine Learning (LML) based channel estimation and online training scheme. The data are generated in groups by tracking the channel in real-time and a linear regression model is used as the learning module. The results show that the scheme can adapt to channel changes under shorter training cycles and a small amount of training data.
Another way to improve the accuracy of channel estimation is through denoising. The authors in [20] proposed an image noise reduction model Denoising convolutional neural network (DnCNN). The model can learn the noise in the image while cascading on residual learning can accelerate the training process. Simulation results demonstrate that DnCNN has better denoising effect compared with traditional denoising methods and can be extended to handle general image denoising tasks. The authors in [21] consider the millimeter-wave channel matrix as a two-dimensional image and apply a Learned Denoising-based Approximate Message Passing (LDAMP) network, fusing DnCNN to an iterative signal reconstruction algorithm for channel estimation. Simulation results showing that the LDAMP outperforms conventional algorithms and compressed sensing algorithms. The authors in [22] designed a channel estimator based on Knowledge-Driven Machine Learning (KDML) using the DnCNN in large-scale Multiple-Input Multiple-Output(MIMO) systems. The estimator has a simple neural network structure and a low training cost. Simulation results demonstrate that the estimator outperforms the LS algorithm and machine learn-based estimators. The authors in [23] proposed a two-stage channel grid estimation algorithm ChannelNet. Firstly, the time-frequency response of the fast-fading channel is considered as a two-dimensional image, and the Low Resolution (LR) image is obtained by Gaussian interpolation of the pilot value. Then the Super-Resolution Neural Network (SRCNN) algorithm is used to obtain the estimated channel as a High Resolution(HR) image. Finally, the DnCNN is used to remove the noise effect. An improved Convolutional Blind Denoising Network (CBDNet) is proposed as a channel estimator in a mmWave MIMO system [24]. The estimator can estimate the SNR level while reducing the noise in the channel matrix. However, the channel model and the mismatch of moving speed are not considered. According to our current survey, the existing DL-based channel estimation studies mainly stay at the level of improving the generalizability of the model to SNR. And generalizability considering channel model and movement speed has not been available or less studied.
In this section, we comprehensively introduce the application of AI/ML in the direction of channel estimation in OFDM/MIMO communication. Some of these techniques that are used in the high-speed channel and our contribution are summarised and compared in Table 1.

3. System Model

In this section, we first introduce the model of the OFDM communication system in Section 3.1. Then introduce the LS algorithm at full pilots in Section 3.2. Finally, we introduce how to reference the DnCNN model to channel estimation denoising in Section 3.3.

3.1. OFDM System

Figure 1 shows the block diagram of the OFDM system in the multipath time-varying channel. At the transmitter, each group inputs a bit stream x = x 0 , x 1 , x 2 , , x 2 N c 1 is digitally modulated to Quadrature Phase Shift Keying (QPSK) symbols X ( k ) , where N c is the number of subcarriers, x i = 0 , 1 , i = 0 , 1 , 2 , , 2 N c 1 . Then the modulated signal is Invert Fast Fourier Transformation (IFFT) to obtain the time-domain signal x ( n ) of the modulated signal:
x ( n ) = IFFT [ x ( k ) ] = k = 0 N I F F T X ( k ) e j 2 π k n N I F F T , n = 0 , 1 , 2 , , N I F F T 1
A Cyclic Prefix (CP)of length N g is inserted to eliminate Inter Symbol Interference (ISI) caused by multipath channels, then we can obtain a new OFDM signal x f ( n ) :
x f ( n ) = x N I F F T + n , n = N g , N g + 1 , , 1 x ( n ) , n = 0 , 1 , , N I F F T 1
Considering the multipath time-varying channel of the Single Input Single Output (SISO) model, i.e.,
h ( t ) = l = 0 L 1 h l δ t τ l e j 2 π v l t
where L represents the number of resolved multipath, l indicates the multipath channel index, τ l represents the time delay of the l-th path, h l denotes the complex amplitude of the l-th path, v l denotes the corresponding doppler shift, which can be calculated by the formula v l = f c v · cos θ / c , f c denotes the carrier frequency, v denotes the moving speed of the mobile station, c denotes the speed of light, θ denotes the signal arrival angle. Since this paper consider SISO systems, so θ = 0 , v c = f c v / c .
Then the downlink received signal y ( n ) can be expressed as:
y ( n ) = x ( n ) h ( n ) + w ( n )
where ⊗ denotes cyclic convolution, w ( n ) denotes Additive White Gaussian Noise (AWGN). CP is removed from the received signal, and then through Fast Fourier Transformation (FFT), the following received signal can be obtained:
Y ( k ) = F F T [ y ( n ) ] = 1 N I F F T n = 0 N I F F T 1 y ( n ) e j 2 π k n / N I F F T , k = 0 , 1 , , N I F F T 1
At this time, the received signal Y ( k ) can also be expressed as:
Y ( k ) = X ( k ) H ( k ) + W ( k )

3.2. LS Channel Estimation

Since all positions of the OFDM system are considered as pilots in this paper, so we can directly use a simple LS estimate to get H ^ L S , by minimizing the cost function:
J H ^ L S = Y X H ^ L S 2 = Y H Y Y H X H ^ L S H ^ L S H X H Y + H ^ L S H X H X H ^ L S
Let the partial derivative of the above cost function concerning H ^ L S be equal to 0:
J H ^ L S H ^ L S = 2 X H Y H + 2 X H X H ^ L S H = 0
Thus, the solution of LS channel estimation can be obtained as follows:
H ^ L S = X H X 1 X H Y = X 1 Y
The LS algorithm is simple and has low complexity. However, it ignores the effect of noise, which leads to a large error in the estimation. Therefore, denoising is needed after LS estimation.

3.3. DnCNN Model

In this subsection, we model the noisy channel matrix obtained by LS estimation as a two-dimensional image, where N c and N s represent the number of subcarriers and OFDM symbols, respectively. The image is input to DnCNN network for denoising to obtain a noisy image of the same dimension. DnCNN consists of 5 convolutional layers, and its specific structure is shown in Figure 2. The first Conv layer is the input layer and uses 64 different filters of size 3 × 3 × 1 . The filter is followed by Rectified Linear Unit (ReLU), where R e L U ( x ) = m a x ( 0 , x ) is a nonlinear activation function. The input layer mainly transforms the input image into an actionable feature map. The hidden layer consists of 3 convolutional layers, each of which uses 64 filters of the size 3 × 3 × 1 . Each filter is followed by a Batch Normalization (BN) layer and ReLU activation function. BN layer is used because BN can force the input values of each layer neuron back to a standard normal distribution with mean of 0 and variance of 1. That is, the increasingly skewed distribution values after the previous layer of transformation are pulled back to the standard distribution so that the activation input values can fall in the region where the nonlinear function is more sensitive to the input. This prevents the gradient from vanishing and speeds up the convergence. The one-sided suppression of the post-connected ReLU activation function can also be demonstrated, since the action of BN makes the data not distributed on the side of all zeros. The last layer is the output layer, and a 3 × 3 × 1 filter is used to reconstruct the noisy image.
H ^ L S is input to the DnCNN to obtain the channel noise image H ^ N o i s e , so residual learning [25] needs to be added to obtain the channel image H ^ after noise reduction. It is expressed as H ^ = H ^ L S H ^ N o i s e . The reason for choosing DnCNN with residual learning as the denoising module is that through residual learning, DnCNN can implicitly remove potentially clean images using the BN operation, making each input layer Gaussian and reducing correlation. Therefore, BN can be complemented with residual learning to improve image denoising ability. Therefore, BN and residual learning can complement each other to improve image denoising ability.
Although DnCNN has a certain denoising performance under the condition of unknown noise levels, it can only solve the denoising problem under specific noise level. Once the SNR, channel model, or moving speed of the receiver does not match the training model, a large error will be generated. Therefore, it is necessary to know the noise level in the current environment in advance, which can reflect various mismatches, so that DnCNN can be applied to a wider range of noise intervals. However, this is often unknown to the receiver. Therefore, a module is required that is dedicated to estimating the noise level interval of the current environment.

4. NDR-Net Assisted Channel Estimation

In this section, we first introduce the architecture and workflow of the proposed channel estimation model NDR-Net in Section 4.1. Then introduce the proposed noise level estimation subnet NLE, and explain the selection of network parameters in Section 4.2. Then introduce the selection of experimental data sets in Section 4.3. Finally, in Section 4.4, we analyze the complexity of the proposed algorithm and compared it with other algorithms.

4.1. NDR-Net

The framework of the proposed NDR-Net based channel estimator is presented in Figure 3. The NDR-Net is composed of noise level estimation subnet C N N N and denoising subnet C N N D . The C N N N module is composed of the NLE, and the C N N D module includes DnCNN and Residual learning. The receiver first makes a rough LS estimation of the channel to obtain H ^ L S , then inputs H ^ L S as the noisy channel matrix to the NLE network to obtain the noise level σ ^ set. It needs to be noted here that σ ^ s represents the estimated noise level that is the SNR value, σ ^ c h represents the Root Mean Squared (RMS) delay spread corresponding to the estimated channel model, and σ ^ v represents the estimated receiver movement speed. Then inputs σ ^ set and H ^ L S together to the DnCNN cascade network to obtain H ^ E , finally use residual learning to obtain H ^ D . It can be expressed as:
H ^ = H ^ D = f Θ ; H ^ L S = f D f N Θ N ; H ^ L S ; Θ D
where f N and f D represent the functions of C N N N and C N N D models respectively, Θ N and Θ D represent the hyperparameters of C N N N and C N N D models respectively. f and Θ denote the function and the set of hyperparameters of the NDR-Net model, respectively. The loss function of NDR-Net is expressed as the Mean Square Error (MSE) between the estimated channel response value and the actual channel response value:
L = arg min θ Θ E H ^ H 2

4.2. NLE Module

To solve the problem of insufficient performance of DnCNN under unknown noise level, a convolutional and fully connected noise level estimation network is proposed in this paper. The network is used as a feedforward network of DnCNN to achieve adaptive noise by taking the noise level of NLE output as a known condition of DnCNN. When SNR does not match, σ ^ represents the estimated SNR value of the current environment. When the channel model does not match, σ ^ represents the root mean square delay spread of the current model. When the moving speed does not match, represents the corresponding Doppler shift value.
The specific structure of NLE is shown in Figure 4, with 10 layers. The first layer is a convolutional layer using 32 different filters of size 3 × 3 × 1 , followed by a ReLU function. The middle five layers are convolutional layers, which serve the same purpose as the hidden layers of DnCNN, except that the filter size is changed to 32. A pooling layer of size 2 × 2 is also added after each layer to reduce the network parameters. The last four layers are fully connected layers, which gradually synthesize the features extracted from the previous layer. The number of connection points is 2000, 200, 50, 1, respectively. Each fully connected layer is followed by a ReLU function for nonlinear operations.

Selection of Pooling Layers

Pooling includes Maxpooling and Averagepooling. In NLE, in order to determine the final pooling choice, the noisy channel is modeled as an image input to NLE, SNR is used as a label, and NLE is considered as a regression problem for the experiment. SNR was chosen as the label because the changes of channel model and moving speed are based on SNR. Therefore, ensuring the accuracy of SNR estimation is also a prerequisite for improving the generalization performance in other aspects. By employing these two pooling methods separately, the estimates of NLE at different SNRs were recorded. Root Mean Squared Error (RMSE) was used to measure the accuracy of the prediction results. The calculation formula is as follows:
RMSE ( σ ) = 1 N i = 1 N ( σ ^ σ ) 2
where N indicates the size of the data sample in each SNR group, σ denotes the true SNR value, and σ ^ denotes the predicted SNR result.Table 2 and Table 3 list the predicted σ ^ and the corresponding RMSE values for 500 sets of data when σ is equal to 5, 10, 15, 20, 25, 30, 35, respectively. As can be seen from Table 3, the error predicted by using average pooling is smaller than that predicted by maximum pooling at any SNR. The reason for this result is that the network model is not deep in layers, and the use of maximum pooling can easily filter out the useful signals by judging them as noisy signals, which leads to a poorer estimation performance than the average pooling. Therefore, the Averagepooling method is used in the subsequent experiments.

4.3. Dataset

In this paper, all data are generated in the same communication system. Firstly, QPSK modulation is used to generate 16,000 sets of guide frequency sequences as the initial data stream. The data stream then passes through the OFDM communication system as shown in Figure 1, and the initial data set is obtained by rough LS estimation of the data at the receiver. Since the network cannot process complex numbers, the real and imaginary parts of each group of data in the data set are constructed in parallel. The reconstructed dataset is split into a training set and a validation set, from which 75 % are used for training, 25 % are used for validation. Correspondingly, a test set of the same size as the validation set is generated in the same way. For C N N N , the labels are composed of SNR, RMS time delay and Doppler frequency shift corresponding to each input dataset (SNR, channel model, and velocity do not match). For the C N N D , the labels are the real channel response matrix.

4.4. Complexity Analysis

This subsection will represent the complexity of channel estimation algorithms by using the symbol O . For the conventional channel estimation algorithms, the computational complexity required by LS is O ( N C ) and the MMSE algorithm is O ( N C 3 ) . For AI-based channel estimation algorithms, only the computational complexity of online training needs to be considered because the training process is done in advance and does not occupy real-time computing and storage resources.
For the noise level estimation stage in the NDR-Net algorithm, the C N N N module has a total of L layers, which includes the convolutional part and the fully connected part, and the computational volume is represented by C 1 and C 2 respectively. The fully connected layer has 4 layers. For the denoising stage, the C N N D module has a total of H layer, and the computational volume is denoted by C 3 . Then the complexity of NDR-Net can be expressed as:
O C 1 + C 2 + C 3 = O B N E N 2 N c k 1 2 + n L 4 k L 4 2 + l = 2 L 5 n l 1 n l k l 2 + B N E N l = L 3 L n l 1 n l + B D E D d 1 k 1 2 + 2 N c k H 2 + h = 2 H 1 d h 1 d h k h 2
where B N and E N represent the size of mini-batch and epochs of C N N N module, respectively. B D and E D represent the size of mini-batch and epochs of C N N D module, respectively. k i 2 denotes the size of kernels in i-th layer, n i and d i denotes the number of neurons of C N N N and C N N D at i-th layer, respectively. Here for each group of OFDM signals there have n 1 = d H = 2 N C . As can be seen, the computational complexity of the model is closely related to the number of neurons per layer.
The complexity of other high-speed channel estimation algorithms can also be obtained by the same calculation. The numbers of the parameters and the Floating Point Operations (FLOPs) of these high-speed algorithms are presented in Table 4.
It can be noticed that the computational complexity of NDR-Net is higher than that of ChannelNet and KDML since the C N N N module brings additional computations. The complexity of NDR-Net is lower than that of CBDNet because NDR-Net introduces a pooling module in the network to reduce the computational effort. Since the C N N N module can predict the noise level of the environment in advance, the denoising module of NDR-Net has only 5 layers, which can greatly reduce the training FLOPs. Specifically, although NDR-Net requires 7k more FLOPs than KDML, it can adapt to different physical environments, which is beneficial in general.
It should be emphasized here that due to the time-varying nature of the wireless channels, the specific environmental SNR, channel model, movement speed and data sets have to be taken into account when a network model is trained. The complexity increases linearly with the number of trained models, but this is acceptable in the context of improving the model generalization performance.

5. Experimental Evaluation

5.1. Parameter Configuration

In this subsection, the generalization performance of the proposed model under different SNR, channel model and velocity will be explored respectively. The simulation is carried out on a computer with Intel (R) Core (TM) i9-9900kf CPU @ 3.60GHz and NVIDIA GeForce GTX 2060 SUPER configuration under 64-bit Windows10 operating system. Among them, the data sets used are randomly generated by 5G channel model on the Matlab simulation platform. The network model is implemented in Keras in Tensorflow. The optimization algorithm is chosen as Adaptive Moment Estimation (Adam).
The main parameters of the communication system used in the simulation are shown in Table 5. Normal CP refers to the 7 OFDM symbols in a time slot, the first OFDM symbol with 160 CP, and the 2–7 OFDM symbols with 144 CP. The movement rate of the simulated multipath channel is 3–30 km/h in TDL-A, 30–120 km/h in TDL-B, and 120–350 km/h in TDL-C unless otherwise specified. The parameters of the proposed network model are shown in Table 6.

5.2. Simulation Results

In the following experiments, we will compare the proposed Channel estimator NDR-Net with the traditional LS algorithm, MMSE algorithm [26] and the Channel estimator using only C N N D under different SNR, channel model and velocity. Among them, C N N D denoising algorithm is the basic algorithm. The performance measure is the Channel estimation error MSE, defined as:
M S E = 1 N n = 1 N H ^ H 2 2

5.2.1. Generalization of NDR-Net on SNR

In this part, in order to explore the generalization performance of the proposed algorithm NDR-Net on SNR, firstly, the channel model is fixed as TDL-B, and the moving speed is selected as 120 Km/h. In [20], the author has proved that the C N N D trained under a single fixed SNR is not suitable for a large range of SNR environment, so three SNRs are selected to train the C N N D to obtain three denoising models. In this way, after the SNR value is estimated by C N N N , a matching denoising model can be selected for channel denoising according to the actual situation, which can ensure that the training complexity is reduced while the estimation performance is improved.
Figure 5 compares the generalization performance of SNR by different channel estimation algorithms. As can be seen from the simulation results, the estimation effect of the model obtained by training only C N N D at 5 dB decreases gradually after 15 dB. Due to the existence of virtual subcarriers, the model already appears flat layer at 20 dB, and the estimation effect is lower than that of LS estimation after 20 dB. The serious mismatch of SNR leads to the fact that C N N D has no denoising effect. The C N N D model trained at 15 dB and 30 dB is the same. It can be seen that C N N D can only fit a single SNR and its nearby SNR points, and lacks adaptability to other SNRs, which also proves the conclusion of literature [20] once again. The cascaded network NDR-Net (red line in the figure) can solve this problem well. Because it can adaptively select the best denoising model according to the SNR value in the current actual environment, NDR-Net can achieve good estimation performance on any SNR, and delay the flat layer problem caused by virtual subcarriers. It can be seen that in the 0–35 dB range, NDR-Net can gain 7–10 dB higher than the LS estimation, and 5–7 dB higher than the MMSE estimation.
In addition, we also do generalization performance comparison experiments of these algorithms on SNR under fixed other channel models and moving speeds, and the generalization results are similar.

5.2.2. Generalization of NDR-Net on Velocity

In this part, in order to explore the generalization performance of the proposed algorithm NDR-Net on the moving speed under the same channel model, SNR is 15 dB, TDL-A channel is 3 Km/h and 30 Km/h respectively, and TDL-B channel is 30 Km/h and 120 Km/h respectively. The TDL-C channel is trained at 120 Km/h and 350 Km/h respectively. The Doppler shifts corresponding to 3 Km/h, 30 Km/h, 120 Km/h and 350 Km/h are 9.72 Hz, 97.22 Hz, 388.89 Hz and 1134.26 Hz respectively. Figure 6 and Figure 7 show the simulation results for the test channels TDL-A-30km/h and TDL-B-120Km/h, respectively. It can be seen that in the same channel, the algorithm is not sensitive to the moving speed. When the test SNR is also 15 dB, the model also has good adaptability when the moving speed is not matched. Even under low or high SNR, the proposed algorithm can accurately estimate the doppler shift and determine the correct moving speed. In other words, even if SNR and moving speed do not match, the DL algorithm can achieve better estimation effect than the traditional algorithm and has good robustness.
The maximum mobile speed supported by 5G communications has reached 500 Km/h. Figure 8 represents the generalization effect under the TDL-C channel model trained at 350 Km/h and 500 Km/h moving speed respectively. It can be seen that the SNR loss of the model trained at 500 Km/h is no more than 0.1 dB compared with that of the model trained at 350 Km/h, indicating that the proposed algorithm is not sensitive to the moving speed. Thus the proposed algorithm has an excellent generalization effect even when the velocity is very large.

5.2.3. Generalization of NDR-Net on Channel Model

In this part, In order to explore the generalization performance of the proposed algorithm NDR-Net on the channel model, C N N N is used to estimate the RMS delay spread value of the channel. Similar to the idea proposed in Section 5.2.1, C N N D is trained on three channel models, namely TDL-A, TDL-B and TDL-C, to obtain three network models. Then, according to the root mean square delay spread value, the corresponding trained denoising network is selected for denoising, so as to achieve the purpose of adaptive channel model selection. Among them, the RMS delay spreads of the three channels are 10 ns, 100 ns and 1000 ns, respectively. Because the number is too small, in order to facilitate the model to compare the labels, they are scaled and multiplied by 10 7 , so that the labels of C N N N become 0.1 s, 1 s and 10 s.
Figure 9 shows that when the fixed training SNR is 15 dB, the model is trained under TDL-A-30Km/h, TDL-B-120Km/h and TDL-C-350Km/h, and tested under TDL-A-30Km/h. The channel model generalization performance of different channel estimation algorithms obtained is compared. It should be noted in particular here that the proposed algorithm is not sensitive to the Doppler shift due to velocity, since it has been shown in the previous subsection. This means that the effect of velocity on the algorithm is small and almost negligible. Thus the presence of velocity has no effect on the results of the experiment. As can be seen from the simulation results, in the case of low SNR, due to the large noise component, the error between the RMS delay extension of the TDL-B channel estimated by C N N N network and the real value is large, resulting in the channel model is easy to be judged as the mismatched channel model TDL-C, resulting in misjudgment in the selection of the model. Under high SNR, because SNR and channel model do not match at the same time, the model trained under TDL-B and TDL-C channel can be well adapted to the test channel.
In Figure 10, the test channel model is changed to TDL-B-120Km/h. At this time, the error of TDL-A channel is extremely large and can no longer meet the requirements. Similarly, the test channel model is changed to TDL-C-350Km/h in Figure 11. At this time, TDL-A and TDL-B cannot satisfy the requirements due to too large errors. The MMSE algorithm always has the best performance at low SNR since it takes into account the noise factor. At high SNR, NDR-Net performs better than LS estimates, but MMSE also outperforms NDR-Net when the channel is the more complex TDL-C.

5.2.4. Generalization Ability of NDR-Net

A.
Joint estimation of SNR, Channel model and velocity
Since the fixed training SNR is 15 dB when exploring the generalization of NDR-Net to the channel model and moving speed, it is easy to misjudge the channel model under low SNR. Meanwhile, the performance of the training model under the harsh environment of high SNR is better than that of the channel model matching the test channel. Therefore, in order for NDR-Net to improve channel selection capability under low SNR and model matching degree under high SNR, it is necessary to conduct joint estimation of SNR and channel model.
Therefore, the model trains the TDL-A, TDL-B and TDL-C channels respectively with SNR of 5 dB and 25 dB. At this time, the corresponding moving speed of different channels is taken into account, and the environmental factors are extended. Figure 12, Figure 13 and Figure 14 show the simulation results of the proposed algorithm when SNR is 15 dB and the channel model is TDL-A-30Km/h, TDL-B-120Km/h and TDL-C-350Km/h respectively. It can be seen that since both SNR and channel model are taken into account in NDR-Net, the channel model corresponding to the test environment can always be selected by NDR-Net when testing under 0–35 dB. Since the TDL-A channel has the smallest number of paths, the MMSE can take advantage of the noise information in the channel and therefore outperforms the NDR-Net in terms of low SNR. when the channels are TDL-B and TDL-C, the MMSE estimated performance is limited at this point. It can be seen that when the MSE is 10 2 , the loss of SNR performance is 10 dB for the test at TDL-A-30Km/h, the SNR performance improves by 2 dB at TDL-B-120Km/h, and the SNR performance improves by about 3 dB at TDL-C-350Km/h.
B.
Generalization of NDR-Net under other factors
Because of the complexity and variability of the actual high-speed mobile environment, it is not sufficient to consider only SNR, channel model and mobile speed. In OFDM systems, in addition to the Doppler shift caused by the moving speed, there is often a Carrier Frequency Offset (CFO) between the transmitter carrier frequency and the receiver local oscillator. This offset may cause a rotation in the phase of the signal and ICI, resulting in an error in the received signal. On the other hand, the OFDM signal needs to sum all subcarriers after IFFT operation, so the transmit signal in the time domain will have high peaks, resulting in an OFDM system with a high PAPR. High PAPR can lead to in-band distortion, which can reduce system performance. To reduce the PAPR, the signal can be clipped after it has been modulated.
Therefore, to further verify the effectiveness of the proposed algorithm, we first consider the situation that there is a deviation of the principal vibration frequency in the actual environment. The proposed algorithm is trained at TDL-B-120Km/h with CFO = 0. The tests were conducted at the normalized CFO of 0, 0.01, 0.05 and 0.1, respectively. The simulation results are shown in Figure 15. It can be seen that the proposed algorithm is very sensitive to the deviation of CFO. When the normalized CFO is in the range of 0 , 0.01 , the effect on the signal is small and only a small angle of phase rotation is produced. When the CFO is 0.01, the estimated performance of the model is not affected at low SNR, and the performance loss is gradually enlarged at high SNR. It can be seen that the SNR loss is 1 dB at an MSE of 10 3 . Model performance is limited at high SNR for CFO is 0.05 or above. This is because the model already appears flat after 20 dB. To mitigate the impact of CFO on the channel estimation accuracy, the CFO needs to be compensated at the receiver side. This is what we need to study in the future.
We also consider the case where the PAPR of the transmitted OFDM signal is high. To reduce the impact of high PAPR, the signal is clipped before it passes through the channel. Figure 16 represents the proposed algorithm trained at TDL-B-120Km/h without signal clipping. The simulations are performed under the conditions of signal without clipping, signal clipped to 6 dB, 7 dB and 8 dB, respectively. Firstly, as can be seen from the simulation results, when the modulated signal is clipped to 6 dB, its MSE curve appears flat when the SNR is greater than 30 dB, so the SNR loss is gradually enlarged compared with the estimated performance tested under unclipping. Secondly, there is almost no SNR performance loss when the MSE is 10 2 . For example, when the MSE is 0.019, the SNR performance loss is about 5 dB. Therefore, in general, the proposed algorithm is robust to PAPR.

6. Conclusions

In this paper, a cascaded network NDR-Net is proposed to address the problem of insufficient estimation performance of traditional channel estimation algorithms and existing DL-based channel estimation algorithms in OFDM systems. This model can simultaneously solve the problems of signal-to-noise ratio, channel model and mobile speed mismatch in 5G multipath time-varying channels.
The proposed NDR-Net is compared with LS, MMSE estimation algorithm and a single denoising model under different SNR, three 5G channels and mobile speeds by considering the signal as full pilot, using QPSK modulation scheme and MSE as evaluation function. Simulation results show that the proposed model can be applied to standard 5G channels, and it also improves by nearly 5–7 dB compared with the MMSE algorithm in the case of SNR mismatch, and can overcome the problem of too small noise adaptation interval encountered by the single denoising model. When the moving velocities in the same scene are not matched, the proposed model can always be applied to different Doppler shifts and has certain robustness. When the Channel model is not matched, the proposed algorithm can always get the optimal result by jointly estimating the SNR and Channel model, which can solve the problem of both SNR and Channel model mismatch. In addition, we also verify the generalization performance of the proposed algorithm in the presence of local oscillation offset and signal clipping at both transceivers. The results demonstrate that the proposed algorithm performs well under the condition that the local oscillation offset is less than 0.01 dB and is robust to the channel estimation after signal clipping.
For simplicity, the overall system is supposed to be time-synchronized. The proposed algorithm focuses on typical scenarios of 5G terrestrial communication, including pedestrian, vehicle and urban channels, which to a large extent can meet the basic communication needs of most 5G scenarios. Notice that, the practical 5G communication environment covers more complex scenarios, the cost and overhead will increase dramatically if more channel models are trained separately. Therefore, the proposed algorithm is suitable for scenarios that require less real-time computing and have more abundant computing resources. In future work, deeper research and analysis will be conducted from the perspectives of how to reduce the complexity of the model, how to reduce the noise introduced by pilot and channel estimation under high-order modulation.

Author Contributions

Conceptualization, Y.L., M.L. and X.B.; Methodology, Y.L. and X.B.; Validation, Y.L.; Investigation, Y.L.; Resources, M.L.; Writing—Original Draft Preparation, Y.L.; Writing—Review and Editing, Y.L., M.L. and X.B.; Supervision, Y.L., M.L. and X.B.; Project Administration, M.L. and X.B.; Funding Acquisition, M.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Key R&D Program of China under Grant No.2018YFB1802201.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

The authors would like to thank the Shanghai Advanced Research Institute, Chinese Academy of Sciences for supporting in this investigative project.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Oshea, T.; Hoydis, J. An Introduction to Deep Learning for the Physical Layer. IEEE Trans. Cogn. Commun. Netw. 2017, 3, 563–575. [Google Scholar] [CrossRef] [Green Version]
  2. Aoudia, F.A.; Hoydis, J. End-to-end learning of communications systems without a channel model. In Proceedings of the 2018 52nd Asilomar Conference on Signals Systems, and Computers, Pacific Grove, CA, USA, 28–31 October 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 298–303. [Google Scholar] [CrossRef] [Green Version]
  3. Kang, X.-F.; Liu, Z.-H.; Yao, M. Deep Learning for Joint Pilot Design and Channel Estimation in MIMO-OFDM Systems. Sensors 2022, 22, 4188. [Google Scholar] [CrossRef] [PubMed]
  4. Zhang, J.; Li, Y.; Yin, J. A Novel Modulation Classification Method for FM Signals based on the Time-Frequency Distribution and CNN. IET Radar Sonar Navig. 2017, 12, 244–249. [Google Scholar] [CrossRef]
  5. Hong, S.; Wang, Y.; Pan, Y.; Gu, H.; Liu, M.; Yang, J.; Gui, G. Convolutional neural network aided signal modulation recognition in OFDM systems. In Proceedings of the 2020 IEEE 91st Vehicular Technology Conference (VTC2020-Spring), Antwerp, Belgium, 25–28 May 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 1–5. [Google Scholar] [CrossRef]
  6. Kim, M.; Lee, W.; Cho, D.H. A novel PAPR reduction scheme for OFDM system based on deep learning. IEEE Commun. Lett. 2017, 22, 510–513. [Google Scholar] [CrossRef]
  7. Mounir, M.; El_Mashade, M.B.; Berra, S.; Gaba, G.S.; Masud, M. A Novel Hybrid Precoding-Companding Technique for Peak-to-Average Power Ratio Reduction in 5G and beyond. Sensors 2021, 21, 1410. [Google Scholar] [CrossRef] [PubMed]
  8. Wen, C.K.; Shih, W.T.; Jin, S. Deep learning for massive MIMO CSI feedback. IEEE Wirel. Commun. Lett. 2018, 7, 748–751. [Google Scholar] [CrossRef] [Green Version]
  9. Wang, T.; Wen, C.K.; Jin, S.; Li, G.Y. Deep learning-based CSI feedback approach for time-varying massive MIMO channels. IEEE Wirel. Commun. Lett. 2018, 8, 416–419. [Google Scholar] [CrossRef] [Green Version]
  10. Khan, H.U.; Minallah, N.; Masood, A.; Khalil, A.; Frnda, J.; Nedoma, J. Performance Analysis of Sphere Packed Aided Differential Space-Time Spreading with Iterative Source-Channel Detection. Sensors 2021, 21, 5461. [Google Scholar] [CrossRef] [PubMed]
  11. Yang, M.; Bian, C.; Kim, H.S. Deep Joint Source Channel Coding for Wireless Image Transmission with OFDM. In Proceedings of the ICC 2021—IEEE International Conference on Communications, Montreal, QC, Canada, 14–23 June 2021; pp. 1–6. [Google Scholar] [CrossRef]
  12. Ye, H.; Li, G.Y.; Juang, B.H. Power of deep learning for channel estimation and signal detection in OFDM systems. IEEE Wirel. Commun. Lett. 2017, 7, 114–117. [Google Scholar] [CrossRef]
  13. Yao, R.; Qin, Q.; Wang, S.; Qi, N.; Fan, Y.; Zuo, X. Deep Learning Assisted Channel Estimation Refinement in Uplink OFDM Systems Under Time-Varying Channels. In Proceedings of the 2021 International Wireless Communications and Mobile Computing (IWCMC), Harbin, China, 28 June–2 July 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 1349–1353. [Google Scholar] [CrossRef]
  14. Liu, Y.; Tan, Z.; Wang, H.; Xu, S.; Kwak, K.S. Channel estimation for macrocellular OFDM uplinks in time-varying channels. IEEE Trans. Veh. Technol. 2012, 61, 1709–1718. [Google Scholar] [CrossRef]
  15. Gao, X.; Jin, S.; Wen, C.K.; Li, G.Y. ComNet: Combination of deep learning and expert knowledge in OFDM receivers. IEEE Commun. Lett. 2018, 22, 2627–2630. [Google Scholar] [CrossRef] [Green Version]
  16. Liao, Y.; Hua, Y.; Dai, X.; Yao, H.; Yang, X. ChanEstNet: A deep learning based channel estimation for high-speed scenarios. In Proceedings of the ICC 2019-2019 IEEE International Conference on Communications (ICC), Shanghai, China, 20–24 May 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 1–6. [Google Scholar] [CrossRef]
  17. Sun, Y.; Shen, H.; Du, Z.; Peng, L.; Zhao, C. ICINet: ICI-Aware Neural Network Based Channel Estimation for Rapidly Time-Varying OFDM Systems. IEEE Commun. Lett. 2021, 25, 2973–2977. [Google Scholar] [CrossRef]
  18. Liao, Y.; Hua, Y.; Cai, Y. Deep learning based channel estimation algorithm for fast time-varying MIMO-OFDM systems. IEEE Commun. Lett. 2019, 24, 572–576. [Google Scholar] [CrossRef]
  19. Mei, K.; Liu, J.; Zhang, X.; Cao, K.; Rajatheva, N.; Wei, J. A low complexity learning-based channel estimation for OFDM systems with online training. IEEE Trans. Commun. 2021, 69, 6722–6733. [Google Scholar] [CrossRef]
  20. Zhang, K.; Zuo, W.; Chen, Y.; Meng, D.; Zhang, L. Beyond a gaussian denoiser: Residual learning of deep cnn for image denoising. IEEE Trans. Image Process. 2017, 26, 3142–3155. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  21. He, H.; Wen, C.K.; Jin, S.; Li, G.Y. Deep learning-based channel estimation for beamspace mmWave massive MIMO systems. IEEE Wirel. Commun. Lett. 2018, 7, 852–855. [Google Scholar] [CrossRef] [Green Version]
  22. Li, D.; Xu, Y.; Zhao, M.; Zhang, S.; Zhu, J. Knowledge-driven machine learning-based channel estimation in massive MIMO system. In Proceedings of the 2021 IEEE Wireless Communications and Networking Conference Workshops (WCNCW), Nanjing, China, 29 March 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 1–6. [Google Scholar] [CrossRef]
  23. Soltani, M.; Pourahmadi, V.; Mirzaei, A.; Sheikhzadeh, H. Deep learning-based channel estimation. IEEE Commun. Lett. 2019, 23, 652–655. [Google Scholar] [CrossRef] [Green Version]
  24. Jin, Y.; Zhang, J.; Ai, B.; Zhang, X. Channel estimation for mmWave massive MIMO with convolutional blind denoising network. IEEE Commun. Lett. 2019, 24, 95–98. [Google Scholar] [CrossRef]
  25. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef] [Green Version]
  26. Barhumi, I.; Leus, G.; Moonen, M. Optimal training design for MIMO OFDM systems in mobile wireless channels. IEEE Trans. Signal Process. 2003, 51, 1615–1624. [Google Scholar] [CrossRef] [Green Version]
Figure 1. OFDM system architecture for multipath time-varying channels.
Figure 1. OFDM system architecture for multipath time-varying channels.
Sensors 23 03102 g001
Figure 2. The network structure of the DnCNN.
Figure 2. The network structure of the DnCNN.
Sensors 23 03102 g002
Figure 3. The framework of NDR-Net.
Figure 3. The framework of NDR-Net.
Sensors 23 03102 g003
Figure 4. The network structure of the NLE.
Figure 4. The network structure of the NLE.
Sensors 23 03102 g004
Figure 5. Generalization performance of the trained channel estimator with different SNR for the test channel TDL-B-120Km/h.
Figure 5. Generalization performance of the trained channel estimator with different SNR for the test channel TDL-B-120Km/h.
Sensors 23 03102 g005
Figure 6. Generalization performance of TDL-A channels at different training velocities when testing velocity = 30 Km/h.
Figure 6. Generalization performance of TDL-A channels at different training velocities when testing velocity = 30 Km/h.
Sensors 23 03102 g006
Figure 7. Generalization performance of TDL-B channels at different training velocities when testing velocity = 120 Km/h.
Figure 7. Generalization performance of TDL-B channels at different training velocities when testing velocity = 120 Km/h.
Sensors 23 03102 g007
Figure 8. Generalization performance of NDR-Net when the training channels are TDL-C-350Km/h and TDL-C-500Km/h and the test channel is TDL-C-500Km/h.
Figure 8. Generalization performance of NDR-Net when the training channels are TDL-C-350Km/h and TDL-C-500Km/h and the test channel is TDL-C-500Km/h.
Sensors 23 03102 g008
Figure 9. Generalization performance of different channel estimators when the training SNR = 15 dB and the testing channel is TDL-A-30Km/h.
Figure 9. Generalization performance of different channel estimators when the training SNR = 15 dB and the testing channel is TDL-A-30Km/h.
Sensors 23 03102 g009
Figure 10. Generalization performance of different channel estimators when the training SNR = 15 dB and the testing channel is TDL-B-120Km/h.
Figure 10. Generalization performance of different channel estimators when the training SNR = 15 dB and the testing channel is TDL-B-120Km/h.
Sensors 23 03102 g010
Figure 11. Generalization performance of different channel estimators when the training SNR = 15 dB and the testing channel is TDL-C-350Km/h.
Figure 11. Generalization performance of different channel estimators when the training SNR = 15 dB and the testing channel is TDL-C-350Km/h.
Sensors 23 03102 g011
Figure 12. Generalization performance of different channel estimators when the test channel is TDL-A, SNR = 15 dB, Velocity = 30 Km/h.
Figure 12. Generalization performance of different channel estimators when the test channel is TDL-A, SNR = 15 dB, Velocity = 30 Km/h.
Sensors 23 03102 g012
Figure 13. Generalization performance of different channel estimators when the test channel is TDL-B, SNR = 15 dB, Velocity = 120 Km/h.
Figure 13. Generalization performance of different channel estimators when the test channel is TDL-B, SNR = 15 dB, Velocity = 120 Km/h.
Sensors 23 03102 g013
Figure 14. Generalization performance of different channel estimators when the test channel is TDL-C, SNR = 15 dB, Velocity = 350 Km/h.
Figure 14. Generalization performance of different channel estimators when the test channel is TDL-C, SNR = 15 dB, Velocity = 350 Km/h.
Sensors 23 03102 g014
Figure 15. Generalization performance of NDR-Net trained at CFO = 0 and tested under the conditions of CFO = 0, 0.01, 0.05, 0.1, respectively.
Figure 15. Generalization performance of NDR-Net trained at CFO = 0 and tested under the conditions of CFO = 0, 0.01, 0.05, 0.1, respectively.
Sensors 23 03102 g015
Figure 16. Generalization performance of NDR-Net trained without signal clipping, tested under the conditions of signal without clipping, signal clipped to 6 dB, 7 dB and 8 dB, respectively.
Figure 16. Generalization performance of NDR-Net trained without signal clipping, tested under the conditions of signal without clipping, signal clipped to 6 dB, 7 dB and 8 dB, respectively.
Sensors 23 03102 g016
Table 1. List of related works.
Table 1. List of related works.
ReferenceResearch DirectionContributionLimitation
[16]Improving the channel estimation accuracy of OFDM systems in high-speed mobile scenariosProposed ChanEstNet, which can avoid the fast time-varying and non-smooth characteristics in high-speed moving scenes that lead to the limited estimation performanceOnly the two extreme speeds under the same channel are considered
[17]Consider the effect of ICI to improve the accuracy of channel estimation under fast time-varying channelsFor fast time-varying channels, a novel network ICINet for sensing ICI is proposedThe number of carriers causing ICI cannot be found according to the actual situation
[19]Real-time training data collection and online channel estimation for OFDM systemsProposed a new training data generation scheme and an LML-based online channel estimation method, which can adapt to real-time channel changesThe proposed generation scheme can provide limited data
[22]Simplify network structure and reduce training overhead of ML-based estimators for channel estimation in large-scale MIMO systemsA KDML-based channel denoising model is designed and the network structure is simplified by using domain knowledgeLimited to a small range of noise levels
[23]Treat the fading channel as a two-dimensional image, and simulate channel interpolation and denoising with two networks respectivelyProposed ChannelNet, which outperforms the estimated MMSE method for a specific SNR valueThe network must be retrained for each SNR value
[24]Improved denoising performance for real noise images in mmWave Massive MIMO systemsProposed CBDNet, the asymmetric learning can adjust the estimated noise level map and interactively reduce the noise in the channel matrixNo consideration of the actual channel model and movement speed mismatch with training phase
ProposedImproving the generalizability of channel estimation algorithms under environmental mismatch for OFDM systemsProposed NDR-Net that can be used for channel estimation under unknown noise levelsRestricted to a limited variety of channel models
Table 2. Noise level estimates for two pooling methods.
Table 2. Noise level estimates for two pooling methods.
MethodNoise Level (SNR/dB)
05101520253035
Maxpooling04.839.8614.7619.3724.0628.3633.34
Averagepooling05.1310.1315.2220.1424.7629.4934.85
Table 3. RMSE for two pooling methods.
Table 3. RMSE for two pooling methods.
MethodRMSE
05101520253035
Maxpooling00.180.150.250.640.951.641.67
Averagepooling00.160.150.230.170.260.541.19
Table 4. The computational complexity of different DL networks.
Table 4. The computational complexity of different DL networks.
MethodsNumber of ParametersNumber of FLOPs
NDR-Net1231K67K
KDML [22]112K60K
ChannelNet [23]678K358K
CBDNet [24]6792K166k
Table 5. Experimental Settings for OFDM signal generation.
Table 5. Experimental Settings for OFDM signal generation.
ParameterValue
Carrier frequency3.5 GHz
System bandwidth20 MHz
Sample rate30.72 MHz
Subcarrier interval15 KHz
Number of valid subcarriers1200
Number of Resource Block100
FFT points2048
The length of time slot0.5 ms
OFDM symbols per time slot7
Number of OFDM symbols14
The length of the CPNormal CP
SNR range0 dB to 35 dB
Modulation schemeQPSK
Channel modelTDL-A, TDL-B, TDL-C
Table 6. Experimental Settings in NDR-Net model.
Table 6. Experimental Settings in NDR-Net model.
ParameterValue
Train set size12,000
Validation set size4000
Test set size4000
Num layer15
Learning Rate0.001
Batch Size8
Num Epochs2000
OptimizerAdam
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Li, Y.; Bian, X.; Li, M. Denoising Generalization Performance of Channel Estimation in Multipath Time-Varying OFDM Systems. Sensors 2023, 23, 3102. https://doi.org/10.3390/s23063102

AMA Style

Li Y, Bian X, Li M. Denoising Generalization Performance of Channel Estimation in Multipath Time-Varying OFDM Systems. Sensors. 2023; 23(6):3102. https://doi.org/10.3390/s23063102

Chicago/Turabian Style

Li, Yinying, Xin Bian, and Mingqi Li. 2023. "Denoising Generalization Performance of Channel Estimation in Multipath Time-Varying OFDM Systems" Sensors 23, no. 6: 3102. https://doi.org/10.3390/s23063102

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

Article Metrics

Back to TopTop