Next Article in Journal
Viscoelastic Slider Blocks as a Model for a Seismogenic Fault
Next Article in Special Issue
Research on Image Stitching Algorithm Based on Point-Line Consistency and Local Edge Feature Constraints
Previous Article in Journal
Tsallis Entropy and Mutability to Characterize Seismic Sequences: The Case of 2007–2014 Northern Chile Earthquakes
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

FEUSNet: Fourier Embedded U-Shaped Network for Image Denoising

1
School of Electrical and Information Engineering, Wuhan Institute of Technology, Wuhan 430205, China
2
College of Information and Artificial Intelligence, Nanchang Institute of Science and Technology, Nanchang 330108, China
*
Authors to whom correspondence should be addressed.
Entropy 2023, 25(10), 1418; https://doi.org/10.3390/e25101418
Submission received: 21 July 2023 / Revised: 3 October 2023 / Accepted: 4 October 2023 / Published: 5 October 2023

Abstract

:
Deep convolution neural networks have proven their powerful ability in comparing many tasks of computer vision due to their strong data learning capacity. In this paper, we propose a novel end-to-end denoising network, termed Fourier embedded U-shaped network (FEUSNet). By analyzing the amplitude spectrum and phase spectrum of Fourier coefficients, we find that low-frequency features of an image are in the former while noise features are in the latter. To make full use of this characteristic, Fourier features are learned and are concatenated as a prior module that is embedded into a U-shaped network to reduce noise while preserving multi-scale fine details. In the experiments, we first present ablation studies on the Fourier coefficients’ learning networks and loss function. Then, we compare the proposed FEUSNet with the state-of-the-art denoising methods in quantization and qualification. The experimental results show that our FEUSNet performs well in noise suppression and preserves multi-scale enjoyable structures, even outperforming advanced denoising approaches.

1. Introduction

Image denoising [1], a fundamental and important issue in low-level vision and image processing, aims at removing or eliminating external noise as much as possible while preserving clear details in the original image. Its essence lies in the process of reducing noise in the image, restoring and reconstructing the original clear image. While image restoration [2] is a long-standing problem, in the general image restoration problem a damaged image Y can be expressed as follows:
Y = T X + n
where X represents a clear image, T ( ) represents a degenerate function, and n represents additive noise. Generally referring to additive noise, image denoising is a common restoration technique.
In the early days, the most representative methods of traditional image denoising were block-matching and 3D filtering [3] (BM3D) and non-local means [4] (NLM), among others [5]. However, in recent years, deep learning-based image denoising methods have surpassed traditional image denoising methods [6] in terms of inference time and denoising performance. Early deep learning image denoising methods used reinforcement learning techniques [7], such as Q-learning [8] and other training recursive neural networks. However, reinforcement learning-based methods require a large amount of computation and have low search efficiency. Currently, deep learning denoising methods combine skip connections [9], attention mechanisms [10], multiscale feature fusion [11], and the introduction of residual blocks [12] to improve the network feature expression capabilities. Current methods for image denoising can be roughly divided into two categories: image denoising based on traditional methods and image denoising based on deep learning. For example, bilateral filters [13], Gaussian filters [14], and median filtering [15] are traditional image denoising methods. Discrete cosine transform [16], wavelet transform [17], and other methods are also used to modify the transform coefficients [18], and the average neighborhood [19] values are utilized to calculate the local similarity [20]. These methods are based on image denoising and attempt to preserve more edge details using smooth image features. However, the images processed with these methods often become blurry, and the edge details of the original image are not clearly retained, resulting in a poor overall effect.
With the development of deep learning, neural networks have overcome the drawbacks of traditional denoising methods. Most deep learning-based methods are external prior methods [21]. In 2017, Zhang et al. [22] proposed a convolutional neural network (CNN) called DnCNN, which utilizes residual learning and batch normalization to achieve network denoising. In 2018, Zhang et al. [23] proposed a faster and more flexible denoising convolutional neural network called FFDNet, which can remove more complex noise. In 2019, Guo et al. [24] proposed a real image-blind denoising network called CBDNet. They trained the network using synthetic and real-world noise images, dividing it into two subnetworks: nonblind denoising and noise estimation, which improved the generalization ability of deep CNN denoisers [25]. Presently, deep learning-based denoisers [26,27,28,29] have achieved good results, but most of these networks execute CNNs in the spatial domain. In recent years, transformer models have been successful in natural language processing (NLP). Visual transformers [30] have been widely used in image restoration [31] tasks owing to their strong global modeling ability. In 2022, Fan et al. [32] proposed the SUNet network, which combined a Swin transformer [33] and UNet into a denoising model and demonstrated impressive performance in image denoising tasks. Although these methods [34] have outstanding image denoising capabilities, they overlook the inherent priors of noisy images, making them prone to overfitting in synthetic datasets.
To date, some researchers have applied the Fourier transform to other low-level visual tasks, such as image deblurring [35] and image deraining [36]. We introduced a Fourier transform into the field of image denoising and learned the frequency domain features of the images. We equipped our Fourier transform residual blocks with a simple three-layer UNet [37]. A more complex network structure may result in greater performance improvement. Compared to the structural information, additive Gaussian white noise has a higher frequency. According to experimental results, we find that such a conclusion is reasonable. In view of this, we tried to plug the Fourier transform into a U-shaped network for a noise removal model construction, and the experimental results demonstrate that the proposed method can achieve promising results. Meanwhile, we also present their time cost. Compared with current mainstream deep learning-based image denoising methods, our network can achieve better performance, reflecting the superiority of our Fourier prior in image denoising tasks.
The main contributions of this study can be summarized as follows:
  • We propose a Fourier prior for image denoising that includes the physical characteristics of noisy images in both the spatial and frequency domains;
  • We designed and implemented a simple and effective residual block based on the Fourier transform that processes the amplitude and phase spectra of noisy images in parallel within Res FFT blocks and learns the frequency domain features of noisy images.

2. Fourier Embedded U-Shaped Network

We first introduce the Fourier prior in Section 2.1, where we conjecture and prove the well-known characteristics [38,39] of amplitude and phase spectra in noisy images. In Section 2.2, we present our proposed Res FFT blocks. In Section 2.3, we introduce our network structure. The loss function used for training is described in Section 2.4.

2.1. Fourier Prior

Mathematically, the Fourier transform refers to the ability to represent a function that satisfies certain conditions as a linear combination of a series of sine or cosine functions. When the Fourier transform is applied to image operations from a physical perspective, it transforms an image from the spatial domain to the frequency domain, whereas its inverse transformation transforms the image from the frequency domain to the spatial domain. Given image f x , y R H × W × 1 , the Fourier transform is represented as
F u , v = 1 H W x = 0 H 1 y = 0 W 1 f x , y e j 2 π u x H + v y W
where u = 0 , 1 , 2 , , H 1 and v = 0 , 1 , 2 , , W 1 . Similarly, given F u , v , f x , y can be obtained through an inverse Fourier transform, which can be formulated as
f x , y = x = 0 H 1 y = 0 W 1 F u , v e j 2 π u x H + v y W
where x = 0 , 1 , 2 , , H 1 and y = 0 , 1 , 2 , , W 1 . Given f x , y , the amplitude spectrum F u , v and the phase spectrum φ u , v can be obtained after the Fourier transform as follows:
F u , v = R e 2 u , v + I m 2 u , v
φ u , v = arctan I m ( u , v ) R e ( u , v )
Here, R e ( u , v ) and I m ( u , v ) represent the real and imaginary parts of F u , v , respectively.
By comparing the visualized images in Figure 1, we found that, in terms of visual perception, there was no significant difference in the real, (a) and (e), and imaginary, (b) and (f), parts of both the noisy image and the ground truth after the Fourier transform. However, there is a small difference in the amplitude spectra, (c) and (g), between the noisy image and the ground truth, and a significant difference in the phase spectra, (d) and (h), between the noisy image and the ground truth. Therefore, we infer that the noise features of the image may mostly exist in the phase spectrum of the image and that a small portion of the noise features may also exist in the amplitude spectrum of the image.
In Figure 2, we can observe from the results in (a) and (b) that the amplitude spectrum of the image represents the brightness of each pixel in the image. The center of the amplitude spectrum is the low-frequency region; the higher the brightness of the image is, the larger the corresponding amplitude spectrum value. That is, the amplitude spectrum stores the amplitude information of each pixel in the image, but the position information of the original pixel has been disrupted, and the original image cannot be reconstructed solely by the amplitude spectrum of the image. We can see from the results of (c) and (d) that the phase spectrum of the image records the position information of each pixel in the image. By observing the phase spectrum of the image for visualization operation in Figure 1d,h, the phase spectrum resembles a cluster of noise, but it is also particularly important for image reconstruction, and the original image cannot be reconstructed solely from the phase spectrum of the image. We then compare (e) and (f) in Figure 2. According to the rotation invariance of the Fourier transform, when the amplitude spectrum of the noise image is rotated 180° and the phase spectrum of the original noise image is reconstructed, it can be seen with the naked eye that the overall image does not rotate.
When the phase spectrum of the noise image is rotated 180° and the amplitude spectrum of the original noise image is reconstructed, it can be seen with the naked eye that the overall image is rotated 180°, thus verifying the conclusions of the above two points regarding the amplitude spectrum and phase spectrum of the image. To further prove our hypothesis, we found that (g) and (h) in Figure 2 compared the original noisy image with the labeled image, and (g) and (h) showed varying degrees of noise reduction visible to the naked eye. The noise level of (h) was significantly higher than that of (g), and (g) exhibited a decrease in image brightness. As mentioned previously, we can safely conclude that most noise features of the image exist in the phase spectrum of the image.

2.2. Res FFT Blocks

A widely used residual Fast Fourier Transform module based on ReLU is only utilized to concatenate the real and imaginary parts in the last dimension after the Fourier transform. However, it ignores the respective roles of the real and imaginary parts of the Fourier coefficients in the image, as shown in Figure 3a. We propose an improved Res FFT block, in which we preserve the identity mapping and normal spatial residual edges for auxiliary network training. To utilize the Fourier priors, we used dual channels in the channels of the Fourier transform to process the amplitude and phase spectra in parallel, known as RFAPB, where we used eight cascaded residual blocks in the ERB and DRB. The RFAPB structure is shown in Figure 3b.
We set X R H × W × C as the input feature graph, where H, W, and C are the height, width, and number of channels of the feature graph, respectively. The overall data flow processing of RFAPB is as follows: (1) Input feature map X R H × W × C . (2) (i) Fourier transform flow: calculate the two-dimensional discrete Fourier transform of X to obtain F X C H × W × C ; take the real part R [ F ( X ) ] of the Fourier coefficient and the imaginary part I [ F ( X ) ] of the Fourier coefficient and calculate the amplitude spectrum A [ F ( X ) ] and the phase spectrum P [ F ( X ) ] based on the real and imaginary parts of the Fourier coefficient. Two stacked 1 × 1 convolution layers (convolution operator ⊙) and a ReLU activation function are used in the middle to process the amplitude spectrum A [ F ( X ) ] and the phase spectrum P [ F ( X ) ] , respectively. The processing part of the amplitude spectrum is formulated as
f { A [ F ( X ) ] , C 1 , C 2 } = ReLU ( A [ F ( X ) ] C 1 ) C 2
where f { A [ F ( X ) ] , C 1 , C 2 } C H × W × C . The processing part of the phase spectrum is formulated as
f { P [ F ( X ) ] , C 1 , C 2 } = ReLU ( P [ F ( X ) ] C 1 ) C 2
where f { P [ F ( X ) ] , C 1 , C 2 } C H × W × C . The feature graph Y f f t R H × W × C is reconstructed according to the amplitude spectrum and phase spectrum, and the reconstructed feature graph Y f f t is calculated by using the two-dimensional inverse discrete Fourier transform, which can be formulated as
Y f f t = F 1 { A [ F ( X ) ] , P [ F ( X ) ] }
(ii) Main branch feature flow: Input feature map X through two stacked 3 × 3 convolution layers (convolution operator ⊙). A ReLU activation function is used in the middle, which can be formulated as
Y m a i n = g { X , C 1 , C 2 } = ReLU ( X C 1 ) C 2
(iii) Short-cut branching: output feature map X R H × W × C . (3) Output feature map of improved residual modules Y = Y f f t + Y m a i n + X , Y R H × W × C , Y f f t R H × W × C , Y m a i n R H × W × C , and X R H × W × C .

2.3. U-Shaped Network

The encoder–decoder structure is widely used in image denoising networks. The encoder structure refers to the gradual conversion of the input image data into feature maps with smaller spatial dimensions and more image channels, followed by the gradual conversion and restoration of the feature maps to the input image size through the decoder. This network structure is a symmetrical CNN, the most typical of which is a UNet network structure. In the encoder and decoder stages, a conventional skip connection method is used to combine different levels of information, which is conducive to the propagation of gradients and convergence of the model. The network structure diagram is shown in Figure 4.
In Figure 4, we not only use global residual learning but also introduce residual blocks for encoding and decoding. Here, we simply used the Res FFT blocks in the UNet architecture. We reviewed the reconstruction process of applying residuals to deep learning for image denoising. This method can also be used to build deep networks. Simultaneously, using multilevel residuals to stack, we can expand the receptive field of the feature image, which can be used to extract more delicate features in the image. After the Fourier transform, noisy images can be used to separate the low- and high-frequency features of the image, which is beneficial for preserving low-frequency features and removing high-frequency noise features. The structure of the residual network also solves the problem of network degradation to a certain extent and provides a simple mapping of the original features in the forward propagation process, which helps the model converge. In Figure 5, we present the intermediate results at different stages. The entire network is divided into two layers (Encode and Decode), and we visualize all the high-dimensional feature maps for each intermediate filter.

2.4. Loss Function

Because the mean square error (MSE) is the average square of the difference between the predicted value X ^ of the model and the ground truth X l a b e l of the sample for image denoising tasks, high-frequency texture information may be lost during the training process because of the MSE penalty, resulting in blurred and overly smooth vision. Therefore, we used the conventional mean absolute error (MAE) to balance image noise removal with the preservation of detailed features.
L o s s = L 1 + λ L p h a s e
where λ can be set according to the empirical value and λ is set to 0 in our experiment; L 1 = 1 n i = 1 n X ^ X l a b e l , and L p h a s e = 1 n i = 1 n P X ^ P X l a b e l .

3. Experiments

3.1. Datasets

3.1.1. Training Set and Validation Set

We trained our model using the DIV2K [40] dataset, which contains 900 high-resolution color images and is currently one of the most commonly used datasets for image super-resolution. We divided the 900 images in this dataset into 800 and 100 high-resolution images at an 8:1 ratio (with an average resolution of approximately 1920 × 1080). For the training set, we randomly cropped each training image into 10 pieces with a size of 256 × 256 patches and randomly applied additive Gaussian white noise (AWGN) to each patch with noise levels of σ = 5∼50 and a noise level interval of 5. For the validation set, we randomly cropped each image into three sizes of 256 × 256 patches and added AWGN with three different noise levels, σ = 10 , σ = 30 , and σ = 50 , to each patch. Therefore, 16,000 patches of size 256 × 256 were used to train the image denoising task, and 1800 patches of size 256 × 256 were used to validate the image denoising task. The dataset comprised 17,800 images.

3.1.2. Testing Set

CBSD68 [41] is a dataset used to evaluate the performance of image denoising algorithms and is part of the Berkeley segmentation dataset and benchmark. The dataset includes 12 buildings; 30 animals, such as cats, tigers, and horses; 11 people; four plants and animals; and 11 other outdoor scene images. Kodak24 [42] mainly provides outdoor scene images, mostly from the perspective of buildings, sky, and sea. The scene images of BSD68 [43] and CBSD68 are the same, but the former are the grayscale versions of the images in the CBSD68 dataset. There are nine outdoor scene images and three indoor scene images in Set12, including five characters, three animals, and other outdoor scene images such as houses and ships. The CBSD68 and Kodak24 datasets were used to test the color image denoising model, whereas the BSD68 and Set12 [22] datasets were used to test the grayscale image denoising model. We tested our model on these four commonly used datasets (CBSD68, Kodak24, BSD68, and Set12). To test the impact of different noise intensities on the network performance, we added AWGN with noise levels of 10, 30, and 50 to these datasets.

3.2. Experiment Setup

3.2.1. Implementation Details

All the experiments were conducted on a server equipped with a third-generation intelligent Intel Xeon processor and an NVIDIA Tesla A100 40G. Our model trained a patch of size 256 × 256, and it took approximately 30 h to train the synthetic noise images on the DIV2K dataset. During the training process, it was primarily used to remove the AWGN. The Adam optimizer was used to optimize the network parameters. The hyperparameter batch size for training was 12, and the initial learning rate was set to 2 × 10 4 . Using the cosine annealing learning strategy, the minimum learning rate decreased to 1 × 10 6 , and a total of 200 epochs were trained. We used the default settings for the other hyperparameters of the Adam optimizer.

3.2.2. Evaluation Metric

To quantitatively compare the advantages and disadvantages of the denoising performance, we used the peak signal-to-noise ratio [44] (PSNR) and structural similarity [45] (SSIM) for quantitative evaluation and analysis. In recent research, new methods [46,47,48,49] for image quality assessment have been proposed, which have potential implications for the performance evaluation of image denoising algorithms.
The PSNR is currently the most widely used method in the field of image denoising, and it mainly represents the difference in pixel values between images, which can be formulated as
PSNR = 10 log 10 2 n 1 M S E 2
where n is the number of bits per pixel, usually n = 8 , which means that the pixel’s gray scale is 256 (in dB); M S E represents the mean square error of the current image f ^ ( i , j ) and the reference image f ( i , j ) , which can be formulated as
MSE = 1 M N i = 1 M j = 1 N f ^ ( i , j ) f ( i , j ) 2
where M and N represent the height and width of the image.
SSIM measures the quality of images from three aspects: luminance, contrast, and structural information of the sample image. The calculation formulas for the luminance (l), contrast (c), and image structure information (s) are as follows:
l ( x , y ) = 2 u x u y + c 1 u x 2 + u y 2 + c 1
c ( x , y ) = 2 σ x σ y + c 2 σ x 2 + σ y 2 + c 2
s ( x , y ) = σ x y + c 3 σ x σ y + c 3
Here, c 3 = c 2 2 , u x represents the mean value of the pixels in image x, u y represents the mean of the pixels in image y, σ x 2 represents the variance of the pixels in image x, σ y 2 represents the variance of the pixels in image y, and σ x y represents the covariance of image x and image y. The calculation formula for SSIM is as follows:
SSIM ( x , y ) = [ l ( x , y ) ] α [ c ( x , y ) ] β [ s ( x , y ) ] γ
where, α , β , and γ represent the weights of the three dimensions and generally α = β = γ = 1 . The value of SSIM should not exceed 1, and the closer it is to 1, the better the denoising effect on the image.

3.3. Ablation Experiment

We propose two structures, as shown in Figure 3. The structure in Figure 3c adds a convolution layer of 1 × 1 before the Fourier transform relative to the structure shown in Figure 3b. To verify the effectiveness of the Fourier transform residual blocks, we ablated the use of two structures and trained them using different loss functions. The results in Table 1 present the denoising effect when the residual structures of different Fourier transforms are matched with different loss functions. The loss function is shown in Equation (10), which changes λ to conduct ablation experiments based on the empirical values. We separately set λ = 0 , 0.05 , 0.2 , 0.5 ; L 1 p h a s e MAE , and L 2 p h a s e MSE . These data represent the evaluation of the denoising model on the validation set, where Gaussian white noise was added at noise levels of 10, 30, and 50. When calculating the PSNR and SSIM, the noisy images of the entire validation set were averaged. According to the experimental results in Table 1, using the structure in Figure 3b and the loss function of Equation (10), the best denoising effect is achieved at λ = 0 . When the same structure and the same loss function are used, the denoising effect will decrease to varying degrees with an increase in λ . Using the same Fourier transform residual structure and different loss functions, when λ is the same, the utilization of L 1 p h a s e in the phase part can often achieve a better denoising effect.
In Figure 6, we show the visualization results of the color image denoising models in different ablation experiments and enlarge the details. Figure 6a shows the Fourier residual structure of Figure 3b with loss function L 1 ; Figure 6b shows the Fourier residual structure of Figure 3b with loss function L 1 + 0.05 L 1 p h a s e ; Figure 6c shows the Fourier residual structure of Figure 3b with loss function L 1 + 0.2 L 1 p h a s e ; Figure 6d shows the Fourier residual structure of Figure 3b with loss function L 1 + 0.5 L 1 p h a s e ; Figure 6e shows the Fourier residual structure of Figure 3b with loss function L 1 + 0.05 L 2 p h a s e ; Figure 6f shows the Fourier residual structure of Figure 3b with loss function L 1 + 0.2 L 2 p h a s e ; Figure 6g shows the Fourier residual structure of Figure 3b with loss function L 1 + 0.5 L 2 p h a s e ; Figure 6h shows the Fourier residual structure of Figure 3c with loss function L 1 ; Figure 6i shows the Fourier residual structure of Figure 3c with loss function L 1 + 0.05 L 1 p h a s e ; Figure 6j shows the Fourier residual structure of Figure 3c with loss function L 1 + 0.2 L 1 p h a s e ; Figure 6k shows the Fourier residual structure of Figure 3c with loss function L 1 + 0.5 L 1 p h a s e ; Figure 6l shows the Fourier residual structure of Figure 3c with loss function L 1 + 0.05 L 2 p h a s e ; Figure 6m shows the Fourier residual structure of Figure 3c with loss function L 1 + 0.2 L 2 p h a s e ; and Figure 6n shows the Fourier residual structure of Figure 3c with loss function L 1 + 0.5 L 2 p h a s e .

3.4. Comparison with State-of-the-Art Denoising Methods

In this section, we present the results of our network for denoising grayscale and color images corrupted by AWGN and compare them with the results of DnCNN, UNet, and SUNet.

3.4.1. Gray Image Denoising

Table 2 lists the results of image denoising using different denoising models on the BSD68 dataset and displays the parameter quantities and runtime of different models used for image denoising tasks in the last column. On the BSD68 dataset with a noise level of 50, our method improved the PSNR by 1.4323 dB and the SSIM by 0.0208 compared to those of DnCNN. On the BSD68 dataset with a noise level of 50, our method improved the PSNR by 1.0126 dB and the SSIM by 0.0122 compared to those of UNet. Compared to SUNet, a model with a large number of parameters as a transformer, our method improved the PSNR by 0.9677 dB and the SSIM by 0.0033.
Table 3 and Table 4, respectively, list the results of image denoising using different denoising models on the Set12 dataset for images with noise levels of 10, 30, and 50. On the Set12 dataset with noise levels of 10 and 30, our method achieved ideal results. For example, when the noise level was 30, our method improved the average PSNR by 0.3959 dB and the average SSIM by 0.0168 compared to those of DnCNN. Compared with UNet, our method had an average PSNR increase of 1.1033 dB and an average SSIM increase of 0.0116. Compared to SUNet, our method had an average PSNR improvement of 0.9487 dB and an average SSIM improvement of 0.0074. Although our method did not achieve the best average PSNR on the Set12 dataset with a noise level of 50, both the average SSIM and the SSIM of a single image achieved higher results than those obtained by DnCNN, UNet, and SUNet. On balance, our network showed advantages in the noise removal of gray images. Figure 7 shows a comparison of the visual effects of image “test006” in the BSD68 dataset after denoising using different gray-level image denoising models with a noise level of 50. Figure 8 shows a comparison of the visual effects of image “Monarch” in the Set12 dataset after denoising using different grayscale image denoising models with a noise level of 30. Figure 9 shows a comparison of the visual effects of image “Lena” in the Set12 dataset after denoising using different gray-level image denoising models with a noise level of 50.

3.4.2. Color Image Denoising

Table 5 lists the PSNR and SSIM values under different noise levels compared on the CBSD68 and Kodak24 datasets, respectively. The last column displays the parameter quantities and runtime of different methods used for image denoising tasks. On the CBSD68 dataset with a noise level of 50, our method improved the PSNR by 1.1443 dB and the SSIM by 0.0282 compared to those of DnCNN. On the Kodak24 dataset with a noise level of 50, our method improved the PSNR by 1.2443 dB and the SSIM by 0.0339 compared to those of DnCNN. On the CBSD68 dataset with a noise level of 50, our method improved the PSNR by 0.7419 dB and the SSIM by 0.0180 compared to those of UNet. On the Kodak24 dataset with a noise level of 50, our method improved the PSNR by 2.2228 dB and the SSIM by 0.0243 compared to those of Une. Compared with SUNet, our method had a much smaller number of parameters in the network. Although the improvement in the PSNR and SSIM is minimal on the CBSD68 dataset with a noise level of 50, on the Kodak24 dataset with a noise level of 50, our method increased the PSNR by 1.1673 dB and the SSIM by 0.0103. In summary, our network exhibited a clear advantage in the noise removal performance of color images. Figure 10 shows the comparison results of the visual effects of denoising image “14037” in the CBSD68 dataset with a noise level of 30 using different denoising models. Figure 11 shows the comparison results of the visual effects of denoising image “21077” in the CBSD68 dataset with a noise level of 50 using different denoising models. Figure 12 shows the comparison results of the visual effects of denoising image “kodim20” in the Kodak24 dataset with a noise level of 50 using different denoising models.

4. Conclusions

In this paper, we proposed a method for image denoising based on Fourier priors. We designed and implemented residual blocks for amplitude spectrum and phase spectrum processing of noisy images. Experiments on synthetic noise datasets showed that our method can effectively recover clean images from noisy images and that the content and details are well preserved, which significantly improves the performance of image denoising. In the future, we will attempt to explore the frequency domain features of noisy real-world images.

Author Contributions

Conceptualization, X.L. and J.H.; methodology, J.H.; software, Q.Y.; validation, X.L., J.H. and Z.H.; formal analysis, Q.Y.; investigation, Y.Z.; resources, Z.F.; data curation, M.Z.; writing—original draft preparation, J.H.; writing—review and editing, J.H. and Z.H.; visualization, J.H.; project administration, X.L. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (No. 62367006), the scientific research foundation of Nanchang Institute of Science and Technology (No. NGRCZX-23-06), the Graduate Innovative Fund of Wuhan Institute of Technology (No. CX2022153), and the Nanchang Key Laboratory of Internet of Things Information Visualization Technology (No. 2020-NCZDSY-017).

Institutional Review Board Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author. Data are not publicly available due to privacy considerations.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Tian, C.; Fei, L.; Zheng, W.; Xu, Y.; Zuo, W.; Lin, C.W. Deep Learning on Image Denoising: An overview. Neural Netw. Off. J. Int. Neural Netw. Soc. 2019, 131, 251–275. [Google Scholar] [CrossRef]
  2. Zhang, L.; Zuo, W. Image Restoration: From Sparse and Low-Rank Priors to Deep Priors [Lecture Notes]. IEEE Signal Process. Mag. 2017, 34, 172–179. [Google Scholar] [CrossRef]
  3. Dabov, K.; Foi, A.; Katkovnik, V.; Egiazarian, K.O. Image Denoising by Sparse 3-D Transform-Domain Collaborative Filtering. IEEE Trans. Image Process. 2007, 16, 2080–2095. [Google Scholar] [CrossRef] [PubMed]
  4. Coupé, P.; Yger, P.; Prima, S.; Hellier, P.; Kervrann, C.; Barillot, C. An Optimized Blockwise Nonlocal Means Denoising Filter for 3-D Magnetic Resonance Images. IEEE Trans. Med Imaging 2008, 27, 425–441. [Google Scholar] [CrossRef] [PubMed]
  5. Huang, Z.; Zhang, Y.; Yue, X.; Li, X.; Fang, H.; Hong, H.; Zhang, T. Joint horizontal-vertical enhancement and tracking scheme for robust contact-point detection from pantograph-catenary infrared images. Infrared Phys. Technol. 2020, 105, 103156. [Google Scholar] [CrossRef]
  6. Huang, Z.; Zhang, Y.; Li, Q.; Zhang, T.; Sang, N.; Hong, H. Progressive Dual-Domain Filter for Enhancing and Denoising Optical Remote-Sensing Images. IEEE Geosci. Remote Sens. Lett. 2018, 15, 759–763. [Google Scholar] [CrossRef]
  7. AlMahamid, F.; Grolinger, K. Reinforcement Learning Algorithms: An Overview and Classification. In Proceedings of the 2021 IEEE Canadian Conference on Electrical and Computer Engineering (CCECE), Virtual Event, 12–17 September 2021; pp. 1–7. [Google Scholar]
  8. Hasselt, H.V.; Guez, A.; Silver, D. Deep Reinforcement Learning with Double Q-Learning. In Proceedings of the AAAI Conference on Artificial Intelligence, Austin, TX, USA, 25–30 January 2015. [Google Scholar]
  9. Huang, G.; Liu, Z.; Weinberger, K.Q. Densely Connected Convolutional Networks. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 2261–2269. [Google Scholar]
  10. Wu, W.; Lv, G.; Duan, Y.; Liang, P.; Zhang, Y.; Xia, Y. DCANet: Dual Convolutional Neural Network with Attention for Image Blind Denoising. arXiv 2023, arXiv:2304.01498. [Google Scholar]
  11. Gurrola-Ramos, J.; Dalmau, O.; Alarcón, T.E.M. A Residual Dense U-Net Neural Network for Image Denoising. IEEE Access 2021, 9, 31742–31754. [Google Scholar] [CrossRef]
  12. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  13. Rithwik, K.; Chaudhury, K.N. A Simple Yet Effective Improvement to the Bilateral Filter for Image Denoising. arXiv 2015, arXiv:1505.06578. [Google Scholar]
  14. Draper, A.; Taylor, L.L. A Survey on the Visual Perceptions of Gaussian Noise Filtering on Photography. arXiv 2020, arXiv:2012.10472. [Google Scholar]
  15. Hu, Z.; Wang, S. Median filtering forensics based on discriminative multi-scale sparse coding. In Proceedings of the 2017 IEEE Global Conference on Signal and Information Processing (GlobalSIP), Montreal, QC, Canada, 14–16 November 2017; pp. 141–145. [Google Scholar]
  16. Varish, N.; Pal, A.K. A novel image retrieval scheme using gray level co-occurrence matrix descriptors of discrete cosine transform based residual image. Appl. Intell. 2018, 48, 2930–2953. [Google Scholar] [CrossRef]
  17. Zou, B.; Liu, H.; Shang, Z.; Li, R. Image denoising based on wavelet transform. In Proceedings of the 2015 6th IEEE International Conference on Software Engineering and Service Science (ICSESS), Beijing, China, 23–25 September 2015; pp. 342–344. [Google Scholar]
  18. Huang, Z.; Wang, L.; An, Q.; Zhou, Q.; Hong, H. Learning a Contrast Enhancer for Intensity Correction of Remotely Sensed Images. IEEE Signal Process. Lett. 2022, 29, 394–398. [Google Scholar] [CrossRef]
  19. Liu, F.; Liu, Z. A Neighborhood-Based Value Iteration Algorithm for POMDP Problems. In Proceedings of the 2018 IEEE 30th International Conference on Tools with Artificial Intelligence (ICTAI), Volos, Greece, 5–7 November 2018; pp. 808–812. [Google Scholar]
  20. Huang, Z.; Zhu, Z.; An, Q.; Wang, Z.; Zhou, Q.; Zhang, T.; Alshomrani, A.S. Luminance Learning for Remotely Sensed Image Enhancement Guided by Weighted Least Squares. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  21. Huang, Z.; Zhang, Y.; Li, Q.; Li, X.; Zhang, T.; Sang, N.; Hong, H. Joint Analysis and Weighted Synthesis Sparsity Priors for Simultaneous Denoising and Destriping Optical Remote Sensing Images. IEEE Trans. Geosci. Remote Sens. 2020, 58, 6958–6982. [Google Scholar] [CrossRef]
  22. 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. 2016, 26, 3142–3155. [Google Scholar] [CrossRef]
  23. Zhang, K.; Zuo, W.; Zhang, L. FFDNet: Toward a Fast and Flexible Solution for CNN-Based Image Denoising. IEEE Trans. Image Process. 2017, 27, 4608–4622. [Google Scholar] [CrossRef]
  24. Guo, S.; Yan, Z.; Zhang, K.; Zuo, W.; Zhang, L. Toward Convolutional Blind Denoising of Real Photographs. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 1712–1722. [Google Scholar]
  25. Huang, Z.; Zhu, Z.; Wang, Z.; Shi, Y.; Fang, H.; Zhang, Y. DGDNet: Deep Gradient Descent Network for Remotely Sensed Image Denoising. IEEE Geosci. Remote Sens. Lett. 2023, 20, 1–5. [Google Scholar] [CrossRef]
  26. Moran, N.; Schmidt, D.; Zhong, Y.; Coady, P. Noisier2Noise: Learning to Denoise From Unpaired Noisy Data. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 12061–12069. [Google Scholar]
  27. Huang, Z.; Wang, Z.; Zhu, Z.; Zhang, Y.; Fang, H.; Shi, Y.; Zhang, T. DLRP: Learning Deep Low-Rank Prior for Remotely Sensed Image Denoising. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  28. Anwar, S.; Barnes, N. Real Image Denoising With Feature Attention. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 3155–3164. [Google Scholar]
  29. Fan, C.M.; Liu, T.J.; Liu, K.H. Selective Residual M-Net for Real Image Denoising. In Proceedings of the 2022 30th European Signal Processing Conference (EUSIPCO), Belgrade, Serbia, 29 August–2 September 2022; pp. 469–473. [Google Scholar]
  30. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  31. Shao, M.; Qiao, Y.; Meng, D.; Zuo, W. Uncertainty-guided hierarchical frequency domain Transformer for image restoration. Knowl. Based Syst. 2023, 263, 110306. [Google Scholar] [CrossRef]
  32. Fan, C.M.; Liu, T.J.; Liu, K.H. SUNet: Swin Transformer UNet for Image Denoising. In Proceedings of the 2022 IEEE International Symposium on Circuits and Systems (ISCAS), Austin, TX, USA, 27 May–1 June 2022; pp. 2333–2337. [Google Scholar]
  33. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin Transformer: Hierarchical Vision Transformer using Shifted Windows. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 9992–10002. [Google Scholar]
  34. Huang, Z.; Chen, L.; Zhang, Y.; Yu, Z.; Fang, H.; Zhang, T. Robust contact-point detection from pantograph-catenary infrared images by employing horizontal-vertical enhancement operator. Infrared Phys. Technol. 2019, 101, 146–155. [Google Scholar] [CrossRef]
  35. Mao, X.; Liu, Y.; lei Shen, W.; Li, Q.; Wang, Y. Deep Residual Fourier Transformation for Single Image Deblurring. arXiv 2021, arXiv:2111.11745. [Google Scholar]
  36. Guo, X.; Fu, X.; Zhou, M.; Huang, Z.; Peng, J.; Zha, Z. Exploring Fourier Prior for Single Image Rain Removal. In Proceedings of the International Joint Conference on Artificial Intelligence, Vienna, Austria, 23–29 July 2022. [Google Scholar]
  37. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. arXiv 2015, arXiv:1505.04597. [Google Scholar]
  38. Kammler, D.W. A First Course in Fourier Analysis: The Fast Fourier Transform. 2008. Available online: https://api.semanticscholar.org/CorpusID:123919398 (accessed on 18 May 2023).
  39. Hansen, E.W. Fourier Transforms: Principles and Applications. 2014. Available online: https://api.semanticscholar.org/CorpusID:118212213 (accessed on 18 May 2023).
  40. Agustsson, E.; Timofte, R. NTIRE 2017 Challenge on Single Image Super-Resolution: Dataset and Study. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Honolulu, HI, USA, 21–26 July 2017; pp. 1122–1131. [Google Scholar]
  41. Martin, D.R.; Fowlkes, C.C.; Tal, D.; Malik, J. A database of human segmented natural images and its application to evaluating segmentation algorithms and measuring ecological statistics. In Proceedings of the Proceedings Eighth IEEE International Conference on Computer Vision, ICCV 2001, Vancouver, BC, Canada, 7–14 July 2001; Volume 2, pp. 416–423. [Google Scholar]
  42. Franzen, R. Kodak Lossless True Color Image Suite. 1999. Available online: Http://r0k.us/graphics/kodak (accessed on 18 March 2023).
  43. Roth, S.; Black, M.J. Fields of Experts: A framework for learning image priors. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–25 June 2005; Volume 2, pp. 860–867. [Google Scholar]
  44. Huynh-Thu, Q.; Ghanbari, M. Scope of validity of PSNR in image/video quality assessment. Electron. Lett. 2008, 44, 800–801. [Google Scholar] [CrossRef]
  45. Wang, Z.; Bovik, A.C.; Sheikh, H.R.; Simoncelli, E.P. Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process. 2004, 13, 600–612. [Google Scholar] [CrossRef]
  46. Rehman, M.U.; Nizami, I.F.; Majid, M. DeepRPN-BIQA: Deep architectures with region proposal network for natural-scene and screen-content blind image quality assessment. Displays 2021, 71, 102101. [Google Scholar] [CrossRef]
  47. Liu, H.; Li, C.; Jin, S.; Gao, W.; Liu, F.; Du, S.; Ying, S. PGF-BIQA: Blind image quality assessment via probability multi-grained cascade forest. Comput. Vis. Image Underst. 2023, 232, 103695. [Google Scholar] [CrossRef]
  48. Luna, R.; Zabaleta, I.; Bertalmío, M. State-of-the-art image and video quality assessment with a metric based on an intrinsically non-linear neural summation model. Front. Neurosci. 2023, 17, 1222815. [Google Scholar] [CrossRef]
  49. Nizami, I.F.; Rehman, M.U.; Waqar, A.; Majid, M. Impact of visual saliency on multi-distorted blind image quality assessment using deep neural architecture. Multimed. Tools Appl. 2022, 81, 25283–25300. [Google Scholar] [CrossRef]
Figure 1. Visualized image after Fourier transform. (a) represents the real part diagram of the complex matrix of the noisy image after Fourier transform and frequency domain centralization; (b) represents the imaginary part diagram of the complex matrix of the noisy image after Fourier transform and frequency domain centralization; (c) represents the amplitude spectrum obtained by the Fourier transform calculation of the noisy image after centralization; (d) represents the phase spectrum obtained by the Fourier transform calculation of the noisy image after centralization; (e) represents the real part diagram of the complex matrix of the ground truth after Fourier transform and frequency domain centralization; (f) represents the imaginary part diagram of the complex matrix of the ground truth after Fourier transform and frequency domain centralization; (g) represents the amplitude spectrum obtained by the Fourier transform calculation of the ground truth image after centralization; (h) represents the phase spectrum obtained by the Fourier transform calculation of the ground truth image after centralization.
Figure 1. Visualized image after Fourier transform. (a) represents the real part diagram of the complex matrix of the noisy image after Fourier transform and frequency domain centralization; (b) represents the imaginary part diagram of the complex matrix of the noisy image after Fourier transform and frequency domain centralization; (c) represents the amplitude spectrum obtained by the Fourier transform calculation of the noisy image after centralization; (d) represents the phase spectrum obtained by the Fourier transform calculation of the noisy image after centralization; (e) represents the real part diagram of the complex matrix of the ground truth after Fourier transform and frequency domain centralization; (f) represents the imaginary part diagram of the complex matrix of the ground truth after Fourier transform and frequency domain centralization; (g) represents the amplitude spectrum obtained by the Fourier transform calculation of the ground truth image after centralization; (h) represents the phase spectrum obtained by the Fourier transform calculation of the ground truth image after centralization.
Entropy 25 01418 g001
Figure 2. (a) represents the image reconstructed using only the phase spectrum from its noise image; (b) represents the image reconstructed using only the phase spectrum from its ground truth; (c) represents the image reconstructed using only the amplitude spectrum from its noise image; (d) represents the image reconstructed using only the amplitude spectrum from its ground truth; (e) represents the image reconstructed by combining the amplitude spectrum of the noise image rotated 180° and the phase spectrum of the original noise image; (f) represents the image reconstructed by combining the phase spectrum of the noise image rotated 180° and the amplitude spectrum of the original noise image; (g) represents the image reconstructed by combining the amplitude spectrum of the noisy image and the phase spectrum of the ground truth; (h) represents the image reconstructed by combining the amplitude spectrum of the ground truth and the phase spectrum of the noisy image.
Figure 2. (a) represents the image reconstructed using only the phase spectrum from its noise image; (b) represents the image reconstructed using only the phase spectrum from its ground truth; (c) represents the image reconstructed using only the amplitude spectrum from its noise image; (d) represents the image reconstructed using only the amplitude spectrum from its ground truth; (e) represents the image reconstructed by combining the amplitude spectrum of the noise image rotated 180° and the phase spectrum of the original noise image; (f) represents the image reconstructed by combining the phase spectrum of the noise image rotated 180° and the amplitude spectrum of the original noise image; (g) represents the image reconstructed by combining the amplitude spectrum of the noisy image and the phase spectrum of the ground truth; (h) represents the image reconstructed by combining the amplitude spectrum of the ground truth and the phase spectrum of the noisy image.
Entropy 25 01418 g002
Figure 3. (a) represents the existing Res FFT-Conv Block; (b,c) represent the proposed improved Res FFT-Conv Block, where (b) represents our proposed RFAPB.
Figure 3. (a) represents the existing Res FFT-Conv Block; (b,c) represent the proposed improved Res FFT-Conv Block, where (b) represents our proposed RFAPB.
Entropy 25 01418 g003
Figure 4. Network structure. Our network structure embeds the RFAPB module within a three-layer UNet architecture. The abbreviations ERB and DRB stand for encoding residual blocks and decoding residual blocks, respectively, as illustrated in the example.
Figure 4. Network structure. Our network structure embeds the RFAPB module within a three-layer UNet architecture. The abbreviations ERB and DRB stand for encoding residual blocks and decoding residual blocks, respectively, as illustrated in the example.
Entropy 25 01418 g004
Figure 5. The intermediate results at different stages.
Figure 5. The intermediate results at different stages.
Entropy 25 01418 g005
Figure 6. A comparison of the visual effects of denoising color image “kodim08” from the Kodak24 dataset using different Fourier transform structures for denoising is performed. The image is corrupted with additive Gaussian white noise σ = 50 . The bottom right corner of each subfigure shows the enlarged result within the red box. The first row represents the visualization results of the noisy image and the Fourier residual structure of Figure 4b with different loss functions. The second row represents the visualization results of the ground truth and the Fourier residual structure of Figure 4c with different loss functions. The best results are highlighted in bold. Noisy image: 18.2552 dB/0.5348; ground truth: /1.0; (a): 30.5806 dB/0.8451; (b): 30.4021 dB/0.8381; (c) 30.3749 dB/0.8351; (d) 24.3112 dB/0.8286; (e): 24.1747 dB/0.8269; (f): 23.7677 dB/0.8061; (g): 22.5183 dB/0.7448; (h): 30.2183 dB/0.8328; (i): 30.4640 dB/0.8391; (j): 24.5194 dB/0.8362; (k): 22.8274 dB/0.7684; (l): 24.1793 dB/0.8246; (m): 29.7990 dB/0.8095; (n): 22.8878 dB/0.7675.
Figure 6. A comparison of the visual effects of denoising color image “kodim08” from the Kodak24 dataset using different Fourier transform structures for denoising is performed. The image is corrupted with additive Gaussian white noise σ = 50 . The bottom right corner of each subfigure shows the enlarged result within the red box. The first row represents the visualization results of the noisy image and the Fourier residual structure of Figure 4b with different loss functions. The second row represents the visualization results of the ground truth and the Fourier residual structure of Figure 4c with different loss functions. The best results are highlighted in bold. Noisy image: 18.2552 dB/0.5348; ground truth: /1.0; (a): 30.5806 dB/0.8451; (b): 30.4021 dB/0.8381; (c) 30.3749 dB/0.8351; (d) 24.3112 dB/0.8286; (e): 24.1747 dB/0.8269; (f): 23.7677 dB/0.8061; (g): 22.5183 dB/0.7448; (h): 30.2183 dB/0.8328; (i): 30.4640 dB/0.8391; (j): 24.5194 dB/0.8362; (k): 22.8274 dB/0.7684; (l): 24.1793 dB/0.8246; (m): 29.7990 dB/0.8095; (n): 22.8878 dB/0.7675.
Entropy 25 01418 g006
Figure 7. A comparison of the visual effects of the image “test006” in the BSD68 dataset after denoising using different grayscale image denoising models with a noise level of 50 is presented. The PSNR and SSIM values are calculated based on the patch in the upper part of the subgraph and highlighted in red font.
Figure 7. A comparison of the visual effects of the image “test006” in the BSD68 dataset after denoising using different grayscale image denoising models with a noise level of 50 is presented. The PSNR and SSIM values are calculated based on the patch in the upper part of the subgraph and highlighted in red font.
Entropy 25 01418 g007
Figure 8. A comparison of the visual effects of the image “Monarch” in the Set12 dataset after denoising using different grayscale image denoising models is presented. The image is adversely affected by additive Gaussian white noise with a standard deviation of σ = 30 . The PSNR and SSIM values are displayed in the upper part of the image and highlighted in yellow font. Additionally, an enlarged result image is shown within the red box in the bottom right corner of the subgraph.
Figure 8. A comparison of the visual effects of the image “Monarch” in the Set12 dataset after denoising using different grayscale image denoising models is presented. The image is adversely affected by additive Gaussian white noise with a standard deviation of σ = 30 . The PSNR and SSIM values are displayed in the upper part of the image and highlighted in yellow font. Additionally, an enlarged result image is shown within the red box in the bottom right corner of the subgraph.
Entropy 25 01418 g008
Figure 9. A comparison of the visual effects of the image “Lena” in the Set12 dataset after denoising using different grayscale image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 50 . The PSNR and SSIM values are displayed in the upper part of the image and highlighted in yellow font. Additionally, an enlarged result image is shown within the red box in the bottom right corner of the subgraph.
Figure 9. A comparison of the visual effects of the image “Lena” in the Set12 dataset after denoising using different grayscale image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 50 . The PSNR and SSIM values are displayed in the upper part of the image and highlighted in yellow font. Additionally, an enlarged result image is shown within the red box in the bottom right corner of the subgraph.
Entropy 25 01418 g009
Figure 10. A comparison of the visual effects of the image “14037” in the CBSD68 dataset after denoising using different color image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 30 . The PSNR and SSIM values are calculated based on the patch in the upper part of the subgraph and displayed in yellow font. Furthermore, the enlarged result within the red box of the subgraph is shown in the bottom right corner.
Figure 10. A comparison of the visual effects of the image “14037” in the CBSD68 dataset after denoising using different color image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 30 . The PSNR and SSIM values are calculated based on the patch in the upper part of the subgraph and displayed in yellow font. Furthermore, the enlarged result within the red box of the subgraph is shown in the bottom right corner.
Entropy 25 01418 g010
Figure 11. A comparison of the visual effects of the image “21077” in the CBSD68 dataset after denoising using different color image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 50 . The PSNR and SSIM values are calculated based on the patch in the upper part of the subgraph and displayed in yellow font. Furthermore, the bottom right corner of the subgraph shows the enlarged result within the red box.
Figure 11. A comparison of the visual effects of the image “21077” in the CBSD68 dataset after denoising using different color image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 50 . The PSNR and SSIM values are calculated based on the patch in the upper part of the subgraph and displayed in yellow font. Furthermore, the bottom right corner of the subgraph shows the enlarged result within the red box.
Entropy 25 01418 g011
Figure 12. A comparison of the visual effects after denoising the image “kodim20” in the Kodak24 dataset using different color image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 50 The PSNR and SSIM values are displayed in the upper part of the image, highlighted in red font. Additionally, the enlarged result image is shown within the red box located at the bottom right corner of the subgraph.
Figure 12. A comparison of the visual effects after denoising the image “kodim20” in the Kodak24 dataset using different color image denoising models is presented. The image is affected by additive Gaussian white noise with a standard deviation of σ = 50 The PSNR and SSIM values are displayed in the upper part of the image, highlighted in red font. Additionally, the enlarged result image is shown within the red box located at the bottom right corner of the subgraph.
Entropy 25 01418 g012
Table 1. Verify the results of residual structure image denoising using different Fourier transforms and highlight the best results in bold font.
Table 1. Verify the results of residual structure image denoising using different Fourier transforms and highlight the best results in bold font.
MethodsLoss λ = 0 λ = 0.05 λ = 0.2 λ = 0.5
PSNRSSIMPSNRSSIMPSNRSSIMPSNRSSIM
(b) L 1 + λ L 1 p h a s e 33.55790.887233.20950.883632.76490.875131.89520.8579
L 1 + λ L 2 p h a s e 32.39450.866631.69620.845329.12960.7655
(c) L 1 + λ L 1 p h a s e 33.37830.884333.24280.883732.88740.877029.49670.7906
L 1 + λ L 2 p h a s e 32.53730.869531.69690.845430.14900.7995
Table 2. The results of image denoising using different denoising models on the BSD68 dataset show that all PSNR and SSIM values are averaged across the entire dataset, with the best results highlighted in bold font.
Table 2. The results of image denoising using different denoising models on the BSD68 dataset show that all PSNR and SSIM values are averaged across the entire dataset, with the best results highlighted in bold font.
MethodsBSD68ParmsRuntime
σ = 10 σ = 30 σ = 50
PSNRSSIMPSNRSSIMPSNRSSIM
DnCNN [22]33.62330.955228.99220.880626.43760.8269558K0.005 s
UNet [37]33.99690.964029.70340.893126.85730.835534M0.009 s
SUNet [32]35.23090.967129.58020.896426.90220.844499M0.048 s
FEUSNet35.87630.968930.20400.900427.86990.84778M0.044 s
Table 3. On the Set12 dataset, for images with noise levels of 10, 30, and 50, the PSNR (in dB) of grayscale images denoised using different denoising models is obtained, and the best result is highlighted in bold font.
Table 3. On the Set12 dataset, for images with noise levels of 10, 30, and 50, the PSNR (in dB) of grayscale images denoised using different denoising models is obtained, and the best result is highlighted in bold font.
ImagesC.manHousePeppersStarfishMonarchAirplaneParrotLenaBarbaraBoatManCoupleAverage
Noise level10
DnCNN [22]31.858734.939127.016432.636540.341835.961533.181330.936034.516833.050734.027431.614933.3401
UNet [37]33.241335.683426.414832.036040.150732.935034.953238.115931.186633.296326.538032.768233.1100
SUNet [32]33.773741.934132.355839.185633.990230.517735.505439.736836.901140.056327.643733.183835.3987
FEUSNet33.568241.881236.570240.720440.623232.095035.508735.561733.422435.123534.075234.691336.1534
Noise level30
DnCNN [22]29.055836.689125.773028.895029.234725.494329.653633.578132.696828.464730.284828.220529.8367
UNet [37]29.360936.719623.593028.587127.642624.337629.990328.383526.773834.850330.231129.081829.1293
SUNet [32]29.613436.785825.622428.328234.656323.916330.150727.889326.923534.797424.789627.934329.2839
FEUSNet29.977638.123325.777834.966536.030427.134730.439929.241428.577029.249923.588129.684730.2326
Noise level50
DnCNN [22]27.079627.807733.029226.041526.321423.633827.422426.085924.673932.028528.318426.136327.3816
UNet [37]27.340534.278028.040826.238133.129724.105027.672426.810924.255926.360922.070726.521827.2354
SUNet [32]27.592235.075326.920632.395927.164524.007727.791532.676623.780532.540622.323026.360528.2191
FEUSNet27.870327.687025.108826.996226.792424.809427.938832.681622.959526.581528.974927.116127.1264
Table 4. On the Set12 dataset, for images with noise levels of 10, 30, and 50, the results of denoising using different denoising models for grayscale images are SSIM, and the best result is highlighted in bold font.
Table 4. On the Set12 dataset, for images with noise levels of 10, 30, and 50, the results of denoising using different denoising models for grayscale images are SSIM, and the best result is highlighted in bold font.
ImagesC.manHousePeppersStarfishMonarchAirplaneParrotLenaBarbaraBoatManCoupleAverage
Noise level10
DnCNN [22]0.92570.96050.96380.96500.98000.95870.96660.96080.89040.96350.89300.96210.9492
UNet [37]0.93770.96460.96450.96310.98130.96330.97510.96320.93760.96340.89480.96730.9563
SUNet [32]0.94550.96720.96950.96880.98110.96780.97740.96760.95500.96840.90090.96930.9615
FEUSNet0.94520.97280.97420.97530.98410.96920.97930.97260.97200.97330.91230.97380.9670
Noise level30
DnCNN [22]0.88510.93130.93180.92490.94620.91050.92880.90940.84630.89660.79420.89900.9003
UNet [37]0.89120.93300.93190.92620.94640.91440.93450.91900.84830.90830.80670.90570.9055
SUNet [32]0.90160.93680.93620.92090.94980.91650.93690.92170.85940.90950.81560.91150.9097
FEUSNet0.90300.93990.94130.92590.95500.92130.93840.93070.90700.91520.80830.91930.9171
Noise level50
DnCNN [22]0.84490.90620.89800.87560.90940.87670.89710.86050.79720.84890.72990.84130.8571
UNet [37]0.85400.91350.90610.88080.91580.88050.90370.87460.80820.85810.73360.84850.8648
SUNet [32]0.86630.92240.91120.88650.92180.88650.90800.88810.81990.86670.74050.85660.8729
FEUSNet0.86790.92350.91450.89520.92390.88690.90990.89760.84050.87200.75600.86910.8798
Table 5. The results of image denoising using different denoising models on the CBSD68 and Kodak24 datasets show that all PSNR and SSIM values are averaged across the entire dataset, with the best results highlighted in bold font.
Table 5. The results of image denoising using different denoising models on the CBSD68 and Kodak24 datasets show that all PSNR and SSIM values are averaged across the entire dataset, with the best results highlighted in bold font.
MethodsCBSD68Kodak24ParmsRuntime
σ = 10 σ = 30 σ = 50 σ = 10 σ = 30 σ = 50
PSNRSSIMPSNRSSIMPSNRSSIMPSNRSSIMPSNRSSIMPSNRSSIM
DnCNN [22]33.57170.961828.71730.892226.60940.830633.19760.956029.41910.888928.26740.8332558K0.007 s
UNet [37]34.86220.966429.44970.898727.09640.840835.31720.961829.94540.894427.28890.842834M0.011 s
SUNet [32]35.04860.970629.87430.908127.83850.854235.01680.966330.15210.903828.34440.856899M0.059 s
FEUSNet36.64970.973230.66640.911927.83830.858837.11930.971631.35080.912329.51170.86718M0.051 s
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, X.; Han, J.; Yuan, Q.; Zhang, Y.; Fu, Z.; Zou, M.; Huang, Z. FEUSNet: Fourier Embedded U-Shaped Network for Image Denoising. Entropy 2023, 25, 1418. https://doi.org/10.3390/e25101418

AMA Style

Li X, Han J, Yuan Q, Zhang Y, Fu Z, Zou M, Huang Z. FEUSNet: Fourier Embedded U-Shaped Network for Image Denoising. Entropy. 2023; 25(10):1418. https://doi.org/10.3390/e25101418

Chicago/Turabian Style

Li, Xi, Jingwei Han, Quan Yuan, Yaozong Zhang, Zhongtao Fu, Miao Zou, and Zhenghua Huang. 2023. "FEUSNet: Fourier Embedded U-Shaped Network for Image Denoising" Entropy 25, no. 10: 1418. https://doi.org/10.3390/e25101418

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