Skip to main content

Robust flash denoising/deblurring by iterative guided filtering

Abstract

A practical problem addressed recently in computational photography is that of producing a good picture of a poorly lit scene. The consensus approach for solving this problem involves capturing two images and merging them. In particular, using a flash produces one (typically high signal-to-noise ratio [SNR]) image and turning off the flash produces a second (typically low SNR) image. In this article, we present a novel approach for merging two such images. Our method is a generalization of the guided filter approach of He et al., significantly improving its performance. In particular, we analyze the spectral behavior of the guided filter kernel using a matrix formulation, and introduce a novel iterative application of the guided filter. These iterations consist of two parts: a nonlinear anisotropic diffusion of the noisier image, and a nonlinear reaction-diffusion (residual) iteration of the less noisy one. The results of these two processes are combined in an unsupervised manner. We demonstrate that the proposed approach outperforms state-of-the-art methods for both flash/no-flash denoising, and deblurring.

1 Introduction

Recently, several techniques [15] to enhance the quality of flash/no-flash image pairs have been proposed. While the flash image is better exposed, the lighting is not soft, and generally results in specularities and unnatural appearance. Meanwhile, the no-flash image tends to have a relatively low signal-to-noise ratio (SNR) while containing the natural ambient lighting of the scene. The key idea of flash/no-flash photography is to create a new image that is closest to the look of the real scene by having details of the flash image while maintaining the ambient illumination of the no-flash image. Eisemann and Durand [3] used bilateral filtering [6] to give the flash image the ambient tones from the no-flash image. On the other hand, Petschnigg et al. [2] focused on reducing noise in the no-flash image and transferring details from the flash image to the no-flash image by applying joint (or cross) bilateral filtering [3]. Agrawal et al. [4] removed flash artifacts, but did not test their method on no-flash images containing severe noise. As opposed to a visible flash used by [24], recently Krishnan and Fergus [7] used both near-infrared and near-ultraviolet illumination for low light image enhancement. Their so-called "dark flash" provides high-frequency detail in a less intrusive way than a visible flash does even though it results in incomplete color information. All these methods ignored any motion blur by either depending on a tripod setting or choosing sufficiently fast shutter speed. However, in practice, the captured images under low-light conditions using a hand-held camera often suffer from motion blur caused by camera shake.

More recently, Zhuo et al. [5] proposed a flash deblurring method that recovers a sharp image by combining a blurry image and a corresponding flash image. They integrated a so-called flash gradient into a maximum-a-posteriori framework and solved the optimization problem by alternating between blur kernel estimation and sharp image reconstruction. This method outperformed many states-of-the-art single image deblurring [810] and color transfer methods [11]. However, the final output of this method looks somewhat blurry because the model only deals with a spatially invariant motion blur.

Others have used multiple pictures of a scene taken at different exposures to generate high dynamic range images. This is called multi-exposure image fusion [12] which shares some similarity with our problem in that it seeks a new image that is of better quality than any of the input images. However, the flash/no-flash photography is generally more difficult due to the fact that there are only a pair of images. Enhancing a low SNR no-flash image with a spatially variant motion blur only with the help of a single flash image is still a challenging open problem.

2 Overview of the proposed approach

We address the problem of generating a high quality image from two captured images: a flash image (Z ) and a no-flash image (Y ; Figure 1). We treat these two images, Z and Y , as random variables. The task at hand is to generate a new image (X) that contains the ambient lighting of the no-flash image (Y ) and preserves the details of the flash-image (Z ). As in [2], the new image X can be decomposed into two layers: a base layer and a detail layer;

Figure 1
figure 1

Flash/no-flash pairs. No-flash image can be noisy or blurry.

X ^ = Y ^ base + τ ( Z Z ) ^ det ail .
(1)

Here, Y might be noisy or blurry (possibly both), and Y ^ is an estimated version of Y, enhanced with the help of Z. Meanwhile, Z ^ represents a nonlinear, (low-pass) filtered version of Z so that Z- Z ^ can provide details. Note that τ is a constant that strikes a balance between the two parts. In order to estimate Y ^ and Z ^ , we employ local linear minimum mean square error (LMMSE) predictorsa which explain, justify, and generalize the idea of guided filteringb as proposed in [1]. More specifically, we assumed that Y ^ and Z ^ are a liner (affine) function of Z in a window ω k centered at the pixel k:

y i ^ = G ( y i , z i ) = a z i + b , z i ^ = G ( z i , z i ) = c z i + d , i ω k ,
(2)

where G(·) is the guided filtering (LMMSE) operator, y i ^ , z i ^ , z i are samples of Y ^ , Z ^ ,Z respectively, at pixel i, and (a, b, c, d) are coefficients assumed to be constant in ωk (a square window of size p × p) and space-variant. Once we estimate a, b, c, d, Equation 1 can be rewritten as

x i ^ = y i ^ + τ ( z i - z i ^ ) , = a z i + b + τ z i - τ c z i - τ d , = ( a - τ c + τ ) z i + b - τ d , = α z i + β .
(3)

In fact, x ^ i is a linear function of z i . While it is not possible to estimate α and β directly from (equation (3); since they in turn depend on xi), the coefficients α, β can be expressed in terms of a, b, c, d which are optimally estimated from two different local linear models shown in Equation 2. Naturally, the simple linear model has its limitations in capturing complex behavior. Hence, we propose an iterative approach to boost its performance as follows:

x ^ i , n = G ( x ^ i , n - 1 , z i ) + τ n ( z i - i ) = α n z i + β n ,
(4)

where x ^ i , 0 = y i and α n , β n , and τ n are functions of the iteration number n. A block-diagram of our approach is shown in Figure 2. The proposed method effectively removes noise and deals well with spatially variant motion blur without the need to estimate any blur kernel or to accurately register flash/no-flash image pairs when there is a modest displacement between them.

Figure 2
figure 2

System overview. Overview of our algorithm for flash/no-flash enhancement.

A preliminary version [13] of this article is appeared in the IEEE International Conference on Computer Vision (ICCV '11) workshop. This article is different from [13] in the following respects:

  1. (1)

    We have provided a significantly expanded statistical derivation and description of the guided filter and its properties in Section 3 and Appendix.

  2. (2)

    Figures 3 and 4 are provided to support the key idea of iterative guided filtering.

Figure 3
figure 3

Iteration improves accuracy. Accuracy of ( α ^ 20 , β ^ 20 ) is improved upon ( α ^ 1 , β ^ 1 ) .

Figure 4
figure 4

Effect of iteration. As opposed to X ^ 1 , noise in Y was more effectively removed in X ^ 20 .

  1. (3)

    We provide many more experimental results for both flash/no-flash denoising and de- blurring in Section 5.

  2. (4)

    We describe the key ideas of diffusion and residual iteration and their novel relevance to iterative guided filtering in the Appendix.

  3. (5)

    We prove the convergence of the proposed iterative estimator in the Appendix.

  4. (6)

    As supplemental material, we share our project websitec where flash/no-flash relighting examples are also presented.

In Section 3, we outline the guided filter and study its statistical properties. We describe how we actually estimate the linear model coefficients a, b, c, d and α, β, and we provide an interpretation of the proposed iterative framework in matrix form in Section 4. In Section 5, we demonstrate the performance of the system with some experimental results, and finally we conclude the article in Section 6.

3 The guided filter and its properties

In general, space-variant, nonparametric filters such as the bilateral filter [6], nonlocal means filter [14], and locally adaptive regression kernels filter [15] are estimated from the given corrupted input image to perform denoising. The guided filter can be distinguished from these in the sense that the filter kernel weights are computed from a (second) guide image which is presumably cleaner. In other words, the idea is to apply filter kernels W ij computed from the guide (e.g., flash) image Z to the more noisy (e.g., no-flash) image Y. Specifically, the filter output sample y ^ a pixel i is computed as a weighted averaged:

ŷ i = j W i j ( Z ) y j .
(5)

Note that the filter kernel W ij is a function of the guide image Z, but is independent of Y. The guided filter kernele can be explicitly written as

W i j ( Z ) = 1 | ω | 2 k : ( i , j ) ω k 1 + ( z i - E [ Z ] k ) ( z j - E [ Z ] k ) var ( Z ) k + ε , i , j ω k ,
(6)

where |ω| is the total number of pixels (= p2) in ω k , ε is a global smoothing parameter, E [ Z ] k 1 | ω | l ω k z l , and var ( Z ) k 1 | ω | l ω k z l 2 - E [ Z ] k 2 . Note that W ij are normalized weights, that is, ∑ j W ij (Z) = 1 Figure 5 shows examples of guided filter weights in four different patches. We can see that the guided filter kernel weights neatly capture underlying geometric structures as do other data-adaptive kernel weights [6, 14, 15]. It is worth noting that the use of the specific form of the guided filter here may not be critical in the sense that any other data-adaptive kernel weights such as non-local means kernels[16] and locally adaptive regression kernels[15] could be used.

Figure 5
figure 5

Examples of guided filter kernel weights in four different patches. The kernel weights well represent underlying structures.

Next, we study some fundamental properties of the guided filter kernel in matrix form.

We adopt a convenient vector form of Equation 5 as follows:

ŷ i = w i T y ,
(7)

where y is a column vector of pixels in Y and w i T = [ W ( i , 1 ) , W ( i , 2 ) , , W ( i , N ) ] is a vector of weights for each i. Note that N is the dimensionf of y. Writing the above at once for all i we have,

y ^ = w 1 T w 2 T w N T = W ( 1 , 1 ) W ( 1 , 2 ) W ( 1 , N ) W ( 2 , 1 ) W ( 2 , 2 ) W ( 2 , N ) W ( N , 1 ) W ( N , 2 ) W ( N , N ) = w ( z ) y ,
(8)

where z is a vector of pixels in Z and W is only a function of z. The filter output can be analyzed as the product of a matrix of weights W with the vector of the given the input image y.

The matrix W is symmetric as shown in Equation 8 and the sum of each row of W is equal to one (W1 N = 1 N ) by definition. However, as seen in Equation 6, the definition of the weights does not necessarily imply that the elements of the matrix W are positive in general. While this is not necessarily a problem in practice, we find it useful for our purposes to approximate this kernel with a proper admissible kernel [17]. That is, for the purposes of analysis, we approximate W as a positive valued, symmetric positive definite matrix with rows summing to one, as similarly done in [18]. For the details, we refer the reader to the Appendix A.

With this technical approximation in place, all eigenvalues λ i (i = 1, ..., N) are real, and the largest eigenvalue of W is exactly one (λ1 = 1), with corresponding eigenvector v 1 = ( 1 / N ) [ 1 , 1 , , 1 ] T = ( 1 / N ) 1 N as shown in Figure 6. Intuitively, this means that filtering by W will leave a constant signal (i.e., a "flat" image) unchanged. In fact, with the rest of its spectrum inside the unit disk, powers of W converge to a matrix of rank one, with identical rows, which (still) sum to one:

Figure 6
figure 6

Examples of W in one patch of size 25 × 25. All eigenvalues of the matrix W are nonnegative, thus the guided filter kernel matrix is positive definite matrix. The largest eigenvalue of W is one and the rank of W asymptotically becomes one. This figure is better viewed in color.

lim n w n = 1 N u 1 T .
(9)

So u 1 summarizes the asymptotic effect of applying the filter W many times. Figure 7 shows what a typical u1 looks like.

Figure 7
figure 7

Examples of the first left eigenvector u in three patches. The vector was reshaped into an image for illustration purpose.

Figure 8 shows examples of the (center) row vector (wT ) from W's powers in one patch of size 25 × 25. The vector was reshaped into an image for illustration purposes. We can see that powers of W provide even better structure by generating larger (and more sophisticated) kernels. This insight reveals that applying W multiple times can improve the guided filtering performance, which leads us to the iterative use of the guided filter. This approach will produce the evolving coefficients α n , β n introduced in (4). In the following section, we describe how we actually compute these coefficients based on Bayesian mean square error (MSE) predictions.

Figure 8
figure 8

The guided filter kernel matrix. The guided filter kernel matrix W captures the underlying data structure, but powers of W provides even better structure by generating larger (but more sophisticated) kernel shapes. w is the (center) row vector of W. w was reshaped into an image for illustration purposes.

4 Iterative application of local LMMSE predictors

The coefficientsga k , b k , c k , d k in (3) are chosen so that "on average" the estimated value Y ^ is close to the observed value of Y (= y i ) in ω k , and the estimated value Z ^ is close to the observed value of Z (=z i ) in ω k . More specifically, we adopt a stabilized MSE criterion in the window ω k as our measure of closenessh:

MSE ( a k , b k ) = E [ ( Y - Y ^ ) 2 ] + ε 1 a k 2 = E [ ( Y - a k Z - b k ) 2 ] + ε 1 a k 2 , MSE ( c k , d k ) = E [ ( Z - Z ^ ) 2 ] + ε 2 c k 2 = E [ ( Z - c k Z - d k ) 2 ] + ε 2 c k 2 ,
(10)

where ε1 and ε2 are small constants that prevent a ^ k , ĉ k from being too large. Note that c k and d k become simply 1 and 0 by setting ε2 = 0. By setting partial derivatives of MSE(a k , b k ) with respect to a k , b k , and partial derivatives of MSE(c k , d k ) with respect to c k , d k , respectively, to zero, the solutions to minimum MSE prediction in (10) are

a ^ k = E [ Z Y ] - E [ Z ] E [ Y ] E [ Z 2 ] - E 2 [ Z ] + ε 1 = cov ( Z , Y ) var ( Z ) + ε 1 k , b ^ k = E [ Y ] - a ^ k E [ Z ] = E [ Y ] k - cov ( Z , Y ) var ( Z ) + ε 1 k E [ Z ] k , ĉ k = E [ Z 2 ] - E 2 [ Z ] E [ Z 2 ] - E 2 [ Z ] + ε 2 = var ( Z ) var ( Z ) + ε 2 k , d ^ k = E [ Z ] - ĉ k E [ Z ] = E [ Z ] k - var ( Z ) var ( Z ) + ε 2 k E [ Z ] k ,
(11)

where we compute E [ Z ] 1 | ω | l ω k z l ,E [ Y ] 1 | ω | l ω k y l ,E [ Z Y ] 1 | ω | l ω k z l y l ,E [ Z 2 ] 1 | ω | l ω k z l 2 .

Note that the use of different ω k results in different predictions of these coefficients. Hence, one must compute an aggregate estimate of these coefficients coming from all windows that contain the pixel of interest. As an illustration, consider a case where we predict y i ^ using observed values of Y in ω k of size 3 × 3 as shown in Figure 9. There are nine possible windows that involve the pixel of interest i. Therefore, one takes into account all nine a k , b k 's to predict y i ^ . The simple strategy suggested by He et al. [1] is to average them as follows:

Figure 9
figure 9

Explanation of LMMSE. a ^ k , b ^ k are estimated from nine different windows ω k and averaged coefficients a ^ , b ^ are used to predict ŷ i . This figure is better viewed in color.

a ^ = 1 | ω | k = 1 | ω | a ^ k , b ^ = 1 | ω | k = 1 | ω | b ^ k .
(12)

As such, the resulting prediction of Y ^ given the outcome Z = z i is

ŷ i = a ^ z i + b ^ = 1 | ω | k = 1 | ω | ( a ^ k z i + b ^ k ) , z ^ i = ĉ z i + d ^ = 1 | ω | k = 1 | ω | ( ĉ k z i + d ^ k ) .
(13)

The idea of using these averaged coefficients a ^ , b ^ is analogous to the simplest form of aggregating multiple local estimates from overlapped patches in image denoising and super-resolution literature [19]. The aggregation helps the filter output look locally smooth and contain fewer artifacts.i Recall that y i ^ and z ^ i - z i correspond to the base layer and the detail layer, respectively. The effect of the regularization parameters ε1 and ε2 is quite the opposite in each case in the sense that the higher ε2 is, the more detail through z ^ i - z i can be obtained; whereas the lower ε1 ensures that the image content in Y ^ is not over-smoothed.

These local linear models work well when the window size p is small and the underlying data have a simple pattern. However, the linear models are too simple to deal effectively with more complicated structures, and thus there is a need to use larger window sizes. As we alluded to earlier, the estimation of these linear coefficients in an iterative fashion can deal well with more complex behavior of the image content. More specifically, by initializing x ^ i , 0 = y i , Equation 3 can be updated as follows

x ^ i , n = G ( x ^ i , n - 1 , z i ) + τ n ( z i - z ^ i ) , = ( a n - τ n c + τ n ) z i + b n - τ n d , = α n z i + β n ,
(14)

where n is the iteration number and τ n > 0 is set to be a monotonically decaying functionk of n such that n = 1 τ n converges. Figure 3 shows an example to illustrate that the resulting coefficients at the 20th iteration predict the underlying data better than α1, β1 do. Similarly, X ^ 20 improves upon X ^ 1 as shown in Figure 4. This iteration is closely related to diffusion and residual iteration which are two important methods [18] which we describe briefly below, and with more detail in Appendix.

Recall that Equation 14 can also be written in matrix form as done in Section 3:

x ^ n = w x ^ n - 1 base layer + τ n ( z - w d z ) det ail layer ,
(15)

where W and W d are guided filter kernel matrices composed of the guided filter kernels W and W d respectively.l Explicitly writing the iterations, we observe

x ^ 0 = y x ^ 1 = W y + τ 1 ( I - w d ) z , x ^ 2 = w x ^ 1 + τ 2 ( I - w d ) z = w 2 y + ( τ 1 w + τ 2 I ) ( I - w d ) z , x ^ n = w x ^ n - 1 + τ n ( I - w d ) z = w n y + ( τ 1 w n - 1 + τ 2 w n - 2 + + τ n I ) ( I - w d ) z , = w n y diffusion + P n ( w )( I - w d ) z residual iteration = y ^ n + z ^ n ,
(16)

where P n is a polynomial function of W. The block-diagram in Figure 2 can be redrawn in terms of the matrix formulation as shown in Figure 10. The first term y ^ n in Equation 16 is called the diffusion process that enhances SNR. The net effect of each application of W is essentially a step of anisotropic diffusion [20]. Note that this diffusion is applied to the no-flash image y which has a low SNR. On the other hand, the second term z ^ n is connected with the idea of residual iteration [21]. The key idea behind this iteration is to filter the residual signalsm to extract detail. We refer the reader to Appendix B and [18] for more detail. By effectively combining the diffusion and residual iteration [as in (16)], we can achieve the goal of flash/no-flash pair enhancement which is to generate an image somewhere between the flash image z and the no-flash image y, but of better quality than both. n

Figure 10
figure 10

Diagram of the proposed iterative approach in matrix form. Note that the iteration can be divided into two parts: diffusion and residual iteration process.

5 Experimental results

In this section, we apply the proposed approach to flash/no-flash image pairs for denoising and deblurring. We convert images Z and Y from RGB color space to CIE Lab, and perform iterative guided filtering separately in each resulting channel. The final result is converted back to RGB space for display. We used the implementation of the guided filter [1] from the author's website.o All figures in this section are best viewed in color.p

5.1 Flash/no-flash denoising

5.1.1 Visible flash [2]

We show experimental results on a couple of flash/no-flash image pairs where no-flash images suffer from noiseq. We compare our results with the method based on the joint bilateral filter [2] in Figures 11, 12, and 13. Our proposed method effectively denoised the no-flash image while transferring the fine detail of the flash image and maintaining the ambient lighting of the no-flash image. We point out that the proposed iterative application of the guided filtering in terms of diffusion and residual iteration yielded much better results than one application of either the joint bilateral filtering [2] or the guided filter [1].

Figure 11
figure 11

Flash/no-flash denoising example compared to the state of the art method [2]. The iteration n for this example is 10.

Figure 12
figure 12

Flash/no-flash denoising example compared to the state of the art method [2]. The iteration n for this example is 10.

Figure 13
figure 13

Flash/no-flash denoising example compared to the state of the art method [2]. The iteration n for this example is 2.

5.1.2 Dark flash [7]

In this section, we use the dark flash method proposed in [7]. Let us call the dark flash image Z. Dark flash may introduce shadows and specularities in images, which affect the results of both the denoising and detail transfer. We detect those regions using the same methods proposed by [2]. Shadows are detected by finding the regions where |Z - Y| is small, and specularities are found by detecting saturated pixels in Z. After combining the shadow and specularities mask, we blur it using a Gaussian filter to feather the boundaries. By using the resulting mask, the output X ^ n at each iteration is alpha-blended with a low-pass filter version of Y as similarly done in [2, 7]. In order to realize ambient lighting conditions, we applied the same mapping function to the final output as in [7]. Figures 14, 15, 16, 17, 18, and 19 show that our results yield better detail with less color artifacts than the results of [7].

Figure 14
figure 14

Dark flash/no-flash (low noise) denoising example compared to the state of the art method [7]. The iteration n for this example is 10.

Figure 15
figure 15

Dark flash/no-flash (mid noise) denoising example compared to the state of the art method [7]. The iteration n for this example is 10.

Figure 16
figure 16

Dark flash/no-flash (high noise) denoising example compared to the state of the art method [7]. The iteration n for this example is 10.

Figure 17
figure 17

Dark flash/no-flash (low noise) denoising example compared to the state of the art method [7]. The iteration n for this example is 10.

Figure 18
figure 18

Dark flash/no-flash (mid noise) denoising example compared to the state of the art method [7]. The iteration n for this example is 10.

Figure 19
figure 19

Dark flash/no-flash (high noise) denoising example compared to the state-of-the-art method [7]. The iteration n for this example is 10.

5.2 Flash/no-flash deblurring

Motion blur due to camera shake is an annoying yet common problem in low-light photography. Our proposed method can also be applied to flash/no-flash deblurringr. Here, we show experimental results on a couple of flash/no-flash image pairs where no-flash images suffer from mild noise and strong motion blur. We compare our method with Zhuo et al. [5]. As shown in Figures 20, 21, 22, 23, and 24, our method outperforms the method by [5], obtaining much finer details with better color contrast even though our method does not estimate a blur kernel at all. The results by Zhuo et al. [5] tend to be somewhat blurry and distort the ambient lighting of the real scene. We point out that we only use a single blurred image in Figure 24 while Zhuo et al. [5] used two blurred images and one flash image.

Figure 20
figure 20

Flash/no-flash deblurring example compared to the state-of-the-art method [5]. The iteration n for this example is 20.

Figure 21
figure 21

Flash/no-flash deblurring example compared to the state-of-the-art method [5]. The iteration n for this example is 20.

Figure 22
figure 22

Flash/no-flash deblurring example compared to the state-of-the-art method [5]. The iteration n for this example is 20.

Figure 23
figure 23

Flash/no-flash deblurring example compared to the state-of-the-art method [5]. The iteration n for this example is 5.

Figure 24
figure 24

Flash/no-flash deblurring example compared to the state-of-the-art method [5]. The iteration n for this example is 20.

6 Summary and future work

The guided filter has proved to be more effective than the joint bilateral filter in several applications. Yet we have shown that it can be improved significantly more still. We analyzed the spectral behavior of the guided filter kernel using a matrix formulation and improved its performance by applying it iteratively. Iterations of the proposed method consist of a combination of diffusion and residual iteration. We demonstrated that the proposed approach yields outputs that not only preserve fine details of the flash image, but also the ambient lighting of the no-flash image. The proposed method outperforms state-of-the-art methods for flash/no-flash image denoising and deblurring. It would be interesting to see if the performance of other nonparametric filer kernels such as bilateral filters and locally adaptive regression kernels [15] can be further improved in our iterative framework. It is also worthwhile to explore several other applications such as joint upsampling [22], image matting [23], mesh smoothing [24, 25], and specular highlight removal [26] where the proposed approach can be employed.

Appendix

Positive definite and symmetric row-stochastic approximation of W

In this section, we describe how we approximate W with a symmetric, positive definite, and row-stochastic matrix. First, as we mentioned earlier, the matrix W can contain negative values as shown in Figure 3. We employ the Taylor series approximation (exp (t) ≈ 1 + t) to ensure that W has both positive elements, and is positive-definite. To be more concrete, consider a simple example; namely, a local patch of size 5 × 5 as follows:

Z= z 1 z 6 z 11 z 16 z 21 z 2 z 7 z 12 z 17 z 22 z 3 z 8 z 13 z 18 z 23 z 4 z 9 z 14 z 19 z 24 z 5 z 10 z 15 z 20 z 25
(17)

In this case, we can have up to 9 ω k of size |ω| = 3 × 3. Let M z i , z j = k : ( i , j ω k ) z i - E [ Z ] k z j - E [ Z ] k var Z k + ε in Equation 6. Then, W centered at the index 13 can be written and approximated as follows:

W 13 , j = 1 81 1 + M ( z 13 , z 1 ) 2 ( 1 + 1 2 M ( z 13 , z 16 ) ) 3 ( 1 + 1 3 M ( z 13 , z 11 ) ) 2 ( 1 + 1 2 M ( z 13 , z 16 ) ) 1 + M ( z 13 , z 21 ) 2 ( 1 + 1 2 M ( z 13 , z 2 ) ) 4 ( 1 + 1 4 M ( z 13 , z 7 ) ) 6 ( 1 + 1 6 M ( z 13 , z 12 ) ) 4 ( 1 + 1 4 M ( z 13 , z 17 ) ) 2 ( 1 + 1 2 M ( z 13 , z 22 ) ) 3 ( 1 + 1 3 M ( z 13 , z 3 ) ) 6 ( 1 + 1 6 M ( z 13 , z 8 ) ) 9 ( 1 + 1 9 M ( z 13 , z 13 ) ) 6 ( 1 + 1 6 M ( z 13 , z 18 ) ) 3 ( 1 + 1 3 M ( z 13 , z 23 ) ) 2 ( 1 + 1 2 M ( z 13 , z 4 ) ) 4 ( 1 + 1 4 M ( z 13 , z 9 ) ) 6 ( 1 + 1 6 M ( z 13 , z 14 ) ) 4 ( 1 + 1 4 M ( z 13 , z 19 ) ) 2 ( 1 + 1 2 M ( z 13 , z 24 ) ) 1 + M ( z 13 , z 5 ) 2 ( 1 + 1 2 M ( z 13 , z 10 ) ) 3 ( 1 + 1 3 M ( z 13 , z 15 ) ) 2 ( 1 + 1 2 M ( z 13 , z 20 ) ) 1 + M ( z 13 , z 25 ) , 1 81 exp ( M ( z 13 , z 1 ) ) 2 exp ( 1 2 M ( z 13 , z 6 ) ) 3 exp ( 1 3 M ( z 13 , z 11 ) ) 2 exp ( 1 2 M ( z 13 , z 16 ) ) exp ( M ( z 13 , z 21 ) ) 2 exp ( 1 2 M ( z 13 , z 2 ) ) 4 exp ( 1 4 M ( z 13 , z 7 ) ) 6 exp ( 1 6 M ( z 13 , z 12 ) ) 4 exp ( 1 4 M ( z 13 , z 17 ) ) 2 exp ( 1 2 M ( z 13 , z 22 ) ) 3 exp ( 1 3 M ( z 13 , z 13 ) ) 6 exp ( 1 6 M ( z 13 , z 8 ) ) 9 exp ( 1 9 M ( z 13 , z 13 ) ) 6 exp ( 1 6 M ( z 13 , z 18 ) ) 3 exp ( 1 3 M ( z 13 , z 23 ) ) 2 exp ( 1 2 M ( z 13 , z 4 ) ) 4 exp ( 1 4 M ( z 13 , z 9 ) ) 6 exp ( 1 6 M ( z 13 , z 14 ) ) 4 exp ( 1 4 M ( z 13 , z 19 ) ) 2 exp ( 1 2 M ( z 13 , z 24 ) ) exp ( M ( z 13 , z 5 ) ) 2 exp ( 1 2 M ( z 13 , z 10 ) ) 3 exp ( 1 3 M ( z 13 , z 15 ) ) 2 exp ( 1 3 M ( z 13 , z 15 ) ) exp ( M ( z 13 , z 25 ) ) ,

Next, we convert the matrix W (composed of strictly positive elements now) to a doubly-stochastic, symmetric, positive definite matrix as again done in [18]. The algorithm we use to effect this approximation is due to Sinkhorn [27, 28], who proved that given a matrix with strictly positive elements, there exist diagonal matrices R = diag(r) and C = diag(c) such that

w ^ = R w C

is doubly stochastic. That is,

w ^ 1 N = 1 N and 1 N T w ^ = 1 N T
(18)

Furthermore, the vectors r and c are unique to within a scalar (i.e., α r, c .) Sinkhorn's algorithm for obtaining r and c in effect involves repeated normalization of the rows and columns (see Algorithm 1 for details) so that they sum to one, and is provably convergent and optimal in the cross-entropy sense [29].

Algorithm 1 Algorithm for scaling a matrix A to a nearby doubly-stochastic matrix A ^

   Given a matrix A, let (N, N) be size(A) and initialize r = ones(N, 1);

   for k = 1 : iter;

      c = 1./(ATr);

      r = 1./(A c);

   end

   C = diag(c); R = diag(r);

    A ^ =RAC

Diffusion and residual iteration

Diffusion

Here, we describe how multiple direct applications of the filter given by W is in effect equivalent to a nonlinear anisotropic diffusion process [20, 30]. We define y ^ 0 =y, and

y ^ n =w y ^ n - 1 = w n y.
(19)

From the iteration (19) we have

y ^ n =w y ^ n - 1 ,
(20)
= y ^ n - 1 - y ^ n - 1 +w y ^ n - 1 ,
(21)
= y ^ n - 1 + ( w - I ) y ^ n - 1 ,
(22)

which we can rewrite as

y ^ n - y ^ n - 1 = ( w - I ) y ^ n - 1 y ̄ ( t ) t = 2 y ̄ ( t ) Diffusion Equation
(23)

where y ̄ is a scaled version of by, and therefore the left-hand side of the above is a discretization of the derivative operator ȳ ( t ) t , and as detailed in [18], W - I is effectively the nonlinear Laplacian operator corresponding to the kernel in (6).

Residual iteration

An alternative to repeated applications of the filter W is to consider the residual signals, defined as the difference between the estimated signal and the measured signal. This results in a variation of the diffusion estimator which uses the residuals as an additional forcing term. The net result is a type of reaction-diffusion process [31]. In statistics, the use of the residuals in improving estimates has a rather long history, dating at least back to the study of Tukey [21] who termed the idea "twicing". More recently, the idea has been suggested in the applied mathematics community under the rubric of Bregman iterations [32], and in the machine learning and statistics literature [33] as L2-boosting.

Formally, the residuals are defined as the difference between the estimated signal and the measured signal: r n =z- z n - 1 , where here we define the initializations z ^ 0 = W z . With this definition, we write the iterated estimates as

z ^ n = z ^ n - 1 + w r n = z ^ n - 1 + w ( z - z ^ n - 1 ) .
(24)

Explicitly writing the iterations, we observe:

z ^ 1 = z ^ 0 + w ( z - z ^ 0 ) = W z + w ( z - W z ) = ( 2 w - w 2 ) z , z ^ 2 = z ^ 1 + w ( z - z ^ 1 ) = ( w 3 - 3 w 2 + 3 w ) z , z ^ n = F n ( w ) z ,
(25)

where F n is a polynomial function of W of order n + 1. The first iterate z ^ 1 is precisely the "twicing" estimate of Tukey [21].

Convergence of the proposed iterative estimator

Recall the iterations:

x ^ n = W n y + ( τ 1 W n 1 + τ 2 W n 2 + + τ n I ) P n ( W ) ( I W d ) z .
(26)

where P n is a polynomial function of W. The first (direct diffusion) term in the iteration is clearly stable and convergent as described in (9). Hence, we need to show the stability of the second part. To do this, we note that the spectrum of P n can be written, and bounded in terms of the eigenvalues λ i of W as follows:

λ i ( P n ) = eig ( P n ) = τ 1 λ i n - 1 + τ 2 λ i n - 2 + + τ n , τ 1 λ 1 n - 1 + τ 2 λ 1 n - 2 + + τ n = τ 1 + τ 2 + τ 3 + + τ n c .
(27)

where the inequality follows from the knowledge that 0 ≤ λ N ≤ ... λ3λ2 <λ1 = 1. Furthermore, in Section 4 we defined τ n to be a monotonically decreasing sequence such that n = 1 τ n =c<. Hence, all eigenvalues λ i (P n ) are upper bounded by the constant c, independent of the number of iterations n, ensuring the stability of the iterative process.

End notes

aMore detail is provided in Section 4. bThe guided filter [1] reduces noise while preserving edges as bilateral filter [6] does. However, the guided filter outperforms the bilateral filter by avoiding the gradient reversal artifacts that may appear in such applications as detail enhancement, high dynamic range (HDR) compression, and flash/no-flash denoising. chttp://users.soe.ucsc.edu/~milanfar/research/rokaf/.html/IGF/. d y ^ in Equation 2 can be rewritten in terms of filtering and we refer the reader to a supplemental material http://personal.ie.cuhk.edu.hk/~hkm007/eccv10/eccv10supp.pdf for derivation. eCross (or joint) bilateral filter [2, 3] is defined in a similar way. fN is different from the window size p (Np). g Note that k is used to clarify that the coefficients are estimated for the window ω k . h Shan et al. [8] recently proposed a similar approach for high dynamic range compression. i It is worthwhile to note that we can benefit from more adaptive way of combining multiple estimates of coefficients, but this subject is not treated in this article. k We use τ n = 1 n 2 throughout the all experiments. l Recall W in Equation 6. The difference between W and W d lies in the parameter ε as follows (ε2> ε1):

W Z = 1 ω 2 k : ( i , j ) ω k 1 + z i - E z k z j - E [ Z ] k var ( Z ) k + ε 1 , W d Z = 1 ω 2 k : ( i , j ) ω k 1 + z i - E z k z j - E [ Z ] k var ( Z ) k + ε 2 .
(28)

m This is generally defined as the difference between the estimated signal Z ^ and the measured signal Z, but in our context refers to the detail signal. n We refer the reader to Appendix C for proof of convergence of the proposed iterative estimator. ohttp://personal.ie.cuhk.edu.hk/~hkm007/. p We refer the reader to the project Website http://users.soe.ucsc.edu/~milanfar/research/rokaf/.html/IGF/. q The window size p for W d and W was set to 21 and 5 respectively for all the denoising examples. r The window size p for W d and W was set to 41 and 81, respectively, for the deblurring examples to deal with displacement between the flash and no-flash image. s Note that due to the use of residuals, this is a different initialization than the one used in the diffusion iterations.

References

  1. He K, Sun J, Tang X: Guided image filtering. Proceedings of European Conference Computer Vision (ECCV) 2010.

    Google Scholar 

  2. Petschnigg G, Agrawala M, Hoppe H, Szeliski R, Cohen M, Toyama K: Digital photography with flash and no-flash image pairs. ACM Trans Graph 2004, 21(3):664-672.

    Article  Google Scholar 

  3. Eisemann E, Durand F: Flash photography enhancement via intrinsic relighting. ACM Trans Graph 2004, 21(3):673-678.

    Article  Google Scholar 

  4. Agrawal A, Raskar R, Nayar S, Li Y: Removing photography artifacts using gradient projection and flash-exposure sampling. ACM Trans Graph 2005, 24: 828-835. 10.1145/1073204.1073269

    Article  Google Scholar 

  5. Zhuo S, Guo D, Sim T: Robust flash deblurring. IEEE Conference on Computer Vison and Pattern Recognition 2010.

    Google Scholar 

  6. Tomasi C, Manduchi R: Bilateral Filtering for Gray and Color Images. Proceedings of the 1998 IEEE International Conference of Compute Vision Bombay, India 1998, 836-846.

    Google Scholar 

  7. Krishnan D, Fergus R: Dark flash photography. ACM Trans Graph 2009, 28(4):594-611.

    Google Scholar 

  8. Shan Q, Jia J, Brown MS: Globally optimized linear windowed tone-mapping. IEEE Trans Vis Comput Graph 2010, 16(4):663-675.

    Article  Google Scholar 

  9. Fergus R, Singh B, Hertsmann A, Roweis ST, Freeman WT: Removing camera shake from a single image. ACM Trans Graph (SIGGRAPH) 2006, 25: 787-794. 10.1145/1141911.1141956

    Article  Google Scholar 

  10. Yuan L, Sun J, Quan L, Shum HY: Progressive inter-scale and intra-scale non-blind image deconvolution. ACM Trans Graph 2008, 27(3):1-10.

    Article  Google Scholar 

  11. Tai YW, Jia J, Tang CK: Local color transfer via probabilistic segmentation by expectation-maximization. IEEE Conference on Computer Vison and Pattern Recognition 2005.

    Google Scholar 

  12. Hasinoff W: Variable-aperture photography. PhD Thesis, Department of Computer Science, University of Toronto; 2008.

    Google Scholar 

  13. Seo H, Milanfar P: Computational photography using a pair of flash/no-flash images by iterative guided filtering. IEEE International Conference on Computer Vision (ICCV) 2011. Submitted

    Google Scholar 

  14. Buades A, Coll B, Morel JM: A review of image denoising algorithms, with a new one. Multi-scale Model Simulat (SIAM) 2005, 4(2):490-530.

    Article  MathSciNet  MATH  Google Scholar 

  15. Takeda H, Farsiu S, Milanfar P: Kernel regression for image processing and reconstruction. IEEE Trans Image Process 2007, 16(2):349-366.

    Article  MathSciNet  Google Scholar 

  16. Buades A, Coll B, Morel JM: Nonlocal image and movie denoising. Int J Comput Vis 2008, 76(2):123-139. 10.1007/s11263-007-0052-1

    Article  Google Scholar 

  17. Hofmann T, Scholkopf B, Smola AJ: Kernel methods in machine learning. Ann Stat 2008, 36(3):1171-1220. 10.1214/009053607000000677

    Article  MathSciNet  MATH  Google Scholar 

  18. Milanfar P: A tour of modern image processing. IEEE Signal Process Mag 2011. [http://users.soe.ucsc.edu/~milanfar/publications/journal/ModernTour_FinalSubmission.pdf]

    Google Scholar 

  19. Protter M, Elad M, Takeda H, Milanfar P: Generalizing the non-local-means to super-resolution reconstruction. IEEE Trans Image Process 2009, 18: 36-51.

    Article  MathSciNet  Google Scholar 

  20. Perona P, Malik J: Scale-space and edge detection using anistropic diffusion. IEEE Trans Pattern Anal Mach Intell 1990, 12(9):629-639.

    Article  Google Scholar 

  21. Tukey JW: Exploratory Data Analysis. Addison Wesley, Reading, MA; 1977.

    MATH  Google Scholar 

  22. Kopf J, Cohen MF, Lischinski D, Uyttendaele M: Joint bilateral upsampling. ACM Trans Graph 2007, 26(3):96. 10.1145/1276377.1276497

    Article  Google Scholar 

  23. He K, Sun J, Tang X: Fast matting using large kernel matting Laplacian matrices. IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2010.

    Google Scholar 

  24. Fleishman S, Drori I, Cohen-Or D: Bilateral mesh denoising. ACM Trans Graph 2003, 22(3):950-953. 10.1145/882262.882368

    Article  Google Scholar 

  25. Jones T, Durand F, Desbrun M: Non-iterative feature preserving mesh smoothing. ACM Trans Graph 2003, 22(3):943-949. 10.1145/882262.882367

    Article  Google Scholar 

  26. Yang Q, Wang S, Ahuja N: Real-time specular highlight removal using bilateral filtering. ECCV 2010.

    Google Scholar 

  27. Knight PA: The Sinkhorn-Knopp algorithm: convergence and applications. SIAM J Matrix Anal Appl 2008, 30: 261-275. 10.1137/060659624

    Article  MathSciNet  MATH  Google Scholar 

  28. Sinkhorn R: A relationship between arbitrary positive matrices and doubly stochastic matrices. Ann Math Stat 1964, 35(2):876-879. 10.1214/aoms/1177703591

    Article  MathSciNet  MATH  Google Scholar 

  29. Darroch J, Ratcliff D: Generalized iterative scaling for log-linear models. Ann Math Stat 1972, 43: 1470-1480. 10.1214/aoms/1177692379

    Article  MathSciNet  MATH  Google Scholar 

  30. Singer A, Shkolinsky Y, Nadler B: Diffusion interpretation of nonlocal neighborhood filters for signal denoising. SIAM J Imaging Sci 2009, 2: 118-139. 10.1137/070712146

    Article  MathSciNet  MATH  Google Scholar 

  31. Cottet G, Germain L: Image processing through reaction combined with nonlinear diffusion. Math Comput 1993, 61: 659-673. 10.1090/S0025-5718-1993-1195422-2

    Article  MathSciNet  MATH  Google Scholar 

  32. Osher S, Burger M, Goldfarb D, Xu J, Yin W: An iterative regularization method for total variation-based image restoration. Multiscale Model Simulat 2005, 4(2):460-489. 10.1137/040605412

    Article  MathSciNet  MATH  Google Scholar 

  33. Buhlmann P, Yu B: Boosting with the L2loss: regression and classification. J Am Stat Assoc 2003, 98(462):324-339. 10.1198/016214503000125

    Article  MathSciNet  MATH  Google Scholar 

Download references

Acknowledgements

We thank Dilip Krishnan for sharing the post-processing code [7] for dark-flash examples. This study was supported by the AFOSR Grant FA 9550-07-01-0365 and NSF Grant CCF-1016018. This study was done while the first author was at the University of California.

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to Hae-Jong Seo.

Additional information

Competing interests

The authors declare that they have no competing interests.

Authors' contributions

HS carried out the design of iterative guided filtering and drafted the manuscript. PM participated in the design of iterative guided filtering and performed the statistical analysis. All authors read and approved the final manuscript.

Authors’ original submitted files for images

Below are the links to the authors’ original submitted files for images.

Authors’ original file for figure 1

Authors’ original file for figure 2

Authors’ original file for figure 3

Authors’ original file for figure 4

Authors’ original file for figure 5

Authors’ original file for figure 6

Authors’ original file for figure 7

Authors’ original file for figure 8

Authors’ original file for figure 9

Authors’ original file for figure 10

Authors’ original file for figure 11

Authors’ original file for figure 12

Authors’ original file for figure 13

Authors’ original file for figure 14

Authors’ original file for figure 15

Authors’ original file for figure 16

Authors’ original file for figure 17

Authors’ original file for figure 18

Authors’ original file for figure 19

Authors’ original file for figure 20

Authors’ original file for figure 21

Authors’ original file for figure 22

Authors’ original file for figure 23

Authors’ original file for figure 24

Authors’ original file for figure 25

Authors’ original file for figure 26

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 2.0 International License (https://creativecommons.org/licenses/by/2.0), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.

Reprints and permissions

About this article

Cite this article

Seo, HJ., Milanfar, P. Robust flash denoising/deblurring by iterative guided filtering. EURASIP J. Adv. Signal Process. 2012, 3 (2012). https://doi.org/10.1186/1687-6180-2012-3

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/1687-6180-2012-3

Keywords