b

DiscoverSearch
About
My stuff
SEIGAN: Towards Compositional Image Generation by Simultaneously Learning to Segment, Enhance, and Inpaint
2018·arXiv
Abstract
Abstract

We present a novel approach to image manipulation and understanding by simultaneously learning to segment object masks, paste objects to another background image, and remove them from original images. For this purpose, we develop a novel generative model for compositional image generation, SEIGAN (Segment-Enhance-Inpaint Generative Adversarial Network), which learns these three operations together in an adversarial architecture with additional cycle consistency losses. To train, SEIGAN needs only bounding box supervision and does not require pairing or ground truth masks. SEIGAN produces better generated images (evaluated by human assessors) than other approaches and produces high-quality segmentation masks, improving over other adversarially trained approaches and getting closer to the results of fully supervised training.

Image generation, an important problem in itself, is also commonly viewed as a stepping stone for machine learning models with deeper understanding. Current state of the art approaches are usually based on deep generative models: generative adversarial networks (GANs) and variational autoencoders (VAE). Both approaches still have a lot of drawbacks, including image quality and consistency, training stability, variability, and level of control over the generation process. However, GANs and VAE solve these problems better and better, and over the last few years have gained huge popularity as a powerful and flexible (but difficult to use) tool for image generation, style transfer, domain adaptation, inpainting (image restoration), weakly supervised object segmentation, and other similar applications.

An alternative approach might be compositional image generation: construct a new image from parts of other images instead of trying to make a new scene from scratch in full detail. In this work, we make a step towards compositional image generation, learning to construct a new image given two source images, one with an object and the other with a background. This process consists of three basic operations: (1) cut, extracting an object from image; (2) paste and enhance, making the pasted object appear natural in the new context; (3) inpaint, restoring the background after cutting out an object; see Fig. 1 for an illustration.

To perform these operations, we propose a novel neural network architecture, SEIGAN (Segment-Enhance-Inpaint GAN), which allows to train neural networks for all three operations simultaneously, in an end-to-end fashion. The training process is weakly supervised, and we show that learning all these operations together allows to improve the perceptual quality of final images as well as the accuracy of segmentation masks (a side product of this problem, which may also become a direct application for compositional image generation models [21]).

The paper is organized as follows: in Section 2 we review recent important work from relevant areas, in Section 3 we define the SEIGAN model formally, Section 4 presents an experimental evaluation and discusses the performance of our model, and Section 5 concludes the paper.

Unsupervised and weakly supervised object segmentation. Traditional approaches to unsupervised image segmentation have used superpixel clustering [2], but recently this problem has been addressed with deep learning. In [11], the network learns to maximize information between two cluster-id vectors obtained by a fully convolutional network from nearby patches of the same image. A similar technique, but constrained with the reconstruction loss, has been proposed in [26], where the W-Net architecture (an autoencoder with U-Net-like encoder and decoder) learns to cluster pixels at the inner layer and then reconstruct an image from pixel clusters. Their segmentation result is unaware of object classes. The works [31, 32] use weak salience maps from several handcrafted detectors as supervision for a DNN-salient object detector.

Perhaps the nearest to our present work is [21], where a GAN-based approach [34] is used to generate object segmentation masks from bounding boxes by learning to cut and paste objects. The training pipeline consists of taking two crops of the same image: one with object and one without any object, as detected with Faster R-CNN [22]. Then a GAN architecture is trained to produce a segmentation mask m so that these two crops merged with m result into a plausible image. The loss function in [21] is a combination of adversarial loss, existence loss (that verifies that an object is present on an image) and cut loss (that verifies that no part of the object is left after it has been cut); the authors report that their approach achieves higher mean intersection-over-union (mIoU) values than the classic GrabCut algorithm [24] and recent Simple-Does-It approach [14]. However, this approach requires a pretrained Faster R-CNN and a special policy for foreground and background patch selection, experiences diffi-culties with some object classes, and works well only for small resolution images (28 × 28).

Visual grounding. Methods for visual grounding aim to perform unsupervised or weakly supervised matching of free-form text queries and regions of images. Usually supervision takes form of (Image, Caption) pairs. The model performance is usually measured as intersection-over-union (IoU) against ground truth labels, and the most popular datasets for evaluation include Visual Genome [15], Flickr30k [20], Refer-It-Game [13], and COCO [16]. A general approach to grounding is to predict if a given caption and image correspond to each other, obtaining negative samples by assigning random captions. Text-image attention is the core feature of most models for visual grounding [30]. Obviously, using more fine-grained supervision (e.g. region-level annotations instead of image-level) leads to better performance [33].

Trimap generation. Trimap generation is the problem of segmenting an image into three classes: foreground, background, and unknown (transparent foreground). Most algorithms require human intervention, but recently superpixel- and clustering-based approaches have been proposed for automated trimap generation [9]. However, their approach requires multiple optimization steps for every image. Deep neural networks have been used to produce an alpha matting mask given an image and a trimap [28], and for video matting and background substitution in video [10], where results of per-frame superpixel segmentation are joined in a conditional random field of Gaussian mixture models that learns to separate foreground and background frame-by-frame.

Generative adversarial networks. In recent years, GANs [8] are probably the most frequently used approach to train a generative model. Though powerful, they are prone to instability in training and inconsistent performance on higher resolution images. The recently proposed CycleGAN [34] trains two GANs together to establish a bidirectional mapping between two domains. It achieves much greater stability and consistency by using the intuition that after a full cycle, going from one domain to another and back, the image should remain unchanged; this requires the underlying operation to be invertible in some sense. Many modifications and applications of CycleGAN have already been proposed, including semantic image manipulation [25], domain adaptation [3], unsupervised image-to-image translation [17], multi-domain translation [5], and many others. Another problem is that such a mapping between domains may be ambiguous; BicycleGAN [35] and augmented CycleGAN [1] address this problem by requiring that the mapping must preserve latent representations.

In this work, we build upon the ideas of cut-and-paste [21] and CycleGAN [8] and propose a novel architecture for background swapping, a variation of the cut-and-paste problem that can be thought of as invertible. Our model achieves better results on unsupervised object

segmentation, inpainting, and image blending.

3.1 Problem Setting and General Pipeline

Throughout the paper, we denote images as objectbackground tuples, e.g.  x = ⟨O, Bx⟩means that image x contains object O and background  Bx, and  y = ⟨∅, By⟩means that image y contains background  Byand no objects.

The main problem that we address in this work can be formulated as follows. Given a dataset of background images  Y = {⟨∅, By⟩}y∈Yand a dataset of objects on different backgrounds  X = {⟨Ox, Bx⟩}x∈X(unpaired, i.e., with no mapping between X and Y ), train a model to take an object from an image  x ∈ Xand paste it onto a new background defined by an image  y ∈ Y, while at the same time deleting it from the original background. In other words, the problem is to transform a pair of images  x = ⟨O, Bx⟩and  y = ⟨∅, By⟩into a new pair  ˆx = ⟨∅, ˆBx⟩and  ˆy = ⟨ ˆO, ˆBy⟩, where ˆBx ≈ Bx, ˆBy ≈ By, and  ˆO ≈ O, but the object and both backgrounds are changed so that the new images look natural. An optional bonus would be to also output the segmentation mask m for object O in x. We keep the same notation throughout the paper, tying the letters x and y to the backgrounds; e.g.,  x = ⟨O, Bx⟩is the original image, and  ˆxis the result of removing O from x and inpainting; Fig. 1 illustrates the problem and our basic notation.

The problem can be decomposed into three subtasks:

segmentation: segment the object O from an original image  x = ⟨O, Bx⟩by predicting the segmentation mask m = Mask(x); given the mask, we can make a coarse blend that simply cuts off the segmented object from x and pastes it onto y: z = m ⊙ x + (1 − m) ⊙ y, where  ⊙denotes componentwise multiplication;

enhancement: given original images x and y (in our case, the corresponding part of the network accepts the coarse image z as input) and segmentation mask m, construct an enhanced version  ˆy = ⟨ ˆO, ˆBy⟩;

inpainting: given an image  (1 − m) ⊙ xobtained by

zeroing out pixels of x according to m, restore the background-only image  ˆx = ⟨∅, ˆBx⟩.

Each of these problems has been, in some form or another, addressed in literature (see Section 2), and for each of these tasks we can construct a separate neural network that accepts an image or a pair of images and outputs new image or images of the same dimensions. However, our main hypothesis that we explore in this work is that in the absence of large paired and labeled datasets (which is the normal state of affairs in most applications), it is highly beneficial to train all these neural networks together.

Thus, we present our SEIGAN (Segment-Enhance-Inpaint) architecture that combines all three components in a novel and previously unexplored way. We outline the general flow of our architecture on Figure 2; the “swap network” module there combines segmentation and enhancement. Since cut-and-paste is a partially reversible operation, we organize the training procedure in a way similar to CycleGAN [34]: swap and inpainting networks are applied twice in order to use the idempotency property for the loss functions. We denote by  ˆxand  ˆythe results of the first application, and by ˆˆxand ˆˆythe results of the second application, moving the object back from  ˆyto  ˆx(see Fig. 2).

The architecture combines five different neural networks, three used as generators and two as discriminators:

 Gsegis solving the segmentation task: given an image x, it predicts Mask(x), the segmentation mask of the object on the image;

 Ginpis solving the inpainting problem: given  (1 −m) ⊙ x, predict  ˆx = ⟨∅, ˆBx⟩;

 Genhdoes enhancement: given  z = m ⊙ x + (1 −m) ⊙ y, predict  ˆy = ⟨ ˆO, ˆBy⟩;

 Dbgis the background discriminator that attempts to distinguish between real and fake (inpainted) background-only images; its output  Dbg(x)should be close to 1 if x is real and close to 0 if x is fake;

 Dobjis the object discriminator that does the same for object-on-background images;  Dobj(x)should be close to 1 if x is real and close to 0 if x is fake.

Generators  Gsegand  Genhconstitute the so-called “swap network” (red shaded rectangle on Fig. 2). Compared to [21], the training procedure in SEIGAN has proven to be more stable and able to work in higher resolutions, and the resulting segmentation masks are better. Furthermore, our architecture allows to address more tasks (inpainting and blending) simultaneously rather than only predicting segmentation masks. As usual in GAN design, the secret sauce of the architecture lies in a good combination of different loss functions. In SEIGAN, we use a combination of adversarial, reconstruction, and regularization losses; over the following sections, we cover each part in detail.

3.2 The Inpainting Network Ginp

The inpainting network  Ginpaims to produce a plausible background ˆBxgiven a random noise sampled from standard normal distribution and a source image  (1−m)⊙x, which represents the original image x with the object subtracted according to segmentation mask m obtained by applying the segmentation network,  m = Gseg(x); in practice, we zero out the pixels of  m ⊙ x. Parameters of inpainting network are optimized during the end-to-end training according to the following loss functions (shown by rounded rectangles on Fig. 2).

The adversarial background loss aims to improve the plausibility of the resulting image with a dedicated discriminator  Dbgwith the ImageGAN architecture as proposed in [6] except for the number of layers; our experiments have shown that a deeper discriminator works better. As the loss function  Dbguses the MSE adversarial loss suggested in Least Squares GAN (LSGAN) [18], as in practice it is by far more stable than other types of GAN loss functions. Therefore, for generator networks we used

image

where  ˆx = ⟨∅, ˆBx⟩is the background image resulting from x after the first swap, ˆˆy = ⟨∅, ˆˆBy⟩is the background image resulting from  ˆyafter the second swap, and  λihere and below are constants to be determined empirically.

The background reconstruction loss  lrecbgaims to pre- serve information about the original background  Bx. It is implemented using texture loss [27], the mean average difference between Gram matrices of feature maps after the first 5 layers of VGG-19 network, and perceptual loss,

image

Figure 2: A high-level overview of the SEIGAN pipeline for joint segmentation and inpainting: the swap and inpainting networks are applied twice to complete the cycle. Solid rectangles denote neural networks; rounded rectangles, loss functions; solid lines show data flows, and dashed lines indicate the flow of values to loss functions.

the mean average difference between feature maps after the last 5 layers of VGG-19 network, and pixel-level MAE loss:

image

where  VGG1(y)denotes the matrix of features after the first 5 convolutional layers in a pretrained VGG-19 network,  VGG2(y), after the last 5 convolutional layers, and Gram(A)ij = �k AikAjkis the Gram matrix.Note that there are plenty of possible plausible reconstructions of the background, so the loss functions must allow for a certain degree of freedom that mean absolute error or mean squared error would not permit but which texture and perceptual losses do. In our experiments, optimizing only MAE or MSE has usually led to the generated image being filled with median or mean pixel values, with no objects or texture. Note that the background reconstruction loss is applied only to y because we do not have the ground truth background for x (see Fig. 2).

Note that before feeding the image to the inpainting network  Ginp, we subtract a part of image according to the mask m in a differentiable way, without any thresholding applied to m. Thus, gradients can propagate back through m to the segmentation network  Gseg. Joint training of inpainting and segmentation has a regularization effect. First, the inpainting network  Ginpwants the mask to be as accurate as possible: if it is too small then  Ginpwill have to erase the remaining parts of the objects, which is a harder problem, and if it is too large then  Ginpwill have more empty area to inpaint. Second,  Ginpwants the segmentation mask m to be high-contrast (with values close to 0 and 1) even without thresholding: if much of m is low-contrast (close to 0.5) then  Ginpwill have to learn to remove the “ghost” of the object (again, harder than just inpainting on empty space), and it will most probably be much easier for the discriminator  Dbgto tell that the resulting picture is fake. For  Ginp, we use a neural network consisting of two U-Net networks connected sequentially (see Fig. 3).

image

Figure 3: Architectures U-Net (left) and ResNet (right). U-Net performed best for inpainting and refinement networks, while ResNet powered our most successful segmentation network.

3.3 The Swap Network

The swap network aims to generate a new image  ˆy =⟨ ˆO, ˆBy⟩given two images,  x = ⟨O, Bx⟩with an object O and  y = ⟨∅, By⟩with a different background  By. The swap network consists of two major steps: segmentation  Gsegand enhancement  Genh(red shaded rectangle on Fig. 2).

The segmentation network  Gsegproduces a soft segmentation mask  m = Gseg(x), that can be used to extract the object O from x and paste it on  Byto produce a “coarse” version of the target image  z = m ⊙ x + (1 −m) ⊙ y. But z is not the end result: it lacks anti-aliasing, color/lightning correction, and other improvements. Note that pasting an object in a perfectly natural way might require a very involved understanding of the background; e.g., when pasting a dog onto a grass field we should probably hide some part of its paws behind grass as they would be hidden in reality.

To partially address this, we introduce the so-called enhancement network  Genhwhose purpose is to generate a “smoother”, more natural image  ˆy = ⟨ ˆO, ˆBy⟩given the coarse image  z = m ⊙ x + (1 − m) ⊙ y = ⟨O, By⟩and random noise sampled from the standard normal distribution. We denote by  Genh(z)the final improved image after all outputs of  Genhhave been applied to z accordingly. In our experiments with different  Genharchitectures, we have not been able to achieve quite the level of background understanding to hide paws behind grass, but often  Genhcan draw a shadow or a reflection under the dog (see Fig. 2, 5).

We train the swap network end-to-end with the following loss functions (shown by rounded rectangles on Fig. 2).

The object reconstruction loss  lrecobjaims to ensure con- sistency and training stability. It is a weighted sum of perceptual loss and MAE between the source image x = ⟨O, Bx⟩and ˆˆx = Genh(Gseg(ˆy)⊙ˆy+(1−Gseg(ˆy))⊙ˆx):

image

where  ˆy = Genh(z)and  ˆx = Ginp((1 − Gseg(x)) ⊙ x), i.e., ˆˆxis the result of applying the swap network twice.

The adversarial object loss  lGANobjaims to increase the plausibility of  ˆy = ⟨ ˆO, ˆBy⟩and z. It is implemented with a dedicated discriminator network  Dobj. It also has the side effect of maximizing the area covered by segmentation mask  m = Gseg(x). We apply this loss to images with objects:  ˆyand z. Again, the discriminator has the same architecture as in CycleGAN except for the number of layers, where we have found that a deeper discriminator works better. We again use the MSE loss inspired by LSGAN [18]:

image

Finally, apart from the loss functions defined above we have used the identity loss  lid, an idea put forward in CycleGAN. Object enhancement identity loss  lidobjbrings the result of the enhancement network  Genhon real images closer to identity: it is the mean average distance between Genh(x)and x itself. Background identity loss  lidbgtries to ensure that the cut-and-inpaint procedure leaves intact images without objects: for an image  y = ⟨∅, By⟩we find a segmentation mask  Gseg(y), subtract it from y to get  (1 − Gseg(y)) ⊙ y, apply inpainting  Ginpand then minimize the mean average distance between the original y and the result:

image

3.4 Total Loss Function, Remarks, and Network Architectures

The overall SEIGAN generator loss function is thus

image

with coefficients  λ1, . . . , λ11chosen empirically. The discriminator losses are

image

To train SEIGAN, we train the generator and discriminators, alternating the minimization of l and  ldiscbg + ldiscobj.

To improve training stability, we used the experience replay technique originating from reinforcement learning [19], implemented in our case by maintaining a pool of fake images. After each mini-batch, we randomly update the pool and sample images from it for the next mini-batch.

Several interesting effects have emerged in our experiments. First, original images  x = ⟨O, Bx⟩and y = ⟨∅, By⟩might have different scale and aspect ratios before merging. Rescaling them to the same shape with bilinear interpolation would introduce significant differences in low-level textures that would be very easy to identify as fake for the discriminator, thus preventing GAN from convergence. The authors of [21] faced the same problem and addressed it by a special procedure they use to create training samples: they took foreground and background patches only from the same image to ensure the same scale and aspect ratios, which reduces diversity and makes fewer images suitable for the training set. In our setup this problem is addressed by a separate enhancement network, so we have fewer limitations when looking for appropriate training data.

Another interesting effect is the low contrast in segmentation masks when inpainting is optimized against MAE or MSE reconstruction loss. A low-contrast mask (i.e., m with many values around 0.5 rather than close to 0 or 1) allows information about the object to “leak through” and facilitate reconstruction. A similar effect has been noticed before by other researchers, and in the CycleGAN architecture it has even been used for steganography [6]. We first addressed this issue by converting the soft segmentation mask to a hard mask by thresholding, but later found that optimizing inpainting against the texture loss  lrecbgis a more elegant solution that leads to better results than thresholding.

For the segmentation network  Gseg, we used the architecture from CycleGAN (Fig. 3, right), which is an adaptation of the architecture from [12]. After the final layer of the network, we used the logistic sigmoid as the activation function. For the enhancement network  Genh, we used the U-net architecture [23] (Fig. 3, left) since it can both work with high resolution images and make small changes in the source image. This is important for SEIGAN because we do not want to significantly change the image content in  Genhbut rather just “smooth” the pasted image in a smarter way.

image

Figure 4: Quality of generated images compared by human assessors; left: overall ratings estimated with the Bradley-Terry model; right: fractions of pairwise comparisons won (row vs. column).

In this section we present the results of our evaluation study, with two main experiments: (1) subjective assessment of generated images and (2) accuracy of generated segmentation masks measured against the ground truth.

4.1 Subjective Assessment

Dataset. We used the query “dog” to collect images from Flickr (licensed under Creative Commons). Then we detected all objects (including dogs) and background-only regions without objects using Faster R-CNN (implementation from [29], pretrained on COCO, ResNet-101 backbone). Then we constructed two datasets: one from regions with dogs  X = {⟨Ox, Bx⟩}x∈Xand another from background-only regions  Y = {⟨∅, By⟩}y∈Y. After data collection, we filtered the regions according to the following rules: (i) after rescaling, the object size is equal to  64 × 64and size of the final crop is equal to 128 × 128; (ii) the object is located at the center of the crop; (iii) there are no other objects that intersect with a given crop; (iv) the source size of the object on a crop exceeds 60px (by the smaller side) and does not exceed 40% of the entire source image (by the longer side). We used this dataset for the main part of our experiments with architectures and loss functions, as well as for subjective image quality assessment.

Crowdsourcing Evaluation Procedure. This experiment aims to evaluate the impact of different architectures and loss functions on the quality of the resulting image  ˆx. We prepared four sets of 100 images each: (1) GroundTruth: real images with dogs and some background; (2) NoCycle: coarse images z obtained after

image

Table 1: Intersection-over-Union scores of object segmentation masks against the ground truth (in original resolution); predicted masks were binarized with confidence threshold 0.5.

training our model with only  lGANobjenabled (similar to the pipeline in [21]); (3) SEIGAN-Coarse: coarse images z obtained after training our model with all loss functions enabled (Genhnot applied); (4) SEIGAN-Full: images  ˆxobtained after training our model with all loss functions enabled (Genhapplied). Images for each set were selected according to their corresponding discriminator score (except GroundTruth, which is a uniform subsample of X).

Then we collected 9000 pairwise comparisons of images randomly sampled from different sets via the crowdsourcing platform Yandex.Toloka1. We compared a total of 1200 images (300 per set), each pair was assessed by 5 participants, with 458 human assessors involved in total.

Results. We estimated the ratings of models based on pairwise comparisons using the Bradley-Terry model [4]; the ratings and more detailed pairwise results are shown on Figure 4. Fig. 4 clearly shows that SEIGAN produces significantly more realistic images than NoCycle; SEIGAN-Full was even able to win 30% of comparisons against GroundTruth. Interestingly, the refinement network in SEIGAN-Full rarely improves the image in terms of perceptual quality over simple mask blending. However, it facilitates training and allows SEIGAN-Coarse to win against NoCycle due to a much more accurate segmentation mask. This is also confirmed by our segmentation experiments shown below. Thus, the large gap between GroundTruth and SEIGAN-Full can be explained by the fact that we did not specifically select backgrounds y to match the dogs x, and in some cases it was impossible to paste that particular dog onto that particular background and make the image look natural (the second example in Fig. 5).

image

Figure 5: Samples of successful images and failures of our method and its variations.

image

Figure 6: COCO and Cityscapes examples: original image (O), ground truth mask (T), masks predicted by NoCycle (N) and SEIGAN (S).

4.2 Weakly Supervised Object Segmentation

We have experimented with weakly supervised segmentation in order to numerically estimate the quality of object segmentation masks produced by our method on heterogeneous data. We have conducted the experiments on COCO [16] and Cityscapes [7] datasets. All experiments were performed on the full set of classes, and the trained models were not aware of target class labels.

The data preparation procedure is similar to the one de-fined in Section 4.1, with the following differences. The source size of the object on a crop has to be larger than 20px (by the smaller side) and no larger than that 40% of the source image (by the larger side). The aspect ratio of an object (smaller side divided by the larger side) has to exceed 0.4. With scaling, we reduced all object sizes to 100 × 100.

Segmentation masks are compared against ground truth masks in the original resolution. For this purpose, the predicted mask of size  128 × 128is resized to the original shape with bilinear interpolation, preserving the original aspect ratio. Note that for cut-and-paste algorithms it may be useful to include in the segmentation mask not only the object itself but some parts of the surrounding area, e.g., the object’s shadow. This may lead to a slightly lower fi-nal IoU score but still improve the overall quality of the image.

We evaluated SEIGAN against two baselines: Supervised, a segmentation network of the same architecture as Gsegbut trained with ground truth segmentation masks, and NoCycle (same as in Section 4.1). To train the Supervised baseline, we used the labeled “train” subsets of the corresponding datasets; all metrics were computed on “test” subsets. We counted images with objects (X) in the datasets after preprocessing; there were at least twice as many images without objects (Y ) for each subset. To train SEIGAN and NoCycle on Cityscapes, we used all data from leftImg8bit sequence for training (77963 images) and (test, val) from annotated part for validation (1518 images). The supervised model was trained on the ”train” subset of annotated data (8963 images). On the COCO dataset, all models were trained with the original train/validation split. The train set contains 31176 images with person (4968 images), clock (2766), and traffic light (1782) being the most common classes. The validation set

contains 1329 images.

Fig. 6 shows sample segmentation masks for both Cityscapes and COCO, and evaluation results are presented in Table 1. It clearly shows that SEIGAN achieves competitive intersection-over-union scores compared even to the supervised model. Both on COCO and Cityscapes, it significantly outperforms NoCycle.

Compositional image generation is an approach to creating new images by combining parts of existing images, using machine learning models to perform the required cut-and-paste operations in a way consistent with image semantics. In this work, we have proposed a novel approach to compositional image generation based on SEIGAN, a new end-to-end model for segmentation, enhancement, and inpainting. Apart from compositional image generation, our model produces high quality segmentation masks as a side result of the cut-and-paste pipeline, as evidenced by our experiments both for segmentation and for image quality evaluated by human assessors. However, both SEIGAN and other state of the art models still work only with a single object against an empty background. Therefore, as open problems for future work we highlight learning to insert objects on backgrounds that have other objects, choosing a place to paste the object, constructing depth maps for this purpose and to improve scaling, and training the model without separately produced bounding boxes.

[1] A. Almahairi, S. Rajeswar, A. Sordoni, P. Bachman, and A. Courville. Augmented cyclegan: Learning many-to-many mappings from unpaired data. arXiv preprint arXiv:1802.10151, 2018. 3

[2] J. Borovec, J. vihlk, J. Kybic, and D. Habart. Supervised and unsupervised segmentation using superpixels, model estimation, and graph cut. Journal of Electronic Imaging, 26:26 – 26 – 17, 2017. 2

[3] K. Bousmalis, A. Irpan, P. Wohlhart, Y. Bai, M. Kelcey, M. Kalakrishnan, L. Downs, J. Ibarz, P. Pastor, K. Konolige, et al. Using simulation and domain adaptation to improve efficiency of deep robotic grasping. In 2018

IEEE International Conference on Robotics and Automation (ICRA), pages 4243–4250. IEEE, 2018. 3

[4] R. A. Bradley and M. E. Terry. Rank analysis of incom- plete block designs: I. the method of paired comparisons. Biometrika, 39(3/4):324–345, 1952. 8

[5] Y. Choi, M. Choi, M. Kim, J.-W. Ha, S. Kim, and J. Choo. Stargan: Unified generative adversarial networks for multi-domain image-to-image translation. arXiv preprint, 1711, 2017. 3

[6] C. Chu, A. Zhmoginov, and M. Sandler. Cyclegan: a mas- ter of steganography. arXiv preprint arXiv:1712.02950, 2017. 4, 7

[7] M. Cordts, M. Omran, S. Ramos, T. Rehfeld, M. En- zweiler, R. Benenson, U. Franke, S. Roth, and B. Schiele. The cityscapes dataset for semantic urban scene understanding. In Proc. of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016. 10

[8] I. Goodfellow, J. Pouget-Abadie, M. Mirza, B. Xu, D. Warde-Farley, S. Ozair, A. Courville, and Y. Bengio. Generative adversarial nets. In Advances in neural information processing systems, pages 2672–2680, 2014. 3

[9] V. Gupta and S. Raman. Automatic trimap generation for image matting. In Signal and Information Processing (IConSIP), International Conference on, pages 1–5. IEEE, 2016. 3

[10] H. Huang, X. Fang, Y. Ye, S. Zhang, and P. L. Rosin. Practical automatic background substitution for live video. Computational Visual Media, 3(3):273–284, 2017. 3

[11] X. Ji, J. F. Henriques, and A. Vedaldi. Invariant informa- tion distillation for unsupervised image segmentation and clustering. arXiv preprint arXiv:1807.06653, 2018. 2

[12] J. Johnson, A. Alahi, and F. Li. Perceptual losses for real-time style transfer and super-resolution. CoRR, abs/1603.08155, 2016. 7

[13] S. Kazemzadeh, V. Ordonez, M. Matten, and T. Berg. Referitgame: Referring to objects in photographs of natural scenes. In Proceedings of the 2014 conference on empirical methods in natural language processing (EMNLP), pages 787–798, 2014. 2

[14] A. Khoreva, R. Benenson, J. H. Hosang, M. Hein, and B. Schiele. Simple does it: Weakly supervised instance and semantic segmentation. In CVPR, volume 1, page 3, 2017. 2

[15] R. Krishna, Y. Zhu, O. Groth, J. Johnson, K. Hata, J. Kravitz, S. Chen, Y. Kalantidis, L.-J. Li, D. A. Shamma, M. Bernstein, and L. Fei-Fei. Visual genome: Connecting language and vision using crowdsourced dense image annotations. 2016. 2

[16] T.-Y. Lin, M. Maire, S. Belongie, J. Hays, P. Perona, D. Ra- manan, P. Doll´ar, and C. L. Zitnick. Microsoft coco: Common objects in context. In European conference on computer vision, pages 740–755. Springer, 2014. 2, 10

[17] M.-Y. Liu, T. Breuel, and J. Kautz. Unsupervised image- to-image translation networks. In Advances in Neural Information Processing Systems, pages 700–708, 2017. 3

[18] X. Mao, Q. Li, H. Xie, R. Lau, Z. Wang, and S. P. Smol- ley. Least squares generative adversarial networks. arxiv preprint. arXiv preprint ArXiv:1611.04076, 2(5), 2016. 4, 7

[19] V. Mnih, K. Kavukcuoglu, D. Silver, A. A. Rusu, J. Veness, M. G. Bellemare, A. Graves, M. Riedmiller, A. K. Fidjeland, G. Ostrovski, et al. Human-level control through deep reinforcement learning. Nature, 518(7540):529, 2015. 7

[20] B. A. Plummer, L. Wang, C. M. Cervantes, J. C. Caicedo, J. Hockenmaier, and S. Lazebnik. Flickr30k entities: Collecting region-to-phrase correspondences for richer image-to-sentence models. In Proceedings of the IEEE international conference on computer vision, pages 2641–2649, 2015. 2

[21] T. Remez, J. Huang, and M. Brown. Learning to segment via cut-and-paste. arXiv preprint arXiv:1803.06414, 2018. 2, 3, 4, 7, 8

[22] S. Ren, K. He, R. Girshick, and J. Sun. Faster r-cnn: To- wards real-time object detection with region proposal networks. In Advances in neural information processing systems, pages 91–99, 2015. 2

[23] O. Ronneberger, P. Fischer, and T. Brox. U-net: Convolutional networks for biomedical image segmentation. CoRR, abs/1505.04597, 2015. 7

[24] C. Rother, V. Kolmogorov, and A. Blake. Grabcut: Inter- active foreground extraction using iterated graph cuts. In ACM transactions on graphics (TOG), volume 23, pages 309–314. ACM, 2004. 2

[25] T.-C. Wang, M.-Y. Liu, J.-Y. Zhu, A. Tao, J. Kautz, and B. Catanzaro. High-resolution image synthesis and semantic manipulation with conditional gans. arXiv preprint arXiv:1711.11585, 2017. 3

[26] X. Xia and B. Kulis. W-net: A deep model for fully unsupervised image segmentation. arXiv preprint arXiv:1711.08506, 2017. 2

[27] W. Xian, P. Sangkloy, J. Lu, C. Fang, F. Yu, and J. Hays. Texturegan: Controlling deep image synthesis with texture patches. CoRR, abs/1706.02823, 2017. 4

[28] N. Xu, B. L. Price, S. Cohen, and T. S. Huang. Deep image matting. In CVPR, volume 2, page 4, 2017. 3

[29] J. Yang, J. Lu, D. Batra, and D. Parikh. A faster pytorch implementation of faster r-cnn. https://github.com/jwyang/faster-rcnn.pytorch, 2017. 8

[30] L. Yu, Z. Lin, X. Shen, J. Yang, X. Lu, M. Bansal, and T. L. Berg. Mattnet: Modular attention network for referring expression comprehension. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2018. 3

[31] D. Zhang, J. Han, and Y. Zhang. Supervision by fusion: Towards unsupervised learning of deep salient object detector. 2017 IEEE International Conference on Computer Vision (ICCV), pages 4068–4076, 2017. 2

[32] J. Zhang, T. Zhang, Y. Dai, M. Harandi, and R. I. Hartley. Deep unsupervised saliency detection: A multiple noisy labeling perspective. CoRR, abs/1803.10910, 2018. 2

[33] Y. Zhang, L. Yuan, Y. Guo, Z. He, I.-A. Huang, and H. Lee. Discriminative bimodal networks for visual localization and detection with natural language queries. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2017. 3

[34] J. Zhu, T. Park, P. Isola, and A. A. Efros. Unpaired image- to-image translation using cycle-consistent adversarial networks. CoRR, abs/1703.10593, 2017. 2, 3, 4

[35] J.-Y. Zhu, R. Zhang, D. Pathak, T. Darrell, A. A. Efros, O. Wang, and E. Shechtman. Toward multimodal image-to-image translation. In Advances in Neural Information Processing Systems, pages 465–476, 2017. 3


Designed for Accessibility and to further Open Science