Clearing the Skies: A deep network architecture for single-image rain removal解读

Abstract

索引术语 - 除雨,深度学习,卷积神经网络,图像增强
我们介绍了一种名为DerainNet的深度网络架构,用于消除图像中的雨条纹。基于深度卷积神经网络(CNN),我们直接从数据中学习雨天和干净图像细节层之间的映射关系。因为我们没有与现实世界的雨季图像相对应的地面真相,所以我们合成了带雨的图像进行训练。与增加网络深度或广度的其他常见策略相比,我们使用图像处理领域知识来修改目标函数并改善适度大小的CNN的延迟。具体来说,我们在细节(高通)层而不是在图像域中训练我们的DerainNet。尽管DerainNet接受了合成数据的培训,但我们发现学到的网络可以非常有效地转换为真实世界的图像进行测试。此外,我们通过图像增强来增强CNN框架,以改善视觉效果。与现有技术的单图像去除方法相比,我们的方法在网络训练后具有更好的除雨效果和更快的计算时间

1.Introduction

rain streaks create not only a blurring effect in images, but also haziness due to light scattering.
Effective
methods for removing rain streaks are required for a wide range of practical applications, such as image enhancement and object tracking.
We present the first deep convolutional neural network (CNN) tailored to this task and show how the CNN framework can obtain state-of-the-art(最先进的) results
These methods can be categorized into two groups: video-based methods and single-image based methods.
Input rainy image
our result

A:Related work:Video v.s. single-image based rain removal

Due to the redundant temporal information that exists in video, rain streaks can be more easily identified and removed in this domain[1-4]

in [1] the authors first propose a rain streak detection algorithm based on a correlation (相关)model. After detecting the location of rain streaks, the method uses the average pixel value taken from the neighboring frames to remove streaks.
In [2], the authors analyze the properties of rain and establish a model of visual effect of rain in frequency space.
In [3], the histogram(直方图) of streak orientation(方向) is used to detect rain and a Gaussian mixture model is used to extract the rain layer.
In [4], based on the minimization of registration error between frames(帧之间配准误差的最小化), phase congruency(相的一致性) is used to detect and remove the rain streaks.

1.K. Garg and S. K. Nayar, “Detection and removal of rain from videos,” in International Conference on Computer Vision and Pattern Recognition (CVPR), 2004.
2.P. C. Barnum, S. Narasimhan, and T. Kanade, “Analysis of rain and snow in frequency space,” International Journal on Computer Vision, vol. 86, no. 2-3, pp. 256–274, 2010.
3.J. Bossu, N. Hautiere, and J.P. Tarel, “Rain or snow detection in image sequences through use of a histogram of orientation of streaks,” International Journal on Computer Vision, vol. 93, no. 3, pp. 348–367, 2011.
4.V. Santhaseelan and V. K. Asari, “Utilizing local phase information to remove rain from video,” International Journal on Computer Vision, vol. 112, no. 1, pp. 71–89, 2015.

Many of these methods work well, but are significantly aided by the temporal content of video.(很多效果都很好,因为视频的时间内容得到了显著的帮助)(难道视频的处理起来还更简单???)
Compared with video-based methods, removing rain from individual images is much more challenging since much less information is available for detecting and removing rain streaks.(作者的意思是视频更简单)
success is less noticeable than in video-based algorithms, and there is still much room for improvement. To give three examples:
in [5] rain streak detection and removal is achieved using kernel regression and a non-local mean filtering.
In [6], a related work based on deep learning was introduced to remove static raindrops and dirt spots from pictures taken through windows这篇文章用的物理模型和作者用的不是一个,限制了模型去除雨条的能力
In [7], a generalized lowrank model(一般的低级别的模型); both single-image and video rain removal can be achieved through this the spatial and temporal correlations (空间和时间相关性)learned by this method.

[5] J. H. Kim, C. Lee, J. Y. Sim, and C. S. Kim, “Single-image deraining using an adaptive nonlocal means filter,” in IEEE International Conference on Image Processing (ICIP), 2013.
[6] D. Eigen, D. Krishnan, and R. Fergus, “Restoring an image taken through a window covered with dirt or rain,” in International Conference on Computer Vision (ICCV), 2013.
[7] Y. L. Chen and C. T. Hsu, “A generalized low-rank appearance model for spatio-temporally correlated rain streaks,” in International Conference on Computer Vision (ICCV), 2013.

Recently, several methods based on dictionary learning have been proposed[8]–[12]
In [9], the input rainy image is first decomposed into its base layer and detail layer.Rain streaks and object details are isolated in the detail layer while the structure remains in the base layer. Then sparse coding dictionary learning is used to detect and remove rain streaks from the detail layer.(从细节层进行学习)The output is obtained by combining the de-rained detail layer and base layer.The output is obtained by combining the de-rained detail layer and base layer.(结果再把细节层与基础层叠加)
In [10], a selflearning based image decomposition method is introduced to automatically distinguish rain streaks from the detail layer(基于自学习的图像分解方法自动识别雨线从细节层)
In
[11], the authors use discriminative sparse coding to recover a clean image from a rainy image.(判别稀疏编码)
[9], [10] is that they tend to generate over-smoothed results when dealing with images containing complex structures that are similar to rain streaks,(在处理包含与雨条相似的复杂结构的图像时,它们往往想要产生过度平滑的结果
all four dictionary learning based frameworks [9]–[12] require significant computation time.(计算时间长

[8] D. A. Huang, L. W. Kang, M. C. Yang, C. W. Lin, and Y. C. F. Wang, “Context-aware single image rain removal,” in International Conference on Multimedia and Expo (ICME), 2012.
[9] L. W. Kang, C. W. Lin, and Y. H. Fu, “Automatic single image-based rain streaks removal via image decomposition,” IEEE Transactions on Image Processing, vol. 21, no. 4, pp. 1742–1755, 2012.
[10] D. A. Huang, L. W. Kang, Y. C. F. Wang, and C. W. Lin, “Self-learning based image decomposition with applications to single image denoising,” IEEE Transactions on Multimedia, vol. 16, no. 1, pp. 83–93, 2014.
[11] Y. Luo, Y. Xu, and H. Ji, “Removing rain from a single image via discriminative sparse coding,” in International Conference on Computer Vision (ICCV), 2015.
[12] D. Y. Chen, C. C. Chen, and L. W. Kang, “Visual depth guided color image rain streaks removal using sparse coding,” IEEE Transactions on Circuits and Systems for Video Technology, vol. 24, no. 8, pp. 1430–
1455, 2014.

More recently, patch-based priors(基于补丁先验) for both the clean and rain layers have been explored to remove rain streaks [13]. In this method, the multiple orientations and cales of rain streaks are addressed by pre-trained Gaussian mixture models.

B Contributions of our DerainNet approach

[9]–[11], [13] only separate rain streaks from object details by using low level features.
When an object’s structure and orientation are similar with that of rain streaks, these methods have difficulty simultaneously removing rain streaks and preserving structural information.(当物体的机构和方位与雨线相似的时候,这些方法很难同时去除雨线和提供物体信息)****(应该是和雨线相似的物体很难被区分开)
Humans on the other hand can easily distinguish rain streaks within a single image using high-level features(雨线还是有高级特性的
We are therefore motivated to design a rain detection and removal algorithm based on the deep convolutional neural network (CNN)[14], [15].

[14] A. Krizhevsky, I. Sutskever, and G.E. Hinton, “Imagenet classification with deep convolutional neural networks,” in Advances in Neural Information Processing Systems (NIPS), 2012.
[15] Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner, “Gradient-based learning applied to document recognition(基于梯度的文档识别学习识别),” Proceedings of the IEEE, vol. 86, no. 11, pp. 2278–2324, 1998.

Our main contributions are threefold:
1.significant improvement over three recent state-of-the-art methods.making it more suitable for realtime applications.
2. We show how better results can be obtained without introducing more complex network architecture or more computing resources.(我们使用图像处理领域知识来修改目标函数并提高降雨质量,而不是使用增加神经元或堆叠隐藏层等常用策略来有效地近似所需的映射函数。 我们展示了如何在不引入更复杂的网络架构或更多计算资源的情况下获得更好的结果。)
3. We show that, though we train on synthesized rainy images, the resulting network is very effective when testing on real-world rainy images

2.DerainNet:Deep Learning for rain removal

在这里插入图片描述
we decompose each image into a low-frequency base layer and a high-frequency detail layer
.To further improve visual quality, we introduce an image enhancement step to sharpen the results of both layers since the effects of heavy rain naturally leads to a hazy effect.

A Traing on high-pass detail layers(在高通细节层训练)

公式1:
在这里插入图片描述

Frobenius norm(F范数的定义):
在这里插入图片描述
在这里插入图片描述

we found that the result obtained by directly training in the image domain is not satisfactory.(直接在图像域训练,不行!)
Figure 3(b) implies that the desired mapping function was not learned well when training on the image domain,(在图像域上进行训练时,没有很好地学习所需的映射函数
there are two ways to improve a network’s capacity in the deep learning domain. One way is to increase the depth of network [22] by stacking more hidden layers.Usually, more hidden layers can help to obtain high-level features. However, the de-rain problem is a low-level image task and the deeper structure is not necessarily better for this image processing problems.Furthermore, training a feed- forward network with more layers suffers from gradient vanishing unless other training strategies or more complex network structures are introduced(两个解决办法:通过增加隐藏层来增加网络深度可以获得高级特征:去雨问题是一个低级图像处理任务,更深的结构不需要???增加模型深度可以增强模型能力?另外更多层可能导致梯度消失除非另外的训练策略或者更复杂的网络结构。)(有自己的例子,增加了网络层数反而效果更差,导致了模糊)
The other approach is to increase the breadth of network [23] by using more neurons in each hidden layer.
However, to avoid over-fitting, this strategy requires more training data and computation time that may be intolerable under normal computing condition.(第二种方法把网络拓宽,为了避免过拟合(怎样避免过拟合?)这个方法需要更多数据和时间,正常计算机不行。)(越宽的网络需要的数据越多?一个网络训练起来需要多少数据?
To effectively and efficiently tackle the de-rain problem, we instead use a priori image processing knowledge to modify the objective function rather than increase the complexity of the problem.
Conventional end-to-end procedures directly uses image patches to train the model by finding a mapping function f that transforms the input to output [6], [17].

[6] D. Eigen, D. Krishnan, and R. Fergus, “Restoring an image taken through a window covered with dirt or rain,” in International Conference on Computer Vision (ICCV), 2013.
[17] C. Dong, C. L. Chen, K. He, and X. Tang, “Image super-resolution using deep convolutional networks,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 38, no. 2, pp. 295–307, 2016.

Motivated by Figure 3, rather than directly train on the image, we first decompose(分解) the image into the sum of a “base” layer and a “detail” layer by using a low-pass filter(通过低通滤波器将图像分解成两层
在这里插入图片描述
Using on image processing techniques(图像处理技术), we found that after applying an appropriate low-pass filters such as [24]–[26], low-pass versions of both the rainy image Ibase and the clean image Jbase are smooth and are approximately equal, as shown below.(意思是rainy的Ibase和clean的Jbase是大约相等的,即Ibase ≈ Jbase。)
在这里插入图片描述

[24] K. He, J. Sun, and X. Tang, “Guided image filtering,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 35, no. 6, pp. 1397–1409, 2013.
[26] Q. Zhang, X. Shen, L. Xu, and J. Jia, “Rolling guidance filter,” in European Conference on Computer Vision (ECCV), 2014.

so, we rewrite the objective function in (1) as:
在这里插入图片描述
This directly lead us to train the CNN network on the detail layer instead of the image domain(提供了一个训练思路,只训练细节层)
Advantages:

  • 1.First, after subtracting the base layer, the detail layer is sparser than the image since most regions in the detail layer are close to zero.(细节层更稀疏)Taking advantage of the sparsity of the detail layer is a widely used technique in existing deraining methods [9]–[11].(稀疏细节层常被用到)

[9] L. W. Kang, C. W. Lin, and Y. H. Fu, “Automatic single image-based rain streaks removal via image decomposition,” IEEE Transactions on Image Processing, vol. 21, no. 4, pp. 1742–1755, 2012.
[10] D. A. Huang, L. W. Kang, Y. C. F. Wang, and C. W. Lin, “Self-learning based image decomposition with applications to single image denoising,” IEEE Transactions on Multimedia, vol. 16, no. 1, pp. 83–93, 2014.
[11] Y. Luo, Y. Xu, and H. Ji, “Removing rain from a single image via discriminative sparse coding(判别稀疏编码),” in International Conference on Computer Vision (ICCV), 2015.

In the context of(在上下文中) a neural network, training a CNN on the detail layer also follows the procedure of mapping an input patch to an output patch(遵循将输入patch映射到输出patch的过程), but since the mapping range(映射范围减小) has been significantly decreased, the regression problem is significantly easier to handle for a deep learning model(对于深度学习网络来说,回归问题更容易处理(这里并没懂。。。????). Thus, training on the detail layer instead of the image domain can improve learning the network weights and thus the de-raining result without a large increase in training data or computational resources.

  • 2.it can improve the convergence of the CNN.(第二点是可以提高CNN的收敛性)As we show in our experiments (Figure 17), training on the detail layer converges much faster than training on the image domain.(实验表明在细节层训练收敛的更快)
  • 3.decomposing an image into base and detail layers is widely used by the wider image enhancement community [27], [28]. These enhancement procedures are tailored to this decomposition and can be easily embedded into our architecture to further improve image quality, which we describe in Section II-D.(这些增强程序适用于此分解,可以轻松嵌入到我们的架构中,以进一步提高图像质量,我们在第II-D节中对此进行了描述。)

[27] B. Gu, W. Li, M. Zhu, and M. Wang, “Local edge-preserving multiscale decomposition for high dynamic range image tone mapping,” IEEE Transactions on Image Processing, vol. 22, no. 1, pp. 70–79, 2013.
[28] T. Qiu, A. Wang, N. Yu, and A. Song, “LLSURE: local linear surebased edge-preserving image filtering,” IEEE Transactions on Image Processing, vol. 22, no. 1, pp. 80–90, 2013.

The detail layer is equal to the difference between the image and the base layer.
We use the guided filtering method of [24] as the low-pass filter because it is simple and fast to implement.(采用24的低通滤波器)(这些低通滤波器有什么区别吗)

[24] K. He, J. Sun, and X. Tang, “Guided image filtering,” IEEE Transactions
on Pattern Analysis and Machine Intelligence, vol. 35, no. 6, pp. 1397–
1409, 2013.

In this paper, the guidance image is the input image itself. However, the choice of low-pass filter is not limited to guided filtering; other filtering approaches were also effective in our experiments, such as bilateral filtering [25] and rolling guidance filtering [26].Results with these filters were nearly identical, so we choose [24] for its low computational complexity.
(本文中的指导图像是它本身)(没懂?)(低通滤波器不限于24,25.26也很好,每个滤波器效果基本相同,所以选24这个低计算复杂度的)

B.Our convolutional neural network

our network structure can be expressed as three operations:(这个公式是没懂的)
在这里插入图片描述
在这里插入图片描述
We use two hidden layers in our DerainNet architecture and Eq. (5) is the output of the cleaned detail layer.(采用了两个隐藏层)
To better understand the effects of the network fW, we show the learned weights and intermediate results from the hidden layers in Figure 6(我们显示隐藏层的学习权重和中间结果)
The first hidden layer performs feature extraction on the input detail layer, which is similar to the common strategy used for image restoration of extracting and representing image patches by a set of dictionary elements.(第一个隐藏层在输入的细节层上执行提取特征操作,这个和用于图像恢复的通用策略相似,即用通过一组数据字典来提取和表示图像块。)
Thus, W1 contains some filters that look like edge detectors that align with the direction of rain streaks and object edges. (W1包含一些滤波器就像边缘探测器与雨条纹和物体边缘的方向对齐)
The second hidden layer performs the rain streaks removal and f2(Idetail) looks smoother than f1(Idetail).(第二层隐藏层实行去掉雨线操作,f2比f1更圆滑)(why第一层第二层的作用是这个?
The third layer performs reconstruction and enhances the smoothed details with respect to image content.(第三层执行重建并增强关于图像内容的平滑细节。)(从哪出是重建,从哪看出增强图像内容的平滑细节?
As can be seen in Figure 6, fW(Idetail) contains clear details with most of the rain removed. The intermediate(中间) results show that the CNN is effective at feature extraction and helps to recognize and remove rain streaks.(fw包含了很多细节,大部分雨被去除,中间结果证明CNN 在特征提取和识别、去除雨线有效果)(这个效果能证明,但是理论呢?)

C Training

We use stochastic gradient descent (SGD)(随机梯度下降) to minimize the objective function in Eq. (3).(随机梯度下降去最小化公式3)
synthesize rain using Photoshop1 to create our training dataset.(PS获取合成图像)
We randomly(随机) collected a total of 350 clean outdoor images from the UCID dataset [29], the BSD dataset [30] and Google image search which we used to synthesize rainy images.

[29] G. Schaefer and M. Stich, “UCID: an uncompressed color image database(颜色未压缩图像数据库),” in Storage and Retrieval Methods and Applications for Multimedia, 2003.
[30] P. Arbelaez, M. Maire, C. Fowlkes, and J. Malik, “Contour detection and hierarchical image segmentation(轮廓检测和分层图像分割),” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 3, no. 5, pp. 898–916, 2011.

Each clean image was used to generate 14 rainy images of different streak orientations and intensity(每张clean图片生成14张不同方向和强度的雨)
Thus we create a dataset containing 350 * 14 = 4900 rainy images,(制作了4900张图片的数据库)
We randomly selected one million 64 * 64 clean/rainy patch pairs from this synthesized data as training samples.(我们从这个合成数据中随机选择了一百万个64 * 64清洁/雨季补丁对作为训练样本。)(这样选样本来训练会不会不好?怎样选比较好?
A 5656 output is generated to avoid border effects caused by convolution.(生成5656的图像避免卷积产生的边缘效应)
为啥会有边缘效应,边缘效应这样克服好不好?
In each iteration, t, the CNN weight and bias are updated using back-propagation(在每次迭代中,使用反向传播更新CNN权重和偏差)
在这里插入图片描述

D. Combining CNN with image enhancement

After training the network, the de-rained image can be obtained by directly adding the output detail layer to the base layer(训练之后,去雨图片就是输出细节图+基础图)
在这里插入图片描述
O是区域后的图片。
when dealing with heavy rain the result unsurprisingly(不意外的) looks hazy
Fortunately, we can easily embed(嵌入) image enhancement technology into our framework to create a better visual
result.(简单的就可以嵌入图像增强技术到我们的框架获得更好的视觉效果)
Different mature and advanced image enhancement algorithms can be directly adopted in this framework as post-processing.(不同的成熟的先进的图像增强算法可以直接使用当做后期处理)
we use the non-linear function [31] to
enhance the base layer, and boost the detail layer by simply multiplying the output of the CNN by two to magnify(放大) the details,(采用非线性方程增强基础层,简单地将CNN的输出乘以2以放大细节)
在这里插入图片描述
virtually all of rain removal is being performed on the detail layer by the CNN,(几乎所有的降雨都是由CNN在细节层上进行的)
while the image enhancement on the base layer improves the global contrast and leads to a better visual(而基础层上的图像增强改善了全局对比度并导致更好的视觉效果)

3.Experiments

To evaluate(评估) our DerainNet framework, we test on both synthetic and real-world rainy images. Our network contains two hidden layers and one output layer as described in Section II-B. We set
kernel sizes s1 = 16; s2 = 1 and s3 = 8, respectively. The number of feature maps for each hidden layer are n1 = n2 = 512. We set the learning rate to = 0.01. More
visual results and our Matlab implementation can be found at http://smartdsp.xmu.edu.cn/derainNet.html.

A Synthesized data

As can be seen, method [10] exhibits over-smoothing of the rope and method [11], [13] leaves significant rain streaks in the result.

[10] D. A. Huang, L. W. Kang, Y. C. F. Wang, and C. W. Lin, “Self-learning based image decomposition with applications to single image denoising,” IEEE Transactions on Multimedia, vol. 16, no. 1, pp. 83–93, 2014.
[11] Y. Luo, Y. Xu, and H. Ji, “Removing rain from a single image via discriminative sparse coding,” in International Conference on Computer Vision (ICCV), 2015.
[13] Y. Li, R. T. Tan, X. Guo, J. Lu, and M. S. Brown, “Rain streak removal using layer priors,” in International Conference on Computer Vision and Pattern Recognition (CVPR), 2016.

This is because [10], [11], [13] are algorithms based on low-level image features
the multiple convolutional layers of DerainNet can identify and remove rain while preserving the rope.
use the structure similarity index (SSIM) [32] for quantitative evaluation.(用SSIM方法评估)(这是个什么方法

[32] Z. Wang, A. C. Bovik, H. R. Sheikh, and E. P. Simoncelli, “Image
quality assessment: From error visibility to structural similarity
,” IEEE
Transactions on Image Processing, vol. 13, no. 4, pp. 600–612, 2004.

A higher SSIM value indicates a de-rained image that is closer to the ground truth in terms of image structural properties.
For a fair comparison, the image enhancement operation is not implemented (实施)by our algorithm for these synthetic experiments.
Moreover, we see in Table I that our method has the highest SSIM values, in agreement with the visual effect(SSIM值表示,效果好)

B Real-world data

In our quantitative comparison below(在下面的定量比较中), we use enhancement for all results, but note that the relative performance between algorithms was similar without using enhancement.
the proposed method arguably(提出的方法可以说是) shows the best visual performance on simultaneously removing rain and preserving details. Since the ground truth is unavailable in these examples, we cannot definitively say which algorithm performs quantitatively the best. Instead, we use a referencefree measure called the Blind Image Quality Index (BIQI) [34] for quantitative evaluation.(对没有GT的图片采用BIQI定量评估)
A lower value of BIQI indicates a higher quality image.(BIQI值低表名一个高质量的图像)
However, as with all reference-free image quality metrics, BIQI is arguably not always subjectively correct.(但是,与所有无参考图像质量指标一样,BIQI可能并不总是主观正确。)
Still, as Table III indicates, our method has the lowest BIQI on 100 newly obtained real-world testing images. This gives additional evidence that our method outputs an image with greater improvement.(尽管如此,我们在100张上都获得了更小的值。)
To provide realistic feedback and quantify the subjective evaluation of DerainNet, we also constructed an independent user study.(为了提供真实的反馈并量化DerainNet的主观评价,我们还构建了一个独立的用户研究。)

C parameter settings

In this section, we test different parameters setting to study their impact on performance.(我们测试不同的参数设置来研究它们对性能的影响。)
The testing data includes the same 100 newly-synthesized images as well as the new Rain12 images [13].

[13] Y. Li, R. T. Tan, X. Guo, J. Lu, and M. S. Brown, “Rain streak removal using layer priors,” in International Conference on Computer Vision and Pattern Recognition (CVPR), 2016.

  1. Kernel size:
    The default kernel sizes for the three levels are 16, 1 and 8
    We fix the kernel size of the second layer and reduce the kernel sizes of first and third layers to 4-1-2 and 8-1-4.(我们固定了第二层的内核大小,并将第一层和第三层的内核大小减小到4-1-2和8-1-4。)
    We then performed experiments by instead increasing the kernel size of second layer to 16- 3-8 and 16-5-8.
    Table V shows the average SSIM values for these different kernel sizes. As can be seen, larger kernel sizes can generate better results. This is because more structure and texture can be modeled using a large kernel.(大的kernel大小可以产生好的结果,因为可以使用大内核对更多结构和纹理进行建模)
    On the contrary, from our experiments we find that increasing the kernel size of the second layer brings only limited improvement. This is because the second layer performs a non-linear operation for rain removal and the 11 kernel can achieve promising results。(相反,通过实验发现,增加第二层的kernel大小限制提升,因为第二层实行了一个非线性操作除雨,11的kernel可以有比较好的效果)
    Thus, we choose 16-1-8 as the default setting of kernel size.
  2. Network width:
    Intuitively, if we increase the network width by increasing the number of kernels, n1 and n2, the performance should improve.(直觉上来看,增加网络宽度通过增加kernel的数量可以有更好的结果)
    As can be seen, better performance can be achieved by increasing the width of the network. However, increasing the number of kernels improves the performance at the cost of running time since more convolutional operations are required. Thus we choose n1 = n2 = 512 as the default setting of network width.(确实,但是会耗时,选512)
  3. Network depth:
    We also test the performance of using deeper structures by adding more non-linear layers. We train and test on 3 networks with depths 3, 5 and 10.As shown in Table VII, for the de-raining problem, increasing the network depth does not bring better results using a feed-forward network structure.(增加深度对去雨没有好的效果)
    This is a results of gradient vanishing, which may perhaps be addressed by designing a more complex network structure (with increased computation time).(这是梯度消失的结果,也许可以通过设计更复杂的网络结构(增加计算时间)来解决。)(为啥这里是梯度消失的结果?

D Comparison with another potential deep learning method

The proposed DerainNet combines image domain knowledge as pre-processing before the CNN step(所提出的去雨网络结合了图像域的知识和CNN前的处理)
As mentioned [6] proposed directly using a CNN to removing dirt and drops from a window [6].
(这是我们所知道的唯一其他相关的CNN深度学习方法)
directly training on the image domain has drawbacks that are effectively addressed by our approach. We note that both approaches have virtually identical computational complexity(直接在图像域上进行培训具有我们的方法有效解决的缺点。 我们注意到这两种方法的计算复杂度几乎相同)

E. Impact of image enhancement step

In this section we assess the impact of image enhancement on our algorithm.
We adopt three processing strategies for real-world data.(我们采用3中处理策略)
we conduct de-raining without any enhancement, de-raining with the enhancement as a post-processing step after reconstruction, and simultaneous(同时) deraining and enhancement
As can be seen, rain streaks are removed by the CNN alone, while the enhancement step further improves the visual quality.

F. Impact of the selected low-pass filter

Figure 15 shows one example of a de-raining result using different low-pass filters: guided filtering [24], bilateral filtering [25] and rolling guidance filtering [26]. As can be seen, though the low and high frequency decompositions look significantly different, the de-raining result is qualitatively similar and the three SSIM values of the de-rained results are almost the same.
The method proposed in [10] also applies this decomposition strategy using the bilateral filtering, but used in a different model.([10]中提出的方法也使用双边滤波应用该分解策略,但在不同的模型中使用。)
We make a comparison with method [10] using bilateral filtering for our CNN as well.(我们也使用双边滤波对方法[10]进行了比较。)
To ensure the low-pass filter removes all of the rain streaks, we change the default parameters of the bilateral filtering in [10].Specifically, we change the window size from 5 to 15 and intensity-domain standard deviations from 0.1 to 1.(强度 - 域标准偏差从0.1到1。)
The difference in filtering operations between our method and [10] is that method [10] implements the pre-processing in the Y channel of YUV color space, while our method implements it in the RGB color space.(我们的方法和[10]之间的滤波操作的不同之处在于方法[10]在YUV颜色空间的Y通道中实现预处理,而我们的方法在RGB颜色空间中实现它)(这通道有什么区别)

  • 1
    点赞
  • 11
    收藏
    觉得还不错? 一键收藏
  • 1
    评论
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值