Frequency-Controlled Diffusion Model for Versatile Text-Guided Image-to-Image Translation

Xiang Gao, Zhengbo Xu, Junhan Zhao, Jiaying Liu Corresponding author. Accepted by AAAI 2024.
Abstract

Recently, large-scale text-to-image (T2I) diffusion models have emerged as a powerful tool for image-to-image translation (I2I), allowing open-domain image translation via user-provided text prompts. This paper proposes frequency-controlled diffusion model (FCDiffusion), an end-to-end diffusion-based framework that contributes a novel solution to text-guided I2I from a frequency-domain perspective. At the heart of our framework is a feature-space frequency-domain filtering module based on Discrete Cosine Transform, which filters the latent features of the source image in the DCT domain, yielding filtered image features bearing different DCT spectral bands as different control signals to the pre-trained Latent Diffusion Model. We reveal that control signals of different DCT spectral bands bridge the source image and the T2I generated image in different correlations (e.g., style, structure, layout, contour, etc.), and thus enable versatile I2I applications emphasizing different I2I correlations, including style-guided content creation, image semantic manipulation, image scene translation, and image style translation. Different from related approaches, FCDiffusion establishes a unified text-guided I2I framework suitable for diverse image translation tasks simply by switching among different frequency control branches at inference time. The effectiveness and superiority of our method for text-guided I2I are demonstrated with extensive experiments both qualitatively and quantitatively. The code is publicly available at: https://github.com/XiangGao1102/FCDiffusion.

Refer to caption
Figure 1: Our FCDiffusion adapts Stable Diffusion to versatile text-guided I2I applications via different types of frequency control, e.g., style-guided content creation realized by mini-frequency control, image semantic manipulation realized by low-frequency control, image scene translation realized by mid-frequency control, and image style translation realized by high-frequency control. Better viewed with zoom-in.

Introduction

Image-to-image translation (I2I) is an attractive computer vision problem. Early I2I methods learn a cross-domain I2I map** via GANs (Goodfellow et al. 2014). Given paired training data of two domains, Pix2Pix (Isola et al. 2017) establishes a general conditional GAN framework for supervised I2I, derived from which more complex architectures are designed for specific tasks and applications (Jiang et al. 2019; Yi et al. 2019). Since collecting paired training data is costly or even practically infeasible, unsupervised I2I (UI2I) methods gain rapid popularity for the ability to learn I2I map** with unpaired data. These methods employ GANs to adversarially align domain distribution, and meanwhile, preserve original image content via constraints like perceptual similarity (Gao, Zhang, and Tian 2022), cycle-consistency (Zhu et al. 2017), geometry-consistency (Fu et al. 2019), and contrastive learning (Park et al. 2020), etc. Later on, numerous methods have been proposed to improve UI2I in visual quality (Wang et al. 2022), multimodality (Lee et al. 2020), multi-domain flexibility (Choi et al. 2020), efficiency (Zhang et al. 2022), and few-shot learning capability (Pizzati, Lalonde, and de Charette 2022). However, all these methods are only able to translate images between limited domains, unable to tackle open-domain I2I translation.

Another type of GAN-based I2I method is GAN inversion. Observing that well-trained StyleGAN (Karras, Laine, and Aila 2019) encodes disentangled semantic information in latent space, these methods realize image semantic translation by inverting images into StyleGAN latent space and manipulating latent vectors. The inversion could be learned by online optimization (Wu, Lischinski, and Shechtman 2021), training an encoder network (Richardson et al. 2021), or hybrid method (Roich et al. 2022). Nonetheless, these methods rely on StyleGAN model pre-trained on a certain domain (e.g., human face domain) and thus are still domain-restricted. Therefore, they are less applicable to image translation with relatively large semantic gap.

Subsequently, research interest has been focused on leveraging CLIP (Radford et al. 2021) to guide I2I with text. VQCLIP (Crowson et al. 2022) optimizes VQGAN (Esser, Rombach, and Ommer 2021) latent vector under CLIP loss to translate an image as per a text. DiffusionCLIP (Kim, Kwon, and Ye 2022) realizes text-guided image manipulation by fine-tuning pre-trained diffusion model to maximize image-text CLIP similarity. DiffuseIT (Kwon and Ye 2022) uses the derivative of the CLIP loss to align the diffusion model’s reverse sampling process towards the target semantics described by the text. Under the same CLIP supervision, Text2LIVE (Bar-Tal et al. 2022) trains a generator network that takes in the source image and target text and outputs an editing layer, which is composited over the source image for image editing. These CLIP-based methods allow using free-form text to instruct image translation, extending I2I from limited domains to open-domain capability. However, these methods are relatively slow and less efficient due to a separate CLIP-based optimization process for each time of image translation. Besides, the composition of multiple objective functions of these methods makes them tuning-unfriendly.

As large-scale text-to-image (T2I) diffusion models revolutionize the field of generative AI, methods have been proposed to harness their immense generative power and adapt them to the realm of text-guided I2I translation, where the key ingredient is to establish spatial structure consistency between the source image and the translated image. For example, SDEdit (Meng et al. 2021) preserves overall image structure by noising the source image to an intermediate diffusion step and then denoising it conditioned on the text prompt. Instructpix2pix (Brooks, Holynski, and Efros 2023) directly trains a text-driven I2I map** in a supervised manner based on an elaborately synthesized large-scale paired dataset, where I2I structure consistency is naturally learned from training data. Prompt-to-Prompt (Hertz et al. 2022) replaces the text-to-image cross-attention maps in the T2I denoising sampling process with the corresponding attention maps of the source image to ensure I2I structure similarity. Similarly, Plug-and-Play (Tumanyan et al. 2023) injects feature maps and self-attention maps of the source image into the T2I denoising sampling process to make the generated image comply with the source image in spatial structure.

Despite stunning success of these methods, we observe that I2I has diverse application scenarios emphasizing different correlations (e.g., style, structure, layout, contour, etc.) between the source image and the translated image, and it is difficult for a single existing model to suit all I2I scenarios well. To this end, this paper proposes a unified framework suitable for diverse I2I applications from a novel frequency-domain perspective. Based on the intuition that I2I correlations like style, structure, layout, and contour are much more decomposable in the frequency domain than in the spatial domain, we propose to associate different I2I correlations to different spectral bands of image features in the Discrete Cosine Transform (DCT) spectral space. Specifically, our method filters image features in the DCT domain and uses the filtered image features bearing different DCT spectral bands as corresponding control signals to control different I2I correlations, and thus flexibly suits versatile I2I applications. Below we summarize various I2I application scenarios, the corresponding I2I correlations, and their relations to DCT spectral bands:

  • Image style translation aims to alter the global style of an image while maintaining the original fine structures (e.g., contours, edges). The fine structures to be preserved correspond to regions of high frequency in the DCT spectrum, which we term high-frequency spectral band.

  • Style-guided content creation aims to recreate arbitrary image content while preserving the original style information. The image style mainly manifests in color and luminance features that correspond to regions of especially low frequency in the DCT spectrum, which we term mini-frequency spectral band.

  • Image semantic manipulation aims to manipulate image semantic features without altering its global style and spatial structure. The preserved “style +++ structure” corresponds to the low-frequency region in the DCT spectrum which has a wider bandwidth than the mini-frequency spectral band, we term it low-frequency spectral band.

  • Image scene translation aims to translate images to a larger extent: convert the scene of an image to another one where only I2I layout similarity is pursued. To disentangle low-frequency image style and high-frequency image contours, we represent pure image layout information with the middle-frequency region in the DCT spectrum, i.e., mid-frequency spectral band.

Accordingly, we propose frequency-controlled diffusion model (FCDiffusion) for text-guided I2I. FCDiffusion basically adopts ControlNet (Zhang and Agrawala 2023) paradigm which trains a network to control the T2I denoising sampling process of the pre-trained Latent Diffusion Model (Rombach et al. 2022), where the control signal here is the frequency-domain filtered latent features of the source image, which bear a certain DCT spectral band. Conditioned on the control signal, the model is trained to reconstruct the removed spectral components of the source image latent features via the textual information of the paired text prompt. At inference time, the source image can be translated by filling the missing DCT spectral region with the textual information of an arbitrary editing text prompt. As Fig. 1 displays, our model can flexibly handle diverse I2I application scenarios under different modes of frequency control. The advantages of FCDiffusion are threefold: (i) it suits versatile I2I tasks simply by applying different DCT filters to construct the corresponding control signals; (ii) it integrates multiple and scalable frequency control branches, enabling flexible switching among diverse I2I applications within a single model; (iii) it is concise in learning objective, low-demanding in computational resources, efficient in inference speed, and competitive in I2I visual quality.

Refer to caption
Figure 2: Overall architecture of FCDiffusion, as well as details of important model components.

Related Work

Diffusion Models

With the advent of DDPM (Ho, Jain, and Abbeel 2020), diffusion models have received tremendous attention and have soon dominated the field of image generation (Dhariwal and Nichol 2021). Then, efforts have been made to explore their potential in various vision problems such as super-resolution (Saharia et al. 2022c), I2I (Saharia et al. 2022a), image inpainting (Lugmayr et al. 2022), etc. Boosted by vision-language multimodal technologies, large-scale text-to-image diffusion models (e.g., Imagen (Saharia et al. 2022b), DALLE2 (Ramesh et al. 2022), GLIDE (Nichol et al. 2022)) impressively promote the prosperity of AIGC industry. Soon afterward, Latent Diffusion Model (LDM) (Rombach et al. 2022) enables synthesizing high-resolution images with remarkably lower computational overhead by transferring diffusion process onto the low-dimensional feature space. ControlNet (Zhang and Agrawala 2023) further facilitates controllable image generation by training a network to control LDM conditioned on certain image priors like Canny edge maps. Besides, diffusion models are also increasingly applied in vision fields like point cloud generation (Luo and Hu 2021), video synthesis (Mei and Patel 2023), 3D reconstruction (Anciukevičius et al. 2023), etc.

Refer to caption
Figure 3: Example text-guided I2I results of our method. Our method suits diverse I2I application scenarios emphasizing different I2I correlations simply by switching to different modes of frequency control. The mini-frequency, low-frequency, mid-frequency, and high-frequency control respectively correlates the source image and the generated image in style, style and structure, layout, and contours, realizing style-guided content creation, image semantic manipulation, image scene translation, and image style translation, respectively. Better viewed with zoom-in.

Deep Learning in Frequency Perspective

Though neural networks are mostly exploited in spatial or temporal domains, some research work suggests that deep models can be improved from frequency-domain perspective. Ghosh et al. (Ghosh and Chellappa 2016) accelerate CNN convergence by applying DCT operation on CNN feature maps. DCT-Conv (Chęiński and Wawrzyński 2020) combines convolution with DCT inverse transformation (IDCT) to form a novel network layer that shows advantage in network pruning. Xie et al. (Xie et al. 2021) propose a frequency-aware dynamic network which introduces DCT to image super-resolution model to lower computation overhead. Cai et al. (Cai et al. 2021) propose to regulate image translation tasks with Fourier frequency spectrum consistency constraint, realizing better content preservation ability. This paper applies DCT filtering to the field of text-guided I2I, we realize versatile I2I applications with a single model by extracting image features bearing different DCT spectral bands to control different I2I correlations.

Method

In this section, we first introduce the overall model architecture, then elaborate on important modules, and finally describe the learning objective and training details.

Overall Architecture

As illustrated in Fig. 2(a), FCDiffusion basically comprises three components: (i) pre-trained LDM, (ii) Frequency Filtering Module (FFM), (iii) FreqControlNet (FCNet).

The pre-trained LDM uses a strong auto-encoder to compress a source image XH×W×3𝑋superscript𝐻𝑊3X\in\mathbb{R}^{H\times W\times 3}italic_X ∈ blackboard_R start_POSTSUPERSCRIPT italic_H × italic_W × 3 end_POSTSUPERSCRIPT to a compact latent representation z0h×w×csubscript𝑧0superscript𝑤𝑐z_{0}\in\mathbb{R}^{h\times w\times c}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_h × italic_w × italic_c end_POSTSUPERSCRIPT, i.e., z0=E(X)subscript𝑧0𝐸𝑋z_{0}=E(X)italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = italic_E ( italic_X ), D(z0)=D(E(X))X𝐷subscript𝑧0𝐷𝐸𝑋𝑋D(z_{0})=D(E(X))\approx Xitalic_D ( italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) = italic_D ( italic_E ( italic_X ) ) ≈ italic_X, where Hh=Ww=8𝐻𝑊𝑤8\frac{H}{h}=\frac{W}{w}=8divide start_ARG italic_H end_ARG start_ARG italic_h end_ARG = divide start_ARG italic_W end_ARG start_ARG italic_w end_ARG = 8, c=4𝑐4c=4italic_c = 4. A DDPM is trained at feature space to recover z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT from Gaussian distribution conditioned on the paired text prompt y𝑦yitalic_y:

LLDM=𝔼z0,y,ϵ𝒩(0,1),t[ϵϵθ(zt,t,τ(y))22],subscript𝐿𝐿𝐷𝑀subscript𝔼formulae-sequencesimilar-tosubscript𝑧0𝑦italic-ϵ𝒩01𝑡delimited-[]superscriptsubscriptnormitalic-ϵsubscriptitalic-ϵ𝜃subscript𝑧𝑡𝑡𝜏𝑦22L_{LDM}=\mathbb{E}_{z_{0},y,\epsilon\sim\mathcal{N}(0,1),t}[\left\|\epsilon-% \epsilon_{\theta}(z_{t},t,\tau(y))\right\|_{2}^{2}],italic_L start_POSTSUBSCRIPT italic_L italic_D italic_M end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_y , italic_ϵ ∼ caligraphic_N ( 0 , 1 ) , italic_t end_POSTSUBSCRIPT [ ∥ italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_τ ( italic_y ) ) ∥ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] , (1)

where t𝑡titalic_t denotes a sampled time step, ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT is the noised feature at time step t𝑡titalic_t, ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT is the denoising U-Net which takes ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, time step t𝑡titalic_t, and text embedding τ(y)𝜏𝑦\tau(y)italic_τ ( italic_y ) as input and outputs the estimation of the Gaussian noise sampled in the forward diffusion process, τ𝜏\tauitalic_τ is the OpenCLIP transformer text encoder. We omit the technical details of DDPM and LDM here since they are not relevant to our key contributions.

To adapt LDM from text-to-image generation to text-guided I2I, a Frequency Filtering Module (FFM) is constructed to filter the encoded image features z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT of the source image X𝑋Xitalic_X in the frequency domain (DCT spectrum), the filtered image features C=FFM(z0)𝐶𝐹𝐹𝑀subscript𝑧0C=FFM(z_{0})italic_C = italic_F italic_F italic_M ( italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) function as a control signal which controls the reverse denoising sampling process of the LDM through a FreqControlNet (FCNet). The FCNet takes in the control signal C𝐶Citalic_C that contains only partial frequency spectrum components (a certain DCT spectral band) of z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT and is optimized towards guiding the LDM to reconstruct z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT with the partial spectral information from C𝐶Citalic_C and the textual information from y𝑦yitalic_y. From the frequency-domain perspective, the training of FCNet can be regarded as a process of recovering the removed frequency spectrum components of z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT via the paired text prompt y𝑦yitalic_y.

Frequency Filtering Module

As detailed in Fig. 2(b), in FFM, channel-wise 2D DCT is firstly applied to convert the source-domain latent features z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT into the frequency-domain counterpart F𝐹Fitalic_F:

Fu,v(n)=2/(hw)m(u)m(v)i=0h1j=0w1[(z0(n))i,j\displaystyle F^{(n)}_{u,v}=2/(\sqrt{hw})m(u)m(v)\sum\nolimits_{i=0}^{h-1}\sum% \nolimits_{j=0}^{w-1}[(z_{0}^{(n)})_{i,j}italic_F start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT = 2 / ( square-root start_ARG italic_h italic_w end_ARG ) italic_m ( italic_u ) italic_m ( italic_v ) ∑ start_POSTSUBSCRIPT italic_i = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_h - 1 end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_j = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_w - 1 end_POSTSUPERSCRIPT [ ( italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT ) start_POSTSUBSCRIPT italic_i , italic_j end_POSTSUBSCRIPT (2)
cos((2i+1)uπ/(2h))cos((2j+1)vπ/(2w))],\displaystyle\cos((2i+1)u\pi/(2h))\cos((2j+1)v\pi/(2w))],roman_cos ( ( 2 italic_i + 1 ) italic_u italic_π / ( 2 italic_h ) ) roman_cos ( ( 2 italic_j + 1 ) italic_v italic_π / ( 2 italic_w ) ) ] ,

where m(0)=12𝑚012m(0)=\frac{1}{\sqrt{2}}italic_m ( 0 ) = divide start_ARG 1 end_ARG start_ARG square-root start_ARG 2 end_ARG end_ARG, m(γ)=1𝑚𝛾1m(\gamma)=1italic_m ( italic_γ ) = 1 for all γ>0𝛾0\gamma>0italic_γ > 0, F(n)superscript𝐹𝑛F^{(n)}italic_F start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT and z0(n)superscriptsubscript𝑧0𝑛z_{0}^{(n)}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT are the nthsuperscript𝑛𝑡n^{th}italic_n start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT channel of F𝐹Fitalic_F and z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT respectively, n=1,2,,c𝑛12𝑐n=1,2,...,citalic_n = 1 , 2 , … , italic_c. The index i𝑖iitalic_i, j𝑗jitalic_j denote the 2D coordinate in the spatial domain, while u𝑢uitalic_u, v𝑣vitalic_v refer to the 2D coordinate in the DCT frequency domain. In 2D DCT spectrum, elements with smaller coordinates (nearer to the top-left origin) encode lower-frequency information, while larger-coordinate elements (nearer to the bottom-right corner) correspond to higher-frequency components. As summarized in the Introduction part, different spectral bands in the DCT domain encode different image visual attributes and thus can be used as conditional guidance to control different I2I correlations. Therefore, we manually design four DCT filters (i.e., DCT masks) for mini-pass, low-pass, mid-pass, and high-pass frequency-domain filtering respectively, as described in detail below:

{Maskmini(u,v)=1ifu+v10else 0,Masklow(u,v)=1ifu+v20else 0,Maskmid(u,v)=1if 20<u+v40else 0,Maskhigh(u,v)=1ifu+v50else 0.casesformulae-sequence𝑀𝑎𝑠subscript𝑘𝑚𝑖𝑛𝑖𝑢𝑣1𝑖𝑓𝑢𝑣10𝑒𝑙𝑠𝑒 0missing-subexpressionformulae-sequence𝑀𝑎𝑠subscript𝑘𝑙𝑜𝑤𝑢𝑣1𝑖𝑓𝑢𝑣20𝑒𝑙𝑠𝑒 0missing-subexpressionformulae-sequenceformulae-sequence𝑀𝑎𝑠subscript𝑘𝑚𝑖𝑑𝑢𝑣1𝑖𝑓20𝑢𝑣40𝑒𝑙𝑠𝑒 0missing-subexpressionformulae-sequence𝑀𝑎𝑠subscript𝑘𝑖𝑔𝑢𝑣1𝑖𝑓𝑢𝑣50𝑒𝑙𝑠𝑒 0missing-subexpression\left\{\begin{array}[]{lr}Mask_{mini}(u,v)=1\ \ if\ \ u+v\leq 10\ \ else\ \ 0,% &\\ Mask_{low}(u,v)=1\ \ if\ \ u+v\leq 20\ \ else\ \ 0,&\\ Mask_{mid}(u,v)=1\ \ if\ \ 20<u+v\leq 40\ \ else\ \ 0,&\\ Mask_{high}(u,v)=1\ \ if\ \ u+v\geq 50\ \ else\ \ 0.\end{array}\right.{ start_ARRAY start_ROW start_CELL italic_M italic_a italic_s italic_k start_POSTSUBSCRIPT italic_m italic_i italic_n italic_i end_POSTSUBSCRIPT ( italic_u , italic_v ) = 1 italic_i italic_f italic_u + italic_v ≤ 10 italic_e italic_l italic_s italic_e 0 , end_CELL start_CELL end_CELL end_ROW start_ROW start_CELL italic_M italic_a italic_s italic_k start_POSTSUBSCRIPT italic_l italic_o italic_w end_POSTSUBSCRIPT ( italic_u , italic_v ) = 1 italic_i italic_f italic_u + italic_v ≤ 20 italic_e italic_l italic_s italic_e 0 , end_CELL start_CELL end_CELL end_ROW start_ROW start_CELL italic_M italic_a italic_s italic_k start_POSTSUBSCRIPT italic_m italic_i italic_d end_POSTSUBSCRIPT ( italic_u , italic_v ) = 1 italic_i italic_f 20 < italic_u + italic_v ≤ 40 italic_e italic_l italic_s italic_e 0 , end_CELL start_CELL end_CELL end_ROW start_ROW start_CELL italic_M italic_a italic_s italic_k start_POSTSUBSCRIPT italic_h italic_i italic_g italic_h end_POSTSUBSCRIPT ( italic_u , italic_v ) = 1 italic_i italic_f italic_u + italic_v ≥ 50 italic_e italic_l italic_s italic_e 0 . end_CELL start_CELL end_CELL end_ROW end_ARRAY

These DCT filters extract DCT features containing only the mini-frequency, low-frequency, mid-frequency, and high-frequency spectral band respectively, which are implemented via direct multiplication with F𝐹Fitalic_F:

F=F×Mask,subscript𝐹𝐹𝑀𝑎𝑠subscript𝑘F_{*}=F\times Mask_{*},italic_F start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT = italic_F × italic_M italic_a italic_s italic_k start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT , (3)

where * \in {mini, low, mid, high}. Finally, 2D IDCT is used to convert the filtered DCT features Fsubscript𝐹F_{*}italic_F start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT back to the spatial domain as the final control signal C𝐶Citalic_C:

Ci,j(n)=2/(hw)u=0h1v=0w1[m(u)m(v)(F(n))u,v\displaystyle C^{(n)}_{i,j}=2/(\sqrt{hw})\sum\nolimits_{u=0}^{h-1}\sum% \nolimits_{v=0}^{w-1}[m(u)m(v)(F_{*}^{(n)})_{u,v}italic_C start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i , italic_j end_POSTSUBSCRIPT = 2 / ( square-root start_ARG italic_h italic_w end_ARG ) ∑ start_POSTSUBSCRIPT italic_u = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_h - 1 end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_v = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_w - 1 end_POSTSUPERSCRIPT [ italic_m ( italic_u ) italic_m ( italic_v ) ( italic_F start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT ) start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT (4)
cos((2i+1)uπ/(2h))cos((2j+1)vπ/(2w))],\displaystyle\cos((2i+1)u\pi/(2h))\cos((2j+1)v\pi/(2w))],roman_cos ( ( 2 italic_i + 1 ) italic_u italic_π / ( 2 italic_h ) ) roman_cos ( ( 2 italic_j + 1 ) italic_v italic_π / ( 2 italic_w ) ) ] ,

where F(n)superscriptsubscript𝐹𝑛F_{*}^{(n)}italic_F start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT and C(n)superscript𝐶𝑛C^{(n)}italic_C start_POSTSUPERSCRIPT ( italic_n ) end_POSTSUPERSCRIPT are the nthsuperscript𝑛𝑡n^{th}italic_n start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT channel of Fsubscript𝐹F_{*}italic_F start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT and C𝐶Citalic_C respectively, n=1,2,,c𝑛12𝑐n=1,2,...,citalic_n = 1 , 2 , … , italic_c. The control signal C𝐶Citalic_C extracted with the mini-pass, low-pass, mid-pass, and high-pass DCT filtering respectively controls the style, style and structure, layout, and contour consistency between the generated image and the source image, allowing diverse I2I application scenarios emphasizing different I2I correlations.

Refer to caption
Figure 4: Visual comparisons of our method with related text-guided image translation methods on different I2I tasks including image semantic manipulation (top two rows), style-guided content creation (middle two rows), and image style translation (bottom two rows). Results of our method for these three tasks are obtained by switching to the low-frequency, mini-frequency, and high-frequency control branch respectively. Better viewed with zoom-in.

Empirically, we observe that the control signal after the mini-pass filtering may still contain some image structural information and thus will still weakly constrain the global structure of the generated image. To eliminate structural constraint and achieve pure style control, we propose and append an Equifrequency Shuffle operation to the end of the mini-pass filtering branch at inference time. As Fig. 2(c) illustrates, the operation firstly groups DCT components by the frequency level which is quantified as the sum of 2D coordinates in the DCT spectrum, then shuffles DCT elements within each group. The Equifrequency Shuffle randomly perturbs DCT spectrum without altering its overall energy distribution, which is useful to eliminate the spatial structure influence of the source image to the generated image, all while maintaining the I2I style correlation.

FCNet Architectural Details

At each time step t𝑡titalic_t, the FCNet takes the current denoising result ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, together with the control signal C𝐶Citalic_C and the text embedding τ(y)𝜏𝑦\tau(y)italic_τ ( italic_y ) as input, and outputs multi-scale feature maps to guide the pre-trained LDM towards reconstructing z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT. Borrowing from ControlNet (Zhang and Agrawala 2023), FCNet is a trainable copy of the LDM U-Net encoder. As Fig. 2(d) displays, each U-Net block in the FCNet consists of a ResBlock that incorporates the time embedding, a self-attention block, and a cross-attention block that incorporates the text embedding. Each ResBlock in the FCNet has four parallel replicates corresponding to the four DCT filtering branches in the FFM. As Fig.2(e) illustrates, the Zero Convolutions proposed in ControlNet (Zhang and Agrawala 2023) are also utilized here for smooth feature injection into the pre-trained LDM. Similarly, each Zero Convolution also has four parallel replicates corresponding to the four DCT filtering branches.

Learning Objective and Training Details

Our framework is fully differentiable and end-to-end trainable. The objective is to reconstruct the source image latent features z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT with the control signal C=FFM(z0)𝐶𝐹𝐹𝑀subscript𝑧0C=FFM(z_{0})italic_C = italic_F italic_F italic_M ( italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) which bears only partial DCT spectral band of z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT, as well as the paired text prompt y𝑦yitalic_y. This is equivalent to minimizing the following conditional noise regression loss:

L=𝔼z0,y,ϵ𝒩(0,1),t[ϵϵθ(zt,t,τ(y),ct)22],𝐿subscript𝔼formulae-sequencesimilar-tosubscript𝑧0𝑦italic-ϵ𝒩01𝑡delimited-[]superscriptsubscriptnormitalic-ϵsubscriptitalic-ϵ𝜃subscript𝑧𝑡𝑡𝜏𝑦subscript𝑐𝑡22L=\mathbb{E}_{z_{0},y,\epsilon\sim\mathcal{N}(0,1),t}[||\epsilon-\epsilon_{% \theta}(z_{t},t,\tau(y),c_{t})||_{2}^{2}],italic_L = blackboard_E start_POSTSUBSCRIPT italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_y , italic_ϵ ∼ caligraphic_N ( 0 , 1 ) , italic_t end_POSTSUBSCRIPT [ | | italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_τ ( italic_y ) , italic_c start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] , (5)
ct=FCNet(FFM(z0),t,τ(y)).subscript𝑐𝑡𝐹𝐶𝑁𝑒𝑡𝐹𝐹𝑀subscript𝑧0𝑡𝜏𝑦c_{t}=FCNet(FFM(z_{0}),t,\tau(y)).italic_c start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_F italic_C italic_N italic_e italic_t ( italic_F italic_F italic_M ( italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) , italic_t , italic_τ ( italic_y ) ) . (6)

The FCNet, as the only trainable module in the entire framework, is initialized from the pre-trained LDM except for the additional Zero Convolutions. In the training phase, we freeze all self-attention and cross-attention layers in the FCNet and only fine-tune ResBlocks and Zero Convolutions. We observe that freezing and sharing attention layers reduce trainable parameters without degrading generation performance. Our model contains four frequency control branches consisting of [Mask, ResGroup, ZeroGroup], where * \in {mini, low, mid, high}. ResGroup represents the parameter group which comprises all ResBlock replicates in the FCNet that correspond to the DCT filter Mask, and the same for ZeroGroup. These four frequency control branches are separately fine-tuned and can be flexibly switched at inference time for different I2I application scenarios. It is worth mentioning that the control branches in our model can be scalable and pluggable, that is, more I2I control effects can be realized simply by designing the corresponding DCT filters and allocating additional ResGroup and ZeroGroup for fine-tuning.

Refer to caption
Figure 5: With low-frequency control, our method is able to manipulate image semantics under different degrees of semantic discrepancy. As the semantic gap between the source image and the target text increases, the translated image can still conform to the text with the original image style and structure preserved. Better viewed with zoom-in.

Experiments

Experiment Setup

We use Stable Diffusion v2-1-base as the pre-trained LDM in our method, and use LAION-Aesthetics 6.5+++ which contains 625K image-text pairs as our dataset, in which we randomly partition into a training set and a test set at the ratio of 9:1. We train at 512×\times×512 image resolution, i.e., H=W=512,h=w=64formulae-sequence𝐻𝑊512𝑤64H=W=512,h=w=64italic_H = italic_W = 512 , italic_h = italic_w = 64. We set the initial learning rate as 1e-5. Each frequency control branch in our model is separately fine-tuned for 100K iterations with batch size 4 on a single RTX 3090 Ti GPU. At inference time, FCDiffusion can flexibly adapt to versatile I2I application scenarios simply by switching among different frequency control branches. All the results in this paper are generated using the DDIM (Song, Meng, and Ermon 2020) sampler with 50 sampling steps.

Refer to caption
Figure 6: Qualitative ablation study on the architectural design of the FCNet. Better viewed with zoom-in.

Qualitative Analyses

As Fig. 3 displays, our method produces high-quality results in diverse I2I scenarios by switching among different frequency control branches. With mini-frequency control, the translated image only preserves the original style information without structural constraint of the source image, and thus realizes the application of style-guided content creation, i.e., recreate any image content as per the text prompt without altering image style. Under the low-frequency control, both image style and spatial structure of the source image are maintained to the generated image, which suits smaller-scale editing of the source image, i.e., image semantic manipulation. Under the high-frequency control, the translated image conforms to the source image in object contours with little constraint on style appearance, which allows to manipulate image style according to the text prompt, i.e., image style translation. Besides, we also realize application of image scene translation where the only I2I correlation is image layout, for which we resort to the mid-frequency control to bypass constraints from the source image in low-frequency style and high-frequency contours.

Refer to caption
Figure 7: Qualitative ablation study on the style-guided content creation task without (top row) and with (bottom row) the Equifrequency Shuffle operation. Better viewed with zoom-in.

In Fig. 4, we qualitatively compare our method with related advanced methods on some challenging I2I examples. We abbreviate methods of Prompt-to-Prompt, InstructPix2Pix, Plug-and-Play as Pro2Pro, insPix2Pix, PAP respectively for brevity. For image semantic manipulation, Pro2Pro, insPix2Pix, and PAP are less able to generate semantically faithful results while achieving high consistency in style appearance and spatial structure. Results of Text2LIVE contain severe artifacts. VQCLIP and DiffuseIT fail to preserve original style distribution of the source image. In the track of style-guided content creation, Pro2Pro struggles to generate image content that is faithful to the text prompt. Results of insPix2Pix better comply with the text prompt in content semantics but are relatively weak in style preservation. Other methods either fail to generate faithful content or fail to maintain original style appearance. For image style translation, results of VQCLIP manifest accurate style distribution instructed by the text but lose original contour information of the source image. Text2LIVE, on the contrary, preserves image contours well but fails to precisely translate image style as per the text prompt. Other methods either fail to maintain contour consistency or cannot translate image style faithfully.

Refer to caption
Figure 8: Quantitative comparison of our method to related approaches on different text-guided I2I tasks, including image semantic manipulation, image style translation, and style-guided content creation, where the former two tasks prefer high text fidelity and high structure similarity, and the last task favor high text fidelity and large structure distance (low structure similarity). Our method achieves competitive performance (near the top-right corner) in all the three tasks.
Refer to caption
Figure 9: Example image semantic manipulation results of our method under the low-frequency control with varying values of the low-pass filtering threshold.

Besides, we also compare to SDEdit with different noising strength values (shown in the parentheses). SDEdit(0.5) can basically preserve spatial structure of the source image, but is less effective in maintaining style appearance for image semantic manipulation, creating structure-invariant content for style-guided content creation, and altering image style sufficiently for image style translation. For large noising strength, results of SDEdit(0.85) suffer from weak connection to the source image, losing the corresponding I2I correlation in all I2I tasks. By contrast, our method effectively achieves the desired performance with high quality for all I2I applications.

As demonstrated in Fig. 5, FCDiffusion can handle image semantic manipulation with not only narrow semantic gaps but also large semantic discrepancies between the source image and the target text prompt, based on the low-frequency control of our method. The translated images can still comply with the text in semantics and preserve the original “style+++structure” of the source image simultaneously even if the target text and the source image are semantically uncorrelated.

Ablation Studies

We ablate our model design from the following four aspects: (i) the necessity of injecting time embedding into FCNet; (ii) the necessity of injecting text embedding into FCNet; (iii) the effectiveness of our Equifrequency Shuffle operation in decorrelating image spatial structure between the source image and the translated image; (iv) the influence of the frequency band range to text-guided I2I. We conduct the first study by removing all layers that incorporates time embedding from the FCNet. For the second study, we do not modify the cross-attention layers but instead feed the null text to the FCNet during training. As qualitatively displayed in Fig. 6, removing time embedding injection in the FCNet yields unstable image translation results with noticeable noises and artifacts, which means that it is important for FCNet to learn to provide time-dependent guidance features to the LDM. Besides, removing text embedding injection in the FCNet also leads to results with lower image quality, which indicates that textual information is useful for the FCNet in providing finer control to the LDM. Example results of the third study are shown in Fig. 7, from which we see that the style-guided content creation results obtained without Equifrequency Shuffle still resemble the source image in global structure to a certain degree, whereas results obtained with Equifrequency Shuffle are much more disentangled from the source image in spatial structure, which demonstrates the effectiveness of this operation in decorrelating spatial structure in the style-guided content creation task. For the last study, we qualitatively compare the image semantic manipulation results of our method achieved under the low-frequency control with varying low-pass filtering thresholds (i.e., varying bandwidth of the extracted low-frequency spectral band). Results displayed in Fig. 9 show that the higher the threshold is, the closer the translated image is to the source image. Intuitively, raising the low-pass filtering threshold results in the control signal C𝐶Citalic_C that bears a wider DCT spectral band of the source-image latent features. Thus, the preserved source-image information is increased and the translated image more resembles the source image. Conversely, lowering the low-pass filtering threshold leads to less spectral information of the source image in the control signal C𝐶Citalic_C. In this case, less source-image information is maintained, and thus less resemblance of the translated image to the source image.

Table 1: Inference speed comparison among different text-guided I2I methods for translating a single 512 ×\times× 512 image. Results are evaluated on an NVIDIA RTX 3090 Ti GPU and averaged on 10 trials for each method.
Method Inversion Online optimization Inference time
VQCLIP 237.7s
DiffuseIT 125.4s
Text2LIVE 474.6s
insPix2Pix 11.2s
Prompt-to-Prompt 69.7s
Plug-and-Play 102.9s
FCDiffusion (Ours) 9.4s

Quantitative Evaluations

For quantitative evaluation, we conduct 200 text-guided image translations for each I2I application scenario and compute the average value of the text-image similarity score and the I2I structure distance. The text-image similarity score is used to measure the fidelity of the translated image to the target text prompt (i.e., text fidelity), for which we use CLIP cosine similarity (Radford et al. 2021) as the metric. The I2I structure distance aims to measure the spatial structure discrepancy between the source image and the translated image, for which we use DINO-ViT self-similarity distance (Tumanyan et al. 2022) as the metric. Correspondingly, we define I2I structure similarity as 1111 minus structure distance.

For image semantic manipulation and image style translation tasks, methods are expected to achieve both high text fidelity and high I2I structure similarity. Though these two metrics contradict each other, our method achieves the most top-right position in Fig. 8(a) and 8(b), indicating the best trade-off of our results between text fidelity and structure similarity. For the task of style-guided content creation, methods are encouraged to generate spatial-structure-disentangled image translation results that comply with the text prompt in content descriptions. Therefore, high text fidelity and low structure similarity (i.e., large structure distance) are preferred in this scenario. As Fig. 8 (c) shows, our method achieves competitive performance in both two aspects. Though SDEdit(0.85) and VQGAN-CLIP achieve more top-right position than our method in this task, these two methods suffer from very low structure similarity in the former two applications which favor I2I structure consistency, as shown in Fig. 8(a) and Fig. 8(b).

We further compare our method with related text-guided I2I approaches in inference speed by calculating the average running time of translating a single 512×\times×512 image. Results of different methods evaluated on an NVIDIA RTX 3090 Ti GPU are reported in Tab. 1. CLIP-based methods such as VQCLIP, DiffuseIT, and Text2LIVE are significantly slow due to the required online optimization process driven by the CLIP loss to manipulate an image with a text. Inversion-based methods like Prompt-to-Prompt and Plug-and-Play spend most of the running time in DDIM inversion (diffusion trajectory to invert the source image into Gaussian noise space) and DDIM reconstruction (denoising trajectory to reconstruct the source image from the inverted noise feature), which makes image translation still time-consuming. On the contrary, our method and insPix2Pix are free from any inversion or online optimization process, and thus exhibit significant advantage in terms of inference speed.

Conclusion and Discussion

In this paper, we propose a solution to text-guided I2I from a novel frequency-domain perspective. The proposed model, FCDiffusion, adapts the pre-trained LDM from text-to-image generation to the realm of text-guided I2I, which is realized by filtering the source image features in the DCT domain and using the filtered image features bearing different DCT spectral bands to control the reverse diffusion process of the Latent Diffusion Model. Our method can be interpreted as learning to fill the removed spectral components in the DCT spectrum of the source-image latent features with the textual information from the paired text prompt. By designing different modes of DCT filters as well as allocating and training the corresponding control branches, our method realizes diverse control effects of the source image to the text-guided generated image, allowing versatile text-driven I2I applications emphasizing different I2I correlations, including style-guided content creation realized by mini-frequency control, image semantic manipulation realized by low-frequency control, image scene translation realized by mid-frequency control, and image style translation realized by high-frequency control, where the source image and the translated image are correlated in image style, image style and structure, image layout, and image contour, respectively. Our method efficiently suits versatile I2I tasks simply by switching among different control branches at inference time, all while bearing advantages in inference speed and generation quality. Despite the advantage in versatility, our method needs to allocate and train a new frequency control branch when designing a new DCT filter, which is still less flexible and efficient. In future work, we will explore training-free and plug-and-play spectral band control mechanisms that enable plugging in arbitrary DCT filters at inference time to achieve continuous control effects.

References

  • Anciukevičius et al. (2023) Anciukevičius, T.; Xu, Z.; Fisher, M.; Henderson, P.; Bilen, H.; Mitra, N. J.; and Guerrero, P. 2023. Renderdiffusion: Image diffusion for 3d reconstruction, inpainting and generation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 12608–12618.
  • Bar-Tal et al. (2022) Bar-Tal, O.; Ofri-Amar, D.; Fridman, R.; Kasten, Y.; and Dekel, T. 2022. Text2live: Text-driven layered image and video editing. In Proceedings of the European Conference on Computer Vision, 707–723.
  • Brooks, Holynski, and Efros (2023) Brooks, T.; Holynski, A.; and Efros, A. A. 2023. Instructpix2pix: Learning to follow image editing instructions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 18392–18402.
  • Cai et al. (2021) Cai, M.; Zhang, H.; Huang, H.; Geng, Q.; Li, Y.; and Huang, G. 2021. Frequency domain image translation: More photo-realistic, better identity-preserving. In Proceedings of the IEEE International Conference on Computer Vision, 13930–13940.
  • Chęiński and Wawrzyński (2020) Chęiński, K.; and Wawrzyński, P. 2020. DCT-Conv: Coding filters in convolutional networks with Discrete Cosine Transform. In International Joint Conference on Neural Networks, 1–6.
  • Choi et al. (2020) Choi, Y.; Uh, Y.; Yoo, J.; and Ha, J.-W. 2020. Stargan v2: Diverse image synthesis for multiple domains. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 8188–8197.
  • Crowson et al. (2022) Crowson, K.; Biderman, S.; Kornis, D.; Stander, D.; Hallahan, E.; Castricato, L.; and Raff, E. 2022. Vqgan-clip: Open domain image generation and editing with natural language guidance. In Proceedings of the European Conference on Computer Vision, 88–105.
  • Dhariwal and Nichol (2021) Dhariwal, P.; and Nichol, A. 2021. Diffusion models beat gans on image synthesis. Advances in Neural Information Processing Systems, 34: 8780–8794.
  • Esser, Rombach, and Ommer (2021) Esser, P.; Rombach, R.; and Ommer, B. 2021. Taming transformers for high-resolution image synthesis. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 12873–12883.
  • Fu et al. (2019) Fu, H.; Gong, M.; Wang, C.; Batmanghelich, K.; Zhang, K.; and Tao, D. 2019. Geometry-consistent generative adversarial networks for one-sided unsupervised domain map**. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2427–2436.
  • Gao, Zhang, and Tian (2022) Gao, X.; Zhang, Y.; and Tian, Y. 2022. Learning to Incorporate Texture Saliency Adaptive Attention to Image Cartoonization. In International Conference on Machine Learning, 7183–7207.
  • Ghosh and Chellappa (2016) Ghosh, A.; and Chellappa, R. 2016. Deep feature extraction in the DCT domain. In International Conference on Pattern Recognition, 3536–3541.
  • Goodfellow et al. (2014) Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; and Bengio, Y. 2014. Generative adversarial nets. Advances in Neural Information Processing Systems, 27.
  • Hertz et al. (2022) Hertz, A.; Mokady, R.; Tenenbaum, J.; Aberman, K.; Pritch, Y.; and Cohen-Or, D. 2022. Prompt-to-prompt image editing with cross attention control. arXiv preprint arXiv:2208.01626.
  • Ho, Jain, and Abbeel (2020) Ho, J.; Jain, A.; and Abbeel, P. 2020. Denoising diffusion probabilistic models. Advances in Neural Information Processing Systems, 33: 6840–6851.
  • Isola et al. (2017) Isola, P.; Zhu, J.-Y.; Zhou, T.; and Efros, A. A. 2017. Image-to-image translation with conditional adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 1125–1134.
  • Jiang et al. (2019) Jiang, Y.; Lian, Z.; Tang, Y.; and Xiao, J. 2019. Scfont: Structure-guided Chinese font generation via deep stacked networks. In Proceedings of the AAAI Conference on Artificial Intelligence, 4015–4022.
  • Karras, Laine, and Aila (2019) Karras, T.; Laine, S.; and Aila, T. 2019. A style-based generator architecture for generative adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 4401–4410.
  • Kim, Kwon, and Ye (2022) Kim, G.; Kwon, T.; and Ye, J. C. 2022. Diffusionclip: Text-guided diffusion models for robust image manipulation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2426–2435.
  • Kwon and Ye (2022) Kwon, G.; and Ye, J. C. 2022. Diffusion-based image translation using disentangled style and content representation. arXiv preprint arXiv:2209.15264.
  • Lee et al. (2020) Lee, H.-Y.; Tseng, H.-Y.; Mao, Q.; Huang, J.-B.; Lu, Y.-D.; Singh, M.; and Yang, M.-H. 2020. Drit++: Diverse image-to-image translation via disentangled representations. International Journal of Computer Vision, 128: 2402–2417.
  • Lugmayr et al. (2022) Lugmayr, A.; Danelljan, M.; Romero, A.; Yu, F.; Timofte, R.; and Van Gool, L. 2022. Repaint: Inpainting using denoising diffusion probabilistic models. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 11461–11471.
  • Luo and Hu (2021) Luo, S.; and Hu, W. 2021. Diffusion probabilistic models for 3d point cloud generation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2837–2845.
  • Mei and Patel (2023) Mei, K.; and Patel, V. 2023. Vidm: Video implicit diffusion models. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 37, 9117–9125.
  • Meng et al. (2021) Meng, C.; He, Y.; Song, Y.; Song, J.; Wu, J.; Zhu, J.-Y.; and Ermon, S. 2021. Sdedit: Guided image synthesis and editing with stochastic differential equations. arXiv preprint arXiv:2108.01073.
  • Nichol et al. (2022) Nichol, A. Q.; Dhariwal, P.; Ramesh, A.; Shyam, P.; Mishkin, P.; Mcgrew, B.; Sutskever, I.; and Chen, M. 2022. GLIDE: Towards Photorealistic Image Generation and Editing with Text-Guided Diffusion Models. In International Conference on Machine Learning, 16784–16804. PMLR.
  • Park et al. (2020) Park, T.; Efros, A. A.; Zhang, R.; and Zhu, J.-Y. 2020. Contrastive learning for unpaired image-to-image translation. In Proceedings of the European Conference on Computer Vision, 319–345.
  • Pizzati, Lalonde, and de Charette (2022) Pizzati, F.; Lalonde, J.-F.; and de Charette, R. 2022. Manifest: Manifold deformation for few-shot image translation. In Proceedings of the European Conference on Computer Vision, 440–456.
  • Radford et al. (2021) Radford, A.; Kim, J. W.; Hallacy, C.; Ramesh, A.; Goh, G.; Agarwal, S.; Sastry, G.; Askell, A.; Mishkin, P.; Clark, J.; et al. 2021. Learning transferable visual models from natural language supervision. In International Conference on Machine Learning, 8748–8763.
  • Ramesh et al. (2022) Ramesh, A.; Dhariwal, P.; Nichol, A.; Chu, C.; and Chen, M. 2022. Hierarchical text-conditional image generation with clip latents. arXiv preprint arXiv:2204.06125, 1(2): 3.
  • Richardson et al. (2021) Richardson, E.; Alaluf, Y.; Patashnik, O.; Nitzan, Y.; Azar, Y.; Shapiro, S.; and Cohen-Or, D. 2021. Encoding in style: a stylegan encoder for image-to-image translation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2287–2296.
  • Roich et al. (2022) Roich, D.; Mokady, R.; Bermano, A. H.; and Cohen-Or, D. 2022. Pivotal tuning for latent-based editing of real images. ACM Transactions on Graphics, 42: 1–13.
  • Rombach et al. (2022) Rombach, R.; Blattmann, A.; Lorenz, D.; Esser, P.; and Ommer, B. 2022. High-resolution image synthesis with latent diffusion models. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 10684–10695.
  • Saharia et al. (2022a) Saharia, C.; Chan, W.; Chang, H.; Lee, C.; Ho, J.; Salimans, T.; Fleet, D.; and Norouzi, M. 2022a. Palette: Image-to-image diffusion models. In ACM SIGGRAPH Conference Proceedings, 1–10.
  • Saharia et al. (2022b) Saharia, C.; Chan, W.; Saxena, S.; Li, L.; Whang, J.; Denton, E. L.; Ghasemipour, K.; Gontijo Lopes, R.; Karagol Ayan, B.; Salimans, T.; et al. 2022b. Photorealistic text-to-image diffusion models with deep language understanding. Advances in neural information processing systems, 35: 36479–36494.
  • Saharia et al. (2022c) Saharia, C.; Ho, J.; Chan, W.; Salimans, T.; Fleet, D. J.; and Norouzi, M. 2022c. Image super-resolution via iterative refinement. IEEE Transactions on Pattern Analysis and Machine Intelligence, 45: 4713–4726.
  • Song, Meng, and Ermon (2020) Song, J.; Meng, C.; and Ermon, S. 2020. Denoising diffusion implicit models. arXiv preprint arXiv:2010.02502.
  • Tumanyan et al. (2022) Tumanyan, N.; Bar-Tal, O.; Bagon, S.; and Dekel, T. 2022. Splicing vit features for semantic appearance transfer. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 10748–10757.
  • Tumanyan et al. (2023) Tumanyan, N.; Geyer, M.; Bagon, S.; and Dekel, T. 2023. Plug-and-play diffusion features for text-driven image-to-image translation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 1921–1930.
  • Wang et al. (2022) Wang, T.; Zhang, T.; Zhang, B.; Ouyang, H.; Chen, D.; Chen, Q.; and Wen, F. 2022. Pretraining is all you need for image-to-image translation. arXiv preprint arXiv:2205.12952.
  • Wu, Lischinski, and Shechtman (2021) Wu, Z.; Lischinski, D.; and Shechtman, E. 2021. Stylespace analysis: Disentangled controls for stylegan image generation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 12863–12872.
  • Xie et al. (2021) Xie, W.; Song, D.; Xu, C.; Xu, C.; Zhang, H.; and Wang, Y. 2021. Learning frequency-aware dynamic network for efficient super-resolution. In Proceedings of the IEEE International Conference on Computer Vision, 4308–4317.
  • Yi et al. (2019) Yi, R.; Liu, Y.-J.; Lai, Y.-K.; and Rosin, P. L. 2019. Apdrawinggan: Generating artistic portrait drawings from face photos with hierarchical gans. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 10743–10752.
  • Zhang and Agrawala (2023) Zhang, L.; and Agrawala, M. 2023. Adding conditional control to text-to-image diffusion models. arXiv preprint arXiv:2302.05543.
  • Zhang et al. (2022) Zhang, L.; Chen, X.; Tu, X.; Wan, P.; Xu, N.; and Ma, K. 2022. Wavelet knowledge distillation: Towards efficient image-to-image translation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 12464–12474.
  • Zhu et al. (2017) Zhu, J.-Y.; Park, T.; Isola, P.; and Efros, A. A. 2017. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, 2223–2232.