arxiv: v1 [cs.cv] 12 Jul 2018

Size: px
Start display at page:

Download "arxiv: v1 [cs.cv] 12 Jul 2018"

Transcription

1 Subsampled Turbulence Removal Network Wai Ho Chak, Chun Pong Lau, Lok Ming Lui arxiv: v1 [cs.cv] 12 Jul 2018 Abstract We present a deep-learning approach to restore a sequence of turbulence-distorted video frames from turbulent deformations and space-time varying blurs. Instead of requiring a massive training sample size in deep networks, we purpose a training strategy that is based on a new data augmentation method to model turbulence from a relatively small dataset. Then we introduce a subsampled method to enhance the restoration performance of the presented GAN model. The contributions of the paper is threefold: first, we introduce a simple but effective data augmentation algorithm to model the turbulence in real life for training in the deep network; Second, we firstly purpose the Wasserstein GAN combined with l 1 cost for successful restoration of turbulence-corrupted video sequence; Third, we combine the subsampling algorithm to filter out strongly corrupted frames to generate a video sequence with better quality. Keywords: turbulence, data augmentation, WGAN 1. Introduction The problem of image restoration from a sequence of frames under the atmospheric turbulence is challenging due to the dramatic downgrade in the image quality from the geometric distortions and the space-time varying blurs. Multiple factors such as temperature changes, air turbulent flow, densities of air particles, carbon dioxide level and humidity lead to the occurrence of several turbulence layers with various changes in refractive index [1] [2]. These factors addresses: whchak@math.cuhk.edu.hk (Wai Ho Chak), cplau@math.cuhk.edu.hk (Chun Pong Lau ), lmlui@math.cuhk.edu.hk (Lok Ming Lui)

2 together explain the higher chance of obtaining corrupted video sequences in locations where the variation among these factors is large. In practice, either technique in hardware-based adaptive optics [3] [4] or methods in image processing [5] [6] [7] [8] [9] are employed to remove the turbulence distortion in the images, but those prevailing models from either way can barely address to the majority of these factors. Due to the fact that atmospheric turbulence is complicated to be modeled, a deep learning approach which does not heavily require underlying assumptions is more reasonable to tackle the problem than models relying on certain assumptions on turbulence. We are motivated that geometric distortion can be removed and restore a good-quality image by using a generative model that does not explicitly take the above-mentioned factors into consideration. However, the unavailability of massive turbulence-distorted video frames disabled the use of deep learning approach to tackle the problem. In this paper, we introduce a simple but effective data augmentation method to make deep learning approach possible to restore turbulence-corrupted images from limited training data. The method models the real turbulence with different deformation and different extent of blurs in order to provide sufficient training data with limited data distorted from real turbulence online. Since the artificial turbulence is randomly generated with different strength of deformation and blurs, a variety of turbulence-distorted videos are produced from a single image. Although the performance of image restoration is commensurate with the training sample size, the size requirement is not too restrictive and demanding in order to achieve image restoration with the turbulence generating algorithm proposed by us. With the introduced data augmentation method, we can finally make use of deep networks to train the artificially generated data. We purpose to use subsampled Wasserstein Generative Adversarial Network (WGAN) with l 1 cost to remove the geometric distortions as well as blurring effects simultaneously. Normally geometric distortion is observed in a video sequence under atmospheric turbulence. Therefore, it is natural to take the whole frames from the video as 2

3 the input of the turbulence-removal network. Experimentally, we show that the restored image that is generated from a portion of the corrupted video sequence as the input is of much higher quality than a corrupted single frame. Using multiple frames as input is hence essential to obtain a clear image from being degraded under turbulence. WGAN is known for its effectiveness in producing a clear image from noises. Together with the l 1 cost applied to the network, important features of the images can be maintained even though they are corrupted. In the testing stage, we introduce the subsampling algorithm for fine-tuning. Usually, turbulence-distorted video consists of mildly distorted frames. The proposed subsampling method extracts those sharp and mildly distorted frames in order to achieve even better restoration result. We experimentally show that with the proposed subsample method, the performance of removing geometric distortions and deblurring of the degraded images is even better Contribution The main contribution of this paper is listed as follows: 1 The result of this paper demonstrates that our data augmentation method is effective in the way that a sufficiently large dataset is not required. 2 The WGAN model with l 1 loss is shown to achieve our objectives of removing geometric distortions and produce a clear image from turbulence degradation of a corrupted video sequence. 3 We have embedded subsampling method into the proposed network to obtain a subsample of the degraded video with better quality. The subsample can be passed into the generator to produce an image with higher quality. 2. Related Work The main task of restoring the corrupted video frames are the removal of geometric distortion and blur. Some related works are devoted to obtain image 3

4 fusion and a reference image for image registration in order to discard geometric distortion. The reference extraction method proposed by Meinhardt-Llopis and Michel [10] [11] has an underlying assumption that there is zero deformation between the original image and the distorted frames on average, but it may not align with our observation in the real video under turbulence degradation. Besides not being able to discard geometric distortions for highly corrupted video frames, the restored image remains blurry because of the temporal averaging. Another approach to resolve a clear reference image is the method of lucky frame which is the sharpest extracted video frame [12]. Even though the statistical proofs [13] showing a high probability of extracting video frames with sharp texture details given sufficient frames motivate this method, the chance of getting a frame that is entirely sharp everywhere is infrequent. As a result, the Lucky-Region method proposed by Aubaillyet al. [14] choose the sharpest patch from each frames patch-wisely and combine the patches afterward. Motivated by this patch-wise sharpness selection method, another approach introduced by Anantrasirichai et al.[15] suggest having a frame selection prior for registration. One of the drawbacks of this method is that the selection by sorting in only a single step engenders undesirable geometric difference between the reference image and the selected frames. Another drawback is the limitation of the assumption inherited in the objective function that the temporal mean of all the frames over the intensity can approximate the original uncorrupted image. Similarly, a subsampling method introduced by Roggemann [16] generate a temporal mean with a high signal-to-noise ratio of subsample selected from video frames according to the adaptive-optics systems. Robust Principle Component Analysis (RPCA) [17] is a recent approach to resolve the problem of atmospheric turbulence. Low-rank decomposition method proposed by Heet al.[18] divides the video sequence separately into low-rank and sparse parts. A variational approach introduced by Xie et al.[19] is applied to improve the initial reference image as the low-rank image that captures the texture information and discards geometric distortion but still looks blurry. However, registration may fail when there is a large deformation between 4

5 the observed video frames and the reference image. Another recent approach is the joint subsampling and reconstruction variational model proposed by Lau et al. [20]. Unlike the RPCA approach, there is no registration involved during the subsampling and reconstruction processes. By using the proposed energy model with various fidelity terms, the restoration performance is improved for various distortion strength of the atmospheric turbulence. Still, the fluctuating strength of turbulence and other unexplained factors cannot be captured by proposed energy model. The distorted image cannot be restored well from the video frame with high and fluctuating strength of turbulence. A data-driven approach that acquires prior knowledge from the existing turbulence-distorted video data, including the varying strength and unexplained factors, may be a genuine solution to remove geometric distortion and restore the image from atmospheric turbulence Generative Adversarial Networks Generative adversarial networks (GANs) firstly proposed by Goodfellow at al. [21] defines two separated competitors: the generator G θ and the discriminator D ξ. The generator is designed to produce samples from noise Z while a discriminator is designed to distinguish real sample y i and generated sample G θ (z i ). The main objective of the generator is to generate perceptually persuasive samples that are challenging to be discriminated by the real samples. The competition between the generator G and the discriminator D can be described by the minimax objective shown as follows: min max G D E [log D(x)] + E [log(1 D( x))] (1) x P r x Pg where P r is the data distribution and P g is the generated distribution given by x = G(z), z P (z), where z is sampled from a noise distribution. The advantage of GANs is the ability to generate clear samples with high perceptual quality. However, as described by Salimans et al. [22], there are undesirable issues such as vanishing gradients and mode collapse in the training. The difficulties can be explained by the fact that minimizing the objective function for 5

6 GANs is equivalent to minimizing the Jensen-Shannon divergence, which is locally saturated and results in vanishing gradients, between the data and model distributions. Later, Arjovsky et al. [23] addressed the gradient vanishing problem by introducing the weaker Wasserstain-1 distance W (P r, P g ) which gives clear gradients almost everywhere in the GAN model. The competition between the two networks is reformulated as our minimax optimization objective: min max G D D E [D(x)] E [D( x)] (2) x P r x Pg where D is the set of 1-Lipschitz functions such that D L 1. The original Lipschitz constraint enforcement proposed by Arjovsky at al. [23] is weight clipping to [ c, c]. Another approach proposed by Gulrajani et al. [24] is adding the gradient penality term λ E x P x [( x D( x) 2 1) 2 ] (3) The approach does not require hyperparameter tuning and is robust to the selection of the architecture of generator. In contrast to the conventional convolutional neural network, GANs can generate clearer images. WGAN-l 1 proposed by Kupyn et al. has been shown effective in image deblurring. 3. Method Overview 3.1. Data Augmentation for Turbulence The first step of the algorithm proposed is to synthesize sufficient training data distorted by turbulence. A large sample size is necessary for typical tasks using deep learning approach, but unfortunately there is limited turbulencedistorted data available and therefore deep learning approach with experimental results has not yet been proposed for turbulence removal. However, we introduce a new, simple but effective method for generating the training data from a few data for deep learning A single frame is transformed to a sequence of frames by selecting ( ) width height positions randomly. Then we generate a motion vector 6

7 Figure 1: The artificial generation of turbulence-distorted frames with different distortion strength S and fixed blur constant B = 1. field for each patch centered at the selected position, where each vector is sampled from a normal distribution, smoothened by a Gaussian kernel and entrywisely multiplied by a strength value for distortion. The motion vector field overall is stimulated by fusing the vector patches together wherever overlapping and is employed to wrap the original image with accumulated distortion for each overlapping patches. In addition, a Gaussian blur is added to the image to blur the distorted image 3.1. The data augmentation method to synthesize turbulence-distorted video frames is summarized in Algorithm 1. 7

8 Algorithm 1 Distortion and Blur Generation Parameters: M = number of iterations N = 32 - patch size µ - mean of the Guassian kernel σ - standard deviation of the Guassian kernel S - distortion strength, uniform from [0.1,0.4] B - blur constant, uniform from [0.1, 1] 1: procedure DistortBlur (Img, σ, N, M) 2: Create a Guassian kernel from CDF(0.2 rand 1, σ) 3: for i = 1 N do 4: x randi(width 2 N) + N 5: y randi(height 2 N) + N 6: u(x N : x + N, y N : y + N) u(x N : x + N, y N : y + N) + kernel randn S 7: v(x N : x + N, y N : y + N) v(x N : x + N, y N : y + N) + kernel randn S 8: Wrap the image with u, v vector fields 9: Blur the image by a Gaussian kernel with a blur constant B 10: return Distorted Video Frames 3.2. WGAN l 1 with randomized Multiframe Input The proposed turbulence removal network (TRN) is multi-frame subsampled WGAN with the l 1 cost incorporated into the model. Multiframe input is a component of TRN to absorb sufficient information on the turbulence deformation of the original image Randomized Multiframe Input The input in our network is a turbulence-distorted multiframe I originated from a clear image I C of size r s. The conventional input for GANs is a noise vector z R N randomly generated according to the normal distri- 8

9 bution. Then the noise vector z transforms into the desired output through the generator. The architecture of DeBlurGan [25] requires blurred image as an input and produce a de-blurred image. The frames I (1), I(2),..., I(n) I in turbulence-distorted videos are mostly grayscale. Blur is one of the consequences of turbulence observed in the frames. However, a single frame from turbulence-distorted videos as an input is experimentally shown to be ineffective in recovering the original undistorted image. Therefore, using the original architecture from DeBlurGan is insufficient to remove undesirable effects such as geometric distortions and blur from turbulence. The improved version of our new architecture is to include a subsampled multiframe as the input. Instead of using the whole frames as the input, we have a subsampled method which is involved in the testing stage and is effective to produce a clearer image without subsampling. In the training stage, we randomly select m = 20 frames in the whole video in grayscale as the noise term for the GAN model Image Subsampling Given a turbulence-distorted video frames I = (I (1), I(2),..., I(n) ), we introduce a fast and efficient algorithm from a variational model to get an optimal subsample set J of sharp and mildly distorted images. J = {i 1,, i m } is the index set of the subsample set J, where m = J is the number of chosen video frames in the subsample. Simultaneously we obtain a reference image I R for the subsample set J. The variational model is formulated in the following form: E(I R, J) = 1 ( ) F(I R, I (k) J ) + λq(i(k) ) τr(j) (4) k J 2 2 The fidelity term F is the discrepancy term between the reference image and the video frames. In our model, we define F(I R, I (k) ) = IR I (k) for measuring the l 2 distance between the reference image I R and the subsampled video {I (k) } k J. The quality term Q(I (k) ) for each video frame I(k) is based on the 9

10 normalized version of I k 1 : Q(I (k) ) = max 1 i n I(i) 1 I(k) 1 max 1 i n I(i) 1 min 1 i n I(i) 1 (5) The term I (k) is the convolution of I(k) with the Laplacian kernel specifically highlighting the edges and features of objects in the image I (k). The sharper the image I (k), the higher the magnitude of I(k). As a consequence, the normalized quality measure Q(I (k) ) is smaller when I(k) is sharp. The term λ in the energy model E(I R, J) is a positive constant to quantify the importance of sharpness of the frame I (k). The regularization term R is the concave increasing function 1 e ρ J, where ρ > 0 is a constant to quantify the importance of the number of selected frames. The function is chosen in order to acquire more information from additional video frames, whereas the effect on the quality of the reference image I R is reduced with a marginal increase in the subsample size. The detailed formulation of the variational model is described in [20]. 10

11 Algorithm 2 Image Subsampling Parameters: λ - sharpness parameter τ - subsample size parameter ρ - subsample decay rate parameter 1: procedure Image Subsampling (I = (I (1) n i=1 I(i), I(2),, I(n) ), λ, τ, ρ) 2: Compute IR 0 = 1 n 3: Compute the quality measure Q(I (k) ) for each video frame {I(k) }n k=1 4: repeat 5: Given J t 1, I t 1 R. Fixing It 1 R, solve ( J t 1 ) ) = arg min IR t I (k) 2 + λq(i (k) J J ) τ (1 e ρ J 2 6: Compute E 1,k = E 1,k in ascending order. k J IR t I(k) λq(i (k) ) for each k and arrange 7: Compute the sum S j for each j and arrange S j in ascending order. 8: J t {k 1, k 2,, k j1 } 9: Fixing J t, solve I t = arg min I k J t I(k) 10: IR t 1 J t 11: until E1 t 1 E1 t ɛ ( 1 ) J t I R I (k) 2 2 k J t 12: return subsampled image sequence {I (k) } U-Net Architecture for Generator Network The generator network G we use is the U-Net [26], which consists of five types of layers: convolutional layer, deconvolutional layer, max-pooling layer, Randomized Leaky ReLU activation layer (α = 0.2) and instance normalization layer. U-Net is known to involve a contracting path for contextual preservation and a symmetric expanding path for localization, and hence was particularly 11

12 successful in image segmentation, denoising and super-resolution. Therefore, we choose U-net as the main architecture for our generator network G. The subsampled turbulence-distorted multiframe passes through 7 blocks of convolutional layers and 6 blocks of deconvolutional layers to generate a clear contains convolutional layers, fol- image. The first 7 blocks B (1) C, B(2) C,..., B(7) C lowed by the 6 remaining blocks B (1) layers. Each block B (i) C D, B(2) D,..., B(6) D consisting of deconvolutional contains convolutional layers, non-linear activation layers and instance normalization layers. The temporal features extracted in each block are down-sampled by max-polling except the features for the last block B (7) C. The features in B(6) the block B (1) D C and B(7) C are concatenated before passing through in order to retain the deep features without too much information loss. The feature collected in the first block B (1) D the feature from the block B (5) C is then concatenated with to output the feature in the second block B(2) D. Repeating the process, we obtain a clear image I C which is of the same size as the original undistorted image. The generator network is not pre-trained since the input of the architecture is different from the standard one involving image with three feature channels as input. Instead, we have a subsample of turbulence-distorted video frames J which are randomly chosen in the training stage and algorithmically selected by the method introduced in the subsection The generator network G is trained after the critic network D has trained multiple times till optimal to give the clear image I = G(I (i1),..., I(im) ). The loss function which has not yet been proposed for removing geometric distortion and blurs in video frames under turbulence for the generator is defined by L G = N D(I ) + γ N I C I 1 (6) n=1 The first term in the loss function L G is the adversarial loss which encourages an indistinguishable solution from the real one. In order to retain the textures inherited from the turbulence-distorted video frames, we further incorporate the l 1 loss into the loss function L G. Minimization under pixel-wise error terms such as the l 1 and l 2 function are insufficient to produce a clear image [27]. 12

13 Instead, these error terms can only result in the non-smooth image with several black-spots and blurry image respectively. Incorporating the pixel-wise error terms with the adversarial loss can avoid the above drawbacks while producing a perceptually undistorted image from geometric distortion. We employ `1 loss instead of the `2 loss in our loss function LG to make the image much less blurry. As a consequence, combining the two terms in the loss function LG removes the geometric-distortion and undesirable artifacts such as blur. Figure 2: The generator network G has the U-net architecture, and the critic network D is the conventional convolutional neural network. The subsampled frames are concatenated before passing through the generator network Critic Network The critic network D is a deep CNN involving convolutional layers, fullyconnected layer, ReLU activation layer and instance normalization layer. We 13

14 denote the first 6 convolutional layers by L (1), L (2),..., L (6) and the last fully connected layer by L (7). The critic values D G(I )) and D I C are passed into the critic network to output the Wasserstain-1 distance max D L 1 E [D(x)] E [D( x)] (7) x P r x Pg The critic network D is trained till optimal before updating the generator network G. The loss function for the critic network D in the training process is provided as follows: ( D ( ) 2 2 L D = D(G(I )) D(G(I C )) + λ αi C + (1 α)i 1), (8) where α is a randomly generated number from uniform distribution U[0, 1]. Since there is no pre-trained model involved in the generator network G, the whole training takes a longer time and the loss blows up. In order to further enforce the 1-Lipschitz assumption in the critic network D, we further impose the weight constraint in the critic network D. The weights in the critic network D are clipped in the interval [ c, c]. Together with this weight constraint, the training becomes more stable. 4. Experiments 4.1. Dataset The dataset for training is collected from Flicker. It consists of 2000 building images and 1000 chimney images. The test dataset consists of 400 building images, collected from Flicker and the CUHK. All the images collected are resized to 256. The collected dataset is synthetically deformed by our data augmentation algorithm. Each image is deformed to produce 100 deformed video frames. Therefore, the whole dataset is enlarged by a factor of 100. There is a limited amount of real turbulence distorted videos available. Hence we are not able to use these videos for training. However, since it is more interesting to know the performance of restoration for real turbulence distorted 14

15 video frames, we increment two test sample, a building sample and a chimney sample, under real turbulence Training Details The experiments were mainly conducted in PyTorch with a CUDA-enabled GPU. The data augmentation is performed in Matlab before we conduct the deep learning experiment. The distortion strength value and the blurring index are randomly sample from [0.1, 0.4] and [0.1, 1] respectively. We use Adam solver for gradient descent with learning rate of 10 4, β 1 = 0.5 and β 2 = 0.99 for both the generator G θ and the critic D ξ. We set 3 gradient descent steps for D ξ and then 1 step for G θ. We also apply instance normalization and dropout to improve the training. In addition to the gradient penalty term, we enforce the parameters ξ in the range [ 0.01, 0.01]. For each epoch, we train both the network with batch size of 1, and set λ = 10, γ = Furthermore, we randomly select 20 frames from the video sequence as our input. The whole training process for 40 epochs takes around 3 days. Figure 3: The training starting from the 1st epoch (left) to the 9th epoch (right). Each displayed image from its left image, except the first one, are generated for 1-2 epochs. The training performance is gradually better. The restoration mainly focuses on geometric distortion in the first few epochs and then focuses on texture preserving and deblurring in the following epochs. 15

16 5. Result 5.1. Result from Artificial Turbulence using WGAN-L1 The following left images come from the test dataset with the artificial synthesis of turbulence. The left image is a frame from a turbulence distorted video. The right image is a restored image by using the WGAN-l 1 network. (a) Observed frame (b) Restored frame by TRN Figure 4: The restoration performance using the proposed method on the artificial building data. The result demonstrates that the network can remove the geometric distortion and blur from the artificially turbulence-distorted video sequence for the buildings. 16

17 (a) Observed frame (b) Restored frame by TRN Figure 5: The restoration performance using the proposed method on the artificial building data. The result demonstrates that the network can remove the geometric distortion and blur from the artificially turbulence-distorted video sequence for the buildings. (a) Observed frame (b) Restored frame by TRN Figure 6: The restoration performance using the proposed method on the artificial chimney data. The restoration performance is as good as the building data. 17

18 (a) Observed frame (b) Restored frame by TRN Figure 7: The restoration performance using the proposed method on the artificial chimney data. The restoration performance is as good as the building data Result from Artificial Turbulence using IRIS The right image is a restored image by using IRIS model [20] together with subsampling method. The result of the proposed method is comparable to the recent approach, and more examples show a better image quality with the proposed method. (a) (b) (c) (d) (e) (f) (g) (h) PSNR (IRIS) PSNR (TRN) SSIM (IRIS) SSIM (TRN) Restoration from Artificial Turbulence from the LBS deformation Instead of providing an impression that the network can only learn to restore a turbulence-distorted video sequence from the proposed generator, we introduce another turbulence generator that can test the performance of the proposed method. 18

19 (a) (b) (c) (d) (e) (f) (g) (h) Figure 8: The restoration performance using the IRIS method on the artificial building data. The PSNR and SSIM measures favor more on the proposed method. In the new turbulence generator, we randomly select a position from the deformation field. A patch-wise triangular mesh is formed with the chosen position as the center. The method we use to generate artificial turbulence is deformation using Laplace-Beltrami solver (LBS) [28]. We purpose to assign the Beltrami coefficient µ which is a measure of nonconformality on each face vertex as follows: [ ( µ = (0.6+ɛ 1 ) cos (4+ɛ 2 )πx 2)] [ ( + (0.6+ɛ 3 ) sin (6+ɛ 4 )πy 2) ( cos (8+ɛ 5 )πxy) ] i, where ɛ i are numbers randomly chosen in the range [0, 0.3] for i = 1, 2 and [ 1, 1] for i = 3, 4, 5. Then we obtain the deformation field by using the LBS solver, and wrap the image. We also apply blurs to the image. The effect of LBS deformation is displayed on the top deformed images. The bottom restored images are produced by the network. The performance of the result shows that the network does not only learn about the deformation of the proposed generator, but the generator is also truly simple and effective. 19

20 (a) Observed frame (b) Restored frame by TRN Figure 9: The restoration performance on the artificial building data deformed by LBS deformation. The geometric distortion is clearly removed even with a different generator. The turbulence removal network can indeed restore the corrupted video sequence besides the one produced by our proposed generator. (a) Observed frame (b) Restored frame by TRN Figure 10: The restoration performance on the artificial building data deformed by LBS deformation. The geometric distortion is clearly removed even with a different generator. The turbulence removal network can indeed restore the corrupted video sequence besides the one produced by our proposed generator. 20

21 (a) Observed frame (b) Restored frame by TRN Figure 11: The restoration performance using the proposed method on the artificial chimney data. The restoration performance is as good as the building data. (a) Observed frame (b) Restored frame by TRN Figure 12: The restoration performance using the proposed method on the artificial chimney data. The restoration performance is as good as the building data. 21

22 5.4. Restoration from Real Turbulence using WGAN-l 1 In order to further convince that the generator can model real turbulence, we use the existing real turbulence-distorted video sequence without ground-truth available online for testing. Fig.13 shows that it is much challenging to restore a single frame. As a result, using multi-frame as input in the WGAN-L1 network is essential. Fig.13 demonstrates a significant improvement when multi-frame is employed. (a) Observed Frame (b) Single Frame (c) Multi-frame Figure 13: The restoration performance using multi-frame is better than barely using a single frame. The network is capable of removing geometric distortion and blur from the real turbulence-distorted video frames without subsampling Restoration from Real Turbulence with Subsampling While we are able to improve the image quality from the distorted video frames, Fig. 14 demonstrates that with subsampling method, the restoration performance is even better. The network can restore a mildly distorted video sequence well after subsampling. 22

23 (a) Subsampled Frame (b) Restored Frame (a) Subsampled Frame (b) Restored Frame Figure 14: The subsampled video sequence is mildly distorted. With a higher-quality input, the subsampled output achieves better restoration performance. 6. Conclusion We introduced a turbulence removal network which is a Generative Adversarial Network (GAN) incorporated with l 1 objective function to discard distortion while removing blur from the restored image simultaneously. Although there is limited available data corrupted by real turbulence, we proposed a data augmentation method to synthetically generate turbulence which can model the real turbulence, as reflected from the performance of WGAN-L1 network. Unlike other methods requiring subsampling, the performance has been already of good quality without subsampling of the frames in a corrupted video sequence, even with a larger deformation under turbulence or complicated textures of the original image. However, we demonstrated that with subsampling method, the restoration performance can even be enhanced. As a consequence, the prob- 23

24 lem of geometric distortion and blurring of images under turbulence can be effectively resolved by our proposed methods. References References [1] R. Hufnagel, N. Stanley, Modulation transfer function associated with image transmission through turbulent media, JOSA 54 (1) (1964) [2] M. C. Roggemann, B. M. Welsh, B. R. Hunt, Imaging through turbulence, CRC press, [3] J. E. Pearson, Atmospheric turbulence compensation using coherent optical adaptive techniques, Applied optics 15 (3) (1976) [4] R. Tyson, Principles of adaptive optics, CRC press, [5] M. Shimizu, S. Yoshimura, M. Tanaka, M. Okutomi, Super-resolution from image sequence under influence of hot-air optical turbulence, in: Computer Vision and Pattern Recognition, CVPR IEEE Conference on, IEEE, 2008, pp [6] S. M. Seitz, S. Baker, Filter flow, in: Computer Vision, 2009 IEEE 12th International Conference on, IEEE, 2009, pp [7] D. Li, R. M. Mersereau, S. Simske, Atmospheric turbulence-degraded image restoration using principal components analysis, IEEE Geoscience and Remote Sensing Letters 4 (3) (2007) [8] M. A. Vorontsov, Parallel image processing based on an evolution equation with anisotropic gain: integrated optoelectronic architectures, JOSA A 16 (7) (1999) [9] M. Hirsch, S. Sra, B. Schölkopf, S. Harmeling, Efficient filter flow for spacevariant multiframe blind deconvolution, in: Computer Vision and Pattern Recognition (CVPR), 2010 IEEE Conference on, IEEE, 2010, pp

25 [10] E. Meinhardt-Llopis, M. Micheli, Implementation of the centroid method for the correction of turbulence, Image Processing On Line 4 (2014) [11] M. Micheli, Y. Lou, S. Soatto, A. L. Bertozzi, A linear systems approach to imaging through turbulence, Journal of mathematical imaging and vision 48 (1) (2014) [12] M. A. Vorontsov, G. W. Carhart, Anisoplanatic imaging through turbulent media: image recovery by local information fusion from a set of shortexposure images, JOSA A 18 (6) (2001) [13] D. L. Fried, Probability of getting a lucky short-exposure image through turbulence, JOSA 68 (12) (1978) [14] M. Aubailly, M. A. Vorontsov, G. W. Carhart, M. T. Valley, Automated video enhancement from a stream of atmospherically-distorted images: the lucky-region fusion approach, in: Atmospheric Optics: Models, Measurements, and Target-in-the-Loop Propagation III, Vol. 7463, International Society for Optics and Photonics, 2009, p C. [15] N. Anantrasirichai, A. Achim, N. G. Kingsbury, D. R. Bull, Atmospheric turbulence mitigation using complex wavelet-based fusion, IEEE Transactions on Image Processing 22 (6) (2013) [16] M. C. Roggemann, C. A. Stoudt, B. M. Welsh, Image-spectrum signal-tonoise-ratio improvements by statistical frame selection for adaptive-optics imaging through atmospheric turbulence, Optical Engineering 33 (10) (1994) [17] E. J. Candès, X. Li, Y. Ma, J. Wright, Robust principal component analysis?, Journal of the ACM (JACM) 58 (3) (2011) 11. [18] R. He, Z. Wang, Y. Fan, D. Fengg, Atmospheric turbulence mitigation based on turbulence extraction, in: Acoustics, Speech and Signal Process- 25

26 ing (ICASSP), 2016 IEEE International Conference on, IEEE, 2016, pp [19] Y. Xie, W. Zhang, D. Tao, W. Hu, Y. Qu, H. Wang, Removing turbulence effect via hybrid total variation and deformation-guided kernel regression, IEEE Transactions on Image Processing 25 (10) (2016) [20] C. P. Lau, Y. H. Lai, L. M. Lui, Variational models for joint subsampling and reconstruction of turbulence-degraded images, arxiv preprint arxiv: [21] I. Goodfellow, J. Pouget-Abadie, M. Mirza, B. Xu, D. Warde-Farley, S. Ozair, A. Courville, Y. Bengio, Generative adversarial nets, in: Advances in neural information processing systems, 2014, pp [22] T. Salimans, I. Goodfellow, W. Zaremba, V. Cheung, A. Radford, X. Chen, Improved techniques for training gans, in: Advances in Neural Information Processing Systems, 2016, pp [23] M. Arjovsky, S. Chintala, L. Bottou, Wasserstein gan, arxiv preprint arxiv: [24] I. Gulrajani, F. Ahmed, M. Arjovsky, V. Dumoulin, A. C. Courville, Improved training of wasserstein gans, in: Advances in Neural Information Processing Systems, 2017, pp [25] O. Kupyn, V. Budzan, M. Mykhailych, D. Mishkin, J. Matas, Deblurgan: Blind motion deblurring using conditional adversarial networks, arxiv preprint arxiv: [26] O. Ronneberger, P. Fischer, T. Brox, U-net: Convolutional networks for biomedical image segmentation, in: International Conference on Medical image computing and computer-assisted intervention, Springer, 2015, pp

27 [27] C. Ledig, L. Theis, F. Huszár, J. Caballero, A. Cunningham, A. Acosta, A. Aitken, A. Tejani, J. Totz, Z. Wang, et al., Photo-realistic single image super-resolution using a generative adversarial network, arxiv preprint. [28] K. C. Lam, L. M. Lui, Landmark-and intensity-based registration with large deformations via quasi-conformal maps, SIAM Journal on Imaging Sciences 7 (4) (2014)

Removing Atmospheric Turbulence

Removing Atmospheric Turbulence Removing Atmospheric Turbulence Xiang Zhu, Peyman Milanfar EE Department University of California, Santa Cruz SIAM Imaging Science, May 20 th, 2012 1 What is the Problem? time 2 Atmospheric Turbulence

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

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

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 Reconstruction from Videos Distorted by Atmospheric Turbulence

Image Reconstruction from Videos Distorted by Atmospheric Turbulence Image Reconstruction from Videos Distorted by Atmospheric Turbulence Xiang Zhu and Peyman Milanfar Electrical Engineering Department University of California at Santa Cruz, CA, 95064 xzhu@soe.ucsc.edu

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

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

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

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

Removing Atmospheric Turbulence Using Restoration Algorithm

Removing Atmospheric Turbulence Using Restoration Algorithm IOSR Journal of Computer Engineering (IOSR-JCE) e-issn: 2278-0661, p- ISSN: 2278-8727Volume 16, Issue 4, Ver. I (Jul-Aug. 2014), PP 11-17 Removing Atmospheric Turbulence Using Restoration Algorithm 1 Vani.M,

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

SEMI-BLIND IMAGE RESTORATION USING A LOCAL NEURAL APPROACH

SEMI-BLIND IMAGE RESTORATION USING A LOCAL NEURAL APPROACH SEMI-BLIND IMAGE RESTORATION USING A LOCAL NEURAL APPROACH Ignazio Gallo, Elisabetta Binaghi and Mario Raspanti Universitá degli Studi dell Insubria Varese, Italy email: ignazio.gallo@uninsubria.it ABSTRACT

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

A New CGAN Technique for Constrained Topology Design Optimization. Abstract

A New CGAN Technique for Constrained Topology Design Optimization. Abstract A New CGAN Technique for Constrained Topology Design Optimization M.-H. Herman Shen 1 and Liang Chen Department of Mechanical and Aerospace Engineering The Ohio State University Abstract This paper presents

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

Brain MRI super-resolution using 3D generative adversarial networks

Brain MRI super-resolution using 3D generative adversarial networks Brain MRI super-resolution using 3D generative adversarial networks Irina Sánchez, Verónica Vilaplana Universitat Politècnica de Catalunya - BarcelonaTech Department of Signal Theory and Communications

More information

arxiv: v1 [cs.cv] 1 Nov 2018

arxiv: v1 [cs.cv] 1 Nov 2018 Examining Performance of Sketch-to-Image Translation Models with Multiclass Automatically Generated Paired Training Data Dichao Hu College of Computing, Georgia Institute of Technology, 801 Atlantic Dr

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

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

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

Image Quality Assessment Techniques: An Overview

Image Quality Assessment Techniques: An Overview Image Quality Assessment Techniques: An Overview Shruti Sonawane A. M. Deshpande Department of E&TC Department of E&TC TSSM s BSCOER, Pune, TSSM s BSCOER, Pune, Pune University, Maharashtra, India Pune

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

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] 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

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

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

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

A Real-time Algorithm for Atmospheric Turbulence Correction

A Real-time Algorithm for Atmospheric Turbulence Correction Logic Fruit Technologies White Paper 806, 8 th Floor, BPTP Park Centra, Sector 30, Gurgaon. Pin: 122001 T: +91-124-4117336 W: http://www.logic-fruit.com A Real-time Algorithm for Atmospheric Turbulence

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

(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

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

Reconstructing Pore Networks Using Generative Adversarial Networks

Reconstructing Pore Networks Using Generative Adversarial Networks Reconstructing Pore Networks Using Generative Adversarial Networks Kelly Guan (kmguan@stanford.edu) I. INTRODUCTION Understanding fluid flow in porous media at the microscale is relevant to many fields,

More information

Image Restoration Using DNN

Image Restoration Using DNN Image Restoration Using DNN Hila Levi & Eran Amar Images were taken from: http://people.tuebingen.mpg.de/burger/neural_denoising/ Agenda Domain Expertise vs. End-to-End optimization Image Denoising and

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] 1 Aug 2017

arxiv: v1 [cs.cv] 1 Aug 2017 Deep Generative Adversarial Neural Networks for Realistic Prostate Lesion MRI Synthesis Andy Kitchen a, Jarrel Seah b a,* Independent Researcher b STAT Innovations Pty. Ltd., PO Box 274, Ashburton VIC

More information

Guided Image Super-Resolution: A New Technique for Photogeometric Super-Resolution in Hybrid 3-D Range Imaging

Guided Image Super-Resolution: A New Technique for Photogeometric Super-Resolution in Hybrid 3-D Range Imaging Guided Image Super-Resolution: A New Technique for Photogeometric Super-Resolution in Hybrid 3-D Range Imaging Florin C. Ghesu 1, Thomas Köhler 1,2, Sven Haase 1, Joachim Hornegger 1,2 04.09.2014 1 Pattern

More information

Feature Super-Resolution: Make Machine See More Clearly

Feature Super-Resolution: Make Machine See More Clearly Feature Super-Resolution: Make Machine See More Clearly Weimin Tan, Bo Yan, Bahetiyaer Bare School of Computer Science, Shanghai Key Laboratory of Intelligent Information Processing, Fudan University {wmtan14,

More information

A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields

A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields Lars König, Till Kipshagen and Jan Rühaak Fraunhofer MEVIS Project Group Image Registration,

More information

IMPROVING SAR AUTOMATIC TARGET RECOGNITION USING SIMULATED IMAGES UNDER DEEP RESIDUAL REFINEMENTS

IMPROVING SAR AUTOMATIC TARGET RECOGNITION USING SIMULATED IMAGES UNDER DEEP RESIDUAL REFINEMENTS IMPROVING SAR AUTOMATIC TARGET RECOGNITION USING SIMULATED IMAGES UNDER DEEP RESIDUAL REFINEMENTS Miriam Cha 1,2, Arjun Majumdar 2, H.T. Kung 1, Jarred Barber 2 1 Harvard University, 2 MIT Lincoln Laboratory

More information

Improved Boundary Equilibrium Generative Adversarial Networks

Improved Boundary Equilibrium Generative Adversarial Networks Date of publication xxxx 00, 0000, date of current version xxxx 00, 0000. Digital Object Identifier 10.1109/ACCESS.2017.DOI Improved Boundary Equilibrium Generative Adversarial Networks YANCHUN LI 1, NANFENG

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

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

Supplementary Material : Partial Sum Minimization of Singular Values in RPCA for Low-Level Vision

Supplementary Material : Partial Sum Minimization of Singular Values in RPCA for Low-Level Vision Supplementary Material : Partial Sum Minimization of Singular Values in RPCA for Low-Level Vision Due to space limitation in the main paper, we present additional experimental results in this supplementary

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

AN ALGORITHM FOR BLIND RESTORATION OF BLURRED AND NOISY IMAGES

AN ALGORITHM FOR BLIND RESTORATION OF BLURRED AND NOISY IMAGES AN ALGORITHM FOR BLIND RESTORATION OF BLURRED AND NOISY IMAGES Nader Moayeri and Konstantinos Konstantinides Hewlett-Packard Laboratories 1501 Page Mill Road Palo Alto, CA 94304-1120 moayeri,konstant@hpl.hp.com

More information

SUPPLEMENTARY MATERIAL

SUPPLEMENTARY MATERIAL SUPPLEMENTARY MATERIAL Zhiyuan Zha 1,3, Xin Liu 2, Ziheng Zhou 2, Xiaohua Huang 2, Jingang Shi 2, Zhenhong Shang 3, Lan Tang 1, Yechao Bai 1, Qiong Wang 1, Xinggan Zhang 1 1 School of Electronic Science

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

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

Image Super-Resolution Using Dense Skip Connections

Image Super-Resolution Using Dense Skip Connections Image Super-Resolution Using Dense Skip Connections Tong Tong, Gen Li, Xiejie Liu, Qinquan Gao Imperial Vision Technology Fuzhou, China {ttraveltong,ligen,liu.xiejie,gqinquan}@imperial-vision.com Abstract

More information

Research on the New Image De-Noising Methodology Based on Neural Network and HMM-Hidden Markov Models

Research on the New Image De-Noising Methodology Based on Neural Network and HMM-Hidden Markov Models Research on the New Image De-Noising Methodology Based on Neural Network and HMM-Hidden Markov Models Wenzhun Huang 1, a and Xinxin Xie 1, b 1 School of Information Engineering, Xijing University, Xi an

More information

Image Quality Assessment based on Improved Structural SIMilarity

Image Quality Assessment based on Improved Structural SIMilarity Image Quality Assessment based on Improved Structural SIMilarity Jinjian Wu 1, Fei Qi 2, and Guangming Shi 3 School of Electronic Engineering, Xidian University, Xi an, Shaanxi, 710071, P.R. China 1 jinjian.wu@mail.xidian.edu.cn

More information

CS489/698: Intro to ML

CS489/698: Intro to ML CS489/698: Intro to ML Lecture 14: Training of Deep NNs Instructor: Sun Sun 1 Outline Activation functions Regularization Gradient-based optimization 2 Examples of activation functions 3 5/28/18 Sun Sun

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

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

IMAGE DE-NOISING IN WAVELET DOMAIN

IMAGE DE-NOISING IN WAVELET DOMAIN IMAGE DE-NOISING IN WAVELET DOMAIN Aaditya Verma a, Shrey Agarwal a a Department of Civil Engineering, Indian Institute of Technology, Kanpur, India - (aaditya, ashrey)@iitk.ac.in KEY WORDS: Wavelets,

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

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

Storage Efficient NL-Means Burst Denoising for Programmable Cameras

Storage Efficient NL-Means Burst Denoising for Programmable Cameras Storage Efficient NL-Means Burst Denoising for Programmable Cameras Brendan Duncan Stanford University brendand@stanford.edu Miroslav Kukla Stanford University mkukla@stanford.edu Abstract An effective

More information

Paired 3D Model Generation with Conditional Generative Adversarial Networks

Paired 3D Model Generation with Conditional Generative Adversarial Networks Accepted to 3D Reconstruction in the Wild Workshop European Conference on Computer Vision (ECCV) 2018 Paired 3D Model Generation with Conditional Generative Adversarial Networks Cihan Öngün Alptekin Temizel

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

An efficient face recognition algorithm based on multi-kernel regularization learning

An efficient face recognition algorithm based on multi-kernel regularization learning Acta Technica 61, No. 4A/2016, 75 84 c 2017 Institute of Thermomechanics CAS, v.v.i. An efficient face recognition algorithm based on multi-kernel regularization learning Bi Rongrong 1 Abstract. A novel

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

A Novel Image Super-resolution Reconstruction Algorithm based on Modified Sparse Representation

A Novel Image Super-resolution Reconstruction Algorithm based on Modified Sparse Representation , pp.162-167 http://dx.doi.org/10.14257/astl.2016.138.33 A Novel Image Super-resolution Reconstruction Algorithm based on Modified Sparse Representation Liqiang Hu, Chaofeng He Shijiazhuang Tiedao University,

More information

Machine Learning. The Breadth of ML Neural Networks & Deep Learning. Marc Toussaint. Duy Nguyen-Tuong. University of Stuttgart

Machine Learning. The Breadth of ML Neural Networks & Deep Learning. Marc Toussaint. Duy Nguyen-Tuong. University of Stuttgart Machine Learning The Breadth of ML Neural Networks & Deep Learning Marc Toussaint University of Stuttgart Duy Nguyen-Tuong Bosch Center for Artificial Intelligence Summer 2017 Neural Networks Consider

More information

arxiv: v1 [cs.cv] 26 Nov 2017

arxiv: v1 [cs.cv] 26 Nov 2017 Semantically Consistent Image Completion with Fine-grained Details Pengpeng Liu, Xiaojuan Qi, Pinjia He, Yikang Li, Michael R. Lyu, Irwin King The Chinese University of Hong Kong, Hong Kong SAR, China

More information

Iris Recognition for Eyelash Detection Using Gabor Filter

Iris Recognition for Eyelash Detection Using Gabor Filter Iris Recognition for Eyelash Detection Using Gabor Filter Rupesh Mude 1, Meenakshi R Patel 2 Computer Science and Engineering Rungta College of Engineering and Technology, Bhilai Abstract :- Iris recognition

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

Image Frame Fusion using 3D Anisotropic Diffusion

Image Frame Fusion using 3D Anisotropic Diffusion Image Frame Fusion using 3D Anisotropic Diffusion Fatih Kahraman 1, C. Deniz Mendi 1, Muhittin Gökmen 2 1 TUBITAK Marmara Research Center, Informatics Institute, Kocaeli, Turkey 2 ITU Computer Engineering

More information

Stabilizing and Deblurring Atmospheric Turbulence

Stabilizing and Deblurring Atmospheric Turbulence Stabilizing and Deblurring Atmospheric Turbulence Xiang Zhu and Peyman Milanfar Electrical Engineering Department, University of California, Santa Cruz, CA 95064 xzhu@soe.ucsc.edu, milanfar@ee.ucsc.edu

More information

arxiv: v1 [cs.cv] 10 Apr 2018

arxiv: v1 [cs.cv] 10 Apr 2018 arxiv:1804.03360v1 [cs.cv] 10 Apr 2018 Reference-Conditioned Super-Resolution by Neural Texture Transfer Zhifei Zhang 1, Zhaowen Wang 2, Zhe Lin 2, and Hairong Qi 1 1 Department of Electrical Engineering

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

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

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

Structured Light II. Thanks to Ronen Gvili, Szymon Rusinkiewicz and Maks Ovsjanikov

Structured Light II. Thanks to Ronen Gvili, Szymon Rusinkiewicz and Maks Ovsjanikov Structured Light II Johannes Köhler Johannes.koehler@dfki.de Thanks to Ronen Gvili, Szymon Rusinkiewicz and Maks Ovsjanikov Introduction Previous lecture: Structured Light I Active Scanning Camera/emitter

More information

Deep Fakes using Generative Adversarial Networks (GAN)

Deep Fakes using Generative Adversarial Networks (GAN) Deep Fakes using Generative Adversarial Networks (GAN) Tianxiang Shen UCSD La Jolla, USA tis038@eng.ucsd.edu Ruixian Liu UCSD La Jolla, USA rul188@eng.ucsd.edu Ju Bai UCSD La Jolla, USA jub010@eng.ucsd.edu

More information

DESIGN OF A NOVEL IMAGE FUSION ALGORITHM FOR IMPULSE NOISE REMOVAL IN REMOTE SENSING IMAGES BY USING THE QUALITY ASSESSMENT

DESIGN OF A NOVEL IMAGE FUSION ALGORITHM FOR IMPULSE NOISE REMOVAL IN REMOTE SENSING IMAGES BY USING THE QUALITY ASSESSMENT DESIGN OF A NOVEL IMAGE FUSION ALGORITHM FOR IMPULSE NOISE REMOVAL IN REMOTE SENSING IMAGES BY USING THE QUALITY ASSESSMENT P.PAVANI, M.V.H.BHASKARA MURTHY Department of Electronics and Communication Engineering,Aditya

More information

Numerical Methods on the Image Processing Problems

Numerical Methods on the Image Processing Problems Numerical Methods on the Image Processing Problems Department of Mathematics and Statistics Mississippi State University December 13, 2006 Objective Develop efficient PDE (partial differential equations)

More information

ASCII Art Synthesis with Convolutional Networks

ASCII Art Synthesis with Convolutional Networks ASCII Art Synthesis with Convolutional Networks Osamu Akiyama Faculty of Medicine, Osaka University oakiyama1986@gmail.com 1 Introduction ASCII art is a type of graphic art that presents a picture with

More information

Class-Splitting Generative Adversarial Networks

Class-Splitting Generative Adversarial Networks Class-Splitting Generative Adversarial Networks Guillermo L. Grinblat 1, Lucas C. Uzal 1, and Pablo M. Granitto 1 arxiv:1709.07359v2 [stat.ml] 17 May 2018 1 CIFASIS, French Argentine International Center

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

Kernel-based online machine learning and support vector reduction

Kernel-based online machine learning and support vector reduction Kernel-based online machine learning and support vector reduction Sumeet Agarwal 1, V. Vijaya Saradhi 2 andharishkarnick 2 1- IBM India Research Lab, New Delhi, India. 2- Department of Computer Science

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

Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging

Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging 1 CS 9 Final Project Classification of Subject Motion for Improved Reconstruction of Dynamic Magnetic Resonance Imaging Feiyu Chen Department of Electrical Engineering ABSTRACT Subject motion is a significant

More information

Blur Space Iterative De-blurring

Blur Space Iterative De-blurring Blur Space Iterative De-blurring RADU CIPRIAN BILCU 1, MEJDI TRIMECHE 2, SAKARI ALENIUS 3, MARKKU VEHVILAINEN 4 1,2,3,4 Multimedia Technologies Laboratory, Nokia Research Center Visiokatu 1, FIN-33720,

More information

Introduction to GAN. Generative Adversarial Networks. Junheng(Jeff) Hao

Introduction to GAN. Generative Adversarial Networks. Junheng(Jeff) Hao Introduction to GAN Generative Adversarial Networks Junheng(Jeff) Hao Adversarial Training is the coolest thing since sliced bread. -- Yann LeCun Roadmap 1. Generative Modeling 2. GAN 101: What is GAN?

More information

Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling

Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling [DOI: 10.2197/ipsjtcva.7.99] Express Paper Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling Takayoshi Yamashita 1,a) Takaya Nakamura 1 Hiroshi Fukui 1,b) Yuji

More information

SINGLE image super-resolution (SR) aims to reconstruct

SINGLE image super-resolution (SR) aims to reconstruct Fast and Accurate Image Super-Resolution with Deep Laplacian Pyramid Networks Wei-Sheng Lai, Jia-Bin Huang, Narendra Ahuja, and Ming-Hsuan Yang 1 arxiv:1710.01992v2 [cs.cv] 11 Oct 2017 Abstract Convolutional

More information

Tempered Adversarial Networks

Tempered Adversarial Networks Mehdi S. M. Sajjadi 1 2 Giambattista Parascandolo 1 2 Arash Mehrjou 1 Bernhard Schölkopf 1 Abstract Generative adversarial networks (GANs) have been shown to produce realistic samples from high-dimensional

More information

An Approach for Reduction of Rain Streaks from a Single Image

An Approach for Reduction of Rain Streaks from a Single Image An Approach for Reduction of Rain Streaks from a Single Image Vijayakumar Majjagi 1, Netravati U M 2 1 4 th Semester, M. Tech, Digital Electronics, Department of Electronics and Communication G M Institute

More information

A Novel Multi-Frame Color Images Super-Resolution Framework based on Deep Convolutional Neural Network. Zhe Li, Shu Li, Jianmin Wang and Hongyang Wang

A Novel Multi-Frame Color Images Super-Resolution Framework based on Deep Convolutional Neural Network. Zhe Li, Shu Li, Jianmin Wang and Hongyang Wang 5th International Conference on Measurement, Instrumentation and Automation (ICMIA 2016) A Novel Multi-Frame Color Images Super-Resolution Framewor based on Deep Convolutional Neural Networ Zhe Li, Shu

More information

SINGLE image super-resolution (SR) aims to reconstruct

SINGLE image super-resolution (SR) aims to reconstruct Fast and Accurate Image Super-Resolution with Deep Laplacian Pyramid Networks Wei-Sheng Lai, Jia-Bin Huang, Narendra Ahuja, and Ming-Hsuan Yang 1 arxiv:1710.01992v3 [cs.cv] 9 Aug 2018 Abstract Convolutional

More information

Reconstructing Images of Bar Codes for Construction Site Object Recognition 1

Reconstructing Images of Bar Codes for Construction Site Object Recognition 1 Reconstructing Images of Bar Codes for Construction Site Object Recognition 1 by David E. Gilsinn 2, Geraldine S. Cheok 3, Dianne P. O Leary 4 ABSTRACT: This paper discusses a general approach to reconstructing

More information

ADAPTIVE DEBLURRING OF SURVEILLANCE VIDEO SEQUENCES THAT DETERIORATE OVER TIME. Konstantinos Vougioukas, Bastiaan J. Boom and Robert B.

ADAPTIVE DEBLURRING OF SURVEILLANCE VIDEO SEQUENCES THAT DETERIORATE OVER TIME. Konstantinos Vougioukas, Bastiaan J. Boom and Robert B. ADAPTIVE DELURRING OF SURVEILLANCE VIDEO SEQUENCES THAT DETERIORATE OVER TIME Konstantinos Vougioukas, astiaan J. oom and Robert. Fisher University of Edinburgh School of Informatics, 10 Crichton St, Edinburgh,

More information

The Trainable Alternating Gradient Shrinkage method

The Trainable Alternating Gradient Shrinkage method The Trainable Alternating Gradient Shrinkage method Carlos Malanche, supervised by Ha Nguyen April 24, 2018 LIB (prof. Michael Unser), EPFL Quick example 1 The reconstruction problem Challenges in image

More information

Face Transfer with Generative Adversarial Network

Face Transfer with Generative Adversarial Network Face Transfer with Generative Adversarial Network Runze Xu, Zhiming Zhou, Weinan Zhang, Yong Yu Shanghai Jiao Tong University We explore the impact of discriminators with different receptive field sizes

More information

Single Image Super Resolution of Textures via CNNs. Andrew Palmer

Single Image Super Resolution of Textures via CNNs. Andrew Palmer Single Image Super Resolution of Textures via CNNs Andrew Palmer What is Super Resolution (SR)? Simple: Obtain one or more high-resolution images from one or more low-resolution ones Many, many applications

More information

Variational Level Set Formulation and Filtering Techniques on CT Images

Variational Level Set Formulation and Filtering Techniques on CT Images Variational Level Set Formulation and Filtering Techniques on CT Images Shweta Gupta Assistant Professor, Dept. of Electronics and Communication Dronacharya College of Engineering, Khentawas, Farrukhnagar,

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