StyleShot: A Snapshot on Any Style

Junyao Gao1111Work done during an internship in Shanghai AI Laboratory., Yanchen Liu2, Yanan Sun2, Yinhao Tang2,Yanhong Zeng2, Kai Chen2222Corresponding author., Cairong Zhao1222Corresponding author.
1Tongji University, 2Shanghai AI Laboratory
{junyaogao,zhaocairong}@tongji.edu.cn
{sunyanan,tangyinhao,liuyanchen,zengyanhong,chenkai}@pjlab.org.cn
Abstract

In this paper, we show that, a good style representation is crucial and sufficient for generalized style transfer without test-time tuning. We achieve this through constructing a style-aware encoder and a well-organized style dataset called StyleGallery. With dedicated design for style learning, this style-aware encoder is trained to extract expressive style representation with decoupling training strategy, and StyleGallery enables the generalization ability. We further employ a content-fusion encoder to enhance image-driven style transfer. We highlight that, our approach, named StyleShot, is simple yet effective in mimicking various desired styles, i.e., 3D, flat, abstract or even fine-grained styles, without test-time tuning. Rigorous experiments validate that, StyleShot achieves superior performance across a wide range of styles compared to existing state-of-the-art methods. The project page is available at: https://styleshot.github.io/.

Refer to caption
Figure 1: Visualization results of StyleShot for text and image-driven style transfer across six style reference images. Each stylized image is generated by StyleShot without test-time style-tuning, capturing numerous nuances such as colors, textures, illumination and layout.

1 Introduction

Image style transfer, extensively applied in everyday applications such as camera filters and artistic creation, aims to replicate the style of a reference image. Recently, with the significant advancements in text-to-image (T2I) generation based on diffusion models (Ho et al., 2020; Nichol & Dhariwal, 2021; Nichol et al., 2021; Ramesh et al., 2022; Saharia et al., 2022; Rombach et al., 2022), some style transfer techniques that build upon large T2I models show remarkable performance. Firstly, style-tuning methods (Everaert et al., 2023; Lu et al., 2023; Sohn et al., 2024; Ruiz et al., 2023; Gal et al., 2022; Zhang et al., 2023) primarily tune embeddings or model weights during test-time. Despite promising results, the cost of computation and storage makes it impractical in applications.

Refer to caption
Figure 2: Illustration of style extraction between CLIP image encoder (a) and our style-aware encoder (b).

Even worse, tuning with a single image can easily lead to overfitting to the reference image. Another trend, test-time tuning-free methods (Fig. 2 (a))  (Wang et al., 2023b; Liu et al., 2023; Sun et al., 2023; Qi et al., 2024) typically exploit a CLIP (Radford et al., 2021) image encoder to extract visual features serving as style embeddings due to its generalization ability and compatibility with T2I models. However, since CLIP image encoder is primarily trained to extract unified semantic features with intertwined content and style information, these approaches frequently result in poor style representation, with detailed experimental analysis in Sec. 4.4. Moreover, some methods (Liu et al., 2023; Ngweta et al., 2023; Qi et al., 2024) tend to decouple style features in the CLIP feature space, resulting in unstable style transfer performance.

To address the above limitations, we propose StyleShot, which is able to capture any open-domain styles without test-time style-tuning. First, we highlight that proper style extraction is the core for stylized generation. As mentioned, frozen CLIP image encoder is insufficient to fully represent the style of a reference image. A style-aware encoder (Fig. 2 (b)) is necessary to specifically extract more expressive and richer style embeddings from the reference image. Moreover, high-level styles such as 3D, flat, etc., are considered global features of images. It is difficult to infer the high-level image style from small local patches alone, which motivates us to extract style embeddings from larger image patches. Considering both low-level and high-level styles, our style-aware encoder adopts a Mixture-of-Expert (MoE) structure to extract multi-level patch embeddings through lightweight blocks for varied-size patches, as shown in Figure 2. All of these multi-level patch embeddings contribute to the expressive style representation learning through task fine-tuning. Furthermore, we introduce a novel content-fusion encoder for better style and content integration, to enhance StyleShot’s capability to transfer styles to content images.

Second, a collection of style-rich samples is vital for training a generalized style-aware encoder, which has not been considered in previous works. Previous methods (Wang et al., 2023b; Liu et al., 2023) typically utilize datasets comprising predominantly real-world images (approximately 90%), making it challenging to learn expressive style representations. To address this issue, we have carefully curated a style-balanced dataset, called StyleGallery, with extensive diverse image styles drawn from publicly available datasets for training our StyleShot, as detailed in the experimental analysis in Sec. 4.4.

Moreover, to address the lack of a benchmark in reference-based stylized generation, we establish a style evaluation benchmark StyleBench containing 73 distinct styles across 490 reference images and undertake extensive experimental assessments of our model on this benchmark. These qualitative and quantitative evaluations demonstrate that StyleShot excels in transferring the detailed and complex styles to various contents from text and image input, showing the superiority to existing style transfer methods. Additionally, ablation studies indicate the effectiveness and superiority of our framework, offering valuable insights for the community. We further demonstrate the remarkable ability of StyleShot in learning fine-grained styles.

The contributions of our work are summarized as follows:

  • We propose a generalized style transfer method StyleShot, capable of generating the high-quality stylized images that match the desired style from any reference image without test-time style-tuning.

  • To the best of our knowledge, StyleShot is the first work to designate a style-aware encoder based on Stable Diffusion and a content-fusion encoder for better style and content integration.

  • StyleShot highlights the significance of a well-organized training dataset with rich styles for style transfer methods, an aspect that has been overlooked in previous approaches.

  • We construct a comprehensive style benchmark covering a variety of image styles and perform extensive evaluation, achieving the state-of-the-art text and image-driven style transfer performance compared to existing methods.

2 Related Work

Large T2I Generation. Recent advancements in large T2I models have showcased remarkable abilities to produce high-quality images from textual inputs. Specifically, diffusion based T2I models outperform GANs (Radford et al., 2015; Mirza & Osindero, 2014; Goodfellow et al., 2020) in terms of both fidelity and diversity. To incorporate text conditions into the Diffusion model, GLIDE (Nichol et al., 2021) first proposed the integration of text features into the model during the denoising process. DALL-E2 (Ramesh et al., 2022) trained a prior module to translate text features into the image space. Moreover, studies such as Ho & Salimans (2022) and Dhariwal & Nichol (2021); Go et al. (2023) introduced classifier-free guidance and classifier-guidance training strategies, respectively. Following this, Stable Diffusion (Rombach et al., 2022) utilizes classifier-free guidance to train the diffusion model in latent space, significantly improving T2I generation performance. Our study aims to advance stable and efficient style transfer techniques on the superior image generation capabilities of large diffusion-based T2I models.

Image Style Transfer. Image style transfer aims to produce images that mimic the style of reference images. With deep learning’s evolution, Huang et al. (2018); Liu et al. (2017); Choi et al. (2018); Zhu et al. (2017) introduced unsupervised method on GANs (Heusel et al., 2017) or AutoEncoders (Hinton & Zemel, 1993; He et al., 2022) in explicit or implicit manner for automatic style domain conversion using unpaired data, ensuring content or style consistency. Furthermore, another research avenue (Gatys et al., 2016; Ulyanov et al., 2016; Dumoulin et al., 2016; Johnson et al., 2016) utilized the expertise of pre-trained CNN models to identify style features across different layers for style transfer. Nonetheless, the limitations in generative performance of conventional image generation models like GANs and AutoEncoders often result in subpar style transfer results.

Leveraging the exceptional capabilities of large T2I models in image generation, numerous style transfer methods have exhibited remarkable performance. Style-tuning methods (Everaert et al., 2023; Lu et al., 2023; Gal et al., 2022; Zhang et al., 2023; Ruiz et al., 2023; Sohn et al., 2024) enable model adaptation to a specific style via fine-tuning. Furthermore, certain approaches (Jeong et al., 2023; Hamazaspyan & Navasardyan, 2023; Wu et al., 2023; Hertz et al., 2023; Wang et al., 2024; Yang et al., 2023; Chen et al., 2023) edit content and style in the U-Net’s (Ronneberger et al., 2015) feature space, aiming to bypass style-tuning at the cost of reduced style transfer quality. Recently, Wang et al. (2023b); Liu et al. (2023); Sun et al. (2023); Qi et al. (2024) employ CLIP image encoder for extracting style features from each image. However, relying solely on semantic features extracted by a pre-trained CLIP image encoder as style features often results in poor style representation. Our study focuses on resolving these challenges by develo** a specialized style-extracting encoder and producing the high-quality stylized images without test-time style-tuning.

Refer to caption
Figure 3: The overall architecture of our proposed StyleShot.

3 Method

StyleShot is built on Stable Diffusion (Rombach et al., 2022), reviewed in Sec. 3.1. We first provide a brief overview of the pipeline for our method StyleShot, as illustrated in Fig. 3. Our pipeline comprises a style transfer model with a style-aware encoder (Sec. 3.2) and a content-fusion encoder (Sec. 3.3), as well as a style-balanced dataset StyleGallery along with a de-stylization (Sec. 3.4).

3.1 Preliminary

Stable Diffusion consists of two processes: a diffusion process (forward process), which incrementally adds Gaussian noise ϵitalic-ϵ\epsilonitalic_ϵ to the data x0subscript𝑥0x_{0}italic_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT through a Markov chain. Additionally, a denoising process generates samples from Gaussian noise xTN(0,1)similar-tosubscript𝑥𝑇𝑁01x_{T}\sim N(0,1)italic_x start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT ∼ italic_N ( 0 , 1 ) with a learnable denoising model ϵθ(xt,t,c)subscriptitalic-ϵ𝜃subscript𝑥𝑡𝑡𝑐\epsilon_{\theta}(x_{t},t,c)italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_c ) parameterized by θ𝜃\thetaitalic_θ. This denoising model ϵθ()subscriptitalic-ϵ𝜃\epsilon_{\theta}(\cdot)italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( ⋅ ) is implemented with U-Net and trained with a mean-squared loss derived by a simplified variant of the variational bound:

=𝔼t,𝐱0,ϵ[ϵϵ^θ(𝐱t,t,c)2],subscript𝔼𝑡subscript𝐱0italic-ϵdelimited-[]superscriptnormitalic-ϵsubscript^italic-ϵ𝜃subscript𝐱𝑡𝑡𝑐2\mathcal{L}=\mathbb{E}_{t,\mathbf{x}_{0},\epsilon}\left[\|\epsilon-\hat{% \epsilon}_{\theta}(\mathbf{x}_{t},t,c)\|^{2}\right],caligraphic_L = blackboard_E start_POSTSUBSCRIPT italic_t , bold_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_ϵ end_POSTSUBSCRIPT [ ∥ italic_ϵ - over^ start_ARG italic_ϵ end_ARG start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( bold_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_c ) ∥ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] , (1)

where c𝑐citalic_c denotes an optional condition. In Stable Diffusion, c𝑐citalic_c is generally represented by the text embeddings ftsubscript𝑓𝑡f_{t}italic_f start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT encoded from a text prompt using CLIP, and integrated into Stable Diffusion through a cross-attention module, where the latent embeddings f𝑓fitalic_f are projected onto a query Q𝑄Qitalic_Q, and the text embeddings ftsubscript𝑓𝑡f_{t}italic_f start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT are mapped to both a key Ktsubscript𝐾𝑡K_{t}italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT and a value Vtsubscript𝑉𝑡V_{t}italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT. The output of the block is defined as follows:

Attention(Q,Kt,Vt)=softmax(QKtTd)Vt,𝐴𝑡𝑡𝑒𝑛𝑡𝑖𝑜𝑛𝑄subscript𝐾𝑡subscript𝑉𝑡𝑠𝑜𝑓𝑡𝑚𝑎𝑥𝑄superscriptsubscript𝐾𝑡𝑇𝑑subscript𝑉𝑡Attention(Q,K_{t},V_{t})=softmax\left(\frac{QK_{t}^{T}}{\sqrt{d}}\right)\cdot V% _{t},italic_A italic_t italic_t italic_e italic_n italic_t italic_i italic_o italic_n ( italic_Q , italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) = italic_s italic_o italic_f italic_t italic_m italic_a italic_x ( divide start_ARG italic_Q italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT end_ARG start_ARG square-root start_ARG italic_d end_ARG end_ARG ) ⋅ italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , (2)

where Q=WQf𝑄subscript𝑊𝑄𝑓Q=W_{Q}\cdot fitalic_Q = italic_W start_POSTSUBSCRIPT italic_Q end_POSTSUBSCRIPT ⋅ italic_f, Kt=WKtftsubscript𝐾𝑡subscript𝑊subscript𝐾𝑡subscript𝑓𝑡K_{t}=W_{K_{t}}\cdot f_{t}italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_W start_POSTSUBSCRIPT italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_POSTSUBSCRIPT ⋅ italic_f start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, Vt=WVtftsubscript𝑉𝑡subscript𝑊subscript𝑉𝑡subscript𝑓𝑡V_{t}=W_{V_{t}}\cdot f_{t}italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_W start_POSTSUBSCRIPT italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_POSTSUBSCRIPT ⋅ italic_f start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT and WQsubscript𝑊𝑄W_{Q}italic_W start_POSTSUBSCRIPT italic_Q end_POSTSUBSCRIPT, WKtsubscript𝑊subscript𝐾𝑡W_{K_{t}}italic_W start_POSTSUBSCRIPT italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_POSTSUBSCRIPT, WVtsubscript𝑊subscript𝑉𝑡W_{V_{t}}italic_W start_POSTSUBSCRIPT italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_POSTSUBSCRIPT are the learnable weights for projection. In our model, the style embeddings are introduced as an additional condition and are amalgamated with the text’s attention values.

3.2 Style-aware Encoder

Refer to caption
Figure 4: Attention map from the CLIP image encoder on style reference images.

When training a style transfer model on a large-scale dataset where each image is considered a distinct style, previous methods (Liu et al., 2023; Wang et al., 2023b; Qi et al., 2024) often use CLIP image encoders to extract style features. However, CLIP is better at representing linguistic relevance to images rather than modeling image style, which comprises aspects like color, sketch, and layout that are difficult to convey through language, limiting the CLIP encoder’s ability to capture relevant style features. As shown in Fig. 4, the CLIP image encoder predominantly focuses on semantic information, often resulting in poor style representation. Therefore, we propose a style-aware encoder designed to specialize in extracting rich and expressive style embeddings.

Style Extraction. Our style-aware encoder borrows the pre-trained weights from CLIP image encoder, employing the transformer blocks to integrate the style information across patch embeddings. However, different from CLIP image encoder, which partitions the image into patches of a single scale following a single convolutional layer to learn the unified features, we adopt a multi-scale patch partitioning scheme in order to capture both low-level and high-level style cues. Specifically, we pre-process the reference image into non-adjacent patches 𝐩𝐝,𝐩𝐦,𝐩𝐬subscript𝐩𝐝subscript𝐩𝐦subscript𝐩𝐬\mathbf{p_{d}},\mathbf{p_{m}},\mathbf{p_{s}}bold_p start_POSTSUBSCRIPT bold_d end_POSTSUBSCRIPT , bold_p start_POSTSUBSCRIPT bold_m end_POSTSUBSCRIPT , bold_p start_POSTSUBSCRIPT bold_s end_POSTSUBSCRIPT of three sizes—1/4, 1/8, and 1/16 of the image’s length—with corresponding quantities of 8, 16, and 32, respectively. For these patches of three sizes, we use distinct ResBlocks of three depths dsubscript𝑑\mathcal{E}_{d}caligraphic_E start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT, msubscript𝑚\mathcal{E}_{m}caligraphic_E start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT, and ssubscript𝑠\mathcal{E}_{s}caligraphic_E start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT as the MoE structure to separately extract patch embeddings fpsubscript𝑓𝑝f_{p}italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT at multiple level styles:

fp=[d(𝐩𝐝𝟏);;d(𝐩𝐝𝟖);m(𝐩𝐦𝟏);;m(𝐩𝐦𝟏𝟔);s(𝐩𝐬𝟏);;s(𝐩𝐬𝟑𝟐)]subscript𝑓𝑝subscript𝑑superscriptsubscript𝐩𝐝1subscript𝑑superscriptsubscript𝐩𝐝8subscript𝑚superscriptsubscript𝐩𝐦1subscript𝑚superscriptsubscript𝐩𝐦16subscript𝑠superscriptsubscript𝐩𝐬1subscript𝑠superscriptsubscript𝐩𝐬32f_{p}=\left[\mathcal{E}_{d}(\mathbf{p_{d}^{1}});\cdots;\mathcal{E}_{d}(\mathbf% {p_{d}^{8}});\mathcal{E}_{m}(\mathbf{p_{m}^{1}});\cdots;\mathcal{E}_{m}(% \mathbf{p_{m}^{16}});\mathcal{E}_{s}(\mathbf{p_{s}^{1}});\cdots;\mathcal{E}_{s% }(\mathbf{p_{s}^{32}})\right]italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT = [ caligraphic_E start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT ( bold_p start_POSTSUBSCRIPT bold_d end_POSTSUBSCRIPT start_POSTSUPERSCRIPT bold_1 end_POSTSUPERSCRIPT ) ; ⋯ ; caligraphic_E start_POSTSUBSCRIPT italic_d end_POSTSUBSCRIPT ( bold_p start_POSTSUBSCRIPT bold_d end_POSTSUBSCRIPT start_POSTSUPERSCRIPT bold_8 end_POSTSUPERSCRIPT ) ; caligraphic_E start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ( bold_p start_POSTSUBSCRIPT bold_m end_POSTSUBSCRIPT start_POSTSUPERSCRIPT bold_1 end_POSTSUPERSCRIPT ) ; ⋯ ; caligraphic_E start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ( bold_p start_POSTSUBSCRIPT bold_m end_POSTSUBSCRIPT start_POSTSUPERSCRIPT bold_16 end_POSTSUPERSCRIPT ) ; caligraphic_E start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ( bold_p start_POSTSUBSCRIPT bold_s end_POSTSUBSCRIPT start_POSTSUPERSCRIPT bold_1 end_POSTSUPERSCRIPT ) ; ⋯ ; caligraphic_E start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ( bold_p start_POSTSUBSCRIPT bold_s end_POSTSUBSCRIPT start_POSTSUPERSCRIPT bold_32 end_POSTSUPERSCRIPT ) ]

After obtaining multi-scale patch embeddings fpsubscript𝑓𝑝f_{p}italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT from varied-size patches, we employ a series of standard Transformer Blocks ΦΦ\Phiroman_Φ for further style learning. To integrate the multiple level style features from fpsubscript𝑓𝑝f_{p}italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT, we define a set of learnable style embeddings fssubscript𝑓𝑠f_{s}italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT, concatenated with fpsubscript𝑓𝑝f_{p}italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT as [fs,fp]subscript𝑓𝑠subscript𝑓𝑝\left[f_{s},f_{p}\right][ italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT ], and feed [fs,fp]subscript𝑓𝑠subscript𝑓𝑝\left[f_{s},f_{p}\right][ italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT ] into ΦΦ\Phiroman_Φ. This process yields expressive style embeddings fssubscript𝑓𝑠f_{s}italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT with rich style representations from the output of ΦΦ\Phiroman_Φ:

[fs,fp]=Φ([fs,fp])subscript𝑓𝑠subscript𝑓𝑝Φsubscript𝑓𝑠subscript𝑓𝑝\left[f_{s},f_{p}\right]=\Phi\left(\left[f_{s},f_{p}\right]\right)[ italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT ] = roman_Φ ( [ italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_f start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT ] )

Also, we drop the position embeddings to get rid of the spatial structure information in patches. Compared to methods based on the CLIP image encoder, which extracts semantic features from the single scale patch embeddings, our style-aware encoder provide more high-level style representations by featuring multi-scale patch embeddings.

Style Injection. Inspired by IP-Adapter (Ye et al., 2023), we infuse the style embeddings fssubscript𝑓𝑠f_{s}italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT into a pre-trained Stable Diffusion model using a parallel cross-attention module. Specifically, similar to Eq. 2, we create an independent map** function WKssubscript𝑊subscript𝐾𝑠W_{K_{s}}italic_W start_POSTSUBSCRIPT italic_K start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT end_POSTSUBSCRIPT and WVssubscript𝑊subscript𝑉𝑠W_{V_{s}}italic_W start_POSTSUBSCRIPT italic_V start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT end_POSTSUBSCRIPT to project the style embeddings fssubscript𝑓𝑠f_{s}italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT onto key Kssubscript𝐾𝑠K_{s}italic_K start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and value Vssubscript𝑉𝑠V_{s}italic_V start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT. Additionally, we retain the query Q𝑄Qitalic_Q, projected from the latent embeddings f𝑓fitalic_f. Then the cross-attention output for the style embeddings is delineated as follows:

Attention(Q,Ks,Vs)=softmax(QKsTd)Vs,𝐴𝑡𝑡𝑒𝑛𝑡𝑖𝑜𝑛𝑄subscript𝐾𝑠subscript𝑉𝑠𝑠𝑜𝑓𝑡𝑚𝑎𝑥𝑄superscriptsubscript𝐾𝑠𝑇𝑑subscript𝑉𝑠Attention(Q,K_{s},V_{s})=softmax\left(\frac{QK_{s}^{T}}{\sqrt{d}}\right)\cdot V% _{s},italic_A italic_t italic_t italic_e italic_n italic_t italic_i italic_o italic_n ( italic_Q , italic_K start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_V start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) = italic_s italic_o italic_f italic_t italic_m italic_a italic_x ( divide start_ARG italic_Q italic_K start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT end_ARG start_ARG square-root start_ARG italic_d end_ARG end_ARG ) ⋅ italic_V start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , (3)

the attention output of text embeddings ftsubscript𝑓𝑡f_{t}italic_f start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT and style embeddings fssubscript𝑓𝑠f_{s}italic_f start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT are then combined as the new latent embeddings fsuperscript𝑓f^{\prime}italic_f start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT, which are then fed into subsequent blocks of Stable Diffusion:

f=Attention(Q,Kt,Vt)+λAttention(Q,Ks,Vs),superscript𝑓𝐴𝑡𝑡𝑒𝑛𝑡𝑖𝑜𝑛𝑄subscript𝐾𝑡subscript𝑉𝑡𝜆𝐴𝑡𝑡𝑒𝑛𝑡𝑖𝑜𝑛𝑄subscript𝐾𝑠subscript𝑉𝑠f^{\prime}=Attention(Q,K_{t},V_{t})+\lambda Attention(Q,K_{s},V_{s}),italic_f start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_A italic_t italic_t italic_e italic_n italic_t italic_i italic_o italic_n ( italic_Q , italic_K start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_V start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) + italic_λ italic_A italic_t italic_t italic_e italic_n italic_t italic_i italic_o italic_n ( italic_Q , italic_K start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_V start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) , (4)

where λ𝜆\lambdaitalic_λ represents the weight balancing two components.

3.3 Content-fusion encoder

In practical scenarios, users provide text prompts or images as well as a style reference image to control the generated content and style, respectively. Previous methods (Jeong et al., 2023; Hertz et al., 2023) typically transfer style by manipulating content image features. However, the content features are coupled with style information, causing the generated images to retain the content’s original style. This limitation hinders the performance of these methods in complex style transfer tasks. Differently, we pre-decouple the content information by eliminating the style information in raw image space, and then introduce a content-fusion encoder specifically designed for content and style integration.

Refer to caption
Figure 5: Illustration of the content input under different setting.

Content Extraction. Currently, Wang et al. (2023a) utilizes de-colorization and subsequent DDIM Inversion (Song et al., 2020) for style removing. As demonstrated in Fig. 5 (a), this approach primarily targets low-level styles, leaving high-level styles like the brushwork of an oil painting and low poly largely intact. Edge detection algorithms such as Canny (Canny, 1986) and HED (Xie & Tu, 2015) can explicitly remove style by generating a contour image. However, as illustrated in Figure 5 (b)(c), some high-level styles are still implicitly present in the edge details. To comprehensively remove the style from the reference image, we apply contouring using the HED Detector (Xie & Tu, 2015) along with thresholding and dilation. As a result, our content input xcsubscript𝑥𝑐x_{c}italic_x start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT (Fig. 5 (d)) remains only the essential content structure of the reference image.

Given the effectiveness of ControlNet in modeling spatial information within U-Net, we have adapted a similar structure for our content-fusion encoder. Specifically, our content-fusion encoder accepts content input xcsubscript𝑥𝑐x_{c}italic_x start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT as input, and outputs the latent representations for each layer as the content embeddings fcsubscript𝑓𝑐f_{c}italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT:

fc=[fc0,fc1,,fcL,],subscript𝑓𝑐superscriptsubscript𝑓𝑐0superscriptsubscript𝑓𝑐1superscriptsubscript𝑓𝑐𝐿f_{c}=\left[f_{c}^{0},f_{c}^{1},\cdot,f_{c}^{L},\cdot\right],italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT = [ italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT , italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 1 end_POSTSUPERSCRIPT , ⋅ , italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT , ⋅ ] ,

where fc0superscriptsubscript𝑓𝑐0f_{c}^{0}italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT represents the latent representation of mid-sample block, fc1,,fcLsuperscriptsubscript𝑓𝑐1superscriptsubscript𝑓𝑐𝐿f_{c}^{1},\cdot,f_{c}^{L}italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 1 end_POSTSUPERSCRIPT , ⋅ , italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT represent the latent representations of down-samples blocks and L𝐿Litalic_L denotes the total number of layers in down-sample blocks. Moreover, we remove the text embeddings and employ style embeddings as conditions for the cross-attention layers within the content-fusion encoder to facilitate the integration of content and style.

Content Injection. Similar to ControlNet, we utilize a residual addition that strategically integrates content embeddings fcsubscript𝑓𝑐f_{c}italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT into the primary U-Net:

f0superscript𝑓0\displaystyle f^{0}italic_f start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT =f0+fc0,absentsuperscript𝑓0superscriptsubscript𝑓𝑐0\displaystyle=f^{0}+f_{c}^{0},= italic_f start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT + italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT ,
fisuperscript𝑓𝑖\displaystyle f^{i}italic_f start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT =fi+fcLi+1,i=1,,L,formulae-sequenceabsentsuperscript𝑓𝑖superscriptsubscript𝑓𝑐𝐿𝑖1𝑖1𝐿\displaystyle=f^{i}+f_{c}^{L-i+1},i=1,\cdot,L,= italic_f start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT + italic_f start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L - italic_i + 1 end_POSTSUPERSCRIPT , italic_i = 1 , ⋅ , italic_L ,

where f0superscript𝑓0f^{0}italic_f start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT represents the latent of mid-sample block in U-Net and f1superscript𝑓1f^{1}italic_f start_POSTSUPERSCRIPT 1 end_POSTSUPERSCRIPT to fLsuperscript𝑓𝐿f^{L}italic_f start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT represent the latent representations of up-sample blocks in U-Net.

Two-stage Training. Given that the style embeddings are randomly initialized, jointly training the content and style components leads the model to reconstruct based on the spatial information from the content input, neglecting the integration of style embeddings in the early training steps. To resolve this issue, we introduce a two-stage training strategy. Specifically, we firstly train our style-aware encoder and corresponding cross-attention module while excluding the content component. This task fine-tuning on the whole style-aware encoder enables it to capture style relevant information. Subsequently, we exclusively train the content-fusion encoder with the frozen style-aware encoder.

3.4 StyleGallery & De-stylization

StyleGallery. Previous methods (Liu et al., 2023; Wang et al., 2023b) frequently utilized the LAION-Aesthetics (Schuhmann et al., 2022) dataset. Following the style analysis outlined in McCormack et al. (2024), we found that LAION-Aesthetics comprises only 7.7% stylized images.

Refer to caption
Refer to caption
Figure 6: Style distribution analysis in LAION-Aesthetics (left) and our StyleGallery (right), the value represent the proportion of the top 50 styles in entire stylized data.

Further analysis revealed that the style images within LAION-Aesthetics are characterized by a pronounced long-tail distribution. As illustrated in Fig. 6, painting style accounts for 43% of the total style samples while the combined proportion of other 42 styles is less than 0.6%. Models trained on the dataset with extremely imbalanced distribution easily overfit to high-frequency styles, which compromises their ability to generalize to rare or unseen styles, as detailed in the experimental analysis in Sec. 4.4. This indicates that the efficacy of style transfer is closely associated with the style distribution of the training dataset.

Motivated by this observation, we construct a style-balanced dataset, called StyleGallery, covering several open source datasets. Specifically, StyleGallery includes JourneyDB Sun et al. (2024), a dataset comprising a broad spectrum of diverse styles derived from MidJourney, and WIKIART Phillips & Mackintosh (2011), with extensive fine-grained painting styles, such as pointillism and ink drawing, and a subset of stylized images from LAION-Aesthetics. 99.7% of the images in our StyleGallery have style descriptions. The style distribution within StyleGallery is more balanced and diverse as illustrated in Fig. 6, which benefits our model in learning expressive and generalized style representation.

A Cat.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Penguin.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Bird.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A house with a tree beside.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A chef preparing meals in kitchen.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
An ancient temple surrounded by lush vegetation.
Refer to caption
Reference
Refer to caption
StyleShot
Refer to caption
DEADiff
Refer to caption
D-Booth
Refer to caption
InST
Refer to caption
StyleDrop
Refer to caption
S-Crafter
Refer to caption
S-Aligned
Figure 7: Qualitative comparison with SOTA text-driven style transfer methods.

De-stylization. We notice that the text prompts for images frequently contain detailed style descriptions, such as “a movie poster for The Witch in the style of Arthur rackham”, leading to the entanglement of style information within both text prompt and reference image. Since the pre-trained Stable Diffusion model is well responsive to text conditions, such an entanglement may hinder the model’s ability to learn style features from the reference image. Consequently, we endeavor to remove all style-related descriptions from the text across all text-image pairs in StyleGallery, retaining only content-related text. Our decoupling training strategy separates style and content information into distinct inputs, aiming to improve the extraction of style embeddings from StyleGallery.

4 Experiments

4.1 Style Evaluation Benchmark

Previous works (Liu et al., 2023; Ruiz et al., 2023; Sohn et al., 2024; Wang et al., 2023b) established their own evaluation benchmarks with limited style images which are not publicly available. To comprehensively evaluate the effectiveness and generalization ability of style transfer methods, we build StyleBench that covers 73 distinct styles, ranging from paintings, flat illustrations, 3D rendering to sculptures with varying materials. For each style, we collect 5-7 distinct images with variations. In total, our StyleBench contains 490 images across diverse styles. Moreover, we generated 20 text prompts and 40 content images from simple to complex that describe random objects and scenarios as content input. Details are available in the Appendix A. We conduct qualitative and quantitative comparisons on this benchmark.

4.2 Qualitative Results

Text-driven Style Learning. Fig. 1 has displayed results of StyleShot to six distinct style images, each corresponding to the same pair of textual prompts. For fair comparison, we also present results of other text-driven style transfer methods, such as DEADiff (Qi et al., 2024), DreamBooth (Ruiz et al., 2023) on Stable Diffusion, InST (Zhang et al., 2023), StyleDrop (Sohn et al., 2024) (unofficial implementation), StyleCrafter (Liu et al., 2023) and StyleAligned (Hertz et al., 2023) applied to three style reference images, with two different text prompts for each reference image. As shown in Fig. 7, we observe that StyleShot effectively captures a broad spectrum of style features, ranging from basic elements like colors and textures to intricate components like layout, structure, and shading, resulting in a desirable stylized imaged aligned to text prompts. This shows the effectiveness of our style-aware encoder to extract rich and expressive style embeddings.

Furthermore, we train StyleCrafter, a style transfer method adopting a frozen CLIP-based encoder, on StyleGallery to extract style representations. As illustrated in Fig. 10, setting default scale value λ=1𝜆1\lambda=1italic_λ = 1 during inference on StyleCrafter results in significant content leakage issue while setting the scale value λ=0.5𝜆0.5\lambda=0.5italic_λ = 0.5 diminished the style injection, generating even some real-world images. Conversely, our StyleShot generates the stylized images align with the text prompt and style reference. Beyond its effective style and text alignment, StyleShot also demonstrates the capacity to discern and learn fine-grained stylistic details as shown in Fig. 9. More visualizations are available in Appendix B.3, and B.4.

Image-driven Style Learning. Thanks to our content-fusion encoder, StyleShot also excels at transferring style onto content images. We compare StyleShot with other SOTA image-driven style transfer methods such as AdaAttN (Liu et al., 2021), EFDM (Zhang et al., 2022a), StyTR-2 (Deng et al., 2022), CAST (Zhang et al., 2022b), InST (Zhang et al., 2023) and StyleID (Chung et al., 2024). As illustrated in Fig. 8, our StyleShot can transfer any style (including even complex and high-level styles such as light, pointillism, low poly, and flat) onto various content images (such as humans, animals, and scenes), while baseline methods excel primarily in painting styles and struggle with these high-level styles. This shows the efficacy of the content-fusion encoder in achieving superior style transfer performance while maintaining the structural integrity of the content image.

Refer to caption
Figure 8: Qualitative comparison with SOTA image-driven style transfer methods.
Table 1: Quantitative comparison from human preference and clip scoring on text and image alignment with SOTA text-driven style transfer methods. Best result is marked in bold.
Human StyleCrafter DEADifff StyleDrop InST StyleAligned StyleShot
text \uparrow 9.7% 19.3% 6.0% 12.7% 8.0% 44.3%
image \uparrow 14.3% 8.0% 4.0% 6.3% 17.3% 50.0%
CLIP StyleCrafter DEADifff StyleDrop InST StyleAligned StyleShot
text \uparrow 0.202 0.232 0.220 0.204 0.213 0.219
image \uparrow 0.706 0.597 0.621 0.623 0.680 0.640

4.3 Quantitative Results

Human Preference. Following Liu et al. (2023); Wang et al. (2023b); Sohn et al. (2024), we conduct user preference study to evaluate the text and style alignment ability on text-driven style transfer. Results are tabulated in Tab. 1 (top). Compared to other methods, our StyleShot achieves the highest text/style alignment scores with a large margin, demonstrating the robust stylization across various styles and responsiveness to text prompts.

Table 2: Quantitative comparison from clip scoring on image alignment with SOTA image-driven style transfer methods. Best result is marked in bold.
CLIP AdaAttN EFDM StrTR-2 CAST InST StyleID StyleShot
image \uparrow 0.569 0.561 0.586 0.575 0.569 0.604 0.660

CLIP Scores. For completeness, we also measure the clips scores. As previously mentioned in Sohn et al. (2024); Liu et al. (2023), CLIP scores are not ideal for evaluation in style transfer tasks. We present these evaluation results in Tab. 1 (bottom) and Tab. 2 for reference purposes only.

Refer to caption
Figure 9: Comparison of fine-grained style learning between StyleShot and StyleCrafter, prompt is “A Dog”.
Refer to caption
Figure 10: The visualizations on StyleCrafter training on StyleGallery with different scales compared to StyleShot.
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
Refer to caption
Reference
Refer to caption
Low
Refer to caption
Low, Medium
Refer to caption
Low, Medium, High
Figure 11: The visualizations on multi-level style extraction, from top to bottom prompts are “A wolf walking stealthily through the forest”, “A penguin”, “A moose”.
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
[Uncaptioned image]
Refer to caption
Reference
Refer to caption
StyleGallery
Refer to caption
LAION-Aesthetics
Figure 12: The visual illustration of StyleCrafter training on our StyleGallery and Laion-Aesthetics dataset, from top to bottom prompts are “A wolf walking stealthily through the forest”, “A wooden sailboat docked in a harbor”, “A colorful butterfly resting on a flower”.

4.4 Ablation Studies

Style-aware Encoder. By selectively drop** patch embeddings of varying sizes, we verified the style-aware encoder’s ability to extract style features at multiple levels. As illustrated in Fig. 11,

Refer to caption
Figure 13: Visualizations incorporating task fine-tuning and a multi-scale patch embeddings in the CLIP image encoder.

retaining only the smallest patches results in generating images that solely inherit low-level style information, such as color. However, when larger-sized patches are included, the generated images begin to exhibit more high-level style.

Moreover, we utilize a frozen CLIP image encoder without multi-scale patch embeddings as a basline. We then apply task fine-tuning and multi-scale patch embeddings to this baseline model. As shown in Fig. 13, the style extracted by the baseline is notably different from the reference. After including task fine-tuning and multi-scale patch embeddings, the style of reference image is better captured by the model. These results demonstrate the effectiveness of incorporating both task fine-tuning and multi-scale patch embeddings in the style encoder to extract more expressive and richer style representations.

Refer to caption
Figure 14: Ablation studies on our content-fusion encoder. Rows 3-5 integrate the pre-trained ControlNet. represents training content-fusion encoder with style-aware encoder.

Content-fusion Encoder. To evaluate the content-fusion encoder, we integrated pre-trained ControlNet models (conditioned on Canny, HED, and our content input) with our style-aware encoder on Stable Diffusion. As illustrated in Fig. 14, compared to Canny and HED, our content input enabled greater stylization, demonstrating the efficacy of our contouring technique for content decoupling. Moreover, we train the content-fusion encoder with our style-aware encoder. By incorporating style embeddings into the content-fusion encoder, the combination of style and content becomes more smooth, demonstrating the effectiveness of our content-fusion encoder.

Style-balanced Dataset. We conduct ablations by respectively training models on the LAION-Aesthetics and JourneyDB datasets. As shown in Tab. 3, model trained on StyleGallery achieves

Table 3: Image alignment scores on various datasets. Dataset LAION JourneyDB StyleGallery image \uparrow 0.614 0.618 0.640
Refer to caption Reference Refer to caption LAION-Aes. Refer to caption JourneyDB Refer to caption StyleGallery Figure 15: Visualization of Tab. 3, “a butterfly”.

the highest image alignment scores. Visual analysis in Fig. 15 indicates that the model trained on StyleGallery effectively recognizes and generate a butterfly in the pointillism style. Moreover, as depicted in Fig. 12, images generated by StyleCrafter trained on our StyleGallery also exhibit superior style alignment with the reference image. This underscores the importance of utilizing a style-balanced dataset for training style transfer methods.

5 Conclusion

In this paper, we introduce StyleShot, the first work to specially designate a style-aware encoder to extract rich style in style transfer task on diffusion model. StyleShot can accurately identify and transfer the style of any reference image without test-time style-tuning. Particularly, due to the design of the style-aware encoder, which is adept at capturing style representations, StyleShot is capable of learning an expressive style such as shading, layout, and lighting, and can even comprehend fine-grained style nuances. With our content-fusion encoder, StyleShot achieves remarkable performance in image-driven style transfer. Furthermore, we identified the beneficial effects of stylized data and developed a style-balanced dataset StyleGallery to improve style transfer performance. Extensive experimental results validate the effectiveness and superiority of StyleShot over existing methods.

References

  • Canny (1986) John Canny. A computational approach to edge detection. IEEE Transactions on pattern analysis and machine intelligence, (6):679–698, 1986.
  • Chen et al. (2023) **gwen Chen, Yingwei Pan, Ting Yao, and Tao Mei. Controlstyle: Text-driven stylized image generation using diffusion priors. In Proceedings of the 31st ACM International Conference on Multimedia, pp.  7540–7548, 2023.
  • Choi et al. (2018) Yunjey Choi, Minje Choi, Munyoung Kim, Jung-Woo Ha, Sunghun Kim, and Jaegul Choo. Stargan: Unified generative adversarial networks for multi-domain image-to-image translation. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp.  8789–8797, 2018.
  • Chung et al. (2024) Jiwoo Chung, Sangeek Hyun, and Jae-Pil Heo. Style injection in diffusion: A training-free approach for adapting large-scale diffusion models for style transfer. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  8795–8805, 2024.
  • Deng et al. (2022) Yingying Deng, Fan Tang, Weiming Dong, Chongyang Ma, Xingjia Pan, Lei Wang, and Changsheng Xu. Stytr2: Image style transfer with transformers. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp.  11326–11336, 2022.
  • Dhariwal & Nichol (2021) Prafulla Dhariwal and Alexander Nichol. Diffusion models beat gans on image synthesis. Advances in neural information processing systems, 34:8780–8794, 2021.
  • Dumoulin et al. (2016) Vincent Dumoulin, Jonathon Shlens, and Manjunath Kudlur. A learned representation for artistic style. arXiv preprint arXiv:1610.07629, 2016.
  • Everaert et al. (2023) Martin Nicolas Everaert, Marco Bocchio, Sami Arpa, Sabine Süsstrunk, and Radhakrishna Achanta. Diffusion in style. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pp.  2251–2261, 2023.
  • Gal et al. (2022) Rinon Gal, Yuval Alaluf, Yuval Atzmon, Or Patashnik, Amit H Bermano, Gal Chechik, and Daniel Cohen-Or. An image is worth one word: Personalizing text-to-image generation using textual inversion. arXiv preprint arXiv:2208.01618, 2022.
  • Gatys et al. (2016) Leon A Gatys, Alexander S Ecker, and Matthias Bethge. Image style transfer using convolutional neural networks. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp.  2414–2423, 2016.
  • Go et al. (2023) Hyojun Go, Yunsung Lee, **-Young Kim, Seunghyun Lee, Myeongho Jeong, Hyun Seung Lee, and Seungtaek Choi. Towards practical plug-and-play diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  1962–1971, 2023.
  • Goodfellow et al. (2020) Ian Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, and Yoshua Bengio. Generative adversarial networks. Communications of the ACM, 63(11):139–144, 2020.
  • Hamazaspyan & Navasardyan (2023) Mark Hamazaspyan and Shant Navasardyan. Diffusion-enhanced patchmatch: A framework for arbitrary style transfer with diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  797–805, 2023.
  • He et al. (2022) Kaiming He, Xinlei Chen, Saining Xie, Yanghao Li, Piotr Dollár, and Ross Girshick. Masked autoencoders are scalable vision learners. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp.  16000–16009, 2022.
  • Hertz et al. (2023) Amir Hertz, Andrey Voynov, Shlomi Fruchter, and Daniel Cohen-Or. Style aligned image generation via shared attention. arXiv preprint arXiv:2312.02133, 2023.
  • Heusel et al. (2017) Martin Heusel, Hubert Ramsauer, Thomas Unterthiner, Bernhard Nessler, and Sepp Hochreiter. Gans trained by a two time-scale update rule converge to a local nash equilibrium. Advances in neural information processing systems, 30, 2017.
  • Hinton & Zemel (1993) Geoffrey E Hinton and Richard Zemel. Autoencoders, minimum description length and helmholtz free energy. Advances in neural information processing systems, 6, 1993.
  • Ho & Salimans (2022) Jonathan Ho and Tim Salimans. Classifier-free diffusion guidance. arXiv preprint arXiv:2207.12598, 2022.
  • Ho et al. (2020) Jonathan Ho, Ajay Jain, and Pieter Abbeel. Denoising diffusion probabilistic models. Advances in neural information processing systems, 33:6840–6851, 2020.
  • Huang et al. (2018) Xun Huang, Ming-Yu Liu, Serge Belongie, and Jan Kautz. Multimodal unsupervised image-to-image translation. In Proceedings of the European conference on computer vision (ECCV), pp.  172–189, 2018.
  • Ilharco et al. (2021) Gabriel Ilharco, Mitchell Wortsman, Ross Wightman, Cade Gordon, Nicholas Carlini, Rohan Taori, Achal Dave, Vaishaal Shankar, Hongseok Namkoong, John Miller, Hannaneh Hajishirzi, Ali Farhadi, and Ludwig Schmidt. Openclip, July 2021. URL https://doi.org/10.5281/zenodo.5143773. If you use this software, please cite it as below.
  • Jeong et al. (2023) Jaeseok Jeong, Mingi Kwon, and Youngjung Uh. Training-free style transfer emerges from h-space in diffusion models. arXiv preprint arXiv:2303.15403, 2023.
  • Johnson et al. (2016) Justin Johnson, Alexandre Alahi, and Li Fei-Fei. Perceptual losses for real-time style transfer and super-resolution. In Computer Vision–ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, October 11-14, 2016, Proceedings, Part II 14, pp.  694–711. Springer, 2016.
  • Liu et al. (2023) Gongye Liu, Menghan Xia, Yong Zhang, Haoxin Chen, **bo Xing, Xintao Wang, Yujiu Yang, and Ying Shan. Stylecrafter: Enhancing stylized text-to-video generation with style adapter. arXiv preprint arXiv:2312.00330, 2023.
  • Liu et al. (2022) Lu** Liu, Yi Ren, Zhijie Lin, and Zhou Zhao. Pseudo numerical methods for diffusion models on manifolds. arXiv preprint arXiv:2202.09778, 2022.
  • Liu et al. (2017) Ming-Yu Liu, Thomas Breuel, and Jan Kautz. Unsupervised image-to-image translation networks. Advances in neural information processing systems, 30, 2017.
  • Liu et al. (2021) Songhua Liu, Tianwei Lin, Dongliang He, Fu Li, Meiling Wang, Xin Li, Zhengxing Sun, Qian Li, and Errui Ding. Adaattn: Revisit attention mechanism in arbitrary neural style transfer. In Proceedings of the IEEE/CVF international conference on computer vision, pp.  6649–6658, 2021.
  • Loshchilov & Hutter (2017) Ilya Loshchilov and Frank Hutter. Decoupled weight decay regularization. arXiv preprint arXiv:1711.05101, 2017.
  • Lu et al. (2023) Haoming Lu, Hazarapet Tunanyan, Kai Wang, Shant Navasardyan, Zhangyang Wang, and Humphrey Shi. Specialist diffusion: Plug-and-play sample-efficient fine-tuning of text-to-image diffusion models to learn any unseen style. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  14267–14276, 2023.
  • McCormack et al. (2024) Jon McCormack, Maria Teresa Llano, Stephen James Krol, and Nina Rajcic. No longer trending on artstation: Prompt analysis of generative ai art. arXiv preprint arXiv:2401.14425, 2024.
  • Mirza & Osindero (2014) Mehdi Mirza and Simon Osindero. Conditional generative adversarial nets. arXiv preprint arXiv:1411.1784, 2014.
  • Ngweta et al. (2023) Lilian Ngweta, Subha Maity, Alex Gittens, Yuekai Sun, and Mikhail Yurochkin. Simple disentanglement of style and content in visual representations. arXiv preprint arXiv:2302.09795, 2023.
  • Nichol et al. (2021) Alex Nichol, Prafulla Dhariwal, Aditya Ramesh, Pranav Shyam, Pamela Mishkin, Bob McGrew, Ilya Sutskever, and Mark Chen. Glide: Towards photorealistic image generation and editing with text-guided diffusion models. arXiv preprint arXiv:2112.10741, 2021.
  • Nichol & Dhariwal (2021) Alexander Quinn Nichol and Prafulla Dhariwal. Improved denoising diffusion probabilistic models. In International Conference on Machine Learning, pp.  8162–8171. PMLR, 2021.
  • Phillips & Mackintosh (2011) Fred Phillips and Brandy Mackintosh. Wiki art gallery, inc.: A case for critical thinking. Issues in Accounting Education, 26(3):593–608, 2011.
  • Qi et al. (2024) Tianhao Qi, Shancheng Fang, Yanze Wu, Hongtao Xie, Jiawei Liu, Lang Chen, Qian He, and Yongdong Zhang. Deadiff: An efficient stylization diffusion model with disentangled representations. arXiv preprint arXiv:2403.06951, 2024.
  • Radford et al. (2015) Alec Radford, Luke Metz, and Soumith Chintala. Unsupervised representation learning with deep convolutional generative adversarial networks. arXiv preprint arXiv:1511.06434, 2015.
  • Radford et al. (2021) Alec Radford, Jong Wook Kim, Chris Hallacy, Aditya Ramesh, Gabriel Goh, Sandhini Agarwal, Girish Sastry, Amanda Askell, Pamela Mishkin, Jack Clark, et al. Learning transferable visual models from natural language supervision. In International conference on machine learning, pp.  8748–8763. PMLR, 2021.
  • Ramesh et al. (2022) Aditya Ramesh, Prafulla Dhariwal, Alex Nichol, Casey Chu, and Mark Chen. Hierarchical text-conditional image generation with clip latents. arXiv preprint arXiv:2204.06125, 1(2):3, 2022.
  • Rombach et al. (2022) Robin Rombach, Andreas Blattmann, Dominik Lorenz, Patrick Esser, and Björn Ommer. High-resolution image synthesis with latent diffusion models. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp.  10684–10695, 2022.
  • Ronneberger et al. (2015) Olaf Ronneberger, Philipp Fischer, and Thomas Brox. U-net: Convolutional networks for biomedical image segmentation. In Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: 18th International Conference, Munich, Germany, October 5-9, 2015, Proceedings, Part III 18, pp.  234–241. Springer, 2015.
  • Ruiz et al. (2023) Nataniel Ruiz, Yuanzhen Li, Varun Jampani, Yael Pritch, Michael Rubinstein, and Kfir Aberman. Dreambooth: Fine tuning text-to-image diffusion models for subject-driven generation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  22500–22510, 2023.
  • Saharia et al. (2022) Chitwan Saharia, William Chan, Saurabh Saxena, Lala Li, Jay Whang, Emily L Denton, Kamyar Ghasemipour, Raphael Gontijo Lopes, Burcu Karagol Ayan, Tim Salimans, et al. Photorealistic text-to-image diffusion models with deep language understanding. Advances in Neural Information Processing Systems, 35:36479–36494, 2022.
  • Schuhmann et al. (2022) Christoph Schuhmann, Romain Beaumont, Richard Vencu, Cade Gordon, Ross Wightman, Mehdi Cherti, Theo Coombes, Aarush Katta, Clayton Mullis, Mitchell Wortsman, et al. Laion-5b: An open large-scale dataset for training next generation image-text models. Advances in Neural Information Processing Systems, 35:25278–25294, 2022.
  • Sohn et al. (2024) Kihyuk Sohn, Lu Jiang, Jarred Barber, Kimin Lee, Nataniel Ruiz, Dilip Krishnan, Huiwen Chang, Yuanzhen Li, Irfan Essa, Michael Rubinstein, et al. Styledrop: Text-to-image synthesis of any style. Advances in Neural Information Processing Systems, 36, 2024.
  • Song et al. (2020) Jiaming Song, Chenlin Meng, and Stefano Ermon. Denoising diffusion implicit models. arXiv preprint arXiv:2010.02502, 2020.
  • Sun et al. (2024) Keqiang Sun, Junting Pan, Yuying Ge, Hao Li, Haodong Duan, Xiaoshi Wu, Renrui Zhang, Aojun Zhou, Zipeng Qin, Yi Wang, et al. Journeydb: A benchmark for generative image understanding. Advances in Neural Information Processing Systems, 36, 2024.
  • Sun et al. (2023) Zhengwentai Sun, Yanghong Zhou, Honghong He, and PY Mok. Sgdiff: A style guided diffusion model for fashion synthesis. In Proceedings of the 31st ACM International Conference on Multimedia, pp.  8433–8442, 2023.
  • Ulyanov et al. (2016) Dmitry Ulyanov, Vadim Lebedev, Andrea Vedaldi, and Victor Lempitsky. Texture networks: Feed-forward synthesis of textures and stylized images. arXiv preprint arXiv:1603.03417, 2016.
  • Wang et al. (2024) Haofan Wang, Qixun Wang, Xu Bai, Zekui Qin, and Anthony Chen. Instantstyle: Free lunch towards style-preserving in text-to-image generation. arXiv preprint arXiv:2404.02733, 2024.
  • Wang et al. (2023a) Zhizhong Wang, Lei Zhao, and Wei Xing. Stylediffusion: Controllable disentangled style transfer via diffusion models. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pp.  7677–7689, 2023a.
  • Wang et al. (2023b) Zhouxia Wang, ** Wang, and ** Luo. Styleadapter: A single-pass lora-free model for stylized image generation. arXiv preprint arXiv:2309.01770, 2023b.
  • Wu et al. (2023) Qiucheng Wu, Yujian Liu, Handong Zhao, A**kya Kale, Trung Bui, Tong Yu, Zhe Lin, Yang Zhang, and Shiyu Chang. Uncovering the disentanglement capability in text-to-image diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  1900–1910, 2023.
  • Xie & Tu (2015) Saining Xie and Zhuowen Tu. Holistically-nested edge detection. In Proceedings of the IEEE international conference on computer vision, pp.  1395–1403, 2015.
  • Yang et al. (2023) Serin Yang, Hyunmin Hwang, and Jong Chul Ye. Zero-shot contrastive loss for text-guided diffusion image style transfer. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pp.  22873–22882, 2023.
  • Ye et al. (2023) Hu Ye, Jun Zhang, Sibo Liu, Xiao Han, and Wei Yang. Ip-adapter: Text compatible image prompt adapter for text-to-image diffusion models. arXiv preprint arXiv:2308.06721, 2023.
  • Zhang et al. (2022a) Yabin Zhang, Minghan Li, Ruihuang Li, Kui Jia, and Lei Zhang. Exact feature distribution matching for arbitrary style transfer and domain generalization. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp.  8035–8045, 2022a.
  • Zhang et al. (2022b) Yuxin Zhang, Fan Tang, Weiming Dong, Haibin Huang, Chongyang Ma, Tong-Yee Lee, and Changsheng Xu. Domain enhanced arbitrary image style transfer via contrastive learning. In ACM SIGGRAPH 2022 conference proceedings, pp.  1–8, 2022b.
  • Zhang et al. (2023) Yuxin Zhang, Nisha Huang, Fan Tang, Haibin Huang, Chongyang Ma, Weiming Dong, and Changsheng Xu. Inversion-based style transfer with diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp.  10146–10156, 2023.
  • Zhu et al. (2017) Jun-Yan Zhu, Taesung Park, Phillip Isola, and Alexei A Efros. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE international conference on computer vision, pp.  2223–2232, 2017.

Appendix / supplemental material

Appendix A Style Evaluation Benchmark

A.1 Style Images

In this section, we provide more details about our style evaluation benchmark, called StyleBench. We collect images in StyleBench from the Internet. The 73 types of styles in StyleBench are as shown in the Tab. 4.

Table 4: 73 style types in StyleBench.
3D Model 00/…/05 Abstract 00/01 Analog film Anime 00/…/07 Art deco
Baroque Children’s Painting Classicsm Constructivism Craft Clay
Cublism Cyberpunk Expressionist Fantasy Art Fauvism
Flat Vector Folk art Gongbi Graffiti Hyperrealism
Icon 00/01/02 Impressionism Ink and Wash Painting IsoMetric Japonism
Line Art Low Poly Luminism Macabre MineCraft
Monochrome Neoclassicism Neo-Figurative Art Nouveau Op Art
Origami Orphism Photographic Pixel Art Pointilism
Pop Art Post-Impressionism Precisionism Primitivism Psychedelic
Realism Rococo Smoke & Light Statue Steampunk
Stickers Stick Figure Surrealist Symbolism Tonalism
Typography Watercolor others

Among these, due to the variations in fine-grained style features, categories such 3D models, Anime, Icons, and Stick Figures can be subdivided into more specific groups. For these subdivisions, we employ numerical labels for further classification, for example, 3D Model 00 through 05. As depicted in Fig. 16, each style comprises six to seven images, amounting to a total of 490 style images in our evaluation benchmark.

Refer to caption
Figure 16: 490 style images in StyleBench.
Table 5: 20 text prompts in StyleBench.
“A bench” “A bird” “A butterfly” “An elephant”
“A car” “A dog” “A cat” “A laptop”
“A moose” “A penguin” “A robot” “A rocket”
“An ancient temple surrounded by lush vegetation”
“A chef preparing meals in kitchen”
“A colorful butterfly resting on a flower”
“A house with a tree beside”
“A person jogging along a scenic trail”
“A student walking to school with backpack”
“A wolf walking stealthily through the forest”
“A wooden sailboat docked in a harbor”

A.2 Text Prompts

We have collected 20 text prompts, as shown in Tab. 5. Our text prompts employ sentences that vary from simple to complex in order to depict a diverse array of objects and character images.

A.3 Content Images

We have collected 40 content images, as shown in Fig. 17.

Refer to caption
Figure 17: 40 content images in StyleBench.

Appendix B Experiments

B.1 Implementation Details

In this section, we first provide some implementation details about our style-aware encoder discussed in Sec 3.2. We adopt the open-sourced SD v1.5 as our base T2I model. We construct our StyleGallery with diverse styles, which totally contain 5.7M image-text pairs, including open source datasets such as JourneyDB, WiKiArt and a subset of stylized images from LAION-Aesthetics. Our varied-size patches are divided into three sizes 1/4, 1/8 and 1/16 of image length with corresponding quantities of 8, 16, and 32, as shown in Fig. 18. For patches of varying sizes, we utilize ResBlocks with differing depths implemented using six, five, and four ResBlocks, respectively. Furthermore, our Transformer Blocks are initialized from the pre-trained weights of OpenCLIP ViT-H/14 (Ilharco et al., 2021).

Refer to caption
Figure 18: Illustration of partitioning our style reference image.

Following the Transformer Blocks, we introduce an additional MLP for the style embeddings. Similar to IP-Adapter, in each layer of the diffusion model, a parallel cross-attention module is utilized to incorporate the projected style embeddings. We train our StyleShot on a single machine with 8 A100 GPUs for 360k steps (300k for stage one, 60k for stage two) with a batch size of 16 per GPU, and set the AdamW optimizer Loshchilov & Hutter (2017) with a fixed learning rate of 0.0001 and weight decay of 0.01. During the training phase, the shortest side of each image is resized to 512, followed by a center crop to achieve a 512×512512512512\times 512512 × 512 resolution. Then the image is sent to the U-Net as the target image and to the Style-Aware encoder as the reference image. To enable classifier-free guidance, text and images are dropped simultaneously with a probability of 0.05, and images are dropped individually with a probability of 0.25. During the inference phase, we adopt PNDM Liu et al. (2022) sampler with 50 steps, and set the guidance scale to 7.5 and λ=1.0𝜆1.0\lambda=1.0italic_λ = 1.0.

B.2 Details on Human Preference

In this section, we provide details about the human preference study discussed in Sec. 4.3. We devised 30 tasks to facilitate comparisons among StyleDrop (Sohn et al., 2024), StyleShot (ours), StyleAligned (Hertz et al., 2023), InST (Zhang et al., 2023), StyleCrafter (Liu et al., 2023) and DEADiff (Qi et al., 2024) with each task including a reference style image, text prompt, and a set of six images for assessment by the evaluators. We describe detailed instruction for each task, and ultimately garnered 1320 responses.

Instruction.

In our study, we evaluated 30 tasks, each involving a reference style image and the images generated by six distinct text-driven style transfer algorithms. Participants are required to select the generated image that best matches based on two criteria:

  • Style Consistency: The style of the generated image aligns with that of the reference style image;

  • Text Consistency: The depicted content of generated image correspond with the textual description;

Questions.

  • Which generated image best matches the style of the reference image? Image A, Image B, Image C, Image D, Image E, Image F.

  • Which generated image is best described by the text prompt? Image A, Image B, Image C, Image D, Image E, Image F.

B.3 Extended Baseline Comparison

In this section, we provide additional qualitative comparison with SOTA text-driven style transfer methods StyleDrop Sohn et al. (2024), DEADiff Qi et al. (2024), InST Zhang et al. (2023), Dream-Booth Ruiz et al. (2023), StyleCrafter Liu et al. (2023), StyleAligned Hertz et al. (2023) in Fig. 19. As discussed in Sec. 4.2, StyleShot excels at aligning low-level style features, such as color and texture, more effectively than other methods. Furthermore, the high-level style feature from reference style images like the shading, the illustration and the fur in lines 1-3 and the layout and the round frame in lines 10-12 are captured by our StyleShot, showing the effectiveness of our style encoder in learning high-level style features. Additionally, we also observe the issue of content leakage in lines 4-6 and 7-9, leading to a failure in accurately responding to text prompts in StyleAligned and StyleCrafter. And we also provide additional qualitative comparison with SOTA image-driven style transfer methods AdaAttN (Liu et al., 2021), EFDM (Zhang et al., 2022a), StyTR-2 (Deng et al., 2022), CAST (Zhang et al., 2022b), InST (Zhang et al., 2023) and StyleID (Chung et al., 2024). As illustrated in Fig. 20, our StyleShot can transfer any style onto various content images (including humans, animals, and scenes), while baseline methods excel primarily in painting styles and struggle with these high-level styles.

B.4 Extended Visualization

In this section, we present additional text-driven style transfer visualization results for StyleShot across various styles, as shown in Fig. 21, 22. Unlike Fig. 19, each row in Fig. 21, 22 displays stylized images within a specific style, where the first column represents the reference style image, and the next six columns represent images generated under that style with distinct prompts. We also present the additional experiments image-driven style transfer visualization results for StyleShot across various styles, as shown in Fig. 23.

B.5 De-stylization.

In Sec. 3.4, we removed the style descriptions in the text prompt to decouple style

Table 6: De-stylization on prompts.
Prompt With Style De-Style
image \uparrow 0.631 0.640

and content into the reference images and text prompts during training. To validate the effectiveness of this de-stylization, we trained the model with text prompts that did not have the style descriptions removed. The quantitative results in Tab. 6 indicate that the style descriptions in the text can adversely impact our model’s learning of the style to some extent.

B.6 Running Time Cost Analysis.

In this section, we provide the running time cost analysis with StyleShot and other SOTA style transfer methods StyleDrop (Sohn et al., 2024), DEADiff (Qi et al., 2024), InST (Zhang et al., 2023), Dream-Booth (Ruiz et al., 2023), StyleCrafter (Liu et al., 2023), StyleAligned (Hertz et al., 2023), as shown in Tab. 7. Firstly, for StyleShot, DEADiff and StyleCrafter, once training is complete, the test running time depends solely on the diffusion inference process. Conversely, style-tuning methods such as Dream-Booth (500 steps), StyleDrop (1000 steps) and InsT(6100 steps) require additional time for tuning reference style images. Furthermore, StyleAligned shares the self-attention of the reference image during inference, necessitating an inversion process. It should be noted that all diffusion-based methods have their inference steps set to 50, and we have calculated the running time cost for a single image on a A100 GPU.

Table 7: Running time cost between StyleShot and others SOTA style transfer methods.
TYPE DEADiff D-Booth S-Crafter StyleDrop InST S-Aligned StyleShot
training - 371s - 302s 1868s - -
inference 3s 5s 5s 7s 5s 18s 5s

Appendix C Limitations & Discussions.

In this paper, we highlight that a style-aware encoder, specifically designed to extract style embeddings, is beneficial for style transfer tasks. However, we have not explored all potential designs of the style encoder, which warrants further investigation.

Appendix D License of Assets

The adopted JourneyDB dataset (Sun et al., 2024) is distributed under https://journeydb.github.io/assets/Terms_of_Usage.html license, and LAION-Aesthetics (Schuhmann et al., 2022) is distributed under MIT license. We implement the model based on IP-Adapter codebase (Ye et al., 2023) which is released under the Apache 2.0 license.

We will publicly share our code and models upon acceptance, under Apache 2.0 License.

A Robot.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Car.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Penguin.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Butterfly.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Bird.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Cat.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Bench.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A Laptop.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A wolf walking stealthily through the forest.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A house with a tree beside.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
A wooden sailboat docked in a harbor.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
An ancient temple surrounded by lush vegetation.
Refer to caption
Reference
Refer to caption
StyleShot
Refer to caption
DEADiff
Refer to caption
D-Booth
Refer to caption
InST
Refer to caption
StyleDrop
Refer to caption
S-Crafter
Refer to caption
S-Aligned
Figure 19: Other qualitative comparisons with SOTA text-driven style transfer methods.
Refer to caption
Figure 20: Other qualitative comparisons with SOTA image-driven style transfer methods.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Figure 21: Additional text-driven style transfer visualization results of StyleShot. From left to right, Reference style image, “A cat”, “A dog”, “A moose”, “A chef preparing meals in kitchen”, “A house with a tree beside”, ”A wolf walking stealthily through the forest”.
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Figure 22: Additional text-driven style transfer visualization results of StyleShot. From left to right, Reference style image, “A bench”, “A butterfly”, “A penguin”, “A robot”, “A wooden sailboat docked in a harbor”, ”A ancient temple surrounded by lush vegetation”.
Refer to caption
Figure 23: Additional image-driven style transfer visualization results of StyleShot.