Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                

Disrupting Diffusion: Token-Level Attention Erasure Attack against Diffusion-based Customization

Yisu Liu 0009-0002-8490-472X Institute of Information Engineering, Chinese Academy of Sciences & School of Cyber Security, University of Chinese Academy of SciencesBeijingChina liuyisu@iie.ac.cn Jinyang An 0009-0009-0327-3809 Institute of Information Engineering, Chinese Academy of Sciences & School of Cyber Security, University of Chinese Academy of SciencesBeijingChina anjinyang@iie.ac.cn Wanqian Zhang 0000-0001-5734-4072 Institute of Information Engineering, Chinese Academy of SciencesBeijingChina zhangwanqian@iie.ac.cn Dayan Wu 0000-0002-8604-7226 Institute of Information Engineering, Chinese Academy of SciencesBeijingChina wudayan@iie.ac.cn Jingzi Gu 0009-0008-7387-0230 Institute of Information Engineering, Chinese Academy of Sciences BeijingChina gujingzi@iie.ac.cn Zheng Lin 0000-0002-8432-1658 Institute of Information Engineering, Chinese Academy of Sciences & School of Cyber Security, University of Chinese Academy of SciencesBeijingChina linzheng@iie.ac.cn  and  Weiping Wang 0000-0002-8618-4992 Institute of Information Engineering, Chinese Academy of Sciences & School of Cyber Security, University of Chinese Academy of SciencesBeijingChina wangweiping@iie.ac.cn
(2024)
Abstract.

With the development of diffusion-based customization methods like DreamBooth, individuals now have access to train the models that can generate their personalized images. Despite the convenience, malicious users have misused these techniques to create fake images, thereby triggering a privacy security crisis. In light of this, proactive adversarial attacks are proposed to protect users against customization. The adversarial examples are trained to distort the customization model’s outputs and thus block the misuse. In this paper, we propose DisDiff (Disrupting Diffusion), a novel adversarial attack method to disrupt the diffusion model outputs. We first delve into the intrinsic image-text relationships, well-known as cross-attention, and empirically find that the subject-identifier token plays an important role in guiding image generation. Thus, we propose the Cross-Attention Erasure module to explicitly ”erase” the indicated attention maps and disrupt the text guidance. Besides, we analyze the influence of the sampling process of the diffusion model on Projected Gradient Descent (PGD) attack and introduce a novel Merit Sampling Scheduler to adaptively modulate the perturbation updating amplitude in a step-aware manner. Our DisDiff outperforms the state-of-the-art methods by 12.75% of FDFR scores and 7.25% of ISM scores across two facial benchmarks and two commonly used prompts on average. The codes are available here.

Diffusion models, adversarial attack, anti-customization
journalyear: 2024copyright: rightsretainedconference: Proceedings of the 32nd ACM International Conference on Multimedia; October 28-November 1, 2024; Melbourne, VIC, Australiabooktitle: Proceedings of the 32nd ACM International Conference on Multimedia (MM ’24), October 28-November 1, 2024, Melbourne, VIC, Australiadoi: 10.1145/3664647.3681243isbn: 979-8-4007-0686-8/24/10ccs: Computing methodologies Computer vision

1. Introduction

In the era of pre-trained generative AI, individuals wield the power of creating multi-media contents that appears genuinely authentic with just a single click. Despite the success of GAN- and VAE-based image synthesis methods(Karras et al., 2020; Patashnik et al., 2021; Xu et al., 2018; Tao et al., 2022; Razavi et al., 2019; Liu et al., 2024), more impressive and controllable results are achieved by recently proposed diffusion models, such as DALL-E(Ramesh et al., 2022), Imagen(Saharia et al., 2022) and Stable Diffusion(StabilityAI, 2024). These diffusion model based text-to-image generation methods can generate almost any style of image by a simple corresponding text instruction, and show the unprecedented capacity for producing high-quality images across various applications.

Refer to caption
Figure 1. Comparison of DreamBooth, Anti-DreamBooth with DisDiff. The first row shows the unprotected DreamBooth, which learns from the subjects and generates them into different scenes. The second row shows the protected results. Protected by Anti-DreamBooth, the face is still identified. Our DisDiff achieves unidentified or even unrecognized outputs, boosting the protection performances.

With the users’ desire for image synthesis of their subjects, e.g., daily supplies, pets or family members, customized image generation steps onto the stage, with representatives like Textual Inversion(Gal et al., 2023) and DreamBooth(Ruiz et al., 2023). Leveraging the pre-trained text-to-image diffusion models, Textual Inversion learns a pseudo-word in the well-editable word embedding space of text encoder, i.e., SS*italic_S ∗, to represent the newly provided concept. DreamBooth fine-tunes the diffusion models with a small set of subject images and a subject-identifier token (e.g., sks) included prompt, such as ”a photo of sks dog”. Iteratively training large amounts of model parameters, DreamBooth achieves superior performance compared to Textual Inversion. More recently, Custom Diffusion(Kumari et al., 2023) fine-tunes the selected parameters in the attention layers to reduce the memory overhead, achieving efficient customization.

Despite the convenient editing of users’ specified subjects, these methods present a dual-edged dilemma. Malicious users exploit this customization to fabricate synthetic images or videos and spread them on the internet. The generated fake products(Chen et al., 2020; Yang et al., 2023; Kim et al., 2022) engender potential security and privacy vulnerabilities for individuals. In response to defend against this, both passive and proactive protections have been proposed for safeguarding privacy. Passive protections, commonly known as DeepFake detection(Zhao et al., 2021; Zhang et al., 2022; Ge et al., 2022; Iqbal et al., 2023; Wang et al., 2023a; Liao et al., 2023), are employed to determine the authenticity of images. The detecting models are trained to discriminate whether the images are real or fake. However, fake images have been spread before detected and these methods often struggle with novel synthetic techniques(Wang et al., 2021). Regarding this matter, proactive protections are proposed with adversarial attacks to disrupt the fake image synthesis(Yang et al., 2021; Wu et al., 2023). These applications distort the fake image generation with noticeable artifacts, thereby providing cues for detection.

As diffusion-based customization methods emerge, the urgency of protecting users’ privacy against these techniques becomes paramount. As one of the pioneering works, Anti-DreamBooth(Van Le et al., 2023) aims to disrupt the generation of images produced by DreamBooth. Specifically, Anti-DreamBooth tries to alternatively learn a surrogate diffusion model (or utilize a fine-tuned fixed one) and the adversarial perturbations to improve the attack performances. Despite the destruction of the visual quality of generated images by Anti-DreamBooth, the face still exists. This is obvious not only for human observers (visually) but also for detection algorithms (quantitatively). As illustrated in Figure 1, the generated images of both DreamBooth and Anti-DreamBooth are recognized, i.e., there exists an evident face in the image. Besides, the generated face can even be correctly identified, i.e., being classified as the same identity by a face recognition algorithm. These undesired issues of privacy information leakage become the motivation of our work.

In this paper, we propose DisDiff, a novel adversarial attack method against diffusion-based customization. We first delve into the training process of DreamBooth through the lens of the attention mechanism. As training proceeds, the diffusion model gradually establishes the association between ”sks person” and the target individual. This association can be reflected by the cross-attention maps in the UNet(Ronneberger et al., 2015), which serves as the core guidance of text-image generation. In light of this, we propose a novel Cross-Attention Erasure module (CAE), to diminish the cross-attention’s guiding effects. On the other hand, we explore the impact of the sampling procedure of diffusion models on adversarial attacks inspired by (Wang et al., 2023b). We compute Hybrid Quality Scores (HQS) for different timesteps to measure the importance of these steps on adversarial learning. Then, we introduce the Merit Sampling Scheduler (MSS) to adaptively modulate the PGD step sizes during attack, i.e., at the steps where HQS is large, PGD step size is magnified by MSS and vice versa. Both CAE and MSS modules are empirically proven to boost the adversarial attack performances on diffusion-based customizations.

In brief, our contributions are summarised as follows:

1) We propose DisDiff, a proactive adversarial attack method against diffusion-based customization, to protect users’ privacy.

2) We delve into the image-text relationship and justify its importance on generation guidance. On this basis, we propose a novel Cross-Attention Erasure module to ”erase” the subject-identifier token-related attention map.

3) Observing the diffusion sampling process and PGD, we introduce a Merit Sampling Scheduler, which restricts the perturbation updating step length in a step-aware manner.

4) Experiments show that DisDiff outperforms the SOTA method by 12.75% of FDFR scores and 7.25% of ISM scores across two facial benchmarks and commonly used prompts on average.

2. RELATED WORK

2.1. Text-to-image Diffusion

As latent-variable generative models, diffusion models establish a Markov chain of continuous timesteps to gradually introduce Gaussian noise into the training data. Afterward, the models learn to reverse the diffusion process and reconstruct data samples from the induced noises. In response to the growing demand for multimedia generation, considerable research efforts have been devoted to exploring text-to-image diffusion models. Stable Diffusion (SD)(StabilityAI, 2024), rooted in the Latent Diffusion Models(Rombach et al., 2022), significantly amplifies the scope of text-to-image synthesis applications.

With the input of Gaussian noises and user-elaborated prompts, SD generates diversified images through the denoising process. It has been demonstrated that the text prompts serve as an essential controller for image generation, with even minor modifications leading to significantly different outcomes. A body of works focuses on the role of image-text relationships in the generation, which is known as attention maps. For precise SD text-to-image generation, Prompt-to-Prompt(Hertz et al., 2023) explores cross-attention layers during the diffusion backward inference process. Attend-and-Excite(Chefer et al., 2023) modifies the latent codes by maximizing the dominant attention values for each subject token.

2.2. Diffusion based Customization

Despite the diversity of generated images by diffusion models, users often seek to synthesize specific concepts for their personal subjects. This task is named user customization(Brooks et al., 2023; Raj et al., 2023; Li et al., 2024; Wei et al., 2023) and has been widely studied. LoRA(Hu et al., 2022) enables the diffusion models for specific styles or tasks by fine-tuning the extra parameters. This technique allows the model to associate image representations with the prompts describing them effectively. Textual Inversion(Gal et al., 2023) harnesses the diffusion models to reflect a novel concept to a pseudo-word, denoted as SS*italic_S ∗, within the malleable word embedding space of the text encoder. It allows for the seamless integration of unique concepts into the generative process, enhancing the model’s ability to produce tailored and specific imagery.

DreamBooth(Ruiz et al., 2023) fine-tunes the diffusion model with a subject-identifier token consisting prompt (e.g., ”a photo of sks person”) and several images of the indicated subject. Through this process, the model becomes ”familiar” with recognizing features associated with ”sks person,” enabling it to generate various representations in response to different prompts. Despite the convenience of diffusion-based customization, there exist some potential risks. Malicious users may misuse these tools to invade privacy, for instance, generating illicit pornographic images or harmful content. Such misuse highlights the importance of ethical considerations and robust safeguards in the development of text-to-image synthesis technologies.

2.3. Adversarial Attacks on Image Generation

Recognizing the urgency for privacy protection, researchers have introduced adversarial attacks to defend against malicious image manipulations. Inspired by adversarial attacks against classification tasks(Madry et al., 2018; Dong et al., 2018; Zhong and Deng, 2022; An et al., 2024), Yeh et al.(Yeh et al., 2021) and Ruiz et al.(Ruiz et al., 2020) aim at distorting or neutralizing image editing DeepFake techniques. He et al.(He et al., 2022) harness the StyleGAN inversion technique, encoding the protected images into latent space and adding perturbations. CMUA-Watermark(Huang et al., 2022) and TAFIM(Aneja et al., 2022) further train universal watermarks against various image manipulations.

Within the realm of diffusion-based customization for privacy protection, GLAZE(Shan et al., 2023) and AdvDM(Liang et al., 2023) employ invisible perturbations on personal images, protecting users from style theft and painting imitation. Differently, Anti-DreamBooth devises to generate adversarial noises and distort the outputs of customized diffusion methods, especially DreamBooth. SimAC(Wang et al., 2024) further takes a sense of the perception in the frequency domain of images and leverages a greedy algorithm to select timesteps. Different from them, our DisDiff sets out from the image-text relationship and disrupts the internal textual guidance. Besides, we take into consideration the integration of diffusion sampling and adversarial learning and introduce the Merit Sampling Scheduler to adaptively restrict the perturbation updating amplitude.

3. Method

3.1. Preliminaries

Stable Diffusion consists of an autoencoder and a conditional UNet(Ronneberger et al., 2015) denoiser. Firstly, the encoder ()\mathcal{E}(\cdot)caligraphic_E ( ⋅ ) is devised to map a given image xX𝑥𝑋x\in Xitalic_x ∈ italic_X into a spatial latent code z=(x)𝑧𝑥z=\mathcal{E}(x)italic_z = caligraphic_E ( italic_x ). The decoder 𝒟𝒟\mathcal{D}caligraphic_D is then trained to map the latent code back to the input image such that 𝒟((x))x𝒟𝑥𝑥\mathcal{D}(\mathcal{E}(x))\approx xcaligraphic_D ( caligraphic_E ( italic_x ) ) ≈ italic_x. Secondly, the conditional denoiser ϵθ()subscriptitalic-ϵ𝜃\epsilon_{\theta}(\cdot)italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( ⋅ ) is performed to predict the added noises guided by the text prompt y𝑦yitalic_y. At this time, a pre-trained CLIP(Radford et al., 2021) text encoder c()𝑐c(\cdot)italic_c ( ⋅ ) is used to generate text embeddings. Representing the prompt y𝑦yitalic_y as a conditioning vector denoted by c(y)𝑐𝑦c(y)italic_c ( italic_y ), the diffusion model ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT is trained to minimize the loss function:

(1) LDM=𝔼zE(x),y,ϵ𝒩(0,I),tϵϵθ(zt,t,c(y))22.subscript𝐿𝐷𝑀subscript𝔼formulae-sequencesimilar-to𝑧𝐸𝑥𝑦similar-toitalic-ϵ𝒩0I𝑡superscriptsubscriptnormitalic-ϵsubscriptitalic-ϵ𝜃subscript𝑧𝑡𝑡𝑐𝑦22L_{DM}=\mathbb{E}_{z\sim E(x),y,\epsilon\sim\mathcal{N}(0,\textbf{I}),t}\left% \|\epsilon-\epsilon_{\theta}(z_{t},t,c(y))\right\|_{2}^{2}.italic_L start_POSTSUBSCRIPT italic_D italic_M end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT italic_z ∼ italic_E ( italic_x ) , italic_y , italic_ϵ ∼ caligraphic_N ( 0 , I ) , italic_t end_POSTSUBSCRIPT ∥ italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_c ( italic_y ) ) ∥ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT .

During inference, latent zTsubscript𝑧𝑇z_{T}italic_z start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT is sampled from 𝒩(0,I)𝒩0I\mathcal{N}(0,\textbf{I})caligraphic_N ( 0 , I ) and progressively denoised to yield the latent z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT. Subsequently, z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT is fed into the decoder to generate the image x=𝒟(z0)superscript𝑥𝒟subscript𝑧0x^{\prime}=\mathcal{D}(z_{0})italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = caligraphic_D ( italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ).

Refer to caption
Figure 2. The overview framework of Disrupting Diffusion. The prompt ”a photo of sks person” is used for training. At every denoising process, we acquire the attention maps of the subject to calculate LDBsubscript𝐿𝐷𝐵L_{DB}italic_L start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT and LCAEsubscript𝐿𝐶𝐴𝐸L_{CAE}italic_L start_POSTSUBSCRIPT italic_C italic_A italic_E end_POSTSUBSCRIPT. Then, the gradients are aggregated and fed into the Merit Sampling Scheduler, which is used for PGD attack to update xadvsubscript𝑥𝑎𝑑𝑣x_{adv}italic_x start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT.

DreamBooth fine-tunes the diffusion model parameters for user customization. The training dataset consists of a subject-specific set Xssubscript𝑋𝑠X_{s}italic_X start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and a class-specific set Xcsubscript𝑋𝑐X_{c}italic_X start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT, accompanied by corresponding prompts yssubscript𝑦𝑠y_{s}italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and ycsubscript𝑦𝑐y_{c}italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT, e.g., ”a photo of sks [class noun]” and ”a photo of [class noun]”, respectively. Xssubscript𝑋𝑠X_{s}italic_X start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT comprises various personal images, while Xcsubscript𝑋𝑐X_{c}italic_X start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT serves to mitigate model overfitting. Therefore, DreamBooth utilizes a two-part loss to train the diffusion models:

(2) LDB=𝔼zE(xs),ϵN(0,I),tϵϵθ(zt,t,c(ys))22+λDB𝔼zE(xc),ϵN(0,I),tϵϵθ(zt,t,c(yc))22,subscript𝐿𝐷𝐵subscript𝔼formulae-sequencesimilar-to𝑧𝐸subscript𝑥𝑠similar-toitalic-ϵ𝑁0I𝑡superscriptsubscriptdelimited-∥∥italic-ϵsubscriptitalic-ϵ𝜃subscript𝑧𝑡𝑡𝑐subscript𝑦𝑠22subscript𝜆𝐷𝐵subscript𝔼formulae-sequencesimilar-to𝑧𝐸subscript𝑥𝑐similar-toitalic-ϵ𝑁0I𝑡superscriptsubscriptdelimited-∥∥italic-ϵsubscriptitalic-ϵ𝜃subscript𝑧𝑡𝑡𝑐subscript𝑦𝑐22\begin{split}L_{DB}=\mathbb{E}_{z\sim E(x_{s}),\epsilon\sim N(0,\textbf{I}),t}% \left\|\epsilon-\epsilon_{\theta}(z_{t},t,c(y_{s}))\right\|_{2}^{2}\\ \hskip 11.38109pt+\lambda_{DB}\mathbb{E}_{z\sim E(x_{c}),\epsilon\sim N(0,% \textbf{I}),t}\left\|\epsilon-\epsilon_{\theta}(z_{t},t,c(y_{c}))\right\|_{2}^% {2},\end{split}start_ROW start_CELL italic_L start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT italic_z ∼ italic_E ( italic_x start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) , italic_ϵ ∼ italic_N ( 0 , I ) , italic_t end_POSTSUBSCRIPT ∥ italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_c ( italic_y start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) ) ∥ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_CELL end_ROW start_ROW start_CELL + italic_λ start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT blackboard_E start_POSTSUBSCRIPT italic_z ∼ italic_E ( italic_x start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ) , italic_ϵ ∼ italic_N ( 0 , I ) , italic_t end_POSTSUBSCRIPT ∥ italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_c ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ) ) ∥ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT , end_CELL end_ROW

where λDBsubscript𝜆𝐷𝐵\lambda_{DB}italic_λ start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT represents a balanced hyper-parameter. In the inference process, users modify the subject-specific prompt to their desire, e.g., ”a photo of sks [class noun] on the mountain”. The model then generates this specific subject on the mountain as described.

Adversarial attacks manipulate model f𝑓fitalic_f by introducing imperceptible perturbations to the input data. As to the image generation, the attacker aims to distort or nullify the generation model’s outputs by an optimal perturbation δ𝛿\deltaitalic_δ. The perturbations are bounded within an η𝜂\etaitalic_η-ball according to distance metric psubscript𝑝\ell_{p}roman_ℓ start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT, where η𝜂\etaitalic_η represents the maximum allowed perturbation magnitude. The goal of adversarial attacks is to maximize the loss function, ensuring the outputs are different from the ground truth ytruesubscript𝑦𝑡𝑟𝑢𝑒y_{true}italic_y start_POSTSUBSCRIPT italic_t italic_r italic_u italic_e end_POSTSUBSCRIPT. δadvsubscript𝛿𝑎𝑑𝑣\delta_{adv}italic_δ start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT is optimized by:

(3) δadv=argmaxL(f(x+δ),ytrue),s.t.δpη.formulae-sequencesubscript𝛿adv𝐿𝑓𝑥𝛿subscript𝑦true𝑠𝑡subscriptnorm𝛿𝑝𝜂\delta_{\text{adv}}=\arg\max L(f(x+\delta),y_{\text{true}}),s.t.\|\delta\|_{p}% \leq\eta.italic_δ start_POSTSUBSCRIPT adv end_POSTSUBSCRIPT = roman_arg roman_max italic_L ( italic_f ( italic_x + italic_δ ) , italic_y start_POSTSUBSCRIPT true end_POSTSUBSCRIPT ) , italic_s . italic_t . ∥ italic_δ ∥ start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT ≤ italic_η .

Projected Gradient Descent (PGD)(Madry et al., 2018) is a widely used method for adversarial attacks. The perturbations are computed by disrupting the input along the direction of Eq.3 iteratively. Every iteration process of PGD updates the adversarial example xsuperscript𝑥x^{\prime}italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT as follows:

(4) x0=x,subscriptsuperscript𝑥0𝑥x^{\prime}_{0}=x,italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = italic_x ,
(5) xk=Πx,η(xk1+γsgn(xL(f(xk1),ytrue))),subscriptsuperscript𝑥𝑘subscriptΠ𝑥𝜂subscriptsuperscript𝑥𝑘1𝛾sgnsubscript𝑥𝐿𝑓subscriptsuperscript𝑥𝑘1subscript𝑦truex^{\prime}_{k}=\Pi_{x,\eta}(x^{\prime}_{k-1}+\gamma\cdot\text{sgn}(\nabla_{x}L% (f(x^{\prime}_{k-1}),y_{\text{true}}))),italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT = roman_Π start_POSTSUBSCRIPT italic_x , italic_η end_POSTSUBSCRIPT ( italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k - 1 end_POSTSUBSCRIPT + italic_γ ⋅ sgn ( ∇ start_POSTSUBSCRIPT italic_x end_POSTSUBSCRIPT italic_L ( italic_f ( italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k - 1 end_POSTSUBSCRIPT ) , italic_y start_POSTSUBSCRIPT true end_POSTSUBSCRIPT ) ) ) ,

where Πx,η(z)subscriptΠ𝑥𝜂𝑧\Pi_{x,\eta}(z)roman_Π start_POSTSUBSCRIPT italic_x , italic_η end_POSTSUBSCRIPT ( italic_z ) confines the pixel values of z𝑧zitalic_z within the η𝜂\etaitalic_η-ball, γ𝛾\gammaitalic_γ represents the step size, and k𝑘kitalic_k denotes the number of iterations.

3.2. Cross-Attention Erasure

Motivation. As in the literature(Hertz et al., 2023; Chefer et al., 2023), cross-attention maps represent the influence of tokens on image pixels, which control the text-guided image generation in the diffusion model. Thus, we first delve into the training process of DreamBooth through the lens of attention maps. Specifically, given a textual guidance composed of sequence W={w1,w2,,wn}𝑊subscript𝑤1subscript𝑤2subscript𝑤𝑛W=\{w_{1},w_{2},...,w_{n}\}italic_W = { italic_w start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_w start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_w start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT }, we derive the corresponding attention maps M={m1,m2,M=\{m_{1},m_{2},italic_M = { italic_m start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_m start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , ,mn}...,m_{n}\}… , italic_m start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT }, where n is the word number. At timestep t𝑡titalic_t, mtsubscript𝑚𝑡m_{t}italic_m start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT is computed through the diffusion forward process with latent code ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT:

(6) mt=Softmax(QKd),subscript𝑚𝑡Softmax𝑄superscript𝐾top𝑑m_{t}=\text{Softmax}\left(\frac{QK^{\top}}{\sqrt{d}}\right),italic_m start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = Softmax ( divide start_ARG italic_Q italic_K start_POSTSUPERSCRIPT ⊤ end_POSTSUPERSCRIPT end_ARG start_ARG square-root start_ARG italic_d end_ARG end_ARG ) ,

where query Q𝑄Qitalic_Q is equal to WQc(y)subscript𝑊𝑄𝑐𝑦W_{Q}\cdot c(y)italic_W start_POSTSUBSCRIPT italic_Q end_POSTSUBSCRIPT ⋅ italic_c ( italic_y ), key K𝐾Kitalic_K is equal to WKc(y)subscript𝑊𝐾𝑐𝑦W_{K}\cdot c(y)italic_W start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT ⋅ italic_c ( italic_y ). WQsubscript𝑊𝑄W_{Q}italic_W start_POSTSUBSCRIPT italic_Q end_POSTSUBSCRIPT and WKsubscript𝑊𝐾W_{K}italic_W start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT are weight parameters of the query and key projection layers and d𝑑ditalic_d is the channel dimension of key and query features.

Refer to caption
Figure 3. Visualizations of cross-attention maps from unprotected DreamBooth and DisDiff. For the unprotected ones, the diffusion model captures the subject-identifier token ”sks” (highlighted red areas on the face) and generates customized images. However, DisDiff erases the model’s attention on that token and dramatically distorts the model’s outputs.

Notably, we aggregate these attention maps by averaging across all 16×16161616\times 1616 × 16 attention layers and heads, as they are proved to convey the most semantic information(Hertz et al., 2023). Besides, it is observed that the original attention maps may not fully reflect whether an object is generated in the image(Chefer et al., 2023). In other words, a single patch with high attention value might originate from partial information passed from the token. To mitigate this, we further apply a Gaussian filter over mtsubscript𝑚𝑡m_{t}italic_m start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, which ensures that the attention value of the maximally-activated patch depends on its neighboring patches, facilitating a smoother attention distribution across the image.

Figure 3 shows the visualizations of attention maps. As the customization prompt is characterized by a subject-identifier token wssubscript𝑤𝑠w_{s}italic_w start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT(”sks”) and a class-identifier token wcsubscript𝑤𝑐w_{c}italic_w start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT(”person”), we maintain our focus on their related attention maps. The red highlighted areas reveal high relativity between the token and the generated image. Clearly, for unprotected subjects, the fine-tuned diffusion model successfully associates the subject-identifier token ”sks” with faces. However, the class-identifier token ”person” becomes less prominent. That is, ”sks” actually stands on the subject. We compute the relative energy of the subject-identifier token by:

(7) E(ms)=AmsA2miMAmiA2,𝐸subscript𝑚𝑠subscript𝐴subscript𝑚𝑠superscript𝐴2subscriptsubscript𝑚𝑖𝑀subscript𝐴subscript𝑚𝑖superscript𝐴2E(m_{s})=\frac{\sum_{A\in m_{s}}A^{2}}{\sum_{m_{i}\in M}\sum_{A\in m_{i}}A^{2}},italic_E ( italic_m start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) = divide start_ARG ∑ start_POSTSUBSCRIPT italic_A ∈ italic_m start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_A start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_m start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ italic_M end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT italic_A ∈ italic_m start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_A start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG ,

where mssubscript𝑚𝑠m_{s}italic_m start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT is the attention map of wssubscript𝑤𝑠w_{s}italic_w start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and A𝐴Aitalic_A stands on the pixel value in the maps. E(ms)𝐸subscript𝑚𝑠E(m_{s})italic_E ( italic_m start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) reflects the energy weight percentage of the subject-identifier token. To protect personal privacy from customization, we thereby try to ”erase” the energy associated with the values in mssubscript𝑚𝑠m_{s}italic_m start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT. Concretely, the proposed Cross-Attention Erasure loss is as follows:

(8) LCAE=(1E(ms))2.subscript𝐿𝐶𝐴𝐸superscript1𝐸subscript𝑚𝑠2L_{CAE}=(1-E(m_{s}))^{2}.italic_L start_POSTSUBSCRIPT italic_C italic_A italic_E end_POSTSUBSCRIPT = ( 1 - italic_E ( italic_m start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT .

Our adversarial attack focuses on maximizing Lcaesubscript𝐿𝑐𝑎𝑒L_{cae}italic_L start_POSTSUBSCRIPT italic_c italic_a italic_e end_POSTSUBSCRIPT, and the optimal perturbation δ𝛿\deltaitalic_δ can be learned by training procedure in Section 3.4.

The intuition of our CAE module is that after erasing the cross-attention map of the subject-identifier token (with eliminated highlighted areas), the model would lose the direction of text guidance. As a result, the generated images would exclude the identity information or even the subjects themselves. The protecting results are shown in the last two rows in Figure 3. Compared with highlighted red areas of unprotected DreamBooth(the first two rows), the impact of the subject-identifier token on image generation dramatically decreases. In light of this, the learned perturbations distort image-text correlations of the diffusion model, affecting unidentified or unrecognized inference outputs.

3.3. Merit Sampling Scheduler

Note that in the adversarial learning procedure of DisDiff, the timestep sampling process of diffusion models is included. Thus, to evaluate the importance of steps for adversarial learning, we adopt the Hybrid Quality Score (HQS) metric inspired by (Wang et al., 2023b). Assuming that Gtsubscript𝐺𝑡G_{t}italic_G start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT is the computed gradients on images, we first calculate the L1 norm of the gradients by:

(9) Nt=i|Gti|.subscript𝑁𝑡subscript𝑖superscriptsubscript𝐺𝑡𝑖N_{t}=\sum\limits_{i}|G_{t}^{i}|.italic_N start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = ∑ start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT | italic_G start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT | .

Gtsubscript𝐺𝑡G_{t}italic_G start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT is then converted by a softmax function to the confident map ptsubscript𝑝𝑡p_{t}italic_p start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT. The entropy is computed by:

(10) Ht=iptilogpti.subscript𝐻𝑡subscript𝑖superscriptsubscript𝑝𝑡𝑖logsuperscriptsubscript𝑝𝑡𝑖H_{t}=-\sum\limits_{i}p_{t}^{i}\text{log}p_{t}^{i}.italic_H start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = - ∑ start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT italic_p start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT log italic_p start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT .

Afterward, the sequences N={N1,N2,,NT}𝑁subscript𝑁1subscript𝑁2subscript𝑁𝑇N=\{N_{1},N_{2},...,N_{T}\}italic_N = { italic_N start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_N start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_N start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT } and H={H1,H2,,HT}𝐻subscript𝐻1subscript𝐻2subscript𝐻𝑇H=\{H_{1},H_{2},\allowbreak{}...,H_{T}\}italic_H = { italic_H start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_H start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_H start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT } are normalized to [0,1] and the HQS metric is computed as:

(11) HQS(t)=norm(Nt)norm(Ht).HQS𝑡normsubscript𝑁𝑡normsubscript𝐻𝑡\text{HQS}(t)=\text{norm}(N_{t})-\text{norm}(H_{t}).HQS ( italic_t ) = norm ( italic_N start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) - norm ( italic_H start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) .

Figure 4 shows the HQS evaluation of various timesteps. High HQS stands on high values of gradient norm and low entropy, indicating that the model pays more attention at this timestep and mainly focuses on identity-related areas (such as faces). During early iterations when HQS is high, larger PGD steps may be beneficial for adversarial attacks. Conversely, as the HQS decreases, smaller PGD steps can help fine-tune the generated adversarial samples, as well as avoid excessive deviation from the original input distribution.

Refer to caption
Figure 4. Analysis of varying timesteps. As the timestep becomes larger, not only does the HQS metric significantly decrease but also the model pays more attention to identity-irrelevant information, illustrating that the steps in the former are more important for perturbation training.

Besides, we also visualize the cross-attention map of the subject-identifier token for different timesteps. As can be seen, when the timesteps are large, the model pays more attention to the irrelevant information of the identity. As the timestep gets smaller, the attention gradually moves to the identity’s faces. Observations on HQS and attention maps both empirically justify that the timesteps sampling is essential to adversarial attacks.

Therefore, we resort to adopting a time-dependent function as the Merit Sampling Scheduler (MSS) to adjust the perturbation updating steps in PGD adaptively. We empirically design the time-aware decreasing function as:

(12) h(t)=12(cos(πtT)+1),𝑡12𝑐𝑜𝑠𝜋𝑡𝑇1h(t)=\frac{1}{2}(cos(\frac{\pi t}{T})+1),italic_h ( italic_t ) = divide start_ARG 1 end_ARG start_ARG 2 end_ARG ( italic_c italic_o italic_s ( divide start_ARG italic_π italic_t end_ARG start_ARG italic_T end_ARG ) + 1 ) ,

where T𝑇Titalic_T is the max timestep to sample so that the amplitude of h(t)𝑡h(t)italic_h ( italic_t ) is limited in [0,1]. In this regard, our proposed MSS dynamically adjusts the step size of the perturbation updating. The scheduler is then used to be an enhancement for PGD attacks. Given the overall loss L𝐿Litalic_L, PGD process in Eq.5 is modified as:

(13) xk=Πx,η(xk1+γh(t)sgn(xL(f(xk1),ytrue))).subscriptsuperscript𝑥𝑘subscriptΠ𝑥𝜂subscriptsuperscript𝑥𝑘1𝛾𝑡sgnsubscript𝑥𝐿𝑓subscriptsuperscript𝑥𝑘1subscript𝑦truex^{\prime}_{k}=\Pi_{x,\eta}(x^{\prime}_{k-1}+\gamma\cdot h(t)\cdot\text{sgn}(% \nabla_{x}L(f(x^{\prime}_{k-1}),y_{\text{true}}))).italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT = roman_Π start_POSTSUBSCRIPT italic_x , italic_η end_POSTSUBSCRIPT ( italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k - 1 end_POSTSUBSCRIPT + italic_γ ⋅ italic_h ( italic_t ) ⋅ sgn ( ∇ start_POSTSUBSCRIPT italic_x end_POSTSUBSCRIPT italic_L ( italic_f ( italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k - 1 end_POSTSUBSCRIPT ) , italic_y start_POSTSUBSCRIPT true end_POSTSUBSCRIPT ) ) ) .

By incorporating MSS, we associate adversarial learning with the diffusion model sampling process. The modified PGD updates the perturbations precisely, contributing to better attack performances.

Algorithm 1 Disrupting Diffusion Step
1:Input: Stable Diffusion model SD𝑆𝐷SDitalic_S italic_D, protected image Xadvsubscript𝑋𝑎𝑑𝑣X_{adv}italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT, clean images batch Xclsubscript𝑋𝑐𝑙X_{cl}italic_X start_POSTSUBSCRIPT italic_c italic_l end_POSTSUBSCRIPT, prompt W={w1,w2,,wn}𝑊subscript𝑤1subscript𝑤2subscript𝑤𝑛W=\{w_{1},w_{2},...,w_{n}\}italic_W = { italic_w start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_w start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_w start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT }, scheduler h(t)𝑡h(t)italic_h ( italic_t ), surogate model steps t1subscript𝑡1t_{1}italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT, PGD steps t2subscript𝑡2t_{2}italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT
2:procedure DBSTEP(SD, X,W)
3:     Random sample timestep t𝑡titalic_t
4:     X,_SD(X,W,t)superscript𝑋_𝑆𝐷𝑋𝑊𝑡X^{\prime},\_\leftarrow SD(X,W,t)italic_X start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT , _ ← italic_S italic_D ( italic_X , italic_W , italic_t )
5:     LDBMSE(Xs,Xs)subscript𝐿𝐷𝐵𝑀𝑆𝐸superscriptsubscript𝑋𝑠subscript𝑋𝑠L_{DB}\leftarrow MSE(X_{s}^{\prime},X_{s})italic_L start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT ← italic_M italic_S italic_E ( italic_X start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT , italic_X start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT )
6:     SDSDαDBLDB𝑆𝐷𝑆𝐷subscript𝛼𝐷𝐵subscript𝐿𝐷𝐵SD\leftarrow SD-\alpha_{DB}\nabla L_{DB}italic_S italic_D ← italic_S italic_D - italic_α start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT ∇ italic_L start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT
7:     return SD𝑆𝐷SDitalic_S italic_D
8:end procedure
9:For t𝑡titalic_t in {1, 2, …, t1subscript𝑡1t_{1}italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT} :
10:SDDBSTEP(SD,Xcl,W)𝑆𝐷𝐷𝐵𝑆𝑇𝐸𝑃𝑆𝐷subscript𝑋𝑐𝑙𝑊SD\leftarrow DBSTEP(SD,X_{cl},W)italic_S italic_D ← italic_D italic_B italic_S italic_T italic_E italic_P ( italic_S italic_D , italic_X start_POSTSUBSCRIPT italic_c italic_l end_POSTSUBSCRIPT , italic_W )
11:For t𝑡titalic_t in {1, 2, …, t2subscript𝑡2t_{2}italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT} :
12:Xadv,MtSD(Xadv,t,W)superscriptsubscript𝑋𝑎𝑑𝑣subscript𝑀𝑡𝑆𝐷subscript𝑋𝑎𝑑𝑣𝑡𝑊X_{adv}^{\prime},M_{t}\leftarrow SD(X_{adv},t,W)italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT , italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← italic_S italic_D ( italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT , italic_t , italic_W )
13:MtSoftmax(Mt)subscript𝑀𝑡Softmaxsubscript𝑀𝑡M_{t}\leftarrow\text{Softmax}(M_{t})italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← Softmax ( italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT )
14:LDisDiffMSE(Xadv,Xadv)+λLCAE(Mt)subscript𝐿𝐷𝑖𝑠𝐷𝑖𝑓𝑓𝑀𝑆𝐸subscriptsuperscript𝑋𝑎𝑑𝑣subscript𝑋𝑎𝑑𝑣𝜆subscript𝐿𝐶𝐴𝐸subscript𝑀𝑡L_{DisDiff}\leftarrow MSE(X^{\prime}_{adv},X_{adv})+\lambda\cdot L_{CAE}(M_{t})italic_L start_POSTSUBSCRIPT italic_D italic_i italic_s italic_D italic_i italic_f italic_f end_POSTSUBSCRIPT ← italic_M italic_S italic_E ( italic_X start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT , italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT ) + italic_λ ⋅ italic_L start_POSTSUBSCRIPT italic_C italic_A italic_E end_POSTSUBSCRIPT ( italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT )
15:XadvXadv+γh(t)sgn(XadvLDisDiff)subscript𝑋𝑎𝑑𝑣subscript𝑋𝑎𝑑𝑣𝛾𝑡sgnsubscriptsubscript𝑋𝑎𝑑𝑣subscript𝐿𝐷𝑖𝑠𝐷𝑖𝑓𝑓X_{adv}\leftarrow X_{adv}+\gamma\cdot h(t)\cdot\text{sgn}(\nabla_{X_{adv}}L_{% DisDiff})italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT ← italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT + italic_γ ⋅ italic_h ( italic_t ) ⋅ sgn ( ∇ start_POSTSUBSCRIPT italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_L start_POSTSUBSCRIPT italic_D italic_i italic_s italic_D italic_i italic_f italic_f end_POSTSUBSCRIPT )
16:For t𝑡titalic_t in {1, 2, …, t1subscript𝑡1t_{1}italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT} :
17:SDDBSTEP(SD,Xadv,W)𝑆𝐷𝐷𝐵𝑆𝑇𝐸𝑃𝑆𝐷subscript𝑋𝑎𝑑𝑣𝑊SD\leftarrow DBSTEP(SD,X_{adv},W)italic_S italic_D ← italic_D italic_B italic_S italic_T italic_E italic_P ( italic_S italic_D , italic_X start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT , italic_W )

3.4. Training Procedure

To sum up, the proposed DisDiff combines the DreamBooth loss with the Cross-Attention Erasure loss as the overall loss:

(14) LDisDiff=LDB+λLCAE,subscript𝐿𝐷𝑖𝑠𝐷𝑖𝑓𝑓subscript𝐿𝐷𝐵𝜆subscript𝐿𝐶𝐴𝐸L_{DisDiff}=L_{DB}+\lambda L_{CAE},italic_L start_POSTSUBSCRIPT italic_D italic_i italic_s italic_D italic_i italic_f italic_f end_POSTSUBSCRIPT = italic_L start_POSTSUBSCRIPT italic_D italic_B end_POSTSUBSCRIPT + italic_λ italic_L start_POSTSUBSCRIPT italic_C italic_A italic_E end_POSTSUBSCRIPT ,

where λ𝜆\lambdaitalic_λ is a trade-off hyper-parameter. To conduct the adversarial attack, we utilize modified PGD (Eq.13) and maximize the loss function to train the perturbations:

(15) δ=argmax𝛿LDisDiff.𝛿𝛿argmaxsubscript𝐿𝐷𝑖𝑠𝐷𝑖𝑓𝑓\delta=\underset{\delta}{\text{argmax}}\,L_{DisDiff}.italic_δ = underitalic_δ start_ARG argmax end_ARG italic_L start_POSTSUBSCRIPT italic_D italic_i italic_s italic_D italic_i italic_f italic_f end_POSTSUBSCRIPT .

We conduct an alternative training strategy similar to (Van Le et al., 2023): at each epoch, we first adopt a clean image set Xcsubscript𝑋𝑐X_{c}italic_X start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT to train the surrogate model for t1subscript𝑡1t_{1}italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT steps. The adversarial example xsuperscript𝑥x^{\prime}italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT is then updated by PGD attack for t2subscript𝑡2t_{2}italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT steps and the model is once again trained by the adversarial examples.

Table 1. The comparison of attack performances on VGGFace2 and CelebA-HQ datasets.
Dataset Method “a photo of sks person” “a dslr portrait of sks person”
FDFR↑ ISM↓ FID↑ BRISQUE↑ FDFR↑ ISM↓ FID↑ BRISQUE↑
VGGFace2 w/o Protect(Ruiz et al., 2023) 0.06 0.56 236.37 20.37 0.21 0.44 279.05 7.61
AdvDM(Liang et al., 2023) 0.10 0.38 359.65 17.39 0.11 0.29 397.64 27.97
Anti-DB(Van Le et al., 2023) 0.62 0.32 462.12 37.10 0.72 0.27 448.98 38.89
DisDiff 0.77 0.27 476.28 42.46 0.95 0.06 473.38 41.26
CelebA-HQ w/o Protect(Ruiz et al., 2023) 0.07 0.63 154.63 13.15 0.30 0.46 221.89 8.75
AdvDM(Liang et al., 2023) 0.06 0.59 197.59 24.55 0.30 0.42 235.47 16.88
Anti-DB(Van Le et al., 2023) 0.56 0.44 386.06 41.58 0.48 0.33 384.80 35.86
DisDiff 0.62 0.40 412.19 44.98 0.55 0.34 400.38 38.35

The training process of DisDiff is illustrated in Algorithm 1. For convenience, we omit the class-specific datasets and prompts of the DreamBooth procedure.

4. EXPERIMENTS

4.1. Experimental Setup

Evaluation Benchmarks.

Refer to caption
Figure 5. Comparison under other inference prompts. Four rows show different image edit prompts: distance, expression, action, and location, respectively.

We quantitatively evaluate our approach on two benchmarks: CelebA-HQ(Liu et al., 2015) and VGGFace2(Cao et al., 2018). For each dataset, we choose 50 identities as the protecting subjects. 8 different images are prepared for each subject and divided equally into two subsets: the clean image set and the target protection set. All images undergo center-cropping and resizing procedures, resulting in a uniform resolution of 512 × 512.

DreamBooth and Adversarial Attack Procedures. We address three versions of pre-trained SD from HuggingFace(Face, 2024): v1.4, v1.5 and v2.1. For DreamBooth, the text-encoder and UNet model are trained with a batch size of 2 and the learning rate of 5×1075superscript1075\times 10^{-7}5 × 10 start_POSTSUPERSCRIPT - 7 end_POSTSUPERSCRIPT for 1,000 training steps. The prompt is ”a photo of sks person” for the subject images and ”a photo of person” for class-specific datasets. The PGD attack is configured with γ𝛾\gammaitalic_γ = 0.005 and a default noise budget η𝜂\etaitalic_η = 0.05 for VGGFace2 and 0.07 for CelebA-HQ respectively. We train the perturbations by 50 iterations, each containing 3 steps of surrogate model training and 6 steps of perturbation training. The hyper-parameter λ𝜆\lambdaitalic_λ in LDisDiffsubscript𝐿𝐷𝑖𝑠𝐷𝑖𝑓𝑓L_{DisDiff}italic_L start_POSTSUBSCRIPT italic_D italic_i italic_s italic_D italic_i italic_f italic_f end_POSTSUBSCRIPT is set to 0.1 for both datasets.

Evaluation Metrics. We utilize two widely used image quality metrics, FID(Heusel et al., 2017) and BRISQUE(Mittal et al., 2012), to test the disrupting results. Besides, images generated from these models may lack detectable faces, which we quantify as the Face Detection Failure Rate (FDFR), measured by the RetinaFace detector(Deng et al., 2020). We also extract face recognition embeddings using the ArcFace recognizer(Deng et al., 2019) and compute the cosine distance to the average face embedding of the entire user’s clean image set, referred to as Identity Score Matching (ISM).

Refer to caption
Figure 6. Ablation study of (a) the proposed module CAE and MSS, (b) different schedulers.

4.2. Comparison with SOTAs

We conduct comparisons with two SOTA anti-customization baselines: AdvDM(Liang et al., 2023) and Anti-DreamBooth(Van Le et al., 2023). For a fair comparison, we reproduce their source codes and train adversarial examples with equivalent noise budgets. These protected examples are then used to fine-tune the diffusion models (DreamBooth), with prompt ”a photo of sks person.” Then, the trained diffusion models are tested by prompts ”a photo of sks person” and ”a dslr portrait of sks person”. As can be seen in Table 1, our method demonstrates notable performances across four metrics and two prompts. Specifically, higher FDFR rates signify a decreasing number of detected faces, while lower ISM rates indicate less similarity with the original subject. Increased FID and BRISQUE rates emphasize the lower image quality, resulting in significant distortions of the outputs.

Refer to caption
Figure 7. Visualizations of identity images, attention maps, and generated images before and after protecting.

To further verify the efficacy, we also test our method under various prompts with distance, expression, action, and location descriptions, respectively. As shown in Figure 5, DreamBooth edits the images as the prompts describe. AdvDM pushes the outputs to the target image so that the results show a similar texture to that image. Although Anti-DreamBooth distorts the output images, the identity is still recognizable. Our proposed DisDiff leads to more unrecognized faces and unidentified subjects by directly disrupting the cross-attention module, which greatly boosts the performances.

4.3. Ablation Study

Impact of Cross-Attention Erasure. To testify to the impacts of our proposed Cross-Attention Erasure, we visualize the attention maps and the corresponding generated images. As shown in the first row of Figure 7, highlighted red areas occur on the identity face for the token ”sks”, which indicates that the diffusion model pays much more attention to the learned identity with ”sks”. This is intuitive since DreamBooth progressively makes the token ”sks” and the special person connected closely. This situation still exists when the identity is protected by AdvDM and Anti-DreamBooth, which is undesired for privacy protection. Compared with them, DisDiff successfully erases the impact of ”sks”. That is, the diffusion model ignores the token ”sks” and its guidance on generation, thus has no idea about whom to generate. The images protected with our method thus exhibit greater blurriness and indistinctiveness.

Module and Scheduler Selection. We conduct the ablation study of the proposed Cross-Attention Erasure (CAE) and Merit Sampling Scheduler (MSS) modules. As shown in Figure 6(a), we set the metrics of baseline method Anti-DreamBooth as 1 and calculate the relative magnitude of DisDiff. Clearly, when utilizing CAE or MSS, the lower ISM and higher FDFR illustrate that the customization outputs become unidentified and unrecognized, indicating DisDiff’s effectiveness. Also, we apply two widely used decreasing functions to serve as the scheduler in MSS: the logarithm decreasing function111The logarithm decreasing function is 1log(t+1)log(T+1)1𝑙𝑜𝑔𝑡1𝑙𝑜𝑔𝑇11-\frac{log(t+1)}{log(T+1)}1 - divide start_ARG italic_l italic_o italic_g ( italic_t + 1 ) end_ARG start_ARG italic_l italic_o italic_g ( italic_T + 1 ) end_ARG, where T is the max sampling step. and diffusion models sampling sequence αt¯¯subscript𝛼𝑡\bar{\alpha_{t}}over¯ start_ARG italic_α start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_ARG. We set the scheduler in Eq.12 as the baseline and compare the attack performances in Figure 6(b). Finally, we select the cosine function in Eq.12 as the default, which achieves the lowest ISM rate.

Table 2. Attack performances with different noise budget η𝜂\etaitalic_η and * indicates the default setting.
η𝜂\etaitalic_η LPIPS FDFR↑ ISM↓ FID↑ BRISQUE↑
0 - 0.06 0.56 236.37 20.37
0.01 \approx 0 0.08 0.53 271.92 33.93
0.03 0.01 0.59 0.37 426.68 40.20
0.05* 0.03 0.77 0.27 476.28 42.46
0.07 0.07 0.82 0.26 485.02 43.63
0.09 0.11 0.85 0.16 494.51 40.83
Table 3. Attack performances on different generator versions on VGGFace2. ”Self” means the perturbation training and DreamBooth process share the same surrogate model, while ”SD v2.1” means the perturbation training with SD v2.1 and DreamBooth with other versions.
Surrogate Method SD v1.4 SD v1.5
FDFR↑ ISM↓ FID↑ BRISQUE↑ FDFR↑ ISM↓ FID↑ BRISQUE↑
w/o Protect 0.09 0.56 231.13 19.79 0.09 0.55 217.22 18.33
self Anti-DB 0.88 0.07 511.59 42.77 0.93 0.07 517.03 46.09
DisDiff 0.96 0.04 522.57 46.26 0.99 0.05 512.70 55.90
v2.1 Anti-DB 0.89 0.10 495.50 38.25 0.90 0.12 506.64 44.02
DisDiff 0.99 0.02 505.66 44.60 0.96 0.08 510.93 50.83
Table 4. Attack performances on VGGFace2 when the DreamBooth training prompt and subject-identifier token are different from the perturbation training stage. SS*italic_S ∗ is ”t@t” for the first row and ”sks” for the second row.
DreamBooth prompt Method ”a photo of Ssubscript𝑆S_{*}italic_S start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT person” ”a dslr portrait of Ssubscript𝑆S_{*}italic_S start_POSTSUBSCRIPT ∗ end_POSTSUBSCRIPT person”
FDFR↑ ISM↓ FID↑ BRISQUE↑ FDFR↑ ISM↓ FID↑ BRISQUE↑
”a dslr portrait of sks person” Anti-DB 0.01 0.16 279.37 19.74 0.57 0.30 459.65 39.25
DisDiff 0.05 0.20 270.47 21.95 0.85 0.21 476.27 40.14
”sks” → ”t@t” Anti-DB 0.60 0.34 454.53 40.61 0.41 0.31 396.92 34.50
DisDiff 0.73 0.28 464.09 42.24 0.71 0.25 414.26 38.87

Noise Budget. The noise budget η𝜂\etaitalic_η represents the permissible magnitude of perturbations, and a large noise budget is easily perceptible by humans. LPIPS is used to measure the image quality before and after attack. As shown in Table 2, DisDiff shows high FID and BRISQUE scores when the budget is as small as 0.03. Besides, LPIPS is still low when we set η=0.05𝜂0.05\eta=0.05italic_η = 0.05(default), meaning that the perturbation is still invisible. Moreover, the attack performances become stronger as the budget increases, which is also reasonable since the larger the perturbation is, the greater the attack performances can be achieved.

4.4. Robust Analysis

Attacks on different generators. Considering the potential malicious uses of DreamBooth across different diffusion model generators, we conduct experiments to assess the impact. As shown in Table 3, we first test under the self-surrogate setting (indicated ”self”), where the perturbation training and DreamBooth models are the same version. Experiments show that DisDiff achieves better performances than Anti-DreamBooth and generalizes well on SD v1.4 and v1.5. Then, we test the generated perturbations robustness under different generators (indicated ”v2.1”). We employ the adversarial examples generated with SD v2.1 to train DreamBooth under v1.4 and v1.5. The FDFR approaches 1.0 and ISM approaches 0, indicating minimal faces generated. These results illustrate that the adversarial examples perform well against different generators.

Attacks while prompt or subject-identifier mismatching. Assuming that the adversarial learning prompts differ from the ones used to train DreamBooth, we conduct experiments to test the robustness, as illustrated in Table 4. In the first row, we employ ”a photo of sks person” for adversarial learning and ”a photo of a dslr portrait of sks person” for DreamBooth, conducting inference for both. DisDiff and Anti-DreamBooth perform poorly when confronted with the prompt ”a photo of sks person” due to prompt mismatching. However, when presented with the prompt ”a dslr portrait of sks person”, DisDiff demonstrates superior performances. This is partially due to that the training prompt becomes more complicated and the models are overfitting.

We also evaluate the results by changing the DreamBooth subject-identifier token to ”t@t”, as in the second row. Our DisDiff remains well-generalized to ”t@t”. The reason is that we apply the softmax function in CAE. The summary of all the softmax attention maps for every pixel is 1. After erasing the attention map of ”sks”, the values of other tokens become larger. As a result, the attention map of substitute token ”t@t” is erased even though it is not involved in perturbation training. To sum up, DisDiff is robust to different DreamBooth prompts and subject-identifier tokens.

Table 5. Attack performances on other diffusion customization methods on VGGFace2.
Method FDFR↑ ISM↓ FID↑ BRISQUE↑
LoRA w/o Protect 0.11 0.43 248.05 17.31
Anti-DB 0.68 0.36 403.38 44.38
DisDiff 0.73 0.21 418.70 44.70
TI w/o Protect 0.04 0.42 222.70 7.59
Anti-DB 0.09 0.27 289.66 39.37
DisDiff 0.14 0.24 308.77 41.23

Attacks on different customization methods. To verify our protection generality across various generation methods, we reproduce wildly used customization methods: Low-rank Adaptation (LoRA)(Hu et al., 2022) and Textual Inversion (TI)(Gal et al., 2023). We train customization with LoRA and TI and conduct adversarial attacks with Anti-DreamBooth and DisDiff. As can be seen in Table 5, compared to unprotected DreamBooth, both Anti-DreamBooth and DisDiff successfully attack these two customization methods. DisDiff shows better evaluation scores, indicating the robustness of protection ability across different customization methods.

5. Conclusion

In this paper, we propose a novel adversarial attack method, Disrupting Diffusion (DisDiff). We track the cross-attention maps and propose a Cross-Attention Erasure module to disrupt these maps. We also introduce a time-aware Merit Sampling Scheduler to adaptively adjust the PGD steps. DisDiff successfully disrupts customization’s outputs as unrecognizable and unidentifiable.

Acknowledgements.
This work was supported by the National Key R&D Program of China under Grant 2022YFB3103500, the National Natural Science Foundation of China under Grants 62202459 and 62106258, and Young Elite Scientists Sponsorship Program by CAST (2023QNRC001) and BAST (NO.BYESS2023304), and Beijing Natural Science Foundation QY23179.

References

  • (1)
  • An et al. (2024) Jinyang An, Wanqian Zhang, Dayan Wu, Zheng Lin, Jingzi Gu, and Weiping Wang. 2024. SD4Privacy: Exploiting Stable Diffusion for Protecting Facial Privacy. In 2024 IEEE International Conference on Multimedia and Expo (ICME).
  • Aneja et al. (2022) Shivangi Aneja, Lev Markhasin, and Matthias Nießner. 2022. TAFIM: targeted adversarial attacks against facial image manipulations. In European Conference on Computer Vision. Springer, 58–75.
  • Brooks et al. (2023) Tim Brooks, Aleksander Holynski, and Alexei A Efros. 2023. Instructpix2pix: Learning to follow image editing instructions. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 18392–18402.
  • Cao et al. (2018) Qiong Cao, Li Shen, Weidi Xie, Omkar M Parkhi, and Andrew Zisserman. 2018. Vggface2: A dataset for recognising faces across pose and age. In 2018 13th IEEE international conference on automatic face & gesture recognition (FG 2018). IEEE, 67–74.
  • Chefer et al. (2023) Hila Chefer, Yuval Alaluf, Yael Vinker, Lior Wolf, and Daniel Cohen-Or. 2023. Attend-and-excite: Attention-based semantic guidance for text-to-image diffusion models. ACM Transactions on Graphics (TOG) (2023).
  • Chen et al. (2020) Renwang Chen, Xuanhong Chen, Bingbing Ni, and Yanhao Ge. 2020. Simswap: An efficient framework for high fidelity face swapping. In Proceedings of the 28th ACM International Conference on Multimedia. 2003–2011.
  • Deng et al. (2020) Jiankang Deng, Jia Guo, Evangelos Ververas, Irene Kotsia, and Stefanos Zafeiriou. 2020. Retinaface: Single-shot multi-level face localisation in the wild. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 5203–5212.
  • Deng et al. (2019) Jiankang Deng, Jia Guo, Niannan Xue, and Stefanos Zafeiriou. 2019. Arcface: Additive angular margin loss for deep face recognition. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 4690–4699.
  • Dong et al. (2018) Yinpeng Dong, Fangzhou Liao, Tianyu Pang, Hang Su, Jun Zhu, Xiaolin Hu, and Jianguo Li. 2018. Boosting adversarial attacks with momentum. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 9185–9193.
  • Face (2024) Hugging Face. 2024. . https://huggingface.co/
  • Gal et al. (2023) Rinon Gal, Yuval Alaluf, Yuval Atzmon, Or Patashnik, Amit Haim Bermano, Gal Chechik, and Daniel Cohen-Or. 2023. An Image is Worth One Word: Personalizing Text-to-Image Generation using Textual Inversion. In The Eleventh International Conference on Learning Representations, ICLR.
  • Ge et al. (2022) Shiming Ge, Fanzhao Lin, Chenyu Li, Daichi Zhang, Weiping Wang, and Dan Zeng. 2022. Deepfake video detection via predictive representation learning. ACM Transactions on Multimedia Computing, Communications, and Applications (TOMM) (2022).
  • He et al. (2022) Ziwen He, Wei Wang, Weinan Guan, Jing Dong, and Tieniu Tan. 2022. Defeating deepfakes via adversarial visual reconstruction. In Proceedings of the 30th ACM International Conference on Multimedia. 2464–2472.
  • Hertz et al. (2023) Amir Hertz, Ron Mokady, Jay Tenenbaum, Kfir Aberman, Yael Pritch, and Daniel Cohen-Or. 2023. Prompt-to-Prompt Image Editing with Cross-Attention Control. In The Eleventh International Conference on Learning Representations, ICLR 2023, Kigali, Rwanda, May 1-5, 2023.
  • Heusel et al. (2017) Martin Heusel, Hubert Ramsauer, Thomas Unterthiner, Bernhard Nessler, and Sepp Hochreiter. 2017. Gans trained by a two time-scale update rule converge to a local nash equilibrium. Advances in Neural Information Processing Systems 30 (2017).
  • Hu et al. (2022) Edward J. Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, Lu Wang, and Weizhu Chen. 2022. LoRA: Low-Rank Adaptation of Large Language Models. In The Tenth International Conference on Learning Representations, ICLR 2022, Virtual Event, April 25-29, 2022.
  • Huang et al. (2022) Hao Huang, Yongtao Wang, Zhaoyu Chen, Yuze Zhang, Yuheng Li, Zhi Tang, Wei Chu, Jingdong Chen, Weisi Lin, and Kai-Kuang Ma. 2022. Cmua-watermark: A cross-model universal adversarial watermark for combating deepfakes. In Proceedings of the AAAI Conference on Artificial Intelligence, Vol. 36. 989–997.
  • Iqbal et al. (2023) Farkhund Iqbal, Ahmed Abbasi, Abdul Rehman Javed, Ahmad Almadhor, Zunera Jalil, Sajid Anwar, and Imad Rida. 2023. Data augmentation-based novel deep learning method for deepfaked images detection. ACM Transactions on Multimedia Computing, Communications and Applications (2023).
  • Karras et al. (2020) Tero Karras, Samuli Laine, Miika Aittala, Janne Hellsten, Jaakko Lehtinen, and Timo Aila. 2020. Analyzing and improving the image quality of stylegan. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 8110–8119.
  • Kim et al. (2022) Jiseob Kim, Jihoon Lee, and Byoung-Tak Zhang. 2022. Smooth-swap: A simple enhancement for face-swapping with smoothness. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 10779–10788.
  • Kumari et al. (2023) Nupur Kumari, Bingliang Zhang, Richard Zhang, Eli Shechtman, and Jun-Yan Zhu. 2023. Multi-concept customization of text-to-image diffusion. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 1931–1941.
  • Li et al. (2024) Dongxu Li, Junnan Li, and Steven Hoi. 2024. Blip-diffusion: Pre-trained subject representation for controllable text-to-image generation and editing. Advances in Neural Information Processing Systems 36 (2024).
  • Liang et al. (2023) Chumeng Liang, Xiaoyu Wu, Yang Hua, Jiaru Zhang, Yiming Xue, Tao Song, Zhengui Xue, Ruhui Ma, and Haibing Guan. 2023. Adversarial Example Does Good: Preventing Painting Imitation from Diffusion Models via Adversarial Examples. In International Conference on Machine Learning, ICML 2023, 23-29 July 2023, Honolulu, Hawaii, USA (Proceedings of Machine Learning Research).
  • Liao et al. (2023) Xin Liao, Yumei Wang, Tianyi Wang, Juan Hu, and Xiaoshuai Wu. 2023. FAMM: Facial muscle motions for detecting compressed deepfake videos over social networks. IEEE Transactions on Circuits and Systems for Video Technology (2023).
  • Liu et al. (2024) Yufan Liu, Wanqian Zhang, Dayan Wu, Zheng Lin, Jingzi Gu, and Weiping Wang. 2024. Prediction Exposes Your Face: Black-box Model Inversion via Prediction Alignment. arXiv preprint arXiv:2407.08127 (2024).
  • Liu et al. (2015) Ziwei Liu, Ping Luo, Xiaogang Wang, and Xiaoou Tang. 2015. Deep learning face attributes in the wild. In Proceedings of the IEEE International Conference on Computer Vision. 3730–3738.
  • Madry et al. (2018) Aleksander Madry, Aleksandar Makelov, Ludwig Schmidt, Dimitris Tsipras, and Adrian Vladu. 2018. Towards Deep Learning Models Resistant to Adversarial Attacks. In 6th International Conference on Learning Representations, ICLR 2018, Vancouver, BC, Canada, April 30 - May 3, 2018, Conference Track Proceedings.
  • Mittal et al. (2012) Anish Mittal, Anush Krishna Moorthy, and Alan Conrad Bovik. 2012. No-reference image quality assessment in the spatial domain. IEEE Transactions on Image Processing 21, 12 (2012), 4695–4708.
  • Patashnik et al. (2021) Or Patashnik, Zongze Wu, Eli Shechtman, Daniel Cohen-Or, and Dani Lischinski. 2021. Styleclip: Text-driven manipulation of stylegan imagery. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 2085–2094.
  • 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. 2021. Learning transferable visual models from natural language supervision. In International Conference on Machine Learning. PMLR, 8748–8763.
  • Raj et al. (2023) Amit Raj, Srinivas Kaza, Ben Poole, Michael Niemeyer, Nataniel Ruiz, Ben Mildenhall, Shiran Zada, Kfir Aberman, Michael Rubinstein, Jonathan Barron, et al. 2023. Dreambooth3d: Subject-driven text-to-3d generation. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 2349–2359.
  • Ramesh et al. (2022) Aditya Ramesh, Prafulla Dhariwal, Alex Nichol, Casey Chu, and Mark Chen. 2022. Hierarchical text-conditional image generation with clip latents. arXiv preprint arXiv:2204.06125 (2022).
  • Razavi et al. (2019) Ali Razavi, Aaron Van den Oord, and Oriol Vinyals. 2019. Generating diverse high-fidelity images with vq-vae-2. Advances in Neural Information Processing Systems 32 (2019).
  • Rombach et al. (2022) Robin Rombach, Andreas Blattmann, Dominik Lorenz, Patrick Esser, and Björn Ommer. 2022. High-resolution image synthesis with latent diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 10684–10695.
  • Ronneberger et al. (2015) Olaf Ronneberger, Philipp Fischer, and Thomas Brox. 2015. 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. Springer, 234–241.
  • Ruiz et al. (2020) Nataniel Ruiz, Sarah Adel Bargal, and Stan Sclaroff. 2020. Disrupting deepfakes: Adversarial attacks against conditional image translation networks and facial manipulation systems. In Computer Vision–ECCV 2020 Workshops: Glasgow, UK, August 23–28, 2020, Proceedings, Part IV 16. Springer, 236–251.
  • Ruiz et al. (2023) Nataniel Ruiz, Yuanzhen Li, Varun Jampani, Yael Pritch, Michael Rubinstein, and Kfir Aberman. 2023. 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.
  • 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. 2022. Photorealistic text-to-image diffusion models with deep language understanding. Advances in Neural Information Processing Systems 35 (2022), 36479–36494.
  • Shan et al. (2023) Shawn Shan, Jenna Cryan, Emily Wenger, Haitao Zheng, Rana Hanocka, and Ben Y Zhao. 2023. Glaze: Protecting Artists from Style Mimicry by {{\{{Text-to-Image}}\}} Models. In 32nd USENIX Security Symposium (USENIX Security 23). 2187–2204.
  • StabilityAI (2024) StabilityAI. 2024. Stable Diffusion. Hugging Face Model Hub. https://huggingface.co/stabilityai
  • Tao et al. (2022) Ming Tao, Hao Tang, Fei Wu, Xiao-Yuan Jing, Bing-Kun Bao, and Changsheng Xu. 2022. Df-gan: A simple and effective baseline for text-to-image synthesis. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 16515–16525.
  • Van Le et al. (2023) Thanh Van Le, Hao Phung, Thuan Hoang Nguyen, Quan Dao, Ngoc N Tran, and Anh Tran. 2023. Anti-DreamBooth: Protecting users from personalized text-to-image synthesis. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 2116–2127.
  • Wang et al. (2024) Feifei Wang, Zhentao Tan, Tianyi Wei, Yue Wu, and Qidong Huang. 2024. SimAC: A Simple Anti-Customization Method for Protecting Face Privacy against Text-to-Image Synthesis of Diffusion Models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 12047–12056.
  • Wang et al. (2023b) Luozhou Wang, Shuai Yang, Shu Liu, and Ying-cong Chen. 2023b. Not All Steps are Created Equal: Selective Diffusion Distillation for Image Manipulation. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 7472–7481.
  • Wang et al. (2021) Run Wang, Felix Juefei-Xu, Meng Luo, Yang Liu, and Lina Wang. 2021. Faketagger: Robust safeguards against deepfake dissemination via provenance tracking. In Proceedings of the 29th ACM International Conference on Multimedia. 3546–3555.
  • Wang et al. (2023a) Tianyi Wang, Harry Cheng, Kam Pui Chow, and Liqiang Nie. 2023a. Deep convolutional pooling transformer for deepfake detection. ACM Transactions on Multimedia Computing, Communications and Applications 19, 6 (2023), 1–20.
  • Wei et al. (2023) Yuxiang Wei, Yabo Zhang, Zhilong Ji, Jinfeng Bai, Lei Zhang, and Wangmeng Zuo. 2023. Elite: Encoding visual concepts into textual embeddings for customized text-to-image generation. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 15943–15953.
  • Wu et al. (2023) Xiaoshuai Wu, Xin Liao, and Bo Ou. 2023. Sepmark: Deep separable watermarking for unified source tracing and deepfake detection. In Proceedings of the 31st ACM International Conference on Multimedia. 1190–1201.
  • Xu et al. (2018) Tao Xu, Pengchuan Zhang, Qiuyuan Huang, Han Zhang, Zhe Gan, Xiaolei Huang, and Xiaodong He. 2018. Attngan: Fine-grained text to image generation with attentional generative adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 1316–1324.
  • Yang et al. (2021) Chaofei Yang, Leah Ding, Yiran Chen, and Hai Li. 2021. Defending against gan-based deepfake attacks via transformation-aware adversarial faces. In 2021 International Joint Conference on Neural Networks (IJCNN). IEEE, 1–8.
  • Yang et al. (2023) Jiachen Yang, Chen Cheng, Shuai Xiao, Guipeng Lan, and Jiabao Wen. 2023. High Fidelity Face-Swapping With Style ConvTransformer and Latent Space Selection. IEEE Transactions on Multimedia (2023).
  • Yeh et al. (2021) Chin-Yuan Yeh, Hsi-Wen Chen, Hong-Han Shuai, De-Nian Yang, and Ming-Syan Chen. 2021. Attack as the best defense: Nullifying image-to-image translation gans via limit-aware adversarial attack. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 16188–16197.
  • Zhang et al. (2022) Daichi Zhang, Fanzhao Lin, Yingying Hua, Pengju Wang, Dan Zeng, and Shiming Ge. 2022. Deepfake video detection with spatiotemporal dropout transformer. In Proceedings of the 30th ACM International Conference on Multimedia. 5833–5841.
  • Zhao et al. (2021) Hanqing Zhao, Wenbo Zhou, Dongdong Chen, Tianyi Wei, Weiming Zhang, and Nenghai Yu. 2021. Multi-attentional deepfake detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 2185–2194.
  • Zhong and Deng (2022) Yaoyao Zhong and Weihong Deng. 2022. Opom: Customized invisible cloak towards face privacy protection. IEEE Transactions on Pattern Analysis and Machine Intelligence 45, 3 (2022), 3590–3603.