Next Article in Journal
The Adaptation of Internet of Things in the Indian Insurance Industry—Reviewing the Challenges and Potential Solutions
Next Article in Special Issue
Solpen: An Accurate 6-DOF Positioning Tool for Vision-Guided Robotics
Previous Article in Journal
A Multi-Scale Multi-Task Learning Model for Continuous Dimensional Emotion Recognition from Audio
Previous Article in Special Issue
Multiple Cues-Based Robust Visual Object Tracking Method
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dense Residual Transformer for Image Denoising

1
School of Computer and Communication Engineering, University of Science and Technology Beijing, Beijing 100083, China
2
Institute of Information Science, Beijing Jiaotong University, Beijing 100044, China
3
Institute of Artificial Intelligence, University of Science and Technology Beijing, Beijing 100083, China
*
Authors to whom correspondence should be addressed.
These authors contributed equally to this work.
Electronics 2022, 11(3), 418; https://doi.org/10.3390/electronics11030418
Submission received: 31 December 2021 / Revised: 25 January 2022 / Accepted: 27 January 2022 / Published: 29 January 2022
(This article belongs to the Collection Computer Vision and Pattern Recognition Techniques)

Abstract

:
Image denoising is an important low-level computer vision task, which aims to reconstruct a noise-free and high-quality image from a noisy image. With the development of deep learning, convolutional neural network (CNN) has been gradually applied and achieved great success in image denoising, image compression, image enhancement, etc. Recently, Transformer has been a hot technique, which is widely used to tackle computer vision tasks. However, few Transformer-based methods have been proposed for low-level vision tasks. In this paper, we proposed an image denoising network structure based on Transformer, which is named DenSformer. DenSformer consists of three modules, including a preprocessing module, a local-global feature extraction module, and a reconstruction module. Specifically, the local-global feature extraction module consists of several Sformer groups, each of which has several ETransformer layers and a convolution layer, together with a residual connection. These Sformer groups are densely skip-connected to fuse the feature of different layers, and they jointly capture the local and global information from the given noisy images. We conduct our model on comprehensive experiments. In synthetic noise removal, DenSformer outperforms other state-of-the-art methods by up to 0.06–0.28 dB in gray-scale images and 0.57–1.19 dB in color images. In real noise removal, DenSformer can achieve comparable performance, while the number of parameters can be reduced by up to 40%. Experimental results prove that our DenSformer achieves improvement compared to some state-of-the-art methods, both for the synthetic noise data and real noise data, in the objective and subjective evaluations.

1. Introduction

The acquisition of images and videos is basically dependent on some digital devices; however, the collection process is often affected by various degradation factors. Lots of noise is blended into the images/videos, resulting in the loss of image quality. Therefore, image denoising aims to recover the clean image with high quality. Obviously, this problem is ill-posed, because the degradation process is unknown and irreversible. To tackle this problem, some early denoising methods utilize some specific filters, such as mean filters, nonlocal means (NLM) [1], and 3D transform-domain filtering (BM3D) [2], to eliminate the possible noise in the given noisy images. In recent years, some convolutional neural networks (CNN) have been also employed for image denoising. To explore how to further improve the denoising performance is still a hot challenge, especially for real scenarios.
With the development of deep learning, many state-of-the-art CNN models have achieved good performance in many computer vision tasks. Due to several revolutionary works, CNN-based networks have become the main benchmark method for image denoising. Some classical architectures such as residual skip connection [3] and dense skip connection [4] are utilized to improve the feature representation ability for image denoising. Nevertheless, CNN-based networks showed that the fitting ability of the noise distribution could not be improved following with the increasing of CNN layers. Some technical issues such as gradient vanishing also plagued researchers. Moreover, for real image denoising, the performance of removing complex noise is also limited by only utilizing a residual learning strategy.
To tackle the above problems, on one hand, many works have attempted to employ the attention mechanism to enhance the representation of the local features, including channel attention and spatial attention. On the other hand, the global information is also considered to be an important addition to recover the clean images. So, the non-local operation is widely utilized in some of the latest network architectures. Specifically, Transformer [5] has been proved to be a useful tool for capturing the global information by utilizing the long-range dependencies of pixels, which is originally used in the natural language processing task. Alexey et al. propose the ViT [6] network, which successfully applies Transformer in computer vision tasks. Then, various exciting works [7,8,9] have made a lot of effort to design Transformer-based architectures for the specific tasks. However, some technique issues still exist and limit the application of Transformer. For example, border pixels of images can be hardly utilized in Transformer, because the adjacent pixels are out of the range. Transformer cannot capture local information well enough. Therefore, how to apply Transformer, especially for the low-level computer vision tasks, is still a challenge.
In this paper, we propose an end-to-end Transformer-based model for image denoising, which is named Dense residual Transformer (DenSformer). DenSformer is composed of a preprocessing module, a local–global feature extraction module, and a reconstruction module. Specifically, the preprocessing module is exploited to extract shallow features from input images. The local–global feature extraction module consists of several Sformer groups, and each Sformer group includes several ETransformer layers and one convolutional layer. Additionally, the residual skip connection is utilized to assemble these layers. Finally, the reconstruction module is utilized to restore the clean image. We quantitatively compare our DenSformer with other existing denoising methods. Experimental results on different test sets verify the effectiveness of our model in objective and subjective evaluation.
Overall, our contributions of this paper can be summarized as follows:
  • We propose an end-to-end Transformer-based network for image denoising, where both Transformer and convolutional layers are utilized to implement the fusion between the local and global features.
  • We design a residual in residual architecture to assemble multiple Transformers and convolutional layers to achieve better performance in a deeper network.
  • We introduce a depth-wise convolutional layer into Transformer, which is used to preserve the local information in the forward process of Transformer.

2. Related Work

2.1. CNN-Based Image Denoising

With the development of deep learning, many researchers attempt to design novel denoising models based on convolution neural network (CNN), and most of them have achieved impressive improvement on the performance. Early CNN-based models are trained in the synthetic image data with AWGN (Additive White Gaussian Noise). Harold et al. propose to apply the original feedforward neural network model for the denoising task, which can achieve comparable results with BM3D [2]. Chen et al. [10] propose a trainable nonlinear reaction diffusion (TNRD) model to remove noise of different levels. Zhang et al. [11] design a named DnCNN Network, which demonstrates the availability of residual learning for image denoising, and Lin et al. [12] propose an Adaptive and Overlapped Average Filter (AOAF) to get better distribution of noise. Later on, more works are focused on the design of CNN-based network architectures [13], including the improvement of receptive field and the balance of performance and model size. These models can learn the noise distribution well from the training data, but they are not well suitable for the real noise removal. Then, Zhang et al. [14] further generate a noise map by making a relation between the noise level and the noisy image, and they demonstrate a spatial-invariant denoising algorithm for real-image denoising. MIRNet [15] presents a network architecture that is able to handle multiple image restoration tasks including image denoising, super-resolution, and enhancement, with many new building blocks that could extract and utilize different feature information at multi-scale. RDN [4] combines DenseNet blocks and global residual learning to implement the fusion of local and global features. Although these models attempt to increase the performance of real denoising, it is still necessary to balance the trade-off between model size and performance.

2.2. Vision Transformer

Recently, Transformer [5,16] has been popular in the computer vision field. The emergence of ViT [6,17] marks the beginning of applying Transformer in the computer vision field. Nevertheless, there are still some weaknesses, such as the requirement for large-scale datasets and the high time complexity. Driven by ViT, various Transformer-based models are proposed to solve the problems related to computer vision tasks, such as image classification [9], image/video segmentation [18,19], and object detection [8,20] etc. Some of the latest works have tried to apply Transformer for image restoration. Wang et al. propose a Detail-Preserving Transformer [21] for the light field image super-resolution, which can effectively restore the detailed information of light field images by using Transformer. Chen et al. [22] propose a backbone model named IPT, which is based on the standard Transformer, to restore multiple image degradation tasks. However, IPT is a pre-training model, which means it need to be firstly trained on a large-scale dataset, and the performance of image restoration is also limited. Wang et al. [23] further propose a U-shaped Transformer network, and it achieves good performance on image restoration. However, how to apply Transformer to solve the problem of the low-level computer vision tasks is still a hot issue.

3. Proposed Work

In this section, we first describe our designed network architecture. Then, some details of the main components in DenSformer are provided. Finally, we discuss the effects of the residual skip-connection strategies on the fusion between the local and global features.

3.1. Network Architecture

As shown in Figure 1, DenSformer is composed of the preprocessing module, the local-global feature extraction module, and the reconstruction module. The preprocessing module contains a 3 × 3 convolutional layer to extract shallow features from the input image I i n R H × W × C i n (Naturally, H, W are the height and weight of the image, and C i n is the channel number of the given image). Then, the shallow features F 0 R H × W × C can be obtained, where C is the channel number of the shallow feature. It can be represented as,
F 0 = H p r e ( I i n ) ,
where H p r e denotes the preprocessing module.
Next, a local–global feature extraction module is designed to extract the local and the global features from F 0 , where the features are learned by multiple Transformers (named Sformer Block) in a residual-in-residual. These Transformers are assembled by some dense skip connections. In addition, long skip connections are exploited. So, we can further have
F D = H T B ( F 0 ) ,
H T B ( · ) denotes our proposed dense Transformer-based structure, which contains M Sformer blocks. We treat the output F D as deep features, which is then converted to the high-quality image I o u t by concatenating with F 0 with a long skip connection
I o u t = H r e c ( F D ) + F 0 = H D e n S ( I i n ) ,
where H r e s denotes the reconstruction module, which is made up by a 3 × 3 convolutional layer. With dense residual skip connection, our network can transmit the shallow layer features directly to the reconstruction module. We use residual learning to reconstruct the residual between the noisy image and the corresponding clean image. H D e n S is the mathematical representation of our DenSformer.
To improve the effectiveness of our DenSformer in the image denoising task, we choose L 1 loss to optimize the whole network. The training set { I n o i s y , I c l e a n } N contains N pairs of noisy images and the corresponding clean images. The training goal of DenSformer is to minimize the L 1 loss function [24],
L ( Θ ) = 1 N i = 1 N H D e n S ( I n o i s y ) I c l e a n 1 ,
where Θ denotes the parameters set of our network. The loss function is optimized by using stochastic gradient descent. More details of our network can be found as below.

3.2. Sfomer Block

We now give more details about our proposed Sformer block. As shown in Figure 2a, the Sformer block contains M Enhanced Lewin Transformer (ETransformer) layers, a 3 × 3 convolutional layer behind all ETransformer layers, and a long skip connection bridging the input and output of the block. In Sformer blocks, each ETransformer layer will extract the deep feature from the input, and the behind convolution layer fuses the features, which will help the next deep feature extraction.
ETransformer is designed depending on LeWin Transformer [23]. To enhance the learning ability of local and global information in Transformer, the 2D input token is firstly reshaped to 3D along the spatial dimension and then processed by a depth-separable convolution. Instead of generating by direct linear layer operation, some local information can be preserved by the convolutional operation. Thereby, the Q, K, and V are changed as:
Q = L N ( H D S ( W Q X i 1 ) ) K = L N ( H D S ( W K X i 1 ) ) V = L N ( H D S ( W V X i 1 ) ) ,
where H D S ( · ) denotes the depth-wise convolution layer, and L N ( · ) denotes the layer normalization. It is noted that the convolutional operation can also decrease the memory consuming in the process of calculating self-attention [25,26], where the spatial resolution of input features can be reduced. Otherwise, we perform the self-attention within non-overlapping local windows, which can further reduce the computational cost significantly.
Given an input feature with size W × H × C , W-MSA first reshapes it to H W × C through the above convolutional layer, and the reshaped feature is further clipped by several M × M windows. The input feature is fed into the W-MSA with H W M 2 × C × M 2 , where H W M 2 is the total number of windows. Then, the self-attention weights are calculated separately window by window. Window-based self-attention can significantly reduce the computational cost compared with global self-attention. Given the feature map X R H × W × C , the computational complexity drops from O ( H 2 W 2 C ) to O ( H W M 2 M 4 C ) = O ( M 2 H W C ) . We also include a relative position bias B R M 2 × M 2 to each head in computing similarity, so the self-attention can be calculated as,
A t t e n t i o n ( Q , K , V ) = S o f t M a x ( Q K T d + B ) V ,
where B is the learnable relative position encoding. Comparing with the vanilla self-attention module such as ViT [6], the computational complexity of the vanilla self-attention is O ( H 2 × W 2 × C ) with the input X R ( H × W × C ) . By utilizing the window self-attention (W-MSA), since the self-attention weights are calculated in each small window, the computational complexity can drop to O ( M 2 H W C ) . The computational cost is highly optimized from quadratic complexity to linear complexity corresponding to the image size.
As shown in Figure 2c, a structure named LeFF will substitute the MLP layer in Feed-Forward Network (FFN) in order to avoid extracting local features insufficiently and compress memory. The Feed-Forward Network (FFN) in the standard Transformer presents limited capability to leverage local context. However, adjacent pixels are crucial references for image restoration. To further enhance the local information, we utilize LeFF [23] in substitution for MLP in the original Transformer. As shown in Figure 2c, a linear layer is firstly used to increase the feature dimension, so the output tokens can be reshaped to 2D feature maps. In the following, a 3 × 3 depth-wise convolution [27] is cascaded to capture local information; then, we flatten the features maps to tokens again, and another linear layer is used to adjust the channels for matching with the input of the next ETransformer in the dimension. In this way, the depth-wise convolution in LeFF will help enhance the local information extraction with avoiding heavy computation.
Finally, the computation of our ETransformer layer is represented as:
X l = W M S A ( l N ( X l 1 ) ) + X l 1 X l = L e F F ( l N ( X l 1 ) ) + X l ,
where X l and X l are the outputs of the W-MSA module and L e F F module, respectively. l N represents the layer normalization. On one hand, the convolutional operation in ETransformer layers can decrease the memory consuming in the process of calculating self-attention. On the other hand, local information will be extracted and then fused with the learned global information in ETransformer layers. Overall, the Sformer block can be formulated as follows:
F D i = H T C ( H E T ( F i ) ) + F i = H S ( F i ) + F i ,
where F i denotes the input feature, F D i denotes the output of the i-th Sformer block, H T C ( · ) denotes the convolution layer in the Sformer block, H E T ( · ) denotes ETransformer layers, and H S ( · ) denotes the whole Sformer block. With Sformer blocks, our network can extract deep features from the input and help reconstruct high-frequency features.

3.3. Dense Residual Skip Connection

With the emergency of ResNet [3] and DenseNet [28], skip connection in neural network has been proved to make the network more robust and stable training. Skip connection is also able to facilitate the fusion of feature information between different layers, especially when crossing multiple layers. Furthermore, applying dense residual-connection between multiple layers can make a better promotion on the performance. Generally speaking, shallow features mainly contain low-frequency information, while deep features focus on recovering the high-frequency information. With a number of long or short skip connections, the low and high-frequency information can be aggregated. In DenSformer, some convolutional operation and multi-head self-attention mechanism are exploited to capture the local and global features, respectively. Therefore, to better implement the fusion of the local–global information, we present a dense residual skip connection to better bridge the local and global features.
Combining schemes of skip connection variants, we design a skip-connection structure named dense residual skip connection. To fuse the shallow features and deep features, we add a skip connection between every two Sformer groups and a long skip connection between the shallow features to the deep features. All Sformer groups are densely skip-connected to enhance the feature representation. As shown in Figure 1, each Sformer group is connected to all the following groups. In this way, shallow features and deep features can be densely fused, where low and high-frequency information can be well reconstructed.

4. Experiments

In this section, we demonstrate the quantitive effectiveness of our method on both synthetic datasets and real noisy datasets; moreover, some visual results of denoised images are also provided to evaluate the subjective performance of our models.

4.1. Experimental Settings

Training Data. We use DIV2K and Flickr2K as our training dataset. The DIV2K dataset is a high-quality dataset that consists of 800 training images, 100 validation images, and 100 test images. The Flickr2K dataset contains 2650 images with high resolution. In the synthetic denoising experiment, different levels of AWGN [29] are added to the clean image for generating multiple degraded images. For real image denoising, we adopt the SIDD medium dataset [27] for training. SIDD utilized five diverse mobile phones to take 30,000 noisy images in different scenes. For the clean image, SIDD removes the wrong pixels in each image, then aligns the image, and finally generates a “noiseless” real image.
Testing Data and Metrics. For synthetic noise removal, we adopt Kodak24, CBSD68, and McMaster as test sets for color image denoising and Set12, BSD68, and Kodak24 as test sets for gray-scale image denoising. For real noise removal, we adopt the SIDD [27] validation dataset and DnD dataset [30]. In synthetic noise removal experiments, we compare DenSformer with other existing denoising methods including DnCNN [11], IRCNN [31], MemNet [32], FFDNet [14], RDN [4], etc. In real noise removal experiments, we compare DenSformer with BM3D [2], CBDNet [33], RIDNet [34], MPRNet [35], etc. Widely used quality assessments PSNR and SSIM are utilized to evaluate the performance of denoising. The best and second-best results are highlighted in bold and underline respectively.
Implementation Details. For different denoising tasks, the Sformer groups, Sformer blocks, and ETransformer layers are all set to 4. The number of feature channels is 64, and the patch size of the input image is 40 × 40 . In the training stage, we employ ADAM [36] optimizer with the β 1 = 0.9 , β 2 = 0.999 and ϵ = 10 8 . The initial learning-rate is set to 1 × 10 4 and the strategy of decreasing the learning rate is multistep decreasing, where the learning rate would decrease half for every 20K iterations. We apply rotation, cropping, and flipping on the training images to augment the training data. We conduct experiments on PyTorch and two NVIDIA TITAN XP GPUs.

4.2. Synthetic Noisy Images

To achieve a fair comparison, the same noise, AWGN, with different noise levels, σ = 30, 50, and 70, is added into the high-quality images to get noisy images. The final results of gray-scale and color images are listed in Table 1 and Table 2, respectively. As shown in Table 1, for synthetic noise removal of gray-scale images, our method outperforms other image denoising methods and achieves the best performance in Set12 and Kodak24 test sets, except when the noise level σ = 50 in the BSD68 test set. Take σ = 30 as an example; our DenSformer obtains 0.03 dB, 0.24 dB, 0.17 dB improvements over RDN [4] in all of three test set, respectively. In case of color image, as shown in Table 2, for instance when σ = 30 , our network obtains 0.57 dB, 0.59 dB, and 1.19 dB improvements over RDN [4] in three test sets, respectively. The result proves the effectiveness of our proposed DenSformer on denoising the synthetic noise. It is noted that when the noise level is σ = 70 , our network performs not well enough and worse than RDN. We analyze that it might be that the dense skip connection is not suitable for a high noise level situation. This is the point that we will fix in the future work.
We also show visual denosing results of different methods. Specifically, the building textures and the chicken feathers are presented in Figure 3 and Figure 4 respectively, which are hard to be separated with heavy noise. In the subjective results, we can find that other denoising methods tend to remove the edge details and the noise together, which make the results too smooth. BM3D [2] preserves the image structure to some degree but fails to remove noise deeply, DnCNN [11] and IRCNN [31] would make the edges of images over-smoothed, and FFDNet [14] is slightly better than the former two methods. RDN [4] restores more clean images, but there are still some textures and tiny details not restored well during the denoising process. The main reason is that these methods are limited to extract high-frequency features. On the contrary, our network is able to reconstruct local detail high-frequency features and clean smooth areas, because Enhanced Transformer in our method can better capture global information of the image, and the dense residual skip-connection scheme can fuse the shallow and deep features to help reconstruction.

4.3. Real Noisy Images

To evaluate the denoising performance of our method on real noisy images, we conduct a series of experiments. We adopt SIDD datasets as our train dataset, SIDD as our validation dataset, and the DnD dataset as our test dataset, which contains 1280 noisy-clean image pairs whose resolutions are 256 × 256 .
In comparative experiments, the quantitative results on the test set and parameter comparison are shown in Table 3. Compared with VDN [37], which has the same parameters, DenSformer can achieve excellent PSNR performance that surpasses 0.40 dB on the SIDD dataset and 0.49 dB on the DnD dataset. That means our network has the ability to extract and reconstruct detailed information. Structural similarity index measure (SSIM), an image quality assessment based on the degradation of structural information, is also employed to evaluate the performance of denoising. It can be observed that the metric SSIM of our model is almost consistent with recent state-of-the-art methods, which denotes that our DenSformer is effective at maintaining the consistency of the image’s structure with fewer parameters. Although the PSNR result of MPRNet and Uformer is better than DenSformer, their parameters are 20.1 M and 20.6 M, along with our 7.8 M. Our light models can be better applied in real devices. Meanwhile, our network does not perform better on real image denoising, and we also analyze that it might be that DenSformer is not suitable for the images with huge size and unknown degradation. We will fix this challenge in future work.
Figure 5 and Figure 6 show the subjective comparison results of each method on the SIDD and DnD dataset, respectively. From the visualization results, we can find that the traditional algorithm BM3D is not good at denoising the real noise. While CBDNet can remove part of the real noise, the image after denoising is very blurred, and the image restored by RIDNet is too smooth, and the details are not clear enough. The image restored by our method is close to the results of other excellent algorithms such as MPRNet and Uformer, which can restore the image more clearly. As shown in Figure 7, DenSformer achieves competitive quantitive results with fewer parameters, which has a good balance between the PSNR result and model size.

4.4. Ablation Study

For ablation study, we train our DenSformer on DIV2K and Flickr2K and test it on Kodak24. We firstly compared three variants of skip connection in our network, including dense residual skip connection, local residual skip connection, and cross-residual skip connection. Specifically, dense residual skip connection is what we employed in DenSformer. Local residual skip connection means there are only residual skip connections between every two Sformer groups and a long skip connection between the input and output. Cross-residual skip connection is the scheme of dense residual skip connection but without local residual skip connection.
We show the effects of different schemes of skip connection in Table 4. It can be observed that the result of dense residual skip connection is the best, which outperforms 0.04 and 0.05 dB in PSNR compared with the other two schemes, respectively. Meanwhile, there is also a slight increase in training time, which means that our dense residaul skip-connection scheme will get a high PSNR performance only with a small time cost.
Effects of different layers and blocks in ETransformer are also shown in Table 5. The implementation of experimental details is the same as in the ablation study of skip connection. The Vanilla model denotes the original Transformer layer with Window-based Multi head self-attention, the Vanilla-C model denotes the original Transformer in which Depth-wise convolution substitutes a linear layer in the generation of Q, K, V, LeWin means LeWin Transformer [23], and Enhanced LeWin is the original LeWin Transformer with depth-wise convolution. We can observe that the results of the Vanilla-C model are a little lower than those of the Vanilla model, and the results of the Enhanced LeWin model are better than those of the other three models, which means that the convolution layer in the generation of Q, K, and V, and the LeFF layer in the Feed-Forward Network can help Transformer better extract and utilize information, which can perform well in different denoising tasks.
To further evaluate the impact of ETransformer layers in Sformer, we conduct another ablation experiment about the number of ETransformer layers. The results are summarized in Figure 8. It can be observed that the PSNR result is positively correlated with the number of ETransformer layers in the Sformer block. Nevertheless, the performance gain becomes saturated gradually with layers increasing. Meanwhile, the number of parameters will also increase and make our model huge. To balance the trade-off between parameters and performance, we choose four as the number of ETransformer layers.

5. Conclusions

In this paper, we proposed a new dense residual skip-connection network based on Transformer (DenSformer) for effective image denoising. Our DenSformer is made up of a preprocessing module, global feature extraction module, and reconstruction module. To better extract the local and global features and reconstruct the details, we design the Enhanced LeWin Transformer and take advantage of dense residual skip connection. Meanwhile, we employ dense residual skip connection among the Sformer groups to extract the deep features and bridge the information from different layers. The results on synthetic images with AWGN demonstrated that our DenSformer can achieve better results not only in gray-scale images but also color images compared with other existing methods. In addition, we have a good balance between experimental results and model size in real noise removal experiments. We believe that dense residual skip connection and Enhanced Transformer can help better fuse local–global features and achieve better results in image denoising and other restoration tasks.

Author Contributions

Conceptualization, C.Y. and S.J.; methodology, C.Y. and S.J.; supervision, M.L.; project administration, X.B.; funding acquisition, C.Y., M.L. and X.B. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Fundamental Research Funds for the Central Universities (2019JBM018, FRF-TP-19-015A1, FRF-IDRY-20-038) and the National Natural Science Foundation of China (61972028, 61902022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Buades, A.; Coll, B.; Morel, J.M. A non-local algorithm for image denoising. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR), San Diego, CA, USA, 20–25 June 2005; Volume 2, pp. 60–65. [Google Scholar]
  2. Dabov, K.; Foi, A.; Katkovnik, V.; Egiazarian, K. Image Denoising by Sparse 3-D Transform-Domain Collaborative Filtering. IEEE Trans. Image Process. 2007, 16, 2080–2095. [Google Scholar] [CrossRef] [PubMed]
  3. Lim, B.; Son, S.; Kim, H.; Nah, S.; Lee, K.M. Enhanced Deep Residual Networks for Single Image Super-Resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 June 2017; pp. 1132–1140. [Google Scholar]
  4. Zhang, Y.; Tian, Y.; Kong, Y.; Zhong, B.; Fu, Y. Residual Dense Network for Image Restoration. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 43, 2480–2495. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention is All you Need. In Proceedings of the 31st Conference on Neural Information Processing System, Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  6. 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]
  7. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin Transformer: Hierarchical Vision Transformer using Shifted Windows. arXiv 2021, arXiv:2103.14030. [Google Scholar]
  8. Carion, N.; Massa, F.; Synnaeve, G.; Usunier, N.; Kirillov, A.; Zagoruyko, S. End-to-End Object Detection with Transformers. In Proceedings of the European Conference on Computer Vision (ICCV), Glasgow, UK, 23–28 August 2020; Springer: Cham, Switzerland, 2020; pp. 213–229. [Google Scholar]
  9. Touvron, H.; Cord, M.; Douze, M.; Massa, F.; Sablayrolles, A.; Jégou, H. Training data-efficient image transformers & distillation through attention. In International Conference on Machine Learning; PMLR: London, UK, 2021; pp. 10347–10357. [Google Scholar]
  10. Chen, Y.; Pock, T. Trainable Nonlinear Reaction Diffusion: A Flexible Framework for Fast and Effective Image Restoration. IEEE Trans. Pattern Anal. Mach. Intell. 2016, 39, 1256–1272. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  11. 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] [Green Version]
  12. Lin, M.-H.; Hou, Z.-X.; Cheng, K.-H.; Wu, C.-H.; Peng, Y.-T. Image Denoising Using Adaptive and Overlapped Average Filtering and Mixed-Pooling Attention Refinement Networks. Mathematics 2021, 9, 1130. [Google Scholar] [CrossRef]
  13. Liu, P.; Zhang, H.; Zhang, K.; Lin, L.; Zuo, W. Multi-level Wavelet-CNN for Image Restoration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Salt Lake City, UT, USA, 18–22 June 2018; pp. 773–782. [Google Scholar]
  14. Zhang, K.; Zuo, W.; Zhang, L. FFDNet: Toward a Fast and Flexible Solution for CNN-Based Image Denoising. IEEE Trans. Image Process. 2018, 27, 4608–4622. [Google Scholar] [CrossRef] [Green Version]
  15. Zamir, S.W.; Arora, A.; Khan, S.; Hayat, M.; Khan, F.S.; Yang, M.H.; Shao, L. Learning Enriched Features for Real Image Restoration and Enhancement. In Proceedings of the Europeon Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 492–511. [Google Scholar]
  16. Liu, Y.; Sun, G.; Qiu, Y.; Zhang, L.; Chhatkuli, A.; Gool, L.V. Transformer in Convolutional Neural Networks. arXiv 2021, arXiv:2106.03180. [Google Scholar]
  17. Li, Y.; Zhang, K.; Cao, J.; Timofte, R.; Gool, L.V. LocalViT: Bringing Locality to Vision Transformers. arXiv 2021, arXiv:2104.05707. [Google Scholar]
  18. Hu, C.; Wang, Y.Y.; Chen, J.; Jian, D.S.; Zhang, X.P.; Tian, Q.; Wang, M.N. Swin-Unet: Unet-like Pure Transformer for Medical Image Segmentation. arXiv 2021, arXiv:2105.05537. [Google Scholar]
  19. Zheng, S.; Lu, J.; Zhao, H.; Zhu, X.; Luo, Z.; Wang, Y.; Fu, Y.; Feng, J.; Xiang, T.; Torr, P.H.; et al. Rethinking Semantic Segmentation from a Sequence-to-Sequence Perspective with Transformers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 19–25 June 2021; pp. 6881–6890. [Google Scholar]
  20. Tete, X.; Singh, M.; Mintun, E.; Darrell, T.; Dollár, P.; Girshick, R.B. Early Convolutions Help Transformers See Better. arXiv 2021, arXiv:2106.14881. [Google Scholar]
  21. Wang, S.; Zhou, T.; Lu, Y.; Di, H. Detail-Preserving Transformer for Light Field Image Super-Resolution. arXiv 2022, arXiv:2201.00346. [Google Scholar]
  22. Chen, H.; Wang, Y.; Guo, T.; Xu, C.; Deng, Y.; Liu, Z.; Ma, S.; Xu, C.; Xu, C.; Gao, W. Pre-Trained Image Processing Transformer. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 19–25 June 2021; pp. 12299–12310. [Google Scholar]
  23. Wang, Z.; Cun, X.; Bao, J.; Zhou, W.; Liu, J.; Li, H. Uformer: A General U-Shaped Transformer for Image Restoration. arXiv 2021, arXiv:2106.03106. [Google Scholar]
  24. Zhao, H.; Gallo, O.; Frosio, I.; Kautz, J. Loss Functions for Image Restoration With Neural Networks. IEEE Trans. Comput. Imaging 2017, 3, 47–57. [Google Scholar] [CrossRef]
  25. Ramachandran, P.; Parmar, N.; Vaswani, A.; Bello, I.; Levskaya, A.; Shlens, J. Stand-Alone Self-Attention in Vision Models. arXiv 2019, arXiv:1906.05909. [Google Scholar]
  26. Vaswani, A.; Ramachandran, P.; Srinivas, A.; Parmar, N.; Hechtman, B.; Shlens, J. Scaling Local Self-Attention for Parameter Efficient Visual Backbones. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 19–25 June 2021; pp. 12894–12904. [Google Scholar]
  27. Abdelhamed, A.; Lin, S.; Brown, M.S. A High-Quality Denoising Dataset for Smartphone Cameras. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 19–21 June 2018; pp. 1692–1700. [Google Scholar]
  28. Huang, G.; Liu, Z.; van der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 2261–2269. [Google Scholar]
  29. Khan, A.; Jin, W.; Haider, A.; Rahman, M.; Wang, D. Adversarial Gaussian Denoiser for Multiple-Level Image Denoising. Sensors 2021, 21, 2998. [Google Scholar] [CrossRef]
  30. Plotz, T.; Roth, S. Benchmarking denoising algorithms with real photographs. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 22–25 July 2017; pp. 1586–1595. [Google Scholar]
  31. Zhang, K.; Zuo, W.; Gu, S.; Zhang, L. Learning Deep CNN Denoiser Prior for Image Restoration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 1–10. [Google Scholar]
  32. Tai, Y.; Yang, J.; Liu, X.; Xu, C. MemNet: A Persistent Memory Network for Image Restoration. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 4549–4557. [Google Scholar]
  33. Guo, S.; Yan, Z.; Zhang, K.; Zuo, W.; Zhang, L. Toward Convolutional Blind Denoising of Real Photographs. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 1712–1722. [Google Scholar]
  34. Anwar, S.; Barnes, N. Real Image Denoising With Feature Attention. In Proceedings of the IEEE International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 3155–3164. [Google Scholar]
  35. Zamir, S.W.; Arora, A.; Khan, S.; Hayat, M.; Khan, F.S.; Yang, M.H.; Shao, L. Multi-Stage Progressive Image Restoration. arXiv 2021, arXiv:2102.02808. [Google Scholar]
  36. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  37. Yue, Z.; Yong, H.; Zhao, Q.; Zhang, L.; Meng, D. Variational denoising network: Toward blind noise modeling and removal. arxiv 2019, arXiv:1908.11314. [Google Scholar]
  38. Chang, M.; Li, Q.; Feng, H.; Xu, Z. Spatial-adaptive network for single image denoising. arXiv 2020, arXiv:2001.10291. [Google Scholar]
Figure 1. Architecture of the DenSformer.
Figure 1. Architecture of the DenSformer.
Electronics 11 00418 g001
Figure 2. (a) Sformer block. (b) Architecture of the ETransformer. (c) Structure of the LeFF.
Figure 2. (a) Sformer block. (b) Architecture of the ETransformer. (c) Structure of the LeFF.
Electronics 11 00418 g002
Figure 3. Gray-scale image denoising results with noise level σ = 50.
Figure 3. Gray-scale image denoising results with noise level σ = 50.
Electronics 11 00418 g003
Figure 4. Color image denoising results with noise level σ = 50.
Figure 4. Color image denoising results with noise level σ = 50.
Electronics 11 00418 g004
Figure 5. Denoising results of different existing methods from SIDD.
Figure 5. Denoising results of different existing methods from SIDD.
Electronics 11 00418 g005
Figure 6. Denoising results of different existing methods from DnD.
Figure 6. Denoising results of different existing methods from DnD.
Electronics 11 00418 g006
Figure 7. PSNR results v.s. number of parameters of different methods for denoising on SIDD.
Figure 7. PSNR results v.s. number of parameters of different methods for denoising on SIDD.
Electronics 11 00418 g007
Figure 8. Impact of ETransformer layers in Sformer. Results are tested on Kodak with σ = 50 .
Figure 8. Impact of ETransformer layers in Sformer. Results are tested on Kodak with σ = 50 .
Electronics 11 00418 g008
Table 1. Quantitative results about non-blind gray-scale image denoising (PSNR (dB)).
Table 1. Quantitative results about non-blind gray-scale image denoising (PSNR (dB)).
MethodSet12Kodak24BSD68
305070305070305070
BM3D [2]29.1326.7225.2229.1326.9925.7327.7625.6224.44
TNRD [10]28.6326.8124.1228.8727.2024.9527.6625.9723.83
IRCNN [31]29.4527.14N/A29.5327.45N/A28.2626.15N/A
DnCNN [11]29.5327.1825.5229.6227.5126.0828.3626.2324.90
MemNet [32]29.6327.3825.9029.7227.6826.4228.4326.3525.09
MWCNN [13]N/A27.74N/AN/AN/AN/AN/A26.53N/A
FFDNet [14]29.6127.3225.8129.7027.6326.3428.3926.3025.04
RDN [4]29.9427.6026.0530.0027.8526.5428.5626.4125.10
DenSformer29.9727.8826.2430.2427.9126.7628.7326.5225.24
Table 2. Quantitative results about non-blind color image denoising (PSNR (dB)).
Table 2. Quantitative results about non-blind color image denoising (PSNR (dB)).
MethodKodak24BSD68McMaster
305070305070305070
BM3D [2]30.8928.6327.2729.7327.3826.0030.7128.5126.99
TNRD [10]28.8327.1724.9427.6325.9623.83N/A27.35N/A
IRCNN [31]31.2428.93N/A30.2227.86N/A31.1128.91N/A
DnCNN [11]31.3929.1627.6430.4028.0126.5630.8228.6227.10
MemNet [32]29.6727.6526.4028.3926.3325.08N/A27.6326.11
FFDNet [14]31.3929.1027.6830.3127.9626.53N/A29.1827.66
RDN [4]31.9429.6628.2030.6728.3126.8532.3930.1927.98
DenSformer32.5130.0728.5931.5628.9426.4633.5831.1627.49
Table 3. Quantitative results about real blind image denoising.
Table 3. Quantitative results about real blind image denoising.
MethodParameters (MB)SIDD DatasetDnd Dataset
PSNR (dB)SSIMPSNR (dB)SSIM
BM3D [2]-25.650.68534.510.851
CBDNet [33]4.330.780.80138.060.942
RIDNet [34]1.538.710.95139.260.953
VDN [37]7.839.280.95639.380.952
SADNet [38]4.339.460.95739.590.952
MPRNet [35]20.139.710.95839.800.954
Uformer [23]20.639.770.97039.960.956
DenSformer7.839.680.95839.870.955
Table 4. Ablation study of FFN layer on Kodak24.
Table 4. Ablation study of FFN layer on Kodak24.
ModelLocal
Connection
Global
Connection
Cross
Connection
PSNRTraining Time
/Epoch
Cross🗸-🗸30.031.84 h
Local🗸🗸-30.021.95 h
Dense🗸🗸🗸30.072.00 h
Table 5. Ablation study of FFN layer on Kodak24.
Table 5. Ablation study of FFN layer on Kodak24.
ModelDSConvLinearMLP LayerLeFF LayerPSNR
Vanilla-🗸🗸-29.86
Vanilla-C🗸-🗸-29.84
LeWin-🗸-🗸29.95
Enhanced LeWin🗸--🗸30.07
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yao, C.; Jin, S.; Liu, M.; Ban, X. Dense Residual Transformer for Image Denoising. Electronics 2022, 11, 418. https://doi.org/10.3390/electronics11030418

AMA Style

Yao C, Jin S, Liu M, Ban X. Dense Residual Transformer for Image Denoising. Electronics. 2022; 11(3):418. https://doi.org/10.3390/electronics11030418

Chicago/Turabian Style

Yao, Chao, Shuo Jin, Meiqin Liu, and Xiaojuan Ban. 2022. "Dense Residual Transformer for Image Denoising" Electronics 11, no. 3: 418. https://doi.org/10.3390/electronics11030418

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