资源算法DnCNN

DnCNN

2020-02-12 | |  41 |   0 |   0

DnCNN

Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising

New training and testing codes (PyTorch) - 18/12/2019

Training and Testing Codes (Keras and PyTorch)

Merge batch normalization (PyTorch)

import torchimport torch.nn as nndef merge_bn(model):    ''' merge all 'Conv+BN' (or 'TConv+BN') into 'Conv' (or 'TConv')    based on https://github.com/pytorch/pytorch/pull/901    by Kai Zhang (cskaizhang@gmail.com)     https://github.com/cszn/DnCNN    01/01/2019    '''
    prev_m = None
    for k, m in list(model.named_children()):        if (isinstance(m, nn.BatchNorm2d) or isinstance(m, nn.BatchNorm1d)) and (isinstance(prev_m, nn.Conv2d) or isinstance(prev_m, nn.Linear) or isinstance(prev_m, nn.ConvTranspose2d)):

            w = prev_m.weight.data            if prev_m.bias is None:
                zeros = torch.Tensor(prev_m.out_channels).zero_().type(w.type())
                prev_m.bias = nn.Parameter(zeros)
            b = prev_m.bias.data

            invstd = m.running_var.clone().add_(m.eps).pow_(-0.5)            if isinstance(prev_m, nn.ConvTranspose2d):
                w.mul_(invstd.view(1, w.size(1), 1, 1).expand_as(w))            else:
                w.mul_(invstd.view(w.size(0), 1, 1, 1).expand_as(w))
            b.add_(-m.running_mean).mul_(invstd)            if m.affine:                if isinstance(prev_m, nn.ConvTranspose2d):
                    w.mul_(m.weight.data.view(1, w.size(1), 1, 1).expand_as(w))                else:
                    w.mul_(m.weight.data.view(w.size(0), 1, 1, 1).expand_as(w))
                b.mul_(m.weight.data).add_(m.bias.data)            del model._modules[k]
        prev_m = m
        merge_bn(m)def tidy_sequential(model):    for k, m in list(model.named_children()):        if isinstance(m, nn.Sequential):            if m.__len__() == 1:
                model._modules[k] = m.__getitem__(0)
        tidy_sequential(m)

Training (MatConvNet)

Testing (MatConvNet or Matlab)

  • [demos] Demo_test_DnCNN-.m.

  • [models] including the trained models for Gaussian denoising; a single model for Gaussian denoising, single image super-resolution (SISR) and deblocking.

  • [testsets] BSD68 and Set10 for Gaussian denoising evaluation; Set5, Set14, BSD100 and Urban100 datasets for SISR evaluation; Classic5 and LIVE1 for JPEG image deblocking evaluation.

New FDnCNN Models

I have trained new Flexible DnCNN (FDnCNN) models based on FFDNet.

FDnCNN can handle noise level range of [0, 75] via a single model.

Demo_FDnCNN_Gray.m

Demo_FDnCNN_Gray_Clip.m

Demo_FDnCNN_Color.m

Demo_FDnCNN_Color_Clip.m

Network Architecture and Design Rationale

  • Network Architecture

图片.png

Batch normalization and residual learning are beneficial to Gaussian denoising (especially for a single noise level). The residual of a noisy image corrupted by additive white Gaussian noise (AWGN) follows a constant Gaussian distribution which stablizes batch normalization during training.

  • Histogram of noisy patches, clean patches, and residual (noise) patches from a batch of training. The noise level is 25, the patch size is 40x40, the batch size is 128.

图片.png


    • Noise-free image super-resolution does not have this property.

  • Predicting the residual can be interpreted as performing one gradient descent inference step at starting point (i.e., noisy image).

    • The parameters in DnCNN are mainly representing the image priors (task-independent), thus it is possible to learn a single model for different tasks, such as image denoising, image super-resolution and JPEG image deblocking.

    • The left is the input image corrupted by different degradations, the right is the restored image by DnCNN-3.

图片.png

Results

Gaussian Denoising

The average PSNR(dB) results of different methods on the BSD68 dataset.

Noise LevelBM3DWNNMEPLLMLPCSFTNRDDnCNNDnCNN-BFDnCNN
1531.0731.3731.21-31.2431.4231.7331.6131.69
2528.5728.8328.6828.9628.7428.9229.2329.1629.22
5025.62  25.87  25.6726.03  -  25.9726.2326.2326.27

Visual Results

The left is the noisy image corrupted by AWGN, the middle is the denoised image by DnCNN, the right is the ground-truth.

图片.png

图片.png

Gaussian Denoising, Single ImageSuper-Resolution and JPEG Image Deblocking via a Single (DnCNN-3) Model

Average PSNR(dB)/SSIM results of different methods for Gaussian denoising with noise level 15, 25 and 50 on BSD68 dataset, single image super-resolution with upscaling factors 2, 3 and 40 on Set5, Set14, BSD100 and Urban100 datasets, JPEG image deblocking with quality factors 10, 20, 30 and 40 on Classic5 and LIVE11 datasets.

Gaussian Denoising

DatasetNoise LevelBM3DTNRDDnCNN-3

1531.08 / 0.872231.42 / 0.882631.46 / 0.8826
BSD682528.57 / 0.801728.92 / 0.815729.02 / 0.8190

5025.62 / 0.686925.97 / 0.702926.10 / 0.7076

Single Image Super-Resolution

DatasetUpscaling FactorTNRDVDSRDnCNN-3

236.86 / 0.955637.56 / 0.959137.58 / 0.9590
Set5333.18 / 0.915233.67 / 0.922033.75 / 0.9222

430.85 / 0.873231.35 / 0.884531.40 / 0.8845

232.51 / 0.906933.02 / 0.912833.03 / 0.9128
Set14329.43 / 0.823229.77 / 0.831829.81 / 0.8321

427.66 / 0.756327.99 / 0.765928.04 / 0.7672

231.40 / 0.887831.89 / 0.896131.90 / 0.8961
BSD100328.50 / 0.788128.82 / 0.798028.85 / 0.7981

427.00 / 0.714027.28 / 0.725627.29 / 0.7253

229.70 / 0.899430.76 / 0.914330.74 / 0.9139
Urban100326.42 / 0.807627.13 / 0.828327.15 / 0.8276

424.61 / 0.729125.17 / 0.752825.20 / 0.7521

JPEG Image Deblocking

DatasetQuality FactorAR-CNNTNRDDnCNN-3
Classic51029.03 / 0.792929.28 / 0.799229.40 / 0.8026

2031.15 / 0.851731.47 / 0.857631.63 / 0.8610

3032.51 / 0.880632.78 / 0.883732.91 / 0.8861

4033.34 / 0.8953-33.77 / 0.9003
LIVE11028.96 / 0.807629.15 / 0.811129.19 / 0.8123

2031.29 / 0.873331.46 / 0.876931.59 / 0.8802

3032.67 / 0.904332.84 / 0.905932.98 / 0.9090

4033.63 / 0.9198-33.96 / 0.9247

Requirements and Dependencies

or just MATLAB R2015b to test the model. https://github.com/cszn/DnCNN/blob/4a4b5b8bcac5a5ac23433874d4362329b25522ba/Demo_test_DnCNN.m#L64-L65

Citation

@article{zhang2017beyond,
  title={Beyond a {Gaussian} denoiser: Residual learning of deep {CNN} for image denoising},
  author={Zhang, Kai and Zuo, Wangmeng and Chen, Yunjin and Meng, Deyu and Zhang, Lei},
  journal={IEEE Transactions on Image Processing},
  year={2017},
  volume={26}, 
  number={7}, 
  pages={3142-3155}, 
}

====================================================================

Convolutional Neural Networks for Image Denoising and Restoration

@Inbook{zuo2018convolutional,
author={Zuo, Wangmeng and Zhang, Kai and Zhang, Lei},
editor={Bertalm{'i}o, Marcelo},
title={Convolutional Neural Networks for Image Denoising and Restoration},
bookTitle={Denoising of Photographic Images and Video: Fundamentals, Open Challenges and New Trends},
year={2018},
publisher={Springer International Publishing},
address={Cham},
pages={93--123},
isbn={978-3-319-96029-6},
doi={10.1007/978-3-319-96029-6_4},
url={https://doi.org/10.1007/978-3-319-96029-6_4}
}

Challenges and Possible Solutions (from the above book chapter)

While the image denoising for AWGN removal has been well-studied, little work has been done on real image denoising. The main difficulty arises from the fact that real noises are much more complex than AWGN and it is not an easy task to thoroughly evaluate the performance of a denoiser. Fig. 4.15 shows four typical noise types in real world. It can be seen that the characteristics of those noises are very different and a single noise level may be not enough to parameterize those noise types. In most cases, a denoiser can only work well under a certain noise model. For example, a denoising model trained for AWGN removal is not effective for mixed Gaussian and Poisson noise removal. This is intuitively reasonable because the CNN-based methods can be treated as general case of Eq. (4.3) and the important data fidelity term corresponds to the degradation process. In spite of this, the image denoising for AWGN removal is valuable due to the following reasons. First, it is an ideal test bed to evaluate the effectiveness of different CNN-based denoising methods. Second, in the unrolled inference via variable splitting techniques, many image restoration problems can be addressed by sequentially solving a series of Gaussian denoising subproblems, which further broadens the application fields.

图片.png

To improve the practicability of a CNN denoiser, perhaps the most straightforward way is to capture adequate amounts of real noisy-clean training pairs for training so that the real degradation space can be covered. This solution has advantage that there is no need to know the complex degradation process. However, deriving the corresponding clean image of a noisy one is not a trivial task due to the need of careful post-processing steps, such as spatial alignment and illumination correction. Alternatively, one can simulate the real degradation process to synthesize noisy images for a clean one. However, it is not easy to accurately model the complex degradation process. In particular, the noise model can be different across different cameras. Nevertheless, it is practically preferable to roughly model a certain noise type for training and then use the learned CNN model for type-specific denoising.

Besides the training data, the robust architecture and robust training also play vital roles for the success of a CNN denoiser. For the robust architecture, designing a deep multiscale CNN which involves a coarse-to-fine procedure is a promising direction. Such a network is expected to inherit the merits of multiscale: (i) the noise level decreases at larger scales; (ii) the ubiquitous low-frequency noise can be alleviated by multiscale procedure; and (iii) downsampling the image before denoising can effectively enlarge the receptive filed. For the robust training, the effectiveness of the denoiser trained with generative adversarial networks (GAN) for real image denoising still remains further investigation. The main idea of GAN-based denoising is to introduce an adversarial loss to improve the perceptual quality of denoised image. Besides, a distinctive advantage of GAN is that it can do unsupervised learning. More specifically, the noisy image without ground truth can be used in the training. So far, we have provided several possible solutions to improve the practicability of a CNN denoiser. We should note that those solutions can be combined to further improve the performance.


上一篇:PacmanDQN

下一篇:DNC-tensorflow

用户评价
全部评价

热门资源

  • seetafaceJNI

    项目介绍 基于中科院seetaface2进行封装的JAVA...

  • spark-corenlp

    This package wraps Stanford CoreNLP annotators ...

  • Keras-ResNeXt

    Keras ResNeXt Implementation of ResNeXt models...

  • capsnet-with-caps...

    CapsNet with capsule-wise convolution Project ...

  • shih-styletransfer

    shih-styletransfer Code from Style Transfer ...