arxiv: v2 [cs.cv] 15 Mar 2018

Size: px
Start display at page:

Download "arxiv: v2 [cs.cv] 15 Mar 2018"

Transcription

1 arxiv: v2 [cs.cv] 15 Mar 2018 Blind Image Deconvolution using Deep Generative Priors Muhammad Asim, Fahad Shamshad, and Ali Ahmed The authors have contributed equally to this work. Abstract. This paper proposes a new framework to regularize the ill-posed and non-linear blind image deconvolution problem by using deep generative priors. We employ two separate deep generative models one trained to produce sharp images while the other trained to generate blur kernels from lower-dimensional parameters. The regularized problem is efficiently solved by simple alternating gradient descent algorithm operating in the latent lower-dimensional space of each generative model. We empirically show that by doing so, excellent image deblurring results are achieved even under extravagantly large blurs, and heavy noise. Our proposed method is in stark contrast to the conventional end-to-end approaches, where a deep neural network is trained on blurred input, and the corresponding sharp output images while completely ignoring the knowledge of the underlying forward map (convolution operator) in image blurring. Keywords: Blind image deblurring, generative adversarial networks, variational autoencoder, alternating gradient descent 1 Introduction Blind image deblurring aims to recover true image i and blur kernel k from blurry and possibly noisy observation y. For a uniform and spatially invariant blur, its mathematical formulation is y = i k + n, (1) where is convolution operator and n is additive Gaussian noise. In its full generality, the inverse problem (1) is severely ill-posed as many different instances of i, and k fit the observation y. To resolve between multiple instances, priors are introduced on images and/or blur kernels in the image deblurring algorithms. Priors assume some a a priori model on the true image/blur kernel or both. Common priors include sparsity of the true image and/or blur kernel in some transform domain such as wavelets, curvelets, etc, sparsity of image gradients [1,2], l 0 regularized prior [3], internal patch recurrence [4], low-rank [5,6], hyperlaplacian prior [7], etc. Although generic and extendable to multiple applications, these engineered models are not very effective as many unrealistic images also fit the prior model. In last couple of years, advances in generative modeling of images has taken it well beyond the conventional prior models above. The introduction of such deep generative priors in the image deblurring inverse problem should enable a far more effective regularization yielding sharper and better quality deblurred images. Our experiments in

2 2 Authors Suppressed Due to Excessive Length Original Deblurred Blurry Fig. 1: Blind image deblurring using deep generative priors. Deblurred images (second row) recovered from the blurry ones (first row) using an alternating gradient descent algorithm with the help of two implicit pre-trained generative models; one trained on clean images, and the other on blur kernels. Extremely blurred faces and numbers, not even recognizable to the naked eye, are recovered faithfully using this approach. Figure 1 confirm this hypothesis, and show that using deep generative priors in solving the inverse problem (1) produces promising deblurring results on the standard data sets of face images and house numbers. The blurred faces are almost not recognizable by the naked eye due to extravagant blurs yet the algorithm deblurs the faces near perfectly with the assistance of generative priors. Interestingly, owing to the implicit constraints imposed by generative priors, any deviation, for example, in the deblurred faces from the original faces does not manifest itself through loss of sharpness rather through slight change of facial expressions, or orientation. This form of information loss is mainly harmless in important applications such as face recognition from blurred images. This paper shows with an empirical study that given a noisy, and blurry image y, and the assumption that the true image i and blur kernel k belong to the range of their respective pre-trained generator, we can recover a visually appealing, and a sharp approximation of the true image using alternating gradient descent algorithm. Specifically, the algorithm searches for a pair (î, ˆk) in the range of respective pre-trained generators of images and blur kernels that explain the blurred image y. Implicitly, this aggressively regularizes the alternating gradient descent algorithm to produce sharp and clean images as solutions. Since the range of the generative models can be traversed by a much lower dimensional latent representations compared to the ambient dimension of the images, it not only reduces the number of unknowns in the deblurring problem but also allows for an efficient implementation of gradients in this lower dimensional space using back propagation through the generators. Our numerical experiments manifest that, in general, the deep generative priors yield better deblurring results compared to the classical image priors studied extensively in the literature. It is instructive to compare our approach against a standard end-to-end training of a deep neural net trained to fit blurred images with corresponding sharp ones [8,9,10,11].

3 Blind Image Deconvolution using Deep Generative Priors 3 The main drawback of the end-to-end framework is that it completely ignores the knowledge of forward map or the governing equations (1) that explain the image blurring phenomenon. Consequently, the deblurring is more sensitive to changes in the blur kernels, images, and noise distributions in the test set that are not representative of the training data. Comparatively, our approach explicitly takes into account the knowledge of forward map (1) in the gradient decent algorithm to achieve robust results. Moreover, our approach does not require expensive retraining of every deep network involved in case of partial changes in blur problem specifications such as alterations in the blur kernels or noise models; in the former case, we only have to retrain the blur generative model, and in the later case, we only need to modify the loss function of the descent algorithm. We show experimentally that our approach is better than classical engineered priors and competitive against end-to-end learning models. We also show that how end-toend models fail under different noise levels and large blurs, while our approach is very robust. 1.1 Main Contributions To the best of our knowledge, this is the first work that investigates the power of deep generative priors to regularize ill-posed and non-linear inverse problem of blind image deblurring. We show that this regularized problem is efficiently solved by simple alternating gradient descent algorithm. Our results show that compared to the conventional engineered linear models, the deep generative priors enforce the image model much more aggressively leading to visually pleasing and sharp deblurred images. The method produces excellent results even under tough conditions of extravagantly large blurs, and heavy noise. The rest of the paper is organized as follows. In Section 2, we give an overview of the related work. We formulate the problem in Section 3 followed by our proposed alternating gradient descent algorithm in Section 4. Section 5 contains experimental results followed by concluding remarks in Section 6. 2 Related Work Neural networks based implicit generative models such as Generative Adverserial Networks (GANs) [12] and Variational Autoencoders (VAEs) [13] have found much success in modelling complex data distributions specially that of images. Due to their power of modelling distributions of natural image manifold, they have been extensively used to solve ill-pose inverse problems like compressed sensing [14], image superresolution [15], image inpainting [16] etc. Recently GANs and VAEs have also been used for blind image deblurring. In [17] the authors jointly deblur and superresolve low resolution blurry text and face images by introducing novel feature matching loss term during training process of GAN. They show their proposed formulation favours clean high resolution images over low resolution blurry images. Similarly sparse coding based framework has been proposed in [18] consisting of both VAE that learns data prior by encoding its features into compact form,

4 4 Authors Suppressed Due to Excessive Length and GAN for discriminating clean and blurry image features. Their method can work on both space-invariant and space variant blurs and show competitive performance when compared with recent image deblurring algorithms. Recently in [19] authors employed variant of GAN, conditional GAN for blind motion deblurring in an end-to-end framework and optimize it using multi-component loss functions consisting of content and adversarial loss. They also evaluate the quality of deblurred images through their algorithm on object detection task and show promising results. However all these generative models based deblurring pproaches are end-to-end and suffering from same draw backs as other deep learning techniques i.e. retraining for different noise level and different blurs. Our approach is inspired by [14] that use pretrained generator on natural images to solve the ill posed compressed sensing problem. Similar approach has been used for image inpainting problem [16]. We also note the work of [20] and [21] that use pretrained generators for circumventing the issue of adversarial attacks on deep neural networks. 3 Problem Formulation We assume the image i R n and blur kernel k R n in (1) are members of some structured classes I of images, and K of blurs, respectively. As an example, I may be a set of celebrity faces, or vehicle number plate images, and K comprises of natural motion and Gaussain blurs. A representative sample set from both classes I and K is employed to train generative models for each class. We denote by the mappings G I : R l R n and G K : R m R n, the generators for class I, and K, respectively. Given low-dimensional inputs z i R l, and z k R m, the generators G I, and G K generate new samples G I (z i ), and G K (z k ) that are representative of the classes I, and K, respectively. These generators are fixed after training. To recover the clean image, and blur kernel (i, k) from the blurred image y in (1), we propose minimizing the following objective function (î, ˆk) := argmin y i k 2. (2) i Range(G I ) k Range(G K ) where Range(G I ) and Range(G K ) is the set of all the image and blurs that can be generated by G I and G K, respectively. In words, we want to find an image i and a blur kernel k that best explains the forward model (convolution operator) (1) from the range of their respective generators. Ideally, the range of a generator comprises of only the samples drawn from the distribution of the image or blur class. Constraining the solution (î, ˆk) to lie only in generator ranges, therefore, implicitly reduces the solution ambiguities inherent to the ill-posed blind deconvolution problem, and forces the solution to be members of classes I, and K. The minimization program in (2) can be equivalently formulated in the lower dimensional, latent representation space as follows (ẑ i, ẑ k ) = argmin z i R l,z k R m y G I (z i ) G K (z k ) 2. (3)

5 Blind Image Deconvolution using Deep Generative Priors 5 Fig. 2: Block diagram of proposed approach. z t i and z t k sampled from Gaussian normal distribution for alternating gradient descent are used to minimize the loss. The optimal pair (ẑ i, ẑ k ) which minimizes the residual loss are used to generate image and blur estimates (î, ˆk). This optimization program can be thought of as tweaking the latent representation vectors z i, and z k, (input to the generators G I, and G K, respectively) until these generators generate an image i and blur kernel k whose convolution comes as close to y as possible. The optimization program in (3) is obviously non-convex owing to the bilinear convolution operator, and non-linear deep generative models. We resort to an alternating gradient descent algorithm to find a local minima (ẑ i, ẑ k ). Importantly, the weights of the generators are always fixed as they enter into this algorithm as pre-trained models. At a given iteration, the algorithm fixes z i and takes a descent step in z k, and vice verse. The gradient step in each variable involves a forward and back propagation through the generators. Section 4.3 talks about the back propagation, and gives explicit gradient forms for descent in each z i and z k for this particular algorithm. The estimated deblurred image and the blur kernel are acquired by a forward pass of the solutions ẑ i and ẑ k through the generators G I and G K. Mathematically, (î, ˆk) = (G I (ẑ i ), G K (ẑ k )). 4 Image Deblurring Algorithm Our approach requires that we have pre-trained generative models G I and G K for classes I and K, respectively. As a result, we train GANs and VAEs on the clean images and blur kernels. We briefly recap the training process below.

6 6 Authors Suppressed Due to Excessive Length 4.1 Training the Generative Models A generative model 1 G will either be trained via adversarial learning [12] or variational inference [13]. Generative adversarial networks (GAN) learn the distribution p(i) of images in class I by playing an adversarial game. A discriminator network D learns to differentiate between true images sampled from p(i) and those produced by the generator network G, while G tries to fool the discriminator. The cost function describing the game is given by min max E p(i) log D(i) + E p(z) log(1 D(G(z))), G D where p(z) is the distribution of latent random variables z, and is usually defined to be a known and simple distribution such as p(z) = N (0, I). Variational autoencoders (VAE) learn the distribution p(i) by maximizing a lower bound on the log likelihood: log p(i) E q(z i) log p(i z) KL(q(z i) p(z)), where the second term on the right hand side is the Kullback-Leibler divergence between known distribution p(z), and q(z i). The distribution q(z i) is a proxy for the unknown p(z i). Under a rich enough function model q(z i), the lower bound is expected to be tight. The functional forms of q(z i), and p(i z) each are modelled via a deep network. The right hand side is maximized by tweaking the network parameters. The deep network p(i z) is the generative model that produces samples of p(i) from latent representation z. Generative model G I for the face images is trained using adversarial learning for visually better quality results. Each of the generative model G I for other image datasets, and G K for blur kernels are trained using variational inference framework above. 4.2 Naive Deblurring After the training in the last section, the weights of the generative models G I, and G K are fixed for the rest of the algorithm. To deblur an image y, a simplest possible strategy is to find an image closest to y in the range of the given generator G I of clean images. Mathematically, this amounts to solving the following optimization program argmin y G I (z i ), î = G I (ẑ i ) (4) z i R l Although non-convex, a local minima ẑ i can be achieved via gradient descent implemented using the back propagation algorithm. The recovered image î is obtained by a forward pass of ẑ i through the generative model G I. Expectedly, this approach fails to produce reasonable recovery results; see Figure 3. The reason being that this back projection approach completely ignores the knowledge of the forward blur model in (1). We now address this shortcoming by including the forward model and blur kernel in our proposed objective. 1 The discussion in this section applies to both G I, and G K, therefore, we ignore the subscripts.

7 Blind Image Deconvolution using Deep Generative Priors 7 Range Blurry Original Fig. 3: Naive Deblurring. We gradually increase blur size from left to right and demonstrate the failure of naive deblurring by finding the closest image in the range of the image generator (last row) to blurred image. 4.3 Alternating Gradient Descent via Back Propagation We discovered in the previous section that simply finding a clean image close to the blurred one in the range of the clean image generator G I is not good enough. A more natural and effective strategy is to instead find a pair consisting of a clean image and a blur kernel in the range of G I, and G K, respectively, whose convolution comes as close to the blurred image y as possible. As outlined in Section 3 that this amounts to solving the optimization program below argmin y G I (z i ) G K (z k ) 2, (5) z i R l,z k R m where is the convolution operator. To reduce clutter, we restrict ourself to circular convolution for the discussion in this section. Define an n n DFT matrix F as F [ω, t] = 1 n e j2πωt/n, 1 ω, t n, where F [ω, t] denotes the (ω, t)th entry of the Fourier matrix. Since the convolution operator reduces to multiplication in the Fourier domain, we can equivalently write the objective function above in the Fourier domain as argmin F y nf G I (z i ) F G K (z k ) 2, (6) z i R l,z k R m where the operator computes the pointwise product of the entries of the vectors. Finally, incorporating the fact that latent representation vectors z i, and z k can be equivalently assumed to be coming from standard Gaussian distributions in the both the adversarial learning and variational inference framework, outlined in Section 4.1, we can further add l 2 penalty terms on the latent representations. This brings us to our final optimization program for image deblurring argmin F y nf G I (z i ) F G K (z k ) 2 + γ z i 2 + λ z k 2, (7) z i R l,z k R m where λ, and γ are scalar free parameters. For brevity, we denote the objective by L(z i, z k ) = F y nf G I (z i ) F G K (z k ) 2 + γ z i 2 + λ z k 2.

8 8 Authors Suppressed Due to Excessive Length Algorithm 1 Alternating Gradient Descent Input: y, G I, G K and η Output: Estimates î and ˆk Initialize: z (0) i N (0, I), z (0) k N (0, I) for t = 0, 1, 2,... do z (t) i z (t+1) i z (t+1) k z (t) k - η zi L(z (t) i - η z k L(z(t) i end for î G I(ẑ i), ˆk G K(ẑ k ), z (t) k );, z (t) k ); As pointed out earlier, the objective function above is non-convex due to non-linearities introduced from pointwise multiplications and generative models, therefore, we resort to finding a local minima using an alternating gradient descent step in each of the unknowns z i, and z k. We begin by initializing each of the vectors z i, and z k by a sample from a standard Gaussian density. To circumvent non-convexity of the above program, we use different random initializations of latent variables and find minimizers using each instance pair (which we refer to as random restarts). From these possible solutions, we extract the final solution which best minimizes (6), which we define as residual loss. At a given step, we fix one of the two unknowns vectors z i, z k, and take a gradient step in the other. Algorithm 1 formally introduces the proposed alternating gradient descent scheme. We now compute the gradient expressions 2 for each of the variables z i, and z k. Start by defining residual r t at the tth iteration: Let Ġ K = r t := F G K (z t k) nf G I (z t i) F y, z k G K (z k ) and ĠI = z i G I (z i ). Then, it is easy to see that z t k L(z t i, z t k) = Ġ KF [ r t n F (G I (z t i )] + λz t k, z t i L(z t i, z t k) = nġ IF [ r t F G K (z t k )] + γz t i. For illustration, take the example of a two layer generator G I (z i ), which is simply G I (z i ) = relu(w 2 (relu(w 1 z i ))), where W 1 : R l1 l, and W 2 : R n l1 are the weight matrices at the first, and second layer, respectively. In this case ĠI = W 2,zi W1,zi where W 1,zi = diag(w 1 z i > 0)W 1 and W 2,zi = diag(w 2 W1,zi > 0)W 2. From this expression, it is clear that alternating 2 For a function f(x) of variable x = u + ιv, the Wirtinger derivatives of f(x) with respect to x, and x are defined as f x = 1 ( f 2 u ι f ), and v f x = 1 ( f 2 u + ι f ) v

9 Blind Image Deconvolution using Deep Generative Priors 9 Table 1: Architectures for VAEs used for Blur, MNIST and SVHN. Here, conv(m,n,s) represents convolutional layer with m filters of size n and stride s. Similarly, convt represent transposed convolution layer. Maxpool(n,m) represents a max pooling layer with stride m and pool size of n. Finally, fc(m) represents a fully connected layer of size m. The decoder is designed to be the mirror reflection of the encoder in each case. Model Architectures Model Encoder Decoder Blur VAE conv(20, 2 2, 1) relu maxpool(2 2, 2) conv(20, 2 2, 1) relu maxpool(2 2, 2) fc(50), fc(50) fc(50) z k z k fc(720) relu reshape upsample(2 2) convt(20, 2 2, 1) relu upsample(2 2) convt(20, 2 2, 1) relu convt(1, 2 2, 1) sigmoid MNIST VAE SVHN VAE conv(20, 3 3, 1) relu maxpool(2 2, 2) conv(20, 3 3, 1) relu maxpool(2 2, 2) fc(500) fc(100), fc(100) fc(100) z i conv(128, 2 2, 2) batch-norm relu conv(256, 2 2, 2) batch-norm relu conv(512, 2 2, 2) batch-norm relu fc(100), fc(100) fc(100) z i z i fc(500) relu reshape upsample(2 2) convt(20, 3 3, 1) relu upsample(2 2) convt(20, 3 3, 1) relu convt(1, 3 3, 1) sigmoid z i fc(8192) reshape convt(512, 2 2, 2) batch-norm relu convt(256, 2 2, 2) batch-norm relu convt(128, 2 2, 2) batch-norm relu conv(3, 1 1, 1) sigmoid gradient descent algorithm for the blind image deblurring requires alternate back propagation through the generators G I, and G K as illustrated in Figure 2. To update z t 1 i, we fix z t 1 k, compute the Fourier transform of a scaling of the residual vector r t, and back propagate it through the generator G I. Similar update strategy is employed for keeping zi t fixed. z t 1 k 5 Experiments and Results In this section we evaluate performance of our proposed algorithm on three datasets MNIST [22], SVHN [23], and CelebA [24]. We show its competitiveness against baseline deblurring approaches and demonstrate its robustness to extravagant blurs and noise. 5.1 Datasets and Generators Description Image Datasets and Generators: First dataset, MNIST, consists of grayscale images of handwritten digits with 60, 000 training and 10, 000 test examples. For MNIST, we trained a VAE with architecture defined in Table 1 with latent dimension size (z i ) 100, batch size of 32 and learning rate using adam optimizer with remaining parameters set to default values. Second dataset, SVHN, consists of real world images of house numbers obtained from google street view images. We used extra training set of SVHN containing relatively less complicated 531, 131 images of which 30, 000 were held out as test set. These images are rescaled to [0 1] before training a VAE mentioned in Table 1 with size of z i equal to 100, batch size of 1500 and learning rate of 10 5 using adam optimizer. Third dataset, CelebA contains more than 200, 000 RGB face images of size of different celebrities. We center crop CelebA images to and scale

10 10 Authors Suppressed Due to Excessive Length MNIST SVHN CelebA γ λ Steps (t) Step size γ λ Steps (t) Step size γ λ Steps (t) Step size e t e t Table 2: Parameters of proposed alternating gradient descent algorithm used in each experiment. them in range [ 1 1] before feeding them into deep convolutional generative adversarial network (DCGAN) [25] for training with default parameters. Model is trained by updating G I (z i ) twice and G K (z k ) once in each cycle to avoid fast convergence. Blur Datasets and Generators: We generate two blur datasets, A and B. Blur dataset A, modelled after camera shake blur, contains motion blurs of length 10 with uniformly varying angle between 0 to 360 degrees. Blur dataset B contains centered overlapping motion blurs (from dataset A) and Gaussian blurs. These Gaussian blurs have uniformly varying standard deviation between 0.5 and 1.5. For each dataset, we generate 80, 000 blurs and split them into 60, 000 training and 20, 000 test set. We train two separate VAEs with the same architecture on each dataset. Model architectures for blur VAEs are presented in Table 1. These VAEs are trained using Adam optimizer with size of latent dimension z k 50, batch size 5, and learning rate After training, the decoder part is extracted as the desired generator G K. To show robustness of proposed approach we also create a variant of dataset A, which we named as Extravagant Blurs, that have length of 30 instead of 10. For this dataset, we trained another VAE with the same architecture as before except for the last layer of the decoder: relu instead of sigmoid. These large blurs significantly degrade the images upto a point that they are not even recognizable. To recover sharp images from these blurred images, is a significant challenge. 5.2 Blind Image Deblurring Results In this section, we evaluate the performance of our algorithm on noisy blurred images, generated by convolving images i and blurs k from their respective test sets. We train generative models on training data of respective dataset (VAE for MNIST and SVHN and GAN for CelebA). All experiments are performed by adding 1% 3 Gaussian noise to blurry images unless stated otherwise. Parameters of our proposed alternating gradient descent algorithm are mentioned in Table 2 Since the deblurred image using our proposed algorithm is constrained to lie in the range of the generator G I, we introduce i range, the closest image in l 2 distance to i I lying in range of generator G I. This is found by using (4) with y = i. Baseline Methods: We choose dark prior deblurring (DP) [26] and convolutional neural network (CNN) [9] trained in an end-to-end setting for deblurring as baseline algorithms. DP makes prior assumption on sparsity of dark channel (prior based on the 3 For an image scaled between 0 and 1, Gaussian noise of 1% translates to Gaussian noise with standard deviation σ = 0.01 and mean µ = 0.

11 Blind Image Deconvolution using Deep Generative Priors 11 Range Ours CNN DP Blurry Original Fig. 4: Image deblurring results on SVHN, CelebA and MNIST. Images from test set along with corresponding blur kernels are convolved to produce blurry images. Qualitatively our approach is better than Dark Prior (DP) and competitive against CNN. It can be seen that the recovered image î is close to i range, which is the closest image in the generator Range to the original image. statistics of clean images) of blurred image and has shown promising results. We use default parameters for all experiments. On the other hand CNN [9] demonstrates power of end-to-end deep convolutional neural networks and shows that they significantly outperform traditional prior based methods. We choose CNN as a proxy for the latest deblurring methods, where neural networks are trained in end-to-end fashion to directly deblur images. Through experiments, we highlight weakness of these deblurring methods. We trained and fine tuned this network on CelebA and SVHN, for each blur dataset, separately, with 150, 000 training images each and 1% Gaussian noise.

12 12 Authors Suppressed Due to Excessive Length CelebA SVHN CelebA (Blur size 30) Methods DP CNN Ours DP CNN Ours DP CNN Ours PSNR(dB) SSIM Table 3: Quantitative comparison of proposed approach with dark prior (DP) and CNN for CelebA and SVHN dataset with blur test set A and B. We randomly sample 40 images from test set of CelebA and SVHN, 20 are blurred with blur A and 20 with blur B. This table shows average performance of PSNR and SSIM on these images. Results and Discussion: 4 Qualitative and quantitative results of proposed approach along with baseline algorithms are shown in Figure 4 and Table 3, respectively for blur datasets A and B. We compare Peak Signal to Noise Ratio (PSNR) and Structural Similarity Index Measure (SSIM)[28] of the proposed algorithm with these baseline methods. It can be seen that our approach is better than dark prior in terms of both PSNR and SSIM, and competitive against end-to-end trained CNN. Close resemblance of the recovered images with corresponding generator s range shows that in our approach the generator is not just hallucinating details, but finds the closest image in its range to the true image. In Table 3, there is a significant performance gap both in terms of PSNR and SSIM between our approach and CNN for CelebA when compared with SVHN in case of SVHN, the proposed approach performs just as well as CNN. This can be attributed to the range of generator G I for SVHN. Since, SVHN images are relatively simple compared to CelebA, its generator almost entirely spans the set I. This fact, allows the generator of SVHN to recover almost exact images thus showing excellent performance. Face images are much more complex due to which they may not always lie in it s generator range. This explains the greater source of error in case of CelebA as compared to SVHN. To provide evidence for this claim, we investigate the sources of error. Range Error Analysis: As explained in [14], three sources of error can exist: estimates ẑ i and ẑ k found by gradient descent may not be the optimal solutions true solution lies far away from the range of generators error due to noise. Because of random restarts, the first error is reduced considerably, whereas the second error may dominate if the true image does not lie near or in the range of generator. Here, we analyse how does this error affect the performance of our approach. For every tuple (i test, k test, y test) where i test and k test are the image and blur from test set, and y test being the corresponding blurred image, we generate another tuple (i range, k range, y range ), where i range is the closest image to i test in Range(G I ), k range is the closest kernel to k test in Range(G K ) and y range is corresponding blurred image. Using y test and y range, we use our approach to recover estimates of image and blur for each case. In the later case, since images already lie in generator range, the second error will be eliminated, but 4 Although we formally analyse our algorithm on DCGAN, but we show in Figure 1 that any pre-trained generative model that can generate high resolution images such as PG-GAN [27] can also be used with excellent qualitative results. This highlights the transferability of our algorithm, where only G I needs to be changed for different image sets with possibly different resolutions, but requires the same blur generator for deblurring. We do not report detailed analysis for PG-GAN due to computational limitations.

13 Blind Image Deconvolution using Deep Generative Priors 13 Test Reconstruction error e test = i test î Range Reconstruction error e range = i range î Improvement Ratio e test/e range Table 4: Range error analysis: We compare average (per pixel) test and range reconstruction error for a total 200 images with 50 images from each image and blur dataset. Improvement ratio indicates that the reconstruction error is less than half on average when image being deblurred lies in the range of the generator. (a) Original (b) Blurry (c) CNN (d) Ours (e) Range (a) 10% (b) 20% (c) 30% (d) 10% (e) 20% (f) 30% Fig. 5: Blind image deblurring with large blurs. Images from CelebA test set along with corresponding blur kernels are shown in (a). Corresponding blurry images (b) are recovered using CNN (c) and proposed approach (d) with the closest image in generator Range shown in (e). Fig. 6: Noise Analyis. We show our recovered images (second row) from noisy blurred images (first row) and compare our results with CNN (third row), by varying noise uniformly from 10% to 30%. this may not be the case for test set images. By comparing the reconstruction errors (per pixel) i test î with i range î where î is the recovered image in each case, we can quantify the performance improvement when images lie in range of their respective generators. From Table 4, it can be seen that reconstruction error is improved by a factor of 2.7, if images lie in the range of their respective generators. Robustness to Extravagant Blurs and Noise: Here, we show the effectiveness of proposed algorithm on large blurs and high noise. To demonstrate this, we use images from CelebA and blurs from Extravagant Blur test set. Dark Prior (DP) completely fails to estimate true image from these blurry images, so we do not report its quantitative results in Table 3. We retrained our previous CNN model on these extravagantly blurred images and report quantitative results in Table 3. These results show that in the regime of large blurs, our algorithm is expected to outperforms end-to-end trained model. These end-to-end trained models suffer on large blurs because they do not embed the forward blur model. Qualitatively, our results shown in Figure 5 are sharp and visually appealing as compared to CNN results. Our proposed algorithm performs surprisingly well in high noise regime as shown qualitatively in Figure 6 and quantitatively in Table 5. For comparison, we used the CNN trained on CelebA and SVHN with 1% Gaussian noise to show robustness of our

14 14 Authors Suppressed Due to Excessive Length CelebA SVHN Noise (%) PSNR(dB) CNN SSIM PSNR(dB) Ours SSIM Table 5: Performance of proposed approach at different noise levels. Quantitative comparison in terms of PSNR and SSIM with CNN. Our proposed method outperform CNN for all noise level with significant margin. approach compared to end-to-end trained models. Quantitative results are shown in Table 5. Our algorithm shows impressive performance by outperforming CNN by 5 8 db in term of PSNR. CNN based approach works only good for noise level on which it is trained (1% gaussian noise here) and completely fails on other noise levels as shown in Figure 6 while our approach give impressive results even with 50% noise levels Table Limitations Currently, our approach is limited by the range of generators G I (z i ) and G K (z k ). GANs although capable of generating sharp and realistic looking images, they still lack in their generative capabilities. A well trained generator with much greater range can recover exact images. Similarly gradient descent can get stuck in local minima as shown in Figure 7. We demonstrate failure cases in which case more random restarts can improve performance. Although we use 10 random restarts in all experiments, but this value is found experimentally and by no mean close to the optimum. Moreover, fine tuning parameters of the models and optimizers is also a challenge and need further investigation. (a) Range (b) 10 RR (c) 25 RR Fig. 7: Failure case of recovering reconstructed image on large blur dataset. As clear from figure increasing number of random restarts (RR) can improve reconstruction. 6 Conclusion and Future Work We leverage the power of deep generative priors to regularize ill-posed and non-linear inverse problem of blind image deblurring. We show that this regularized problem is

15 Blind Image Deconvolution using Deep Generative Priors 15 efficiently solved by simple alternating gradient descent algorithm. Through extensive experiments we show that our results outperform conventional engineered linear models and competitive against end-to-end deep learning approaches. Contrary to these deep learning techniques, our approach does not require expensive re-training of neural networks for different noise levels and is also robust to extravagant blurs. The initial success of deep generative priors in solving the blind image deblurring problem highlighted in this paper opens up exciting questions of similar strategy in other related ill-posed, non-linear inverse problems such as phase retrieval from magnitude only measurements of images; a problem of great interest in physics, and biomedical imaging community [29] References 1. Chan, T.F., Wong, C.K.: Total variation blind deconvolution. IEEE transactions on Image Processing 7(3) (1998) Fergus, R., Singh, B., Hertzmann, A., Roweis, S.T., Freeman, W.T.: Removing camera shake from a single photograph. In: ACM transactions on graphics (TOG). Volume 25., ACM (2006) Xu, L., Zheng, S., Jia, J.: Unnatural l0 sparse representation for natural image deblurring. In: Proceedings of the IEEE conference on computer vision and pattern recognition. (2013) Michaeli, T., Irani, M.: Blind deblurring using internal patch recurrence. In: European Conference on Computer Vision, Springer (2014) Ahmed, A., Recht, B., Romberg, J.: Blind deconvolution using convex programming. IEEE Transactions on Information Theory 60(3) (2014) Ren, W., Cao, X., Pan, J., Guo, X., Zuo, W., Yang, M.H.: Image deblurring via enhanced low-rank prior. IEEE Transactions on Image Processing 25(7) (2016) Krishnan, D., Fergus, R.: Fast image deconvolution using hyper-laplacian priors. In: Advances in Neural Information Processing Systems. (2009) Schuler, C.J., Hirsch, M., Harmeling, S., Schölkopf, B.: Learning to deblur. IEEE transactions on pattern analysis and machine intelligence 38(7) (2016) Hradiš, M., Kotera, J., Zemcík, P., Šroubek, F.: Convolutional neural networks for direct text deblurring. In: Proceedings of BMVC. Volume 10. (2015) 10. Chakrabarti, A.: A neural approach to blind motion deblurring. In: European Conference on Computer Vision, Springer (2016) Svoboda, P., Hradiš, M., Maršík, L., Zemcík, P.: Cnn for license plate motion deblurring. In: Image Processing (ICIP), 2016 IEEE International Conference on, IEEE (2016) Goodfellow, I., Pouget-Abadie, J., Mirza, M., Xu, B., Warde-Farley, D., Ozair, S., Courville, A., Bengio, Y.: Generative adversarial nets. In: Advances in neural information processing systems. (2014) Kingma, D.P., Welling, M.: Auto-encoding variational bayes. arxiv preprint arxiv: (2013) 14. Bora, A., Jalal, A., Price, E., Dimakis, A.G.: Compressed sensing using generative models. arxiv preprint arxiv: (2017) 15. Ledig, C., Theis, L., Huszár, F., Caballero, J., Cunningham, A., Acosta, A., Aitken, A., Tejani, A., Totz, J., Wang, Z., et al.: Photo-realistic single image super-resolution using a generative adversarial network. arxiv preprint (2016)

16 16 Authors Suppressed Due to Excessive Length 16. Yeh, R.A., Chen, C., Lim, T.Y., Schwing, A.G., Hasegawa-Johnson, M., Do, M.N.: Semantic image inpainting with deep generative models. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. (2017) Xu, X., Sun, D., Pan, J., Zhang, Y., Pfister, H., Yang, M.H.: Learning to super-resolve blurry face and text images. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. (2017) Nimisha, T., Singh, A.K., Rajagopalan, A.: Blur-invariant deep learning for blind-deblurring. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. (2017) Kupyn, O., Budzan, V., Mykhailych, M., Mishkin, D., Matas, J.: Deblurgan: Blind motion deblurring using conditional adversarial networks. arxiv preprint arxiv: (2017) 20. Samangouei, P., Kabkab, M., Chellappa, R.: Defense-gan: Protecting classifiers against adversarial attacks using generative models. (2018) 21. Ilyas, A., Jalal, A., Asteri, E., Daskalakis, C., Dimakis, A.G.: The robust manifold defense: Adversarial training using generative models. arxiv preprint arxiv: (2017) 22. LeCun, Y.: The mnist database of handwritten digits. lecun. com/exdb/mnist/ (1998) 23. Netzer, Y., Wang, T., Coates, A., Bissacco, A., Wu, B., Ng, A.Y.: Reading digits in natural images with unsupervised feature learning. In: NIPS workshop on deep learning and unsupervised feature learning. Volume (2011) Liu, Z., Luo, P., Wang, X., Tang, X.: Deep learning face attributes in the wild. In: Proceedings of the IEEE International Conference on Computer Vision. (2015) Salimans, T., Goodfellow, I., Zaremba, W., Cheung, V., Radford, A., Chen, X.: Improved techniques for training gans. In: Advances in Neural Information Processing Systems. (2016) Pan, J., Sun, D., Pfister, H., Yang, M.H.: Blind image deblurring using dark channel prior. In: Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. (2016) Karras, T., Aila, T., Laine, S., Lehtinen, J.: Progressive growing of gans for improved quality, stability, and variation. arxiv preprint arxiv: (2017) 28. Wang, Z., Bovik, A.C., Sheikh, H.R., Simoncelli, E.P.: Image quality assessment: from error visibility to structural similarity. IEEE transactions on image processing 13(4) (2004) Jaganathan, K., Eldar, Y.C., Hassibi, B.: Phase retrieval: An overview of recent developments. arxiv preprint arxiv: (2015)

DCGANs for image super-resolution, denoising and debluring

DCGANs for image super-resolution, denoising and debluring DCGANs for image super-resolution, denoising and debluring Qiaojing Yan Stanford University Electrical Engineering qiaojing@stanford.edu Wei Wang Stanford University Electrical Engineering wwang23@stanford.edu

More information

Image Restoration with Deep Generative Models

Image Restoration with Deep Generative Models Image Restoration with Deep Generative Models Raymond A. Yeh *, Teck-Yian Lim *, Chen Chen, Alexander G. Schwing, Mark Hasegawa-Johnson, Minh N. Do Department of Electrical and Computer Engineering, University

More information

One Network to Solve Them All Solving Linear Inverse Problems using Deep Projection Models

One Network to Solve Them All Solving Linear Inverse Problems using Deep Projection Models One Network to Solve Them All Solving Linear Inverse Problems using Deep Projection Models [Supplemental Materials] 1. Network Architecture b ref b ref +1 We now describe the architecture of the networks

More information

Blind Image Deblurring Using Dark Channel Prior

Blind Image Deblurring Using Dark Channel Prior Blind Image Deblurring Using Dark Channel Prior Jinshan Pan 1,2,3, Deqing Sun 2,4, Hanspeter Pfister 2, and Ming-Hsuan Yang 3 1 Dalian University of Technology 2 Harvard University 3 UC Merced 4 NVIDIA

More information

arxiv: v1 [cs.cv] 5 Jul 2017

arxiv: v1 [cs.cv] 5 Jul 2017 AlignGAN: Learning to Align Cross- Images with Conditional Generative Adversarial Networks Xudong Mao Department of Computer Science City University of Hong Kong xudonmao@gmail.com Qing Li Department of

More information

An Empirical Study of Generative Adversarial Networks for Computer Vision Tasks

An Empirical Study of Generative Adversarial Networks for Computer Vision Tasks An Empirical Study of Generative Adversarial Networks for Computer Vision Tasks Report for Undergraduate Project - CS396A Vinayak Tantia (Roll No: 14805) Guide: Prof Gaurav Sharma CSE, IIT Kanpur, India

More information

arxiv: v1 [eess.sp] 23 Oct 2018

arxiv: v1 [eess.sp] 23 Oct 2018 Reproducing AmbientGAN: Generative models from lossy measurements arxiv:1810.10108v1 [eess.sp] 23 Oct 2018 Mehdi Ahmadi Polytechnique Montreal mehdi.ahmadi@polymtl.ca Mostafa Abdelnaim University de Montreal

More information

arxiv: v1 [cs.cv] 17 Nov 2016

arxiv: v1 [cs.cv] 17 Nov 2016 Inverting The Generator Of A Generative Adversarial Network arxiv:1611.05644v1 [cs.cv] 17 Nov 2016 Antonia Creswell BICV Group Bioengineering Imperial College London ac2211@ic.ac.uk Abstract Anil Anthony

More information

Recovering Realistic Texture in Image Super-resolution by Deep Spatial Feature Transform. Xintao Wang Ke Yu Chao Dong Chen Change Loy

Recovering Realistic Texture in Image Super-resolution by Deep Spatial Feature Transform. Xintao Wang Ke Yu Chao Dong Chen Change Loy Recovering Realistic Texture in Image Super-resolution by Deep Spatial Feature Transform Xintao Wang Ke Yu Chao Dong Chen Change Loy Problem enlarge 4 times Low-resolution image High-resolution image Previous

More information

Alternatives to Direct Supervision

Alternatives to Direct Supervision CreativeAI: Deep Learning for Graphics Alternatives to Direct Supervision Niloy Mitra Iasonas Kokkinos Paul Guerrero Nils Thuerey Tobias Ritschel UCL UCL UCL TUM UCL Timetable Theory and Basics State of

More information

arxiv: v1 [cs.ne] 11 Jun 2018

arxiv: v1 [cs.ne] 11 Jun 2018 Generative Adversarial Network Architectures For Image Synthesis Using Capsule Networks arxiv:1806.03796v1 [cs.ne] 11 Jun 2018 Yash Upadhyay University of Minnesota, Twin Cities Minneapolis, MN, 55414

More information

Supplementary Material: Unsupervised Domain Adaptation for Face Recognition in Unlabeled Videos

Supplementary Material: Unsupervised Domain Adaptation for Face Recognition in Unlabeled Videos Supplementary Material: Unsupervised Domain Adaptation for Face Recognition in Unlabeled Videos Kihyuk Sohn 1 Sifei Liu 2 Guangyu Zhong 3 Xiang Yu 1 Ming-Hsuan Yang 2 Manmohan Chandraker 1,4 1 NEC Labs

More information

DOMAIN-ADAPTIVE GENERATIVE ADVERSARIAL NETWORKS FOR SKETCH-TO-PHOTO INVERSION

DOMAIN-ADAPTIVE GENERATIVE ADVERSARIAL NETWORKS FOR SKETCH-TO-PHOTO INVERSION DOMAIN-ADAPTIVE GENERATIVE ADVERSARIAL NETWORKS FOR SKETCH-TO-PHOTO INVERSION Yen-Cheng Liu 1, Wei-Chen Chiu 2, Sheng-De Wang 1, and Yu-Chiang Frank Wang 1 1 Graduate Institute of Electrical Engineering,

More information

arxiv: v1 [cs.cv] 7 Mar 2018

arxiv: v1 [cs.cv] 7 Mar 2018 Accepted as a conference paper at the European Symposium on Artificial Neural Networks, Computational Intelligence and Machine Learning (ESANN) 2018 Inferencing Based on Unsupervised Learning of Disentangled

More information

Unsupervised Learning

Unsupervised Learning Deep Learning for Graphics Unsupervised Learning Niloy Mitra Iasonas Kokkinos Paul Guerrero Vladimir Kim Kostas Rematas Tobias Ritschel UCL UCL/Facebook UCL Adobe Research U Washington UCL Timetable Niloy

More information

Deep Generative Models Variational Autoencoders

Deep Generative Models Variational Autoencoders Deep Generative Models Variational Autoencoders Sudeshna Sarkar 5 April 2017 Generative Nets Generative models that represent probability distributions over multiple variables in some way. Directed Generative

More information

Lab meeting (Paper review session) Stacked Generative Adversarial Networks

Lab meeting (Paper review session) Stacked Generative Adversarial Networks Lab meeting (Paper review session) Stacked Generative Adversarial Networks 2017. 02. 01. Saehoon Kim (Ph. D. candidate) Machine Learning Group Papers to be covered Stacked Generative Adversarial Networks

More information

DOMAIN-ADAPTIVE GENERATIVE ADVERSARIAL NETWORKS FOR SKETCH-TO-PHOTO INVERSION

DOMAIN-ADAPTIVE GENERATIVE ADVERSARIAL NETWORKS FOR SKETCH-TO-PHOTO INVERSION 2017 IEEE INTERNATIONAL WORKSHOP ON MACHINE LEARNING FOR SIGNAL PROCESSING, SEPT. 25 28, 2017, TOKYO, JAPAN DOMAIN-ADAPTIVE GENERATIVE ADVERSARIAL NETWORKS FOR SKETCH-TO-PHOTO INVERSION Yen-Cheng Liu 1,

More information

Deblurring Text Images via L 0 -Regularized Intensity and Gradient Prior

Deblurring Text Images via L 0 -Regularized Intensity and Gradient Prior Deblurring Text Images via L -Regularized Intensity and Gradient Prior Jinshan Pan, Zhe Hu, Zhixun Su, Ming-Hsuan Yang School of Mathematical Sciences, Dalian University of Technology Electrical Engineering

More information

Inverting The Generator Of A Generative Adversarial Network

Inverting The Generator Of A Generative Adversarial Network 1 Inverting The Generator Of A Generative Adversarial Network Antonia Creswell and Anil A Bharath, Imperial College London arxiv:1802.05701v1 [cs.cv] 15 Feb 2018 Abstract Generative adversarial networks

More information

GAN Frontiers/Related Methods

GAN Frontiers/Related Methods GAN Frontiers/Related Methods Improving GAN Training Improved Techniques for Training GANs (Salimans, et. al 2016) CSC 2541 (07/10/2016) Robin Swanson (robin@cs.toronto.edu) Training GANs is Difficult

More information

Progress on Generative Adversarial Networks

Progress on Generative Adversarial Networks Progress on Generative Adversarial Networks Wangmeng Zuo Vision Perception and Cognition Centre Harbin Institute of Technology Content Image generation: problem formulation Three issues about GAN Discriminate

More information

Bilevel Sparse Coding

Bilevel Sparse Coding Adobe Research 345 Park Ave, San Jose, CA Mar 15, 2013 Outline 1 2 The learning model The learning algorithm 3 4 Sparse Modeling Many types of sensory data, e.g., images and audio, are in high-dimensional

More information

Controllable Generative Adversarial Network

Controllable Generative Adversarial Network Controllable Generative Adversarial Network arxiv:1708.00598v2 [cs.lg] 12 Sep 2017 Minhyeok Lee 1 and Junhee Seok 1 1 School of Electrical Engineering, Korea University, 145 Anam-ro, Seongbuk-gu, Seoul,

More information

Introduction to Generative Adversarial Networks

Introduction to Generative Adversarial Networks Introduction to Generative Adversarial Networks Luke de Oliveira Vai Technologies Lawrence Berkeley National Laboratory @lukede0 @lukedeo lukedeo@vaitech.io https://ldo.io 1 Outline Why Generative Modeling?

More information

GENERATIVE ADVERSARIAL NETWORKS (GAN) Presented by Omer Stein and Moran Rubin

GENERATIVE ADVERSARIAL NETWORKS (GAN) Presented by Omer Stein and Moran Rubin GENERATIVE ADVERSARIAL NETWORKS (GAN) Presented by Omer Stein and Moran Rubin GENERATIVE MODEL Given a training dataset, x, try to estimate the distribution, Pdata(x) Explicitly or Implicitly (GAN) Explicitly

More information

Implicit generative models: dual vs. primal approaches

Implicit generative models: dual vs. primal approaches Implicit generative models: dual vs. primal approaches Ilya Tolstikhin MPI for Intelligent Systems ilya@tue.mpg.de Machine Learning Summer School 2017 Tübingen, Germany Contents 1. Unsupervised generative

More information

Autoencoders. Stephen Scott. Introduction. Basic Idea. Stacked AE. Denoising AE. Sparse AE. Contractive AE. Variational AE GAN.

Autoencoders. Stephen Scott. Introduction. Basic Idea. Stacked AE. Denoising AE. Sparse AE. Contractive AE. Variational AE GAN. Stacked Denoising Sparse Variational (Adapted from Paul Quint and Ian Goodfellow) Stacked Denoising Sparse Variational Autoencoding is training a network to replicate its input to its output Applications:

More information

Visual Recommender System with Adversarial Generator-Encoder Networks

Visual Recommender System with Adversarial Generator-Encoder Networks Visual Recommender System with Adversarial Generator-Encoder Networks Bowen Yao Stanford University 450 Serra Mall, Stanford, CA 94305 boweny@stanford.edu Yilin Chen Stanford University 450 Serra Mall

More information

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

COMP 551 Applied Machine Learning Lecture 16: Deep Learning COMP 551 Applied Machine Learning Lecture 16: Deep Learning Instructor: Ryan Lowe (ryan.lowe@cs.mcgill.ca) Slides mostly by: Class web page: www.cs.mcgill.ca/~hvanho2/comp551 Unless otherwise noted, all

More information

Learning to Super-Resolve Blurry Face and Text Images

Learning to Super-Resolve Blurry Face and Text Images Learning to Super-Resolve Blurry Face and Text Images Xiangyu Xu,2,3 Deqing Sun 3,4 Jinshan Pan 5 Yujin Zhang Hanspeter Pfister 3 Ming-Hsuan Yang 2 Tsinghua University 2 University of California, Merced

More information

Learning a Discriminative Prior for Blind Image Deblurring

Learning a Discriminative Prior for Blind Image Deblurring Learning a Discriative Prior for Blind Image Deblurring tackle this problem, additional constraints and prior knowledge on both blur kernels and images are required. The main success of the recent deblurring

More information

arxiv: v2 [cs.cv] 1 Aug 2016

arxiv: v2 [cs.cv] 1 Aug 2016 A Neural Approach to Blind Motion Deblurring arxiv:1603.04771v2 [cs.cv] 1 Aug 2016 Ayan Chakrabarti Toyota Technological Institute at Chicago ayanc@ttic.edu Abstract. We present a new method for blind

More information

BLIND IMAGE DEBLURRING VIA REWEIGHTED GRAPH TOTAL VARIATION

BLIND IMAGE DEBLURRING VIA REWEIGHTED GRAPH TOTAL VARIATION BLIND IMAGE DEBLURRING VIA REWEIGHTED GRAPH TOTAL VARIATION Yuanchao Bai, Gene Cheung, Xianming Liu $, Wen Gao Peking University, Beijing, China, $ Harbin Institute of Technology, Harbin, China National

More information

Learning to generate with adversarial networks

Learning to generate with adversarial networks Learning to generate with adversarial networks Gilles Louppe June 27, 2016 Problem statement Assume training samples D = {x x p data, x X } ; We want a generative model p model that can draw new samples

More information

DEEP LEARNING OF COMPRESSED SENSING OPERATORS WITH STRUCTURAL SIMILARITY (SSIM) LOSS

DEEP LEARNING OF COMPRESSED SENSING OPERATORS WITH STRUCTURAL SIMILARITY (SSIM) LOSS DEEP LEARNING OF COMPRESSED SENSING OPERATORS WITH STRUCTURAL SIMILARITY (SSIM) LOSS ABSTRACT Compressed sensing (CS) is a signal processing framework for efficiently reconstructing a signal from a small

More information

Attribute Augmented Convolutional Neural Network for Face Hallucination

Attribute Augmented Convolutional Neural Network for Face Hallucination Attribute Augmented Convolutional Neural Network for Face Hallucination Cheng-Han Lee 1 Kaipeng Zhang 1 Hu-Cheng Lee 1 Chia-Wen Cheng 2 Winston Hsu 1 1 National Taiwan University 2 The University of Texas

More information

arxiv: v1 [cs.cv] 25 Dec 2017

arxiv: v1 [cs.cv] 25 Dec 2017 Deep Blind Image Inpainting Yang Liu 1, Jinshan Pan 2, Zhixun Su 1 1 School of Mathematical Sciences, Dalian University of Technology 2 School of Computer Science and Engineering, Nanjing University of

More information

Facial Expression Classification with Random Filters Feature Extraction

Facial Expression Classification with Random Filters Feature Extraction Facial Expression Classification with Random Filters Feature Extraction Mengye Ren Facial Monkey mren@cs.toronto.edu Zhi Hao Luo It s Me lzh@cs.toronto.edu I. ABSTRACT In our work, we attempted to tackle

More information

Learning Data Terms for Non-blind Deblurring Supplemental Material

Learning Data Terms for Non-blind Deblurring Supplemental Material Learning Data Terms for Non-blind Deblurring Supplemental Material Jiangxin Dong 1, Jinshan Pan 2, Deqing Sun 3, Zhixun Su 1,4, and Ming-Hsuan Yang 5 1 Dalian University of Technology dongjxjx@gmail.com,

More information

De-mark GAN: Removing Dense Watermark With Generative Adversarial Network

De-mark GAN: Removing Dense Watermark With Generative Adversarial Network De-mark GAN: Removing Dense Watermark With Generative Adversarial Network Jinlin Wu, Hailin Shi, Shu Zhang, Zhen Lei, Yang Yang, Stan Z. Li Center for Biometrics and Security Research & National Laboratory

More information

Single-Image Super-Resolution Using Multihypothesis Prediction

Single-Image Super-Resolution Using Multihypothesis Prediction Single-Image Super-Resolution Using Multihypothesis Prediction Chen Chen and James E. Fowler Department of Electrical and Computer Engineering, Geosystems Research Institute (GRI) Mississippi State University,

More information

Image deconvolution using a characterization of sharp images in wavelet domain

Image deconvolution using a characterization of sharp images in wavelet domain Image deconvolution using a characterization of sharp images in wavelet domain Hui Ji a,, Jia Li a, Zuowei Shen a, Kang Wang a a Department of Mathematics, National University of Singapore, Singapore,

More information

Super-Resolution on Image and Video

Super-Resolution on Image and Video Super-Resolution on Image and Video Jason Liu Stanford University liujas00@stanford.edu Max Spero Stanford University maxspero@stanford.edu Allan Raventos Stanford University aravento@stanford.edu Abstract

More information

Efficient Module Based Single Image Super Resolution for Multiple Problems

Efficient Module Based Single Image Super Resolution for Multiple Problems Efficient Module Based Single Image Super Resolution for Multiple Problems Dongwon Park Kwanyoung Kim Se Young Chun School of ECE, Ulsan National Institute of Science and Technology, 44919, Ulsan, South

More information

Novel Lossy Compression Algorithms with Stacked Autoencoders

Novel Lossy Compression Algorithms with Stacked Autoencoders Novel Lossy Compression Algorithms with Stacked Autoencoders Anand Atreya and Daniel O Shea {aatreya, djoshea}@stanford.edu 11 December 2009 1. Introduction 1.1. Lossy compression Lossy compression is

More information

Composable Unpaired Image to Image Translation

Composable Unpaired Image to Image Translation Composable Unpaired Image to Image Translation Laura Graesser New York University lhg256@nyu.edu Anant Gupta New York University ag4508@nyu.edu Abstract There has been remarkable recent work in unpaired

More information

Boosting face recognition via neural Super-Resolution

Boosting face recognition via neural Super-Resolution Boosting face recognition via neural Super-Resolution Guillaume Berger, Cle ment Peyrard and Moez Baccouche Orange Labs - 4 rue du Clos Courtel, 35510 Cesson-Se vigne - France Abstract. We propose a two-step

More information

Learning to Match. Jun Xu, Zhengdong Lu, Tianqi Chen, Hang Li

Learning to Match. Jun Xu, Zhengdong Lu, Tianqi Chen, Hang Li Learning to Match Jun Xu, Zhengdong Lu, Tianqi Chen, Hang Li 1. Introduction The main tasks in many applications can be formalized as matching between heterogeneous objects, including search, recommendation,

More information

arxiv: v3 [cs.cv] 13 Jul 2017

arxiv: v3 [cs.cv] 13 Jul 2017 Semantic Image Inpainting with Deep Generative Models Raymond A. Yeh, Chen Chen, Teck Yian Lim, Alexander G. Schwing, Mark Hasegawa-Johnson, Minh N. Do University of Illinois at Urbana-Champaign {yeh17,

More information

Clustering and Unsupervised Anomaly Detection with l 2 Normalized Deep Auto-Encoder Representations

Clustering and Unsupervised Anomaly Detection with l 2 Normalized Deep Auto-Encoder Representations Clustering and Unsupervised Anomaly Detection with l 2 Normalized Deep Auto-Encoder Representations Caglar Aytekin, Xingyang Ni, Francesco Cricri and Emre Aksu Nokia Technologies, Tampere, Finland Corresponding

More information

Deep Learning for Visual Manipulation and Synthesis

Deep Learning for Visual Manipulation and Synthesis Deep Learning for Visual Manipulation and Synthesis Jun-Yan Zhu 朱俊彦 UC Berkeley 2017/01/11 @ VALSE What is visual manipulation? Image Editing Program input photo User Input result Desired output: stay

More information

Hallucinating Very Low-Resolution Unaligned and Noisy Face Images by Transformative Discriminative Autoencoders

Hallucinating Very Low-Resolution Unaligned and Noisy Face Images by Transformative Discriminative Autoencoders Hallucinating Very Low-Resolution Unaligned and Noisy Face Images by Transformative Discriminative Autoencoders Xin Yu, Fatih Porikli Australian National University {xin.yu, fatih.porikli}@anu.edu.au Abstract

More information

arxiv: v1 [cs.cv] 20 Nov 2018

arxiv: v1 [cs.cv] 20 Nov 2018 MimicGAN: Corruption-Mimicking for Blind Image Recovery & Adversarial Defense Rushil Anirudh, Jayaraman J. Thiagarajan, Bhavya Kailkhura, Timo Bremer {anirudh1, jjayaram, kailkhura1, bremer5}@llnl.gov

More information

Image Restoration: From Sparse and Low-rank Priors to Deep Priors

Image Restoration: From Sparse and Low-rank Priors to Deep Priors Image Restoration: From Sparse and Low-rank Priors to Deep Priors Lei Zhang 1, Wangmeng Zuo 2 1 Dept. of computing, The Hong Kong Polytechnic University, 2 School of Computer Science and Technology, Harbin

More information

Learning Social Graph Topologies using Generative Adversarial Neural Networks

Learning Social Graph Topologies using Generative Adversarial Neural Networks Learning Social Graph Topologies using Generative Adversarial Neural Networks Sahar Tavakoli 1, Alireza Hajibagheri 1, and Gita Sukthankar 1 1 University of Central Florida, Orlando, Florida sahar@knights.ucf.edu,alireza@eecs.ucf.edu,gitars@eecs.ucf.edu

More information

Seismic data reconstruction with Generative Adversarial Networks

Seismic data reconstruction with Generative Adversarial Networks Seismic data reconstruction with Generative Adversarial Networks Ali Siahkoohi 1, Rajiv Kumar 1,2 and Felix J. Herrmann 2 1 Seismic Laboratory for Imaging and Modeling (SLIM), The University of British

More information

arxiv: v1 [cs.cv] 16 Jul 2017

arxiv: v1 [cs.cv] 16 Jul 2017 enerative adversarial network based on resnet for conditional image restoration Paper: jc*-**-**-****: enerative Adversarial Network based on Resnet for Conditional Image Restoration Meng Wang, Huafeng

More information

arxiv: v4 [stat.ml] 4 Dec 2017

arxiv: v4 [stat.ml] 4 Dec 2017 On the Effects of Batch and Weight Normalization in Generative Adversarial Networks arxiv:1704.03971v4 [stat.ml] 4 Dec 2017 Abstract Sitao Xiang 1 1, 2, 3 Hao Li 1 University of Southern California 2 Pinscreen

More information

DUAL DEBLURRING LEVERAGED BY IMAGE MATCHING

DUAL DEBLURRING LEVERAGED BY IMAGE MATCHING DUAL DEBLURRING LEVERAGED BY IMAGE MATCHING Fang Wang 1,2, Tianxing Li 3, Yi Li 2 1 Nanjing University of Science and Technology, Nanjing, 210094 2 National ICT Australia, Canberra, 2601 3 Dartmouth College,

More information

Stacked Denoising Autoencoders for Face Pose Normalization

Stacked Denoising Autoencoders for Face Pose Normalization Stacked Denoising Autoencoders for Face Pose Normalization Yoonseop Kang 1, Kang-Tae Lee 2,JihyunEun 2, Sung Eun Park 2 and Seungjin Choi 1 1 Department of Computer Science and Engineering Pohang University

More information

arxiv: v2 [cs.lg] 17 Dec 2018

arxiv: v2 [cs.lg] 17 Dec 2018 Lu Mi 1 * Macheng Shen 2 * Jingzhao Zhang 2 * 1 MIT CSAIL, 2 MIT LIDS {lumi, macshen, jzhzhang}@mit.edu The authors equally contributed to this work. This report was a part of the class project for 6.867

More information

arxiv:submit/ [cs.cv] 27 Mar 2018

arxiv:submit/ [cs.cv] 27 Mar 2018 Ours SRGAN Input Super-FAN: Integrated facial landmark localization and super-resolution of real-world low resolution faces in arbitrary poses with GANs arxiv:submit/2208568 [cs.cv] 27 Mar 2018 Adrian

More information

Neural Networks: promises of current research

Neural Networks: promises of current research April 2008 www.apstat.com Current research on deep architectures A few labs are currently researching deep neural network training: Geoffrey Hinton s lab at U.Toronto Yann LeCun s lab at NYU Our LISA lab

More information

Face Hallucination Based on Eigentransformation Learning

Face Hallucination Based on Eigentransformation Learning Advanced Science and Technology etters, pp.32-37 http://dx.doi.org/10.14257/astl.2016. Face allucination Based on Eigentransformation earning Guohua Zou School of software, East China University of Technology,

More information

Amortised MAP Inference for Image Super-resolution. Casper Kaae Sønderby, Jose Caballero, Lucas Theis, Wenzhe Shi & Ferenc Huszár ICLR 2017

Amortised MAP Inference for Image Super-resolution. Casper Kaae Sønderby, Jose Caballero, Lucas Theis, Wenzhe Shi & Ferenc Huszár ICLR 2017 Amortised MAP Inference for Image Super-resolution Casper Kaae Sønderby, Jose Caballero, Lucas Theis, Wenzhe Shi & Ferenc Huszár ICLR 2017 Super Resolution Inverse problem: Given low resolution representation

More information

Deep Learning With Noise

Deep Learning With Noise Deep Learning With Noise Yixin Luo Computer Science Department Carnegie Mellon University yixinluo@cs.cmu.edu Fan Yang Department of Mathematical Sciences Carnegie Mellon University fanyang1@andrew.cmu.edu

More information

Generating Images with Perceptual Similarity Metrics based on Deep Networks

Generating Images with Perceptual Similarity Metrics based on Deep Networks Generating Images with Perceptual Similarity Metrics based on Deep Networks Alexey Dosovitskiy and Thomas Brox University of Freiburg {dosovits, brox}@cs.uni-freiburg.de Abstract We propose a class of

More information

Channel Locality Block: A Variant of Squeeze-and-Excitation

Channel Locality Block: A Variant of Squeeze-and-Excitation Channel Locality Block: A Variant of Squeeze-and-Excitation 1 st Huayu Li Northern Arizona University Flagstaff, United State Northern Arizona University hl459@nau.edu arxiv:1901.01493v1 [cs.lg] 6 Jan

More information

Supplementary: Cross-modal Deep Variational Hand Pose Estimation

Supplementary: Cross-modal Deep Variational Hand Pose Estimation Supplementary: Cross-modal Deep Variational Hand Pose Estimation Adrian Spurr, Jie Song, Seonwook Park, Otmar Hilliges ETH Zurich {spurra,jsong,spark,otmarh}@inf.ethz.ch Encoder/Decoder Linear(512) Table

More information

arxiv: v2 [cs.cv] 16 Dec 2017

arxiv: v2 [cs.cv] 16 Dec 2017 CycleGAN, a Master of Steganography Casey Chu Stanford University caseychu@stanford.edu Andrey Zhmoginov Google Inc. azhmogin@google.com Mark Sandler Google Inc. sandler@google.com arxiv:1712.02950v2 [cs.cv]

More information

arxiv: v2 [cs.cv] 26 Mar 2017

arxiv: v2 [cs.cv] 26 Mar 2017 TAC-GAN Text Conditioned Auxiliary Classifier Generative Adversarial Network arxiv:1703.06412v2 [cs.cv] 26 ar 2017 Ayushman Dash 1 John Gamboa 1 Sheraz Ahmed 3 arcus Liwicki 14 uhammad Zeshan Afzal 12

More information

CNN for Low Level Image Processing. Huanjing Yue

CNN for Low Level Image Processing. Huanjing Yue CNN for Low Level Image Processing Huanjing Yue 2017.11 1 Deep Learning for Image Restoration General formulation: min Θ L( x, x) s. t. x = F(y; Θ) Loss function Parameters to be learned Key issues The

More information

Learning based face hallucination techniques: A survey

Learning based face hallucination techniques: A survey Vol. 3 (2014-15) pp. 37-45. : A survey Premitha Premnath K Department of Computer Science & Engineering Vidya Academy of Science & Technology Thrissur - 680501, Kerala, India (email: premithakpnath@gmail.com)

More information

Blind Deblurring using Internal Patch Recurrence. Tomer Michaeli & Michal Irani Weizmann Institute

Blind Deblurring using Internal Patch Recurrence. Tomer Michaeli & Michal Irani Weizmann Institute Blind Deblurring using Internal Patch Recurrence Tomer Michaeli & Michal Irani Weizmann Institute Scale Invariance in Natural Images Small patterns recur at different scales Scale Invariance in Natural

More information

TGANv2: Efficient Training of Large Models for Video Generation with Multiple Subsampling Layers

TGANv2: Efficient Training of Large Models for Video Generation with Multiple Subsampling Layers TGANv2: Efficient Training of Large Models for Video Generation with Multiple Subsampling Layers Masaki Saito Shunta Saito Preferred Networks, Inc. {msaito, shunta}@preferred.jp arxiv:1811.09245v1 [cs.cv]

More information

Learning to Extract a Video Sequence from a Single Motion-Blurred Image

Learning to Extract a Video Sequence from a Single Motion-Blurred Image Learning to Extract a Video Sequence from a Single Motion-Blurred Image Meiguang Jin Givi Meishvili Paolo Favaro University of Bern, Switzerland {jin, meishvili, favaro}@inf.unibe.ch Figure 1. Multiple

More information

arxiv: v1 [stat.ml] 10 Dec 2018

arxiv: v1 [stat.ml] 10 Dec 2018 1st Symposium on Advances in Approximate Bayesian Inference, 2018 1 7 Disentangled Dynamic Representations from Unordered Data arxiv:1812.03962v1 [stat.ml] 10 Dec 2018 Leonhard Helminger Abdelaziz Djelouah

More information

Auto-encoder with Adversarially Regularized Latent Variables

Auto-encoder with Adversarially Regularized Latent Variables Information Engineering Express International Institute of Applied Informatics 2017, Vol.3, No.3, P.11 20 Auto-encoder with Adversarially Regularized Latent Variables for Semi-Supervised Learning Ryosuke

More information

arxiv: v1 [cs.cv] 6 Sep 2018

arxiv: v1 [cs.cv] 6 Sep 2018 arxiv:1809.01890v1 [cs.cv] 6 Sep 2018 Full-body High-resolution Anime Generation with Progressive Structure-conditional Generative Adversarial Networks Koichi Hamada, Kentaro Tachibana, Tianqi Li, Hiroto

More information

(University Improving of Montreal) Generative Adversarial Networks with Denoising Feature Matching / 17

(University Improving of Montreal) Generative Adversarial Networks with Denoising Feature Matching / 17 Improving Generative Adversarial Networks with Denoising Feature Matching David Warde-Farley 1 Yoshua Bengio 1 1 University of Montreal, ICLR,2017 Presenter: Bargav Jayaraman Outline 1 Introduction 2 Background

More information

A DEEP DICTIONARY MODEL FOR IMAGE SUPER-RESOLUTION. Jun-Jie Huang and Pier Luigi Dragotti

A DEEP DICTIONARY MODEL FOR IMAGE SUPER-RESOLUTION. Jun-Jie Huang and Pier Luigi Dragotti A DEEP DICTIONARY MODEL FOR IMAGE SUPER-RESOLUTION Jun-Jie Huang and Pier Luigi Dragotti Communications and Signal Processing Group CSP), Imperial College London, UK ABSTRACT Inspired by the recent success

More information

IMAGE DENOISING TO ESTIMATE THE GRADIENT HISTOGRAM PRESERVATION USING VARIOUS ALGORITHMS

IMAGE DENOISING TO ESTIMATE THE GRADIENT HISTOGRAM PRESERVATION USING VARIOUS ALGORITHMS IMAGE DENOISING TO ESTIMATE THE GRADIENT HISTOGRAM PRESERVATION USING VARIOUS ALGORITHMS P.Mahalakshmi 1, J.Muthulakshmi 2, S.Kannadhasan 3 1,2 U.G Student, 3 Assistant Professor, Department of Electronics

More information

Deblurring Face Images with Exemplars

Deblurring Face Images with Exemplars Deblurring Face Images with Exemplars Jinshan Pan 1, Zhe Hu 2, Zhixun Su 1, and Ming-Hsuan Yang 2 1 Dalian University of Technology 2 University of California at Merced Abstract. The human face is one

More information

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Si Chen The George Washington University sichen@gwmail.gwu.edu Meera Hahn Emory University mhahn7@emory.edu Mentor: Afshin

More information

Vulnerability of machine learning models to adversarial examples

Vulnerability of machine learning models to adversarial examples Vulnerability of machine learning models to adversarial examples Petra Vidnerová Institute of Computer Science The Czech Academy of Sciences Hora Informaticae 1 Outline Introduction Works on adversarial

More information

Super Resolution of the Partial Pixelated Images With Deep Convolutional Neural Network

Super Resolution of the Partial Pixelated Images With Deep Convolutional Neural Network Super Resolution of the Partial Pixelated Images With Deep Convolutional Neural Network Haiyi Mao, Yue Wu, Jun Li, Yun Fu College of Computer & Information Science, Northeastern University, Boston, USA

More information

Generative Modeling with Convolutional Neural Networks. Denis Dus Data Scientist at InData Labs

Generative Modeling with Convolutional Neural Networks. Denis Dus Data Scientist at InData Labs Generative Modeling with Convolutional Neural Networks Denis Dus Data Scientist at InData Labs What we will discuss 1. 2. 3. 4. Discriminative vs Generative modeling Convolutional Neural Networks How to

More information

arxiv: v2 [cs.cv] 14 May 2018

arxiv: v2 [cs.cv] 14 May 2018 ContextVP: Fully Context-Aware Video Prediction Wonmin Byeon 1234, Qin Wang 1, Rupesh Kumar Srivastava 3, and Petros Koumoutsakos 1 arxiv:1710.08518v2 [cs.cv] 14 May 2018 Abstract Video prediction models

More information

Detecting Burnscar from Hyperspectral Imagery via Sparse Representation with Low-Rank Interference

Detecting Burnscar from Hyperspectral Imagery via Sparse Representation with Low-Rank Interference Detecting Burnscar from Hyperspectral Imagery via Sparse Representation with Low-Rank Interference Minh Dao 1, Xiang Xiang 1, Bulent Ayhan 2, Chiman Kwan 2, Trac D. Tran 1 Johns Hopkins Univeristy, 3400

More information

Blur-Invariant Deep Learning for Blind-Deblurring

Blur-Invariant Deep Learning for Blind-Deblurring Blur-Invariant Deep Learning for Blind-Deblurring T M Nimisha ee13d037@ee.iitm.ac.in Akash Kumar Singh ee12b072@ee.iitm.ac.in A N Rajagopalan raju@ee.iitm.ac.in Indian Institute of Technology, Madras,

More information

Lecture 21 : A Hybrid: Deep Learning and Graphical Models

Lecture 21 : A Hybrid: Deep Learning and Graphical Models 10-708: Probabilistic Graphical Models, Spring 2018 Lecture 21 : A Hybrid: Deep Learning and Graphical Models Lecturer: Kayhan Batmanghelich Scribes: Paul Liang, Anirudha Rayasam 1 Introduction and Motivation

More information

Robust Single Image Super-resolution based on Gradient Enhancement

Robust Single Image Super-resolution based on Gradient Enhancement Robust Single Image Super-resolution based on Gradient Enhancement Licheng Yu, Hongteng Xu, Yi Xu and Xiaokang Yang Department of Electronic Engineering, Shanghai Jiaotong University, Shanghai 200240,

More information

Bidirectional Recurrent Convolutional Networks for Video Super-Resolution

Bidirectional Recurrent Convolutional Networks for Video Super-Resolution Bidirectional Recurrent Convolutional Networks for Video Super-Resolution Qi Zhang & Yan Huang Center for Research on Intelligent Perception and Computing (CRIPAC) National Laboratory of Pattern Recognition

More information

Autoencoders, denoising autoencoders, and learning deep networks

Autoencoders, denoising autoencoders, and learning deep networks 4 th CiFAR Summer School on Learning and Vision in Biology and Engineering Toronto, August 5-9 2008 Autoencoders, denoising autoencoders, and learning deep networks Part II joint work with Hugo Larochelle,

More information

Physics-Based Generative Adversarial Models for Image Restoration and Beyond

Physics-Based Generative Adversarial Models for Image Restoration and Beyond 1 Physics-Based Generative Adversarial Models for Image Restoration and Beyond Jinshan Pan, Yang Liu, Jiangxin Dong, Jiawei Zhang, Jimmy Ren, Jinhui Tang, Yu-Wing Tai and Ming-Hsuan Yang arxiv:1808.00605v1

More information

arxiv: v1 [cs.cv] 29 Sep 2016

arxiv: v1 [cs.cv] 29 Sep 2016 arxiv:1609.09545v1 [cs.cv] 29 Sep 2016 Two-stage Convolutional Part Heatmap Regression for the 1st 3D Face Alignment in the Wild (3DFAW) Challenge Adrian Bulat and Georgios Tzimiropoulos Computer Vision

More information

Multi-Modal Generative Adversarial Networks

Multi-Modal Generative Adversarial Networks Multi-Modal Generative Adversarial Networks By MATAN BEN-YOSEF Under the supervision of PROF. DAPHNA WEINSHALL Faculty of Computer Science and Engineering THE HEBREW UNIVERSITY OF JERUSALEM A thesis submitted

More information

Deep Learning of Compressed Sensing Operators with Structural Similarity Loss

Deep Learning of Compressed Sensing Operators with Structural Similarity Loss Deep Learning of Compressed Sensing Operators with Structural Similarity Loss Y. Zur and A. Adler Abstract Compressed sensing CS is a signal processing framework for efficiently reconstructing a signal

More information

Akarsh Pokkunuru EECS Department Contractive Auto-Encoders: Explicit Invariance During Feature Extraction

Akarsh Pokkunuru EECS Department Contractive Auto-Encoders: Explicit Invariance During Feature Extraction Akarsh Pokkunuru EECS Department 03-16-2017 Contractive Auto-Encoders: Explicit Invariance During Feature Extraction 1 AGENDA Introduction to Auto-encoders Types of Auto-encoders Analysis of different

More information