HTML conversions sometimes display errors due to content that did not convert correctly from the source. This paper uses the following packages that are not yet supported by the HTML conversion tool. Feedback on these issues are not necessary; they are known and are being worked on.

  • failed: nicematrix
  • failed: xr-hyper
  • failed: epic

Authors: achieve the best HTML results from your LaTeX submissions by following these best practices.

License: CC BY 4.0
arXiv:2403.09914v1 [cs.CV] 14 Mar 2024

ProMark: Proactive Diffusion Watermarking for Causal Attribution

Vishal Asnani1,212{}^{1,2}start_FLOATSUPERSCRIPT 1 , 2 end_FLOATSUPERSCRIPT
   John Collomosse1,313{}^{1,3}start_FLOATSUPERSCRIPT 1 , 3 end_FLOATSUPERSCRIPT
   Tu Bui33{}^{3}start_FLOATSUPERSCRIPT 3 end_FLOATSUPERSCRIPT
   Xiaoming Liu22{}^{2}start_FLOATSUPERSCRIPT 2 end_FLOATSUPERSCRIPT
   Shruti Agarwal11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPT
  
11{}^{1}start_FLOATSUPERSCRIPT 1 end_FLOATSUPERSCRIPTAdobe Research, 22{}^{2}start_FLOATSUPERSCRIPT 2 end_FLOATSUPERSCRIPTMichigan State University, 33{}^{3}start_FLOATSUPERSCRIPT 3 end_FLOATSUPERSCRIPTUniversity of Surrey
 {asnanivi,liuxm}@msu.edu   {collomos,shragarw}@adobe.com   [email protected]
Abstract

Generative AI (GenAI) is transforming creative workflows through the capability to synthesize and manipulate images via high-level prompts. Yet creatives are not well supported to receive recognition or reward for the use of their content in GenAI training. To this end, we propose ProMark, a causal attribution technique to attribute a synthetically generated image to its training data concepts like objects, motifs, templates, artists, or styles. The concept information is proactively embedded into the input training images using imperceptible watermarks, and the diffusion models (unconditional or conditional) are trained to retain the corresponding watermarks in generated images. We show that we can embed as many as 216superscript2162^{16}2 start_POSTSUPERSCRIPT 16 end_POSTSUPERSCRIPT unique watermarks into the training data, and each training image can contain more than one watermark. ProMark can maintain image quality whilst outperforming correlation-based attribution. Finally, several qualitative examples are presented, providing the confidence that the presence of the watermark conveys a causative relationship between training data and synthetic images.

1 Introduction

GenAI is able to create high-fidelity synthetic images spanning diverse concepts, largely due to advances in diffusion models, e.g. DDPM [17], DDIM [21], LDM [26]. GenAI models, particularly diffusion models, have been shown to closely adopt and sometimes directly memorize the style and the content of different training images – defined as “concepts” in the training data [11, 19]. This leads to concerns from creatives whose work has been used to train GenAI. Concerns focus upon the lack of a means for attribution, e.g. recognition or citation, of synthetic images to the training data used to create them and extend even to calls for a compensation mechanism (financial, reputational, or otherwise) for GenAI’s derivative use of concepts in training images contributed by creatives.

Refer to caption
Figure 1: Causative vs. correlation-based matching for concept attribution. ProMark identifies the training data most responsible for a synthetic image (‘attribution’). Correlation-based matching doesn’t always perform the data attribution properly. We propose ProMark, which is a proactive approach involving adding watermarks to training data and recovering them from the synthetic image to perform attribution in a causative way.

We refer to this problem as concept attribution – the ability to attribute generated images to the training concept/s which have most directly influenced their creation. Several passive techniques have recently been proposed to solve the attribution problem [5, 28, 32]. These approaches use visual correlation between the generated image and the training images for attribution. Whilst they vary in their method and rationale for learning the similarity embedding – all use some forms of contrastive training to learn a metric space for visual correlation.

We argue that although correlation can provide visually intuitive results, a measure of similarity is not a causative answer to whether certain training data is responsible for the generation of an image or not. Further, correlation-based techniques can identify close matches with images that were not even present in the training data.

Kee** this in mind, we explore an intriguing field of research which is develo** around proactive watermarking methodologies [35, 27, 31, 3], that employ signals, termed templates to encrypt input images before feeding them into the network. These works have integrated and subsequently retrieved templates to bolster the performance of the problem at hand. Inspired by these works, we introduce ProMark, a proactive watermarking-based approach for GenAI models to perform concept attribution in a causative way. The technical contributions of ProMark are three-fold:

1. Causal vs. Correlation-based Attribution. ProMark performs causal attribution of synthetic images to the predefined concepts in the training images that influenced the generation. Unlike prior works that visually correlate synthetic images with training data, we make no assumption that visual similarity approximates causation. ProMark ties watermarks to training images and scans for the watermarks in the generated images, enabling us to demonstrate rather than approximate/imply causation. This provides confidence in grounding downstream decisions such as legal attribution or payments to creators.

2. Multiple Orthogonal Attributions. We propose to use orthogonal invisible watermarks to proactively embed attribution information into the input training data and add a BCE loss during the training of diffusion models to retain the corresponding watermarks in the generated images. We show that ProMark causatively attributes as many as 216superscript2162^{16}2 start_POSTSUPERSCRIPT 16 end_POSTSUPERSCRIPT unique training-data concepts like objects, scenes, templates, motifs, and style, where the generated images can simultaneously express one or two orthogonal concepts.

3. Flexible Attributions. ProMark can be used for training conditional or unconditional diffusion models and even finetuning a pre-trained model for only a few iterations. We show that ProMark’s causative approach achieves higher accuracy than correlation-based attribution over five diverse datasets (Sec. 4.1): Adobe Stock, ImageNet, LSUN, Wikiart, and BAM while preserving synthetic image quality due to the imperceptibility of the watermarks.

Fig. 1 presents our scenario, where synthetic image(s) are attributed back to the most influential GenAI training images. Correlation-based techniques [5, 32] try to match the high-level image structure or style. Here, the green-lizard synthetic image is matched to a generic green image without a lizard [5]. With ProMark’s causative approach, the presence of the green-lizard watermark in the synthetic image will correctly indicate the influence of the similarly watermarked concept group of lizard training images.

2 Related Works

Table 1: Comparison of ProMark with prior works. Uniquely, we perform causative attribution using proactive watermarking to attribute multiple concepts. [Keys: emb.: embedding, obj.: object, own.: ownership, sem.: semantic, sty.: style, wat.: watermark]

Method Scheme Task Match # Class Multiple Attribution type type attribution type [28] passive attribution emb. - sty. [5] passive attribution emb. - obj. [32] passive attribution emb. 693693693693 sty., obj. [16] passive detect wat. 2222 - [20] passive detect wat. 2222 - [14] passive detect wat. 2222 - [31] proactive detect wat. 2222 - - [1] proactive detect wat. 2222 - - [3] proactive localization wat. 2222 - - [2] proactive obj. detect - 90909090 - - sty., obj. ProMark proactive attribution wat. 216superscript2162^{16}2 start_POSTSUPERSCRIPT 16 end_POSTSUPERSCRIPT own., sem.

Passive Concept Attribution. Concept attribution differs from model [8] or camera [12] attribution in that the task is to determine the responsible training data for a given generation. Existing concept attribution techniques are passive – they do not actively modify the GenAI model or training data but instead, measure the visual similarity (under some definition) of synthetic images and training data to quantify attribution for each training image. EKILA [5] proposes patch-based perceptual hashing (visual fingerprinting [22, 6]) to match the style of the query patches to the training data for attribution. Wang et al. [32] finetune semantic embeddings like CLIP, DINO, etc. for the attribution task. Both [5] and [32] explore ALADIN [28] for style attribution. ALADIN is a feature representation for fine-grained style similarity learned using a weakly supervised approach.

All these works are regarded as passive approaches as they take the image as an attribute by correlating between generated and training image styles. Instead, our approach is a proactive scheme that adds a watermark to training images and performs attribution in a causal manner (Tab. 1).

Proactive Schemes. Proactive schemes involve adding a signal/perturbation onto the input images to benefit different tasks like deepfake tagging [31], deepfake detection [1], manipulation localization [3], object detection [2], etc. Some works [35, 27] disrupt the output of the generative models by adding perturbations to the training data. Alexandre et al. [29] tackles the problem of training dataset attribution by using fixed signals for every data type. These prior works successfully demonstrate the use of watermarks to classify the content of the AI-generated images proactively. We extend the idea of proactive watermarking to perform the task of causal attribution of AI-generated images to influential training data concepts. Watermarking has not been used to trace attribution in GenAI before.

Refer to caption
Figure 2: Overview of ProMark. We show the training and inference procedure for our proposed method. Our training pipeline involves two stages, image encryption and generative model training. We convert the bit-sequences to spatial watermarks (𝑾𝑾\boldsymbol{W}bold_italic_W), which are then added to the corresponding concept images (𝑿𝑿\boldsymbol{X}bold_italic_X) to make them encrypted (𝑿Wsubscript𝑿𝑊\boldsymbol{X}_{W}bold_italic_X start_POSTSUBSCRIPT italic_W end_POSTSUBSCRIPT). The generative model is then trained with the encrypted images using the LDM supervision. During training, we recover the added watermark using the secret decoder (𝒟Ssubscript𝒟𝑆\mathcal{D}_{S}caligraphic_D start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT) and apply the BCE supervision to perform attribution. To sample newly generated images, we use a Gaussian noise and recover the bit-sequences using the secret decoder to attribute them to different concepts. Best viewed in color.

Watermarking of GenAI Models. It is an active research to watermark AI-generated images for the purpose of privacy protection. Fernandez1 et al. [16] fine-tune the LDM’s decoder to condition on a bit sequence, embedding it in images for AI-generated image detection. Kirchenbauer et al. [18] propose a watermarking method for language models by pre-selecting random tokens and subtly influencing their use during word generation. Zhao et al. [37] use a watermarking scheme for text-to-image diffusion models, while Liu et al. [20] verify watermarks by pre-defined prompts. [14, 23] add a watermark for detecting copyright infringement. Asnani et al. [4] reverse engineer a fingerprint left by various GenAI models to further use it for recovering the network and training parameters of these models [34, 4]. Finally, Cao et al. [10] adds an invisible watermark for protecting diffusion models which are used to generate audio modality. Most of these works have used watermarking for protecting diffusion models, which enables them to add just one watermark onto the data. In contrast, we propose to add multiple watermarks to the training data and to a single image, which is a more challenging task than embedding a universal watermark.

3 Method

3.1 Background

Diffusion Models. Diffusion models learn a data distribution p(𝑿), where 𝑿h×w×3𝑝𝑿 where 𝑿superscript𝑤3p(\boldsymbol{X}),\text{ where }\boldsymbol{X}\in\mathbb{R}^{h\times w\times 3}italic_p ( bold_italic_X ) , where bold_italic_X ∈ blackboard_R start_POSTSUPERSCRIPT italic_h × italic_w × 3 end_POSTSUPERSCRIPT is the input image. They do this by iteratively reducing the noise in a variable that initially follows a normal distribution. This can be viewed as learning the reverse steps of a fixed Markov Chain with a length of T𝑇Titalic_T. Recently, LDM [26] is proposed to convert images to their latent representation for faster training in a lower dimensional space than the pixel space. The image is converted to and from the latent space by a pretrained autoencoder consisting of an encoder 𝒛=L(𝑿)𝒛subscript𝐿𝑿\boldsymbol{z}=\mathcal{E}_{L}(\boldsymbol{X})bold_italic_z = caligraphic_E start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( bold_italic_X ) and a decoder 𝑿R=𝒟L(𝒛)subscript𝑿𝑅subscript𝒟𝐿𝒛\boldsymbol{X}_{R}=\mathcal{D}_{L}(\boldsymbol{z})bold_italic_X start_POSTSUBSCRIPT italic_R end_POSTSUBSCRIPT = caligraphic_D start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( bold_italic_z ), where 𝒛𝒛\boldsymbol{z}bold_italic_z is the latent code and 𝑿Rsubscript𝑿𝑅\boldsymbol{X}_{R}bold_italic_X start_POSTSUBSCRIPT italic_R end_POSTSUBSCRIPT is the reconstructed image. The trainable denoising module of the LDM is ϵθ(𝒛t,t);t=1Tsubscriptitalic-ϵ𝜃subscript𝒛𝑡𝑡𝑡1𝑇\epsilon_{\theta}(\boldsymbol{z}_{t},t);t=1...Titalic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t ) ; italic_t = 1 … italic_T, where ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT is trained to predict the denoised latent code 𝒛^^𝒛\hat{\boldsymbol{z}}over^ start_ARG bold_italic_z end_ARG from its noised version 𝒛tsubscript𝒛𝑡\boldsymbol{z}_{t}bold_italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT. This objective function can be defined as follows:

LLDM=𝔼L(𝑿),ϵ𝒩(0,1),t[ϵϵθ(𝒛t,t)22],subscript𝐿𝐿𝐷𝑀subscript𝔼formulae-sequencesimilar-tosubscript𝐿𝑿italic-ϵ𝒩01𝑡delimited-[]subscriptsuperscriptnormitalic-ϵsubscriptitalic-ϵ𝜃subscript𝒛𝑡𝑡22L_{LDM}=\mathbb{E}_{\mathcal{E}_{L}(\boldsymbol{X}),\epsilon\sim\mathcal{N}(0,% 1),t}\bigl{[}||\epsilon-\epsilon_{\theta}(\boldsymbol{z}_{t},t)||^{2}_{2}\bigr% {]},italic_L start_POSTSUBSCRIPT italic_L italic_D italic_M end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT caligraphic_E start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( bold_italic_X ) , italic_ϵ ∼ caligraphic_N ( 0 , 1 ) , italic_t end_POSTSUBSCRIPT [ | | italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t ) | | start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ] , (1)

where ϵitalic-ϵ\epsilonitalic_ϵ is the noise added at step t𝑡titalic_t.

Image Encryption. Proactive works [1, 3, 2] have shown performance gain on various tasks by proactively transforming the input training images 𝑿𝑿\boldsymbol{X}bold_italic_X with a watermark, resulting in an encrypted image. This watermark is either fixed or learned, depending on the task at hand. Similar to prior proactive works, our image encryption is of the form:

𝑿W=𝒯(𝑿;𝑾)=𝑿+m×R(𝑾,h,w),subscript𝑿𝑊𝒯𝑿𝑾𝑿𝑚𝑅𝑾𝑤\boldsymbol{X}_{W}=\mathcal{T}(\boldsymbol{X};\boldsymbol{W})={\boldsymbol{X}}% +m\times R(\boldsymbol{W},h,w),bold_italic_X start_POSTSUBSCRIPT italic_W end_POSTSUBSCRIPT = caligraphic_T ( bold_italic_X ; bold_italic_W ) = bold_italic_X + italic_m × italic_R ( bold_italic_W , italic_h , italic_w ) , (2)

where 𝒯𝒯\mathcal{T}caligraphic_T is the transformation, 𝑾𝑾\boldsymbol{W}bold_italic_W is the spatial watermark, 𝑿Wsubscript𝑿𝑊\boldsymbol{X}_{W}bold_italic_X start_POSTSUBSCRIPT italic_W end_POSTSUBSCRIPT is the encrypted image, m𝑚mitalic_m is the watermark strength, and R(.)R(.)italic_R ( . ) resizes 𝑾𝑾\boldsymbol{W}bold_italic_W to the input resolution (h,w)𝑤(h,w)( italic_h , italic_w ).

We use the state-of-the-art watermarking technique RoSteALS [9] to compute the spatial watermarks for encryption due to its robustness to image transformation and generalization (the watermark is independent of content of the input image). RoSteALS is designed to embed a secret of length b𝑏bitalic_b-bits into an image using robust and imperceptible watermarking. It comprises of a secret encoder S(𝒔)subscript𝑆𝒔\mathcal{E}_{S}(\boldsymbol{s})caligraphic_E start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( bold_italic_s ), which converts the bit-secret 𝒔{0,1}b𝒔superscript01𝑏\boldsymbol{s}\in\{0,1\}^{b}bold_italic_s ∈ { 0 , 1 } start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT into a latent code offset 𝒛osubscript𝒛𝑜\boldsymbol{z}_{o}bold_italic_z start_POSTSUBSCRIPT italic_o end_POSTSUBSCRIPT. It is then added to the latent code of an autoencoder 𝒛w=𝒛+𝒛osubscript𝒛𝑤𝒛subscript𝒛𝑜\boldsymbol{z}_{w}=\boldsymbol{z}+\boldsymbol{z}_{o}bold_italic_z start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT = bold_italic_z + bold_italic_z start_POSTSUBSCRIPT italic_o end_POSTSUBSCRIPT. This modified latent code 𝒛wsubscript𝒛𝑤\boldsymbol{z}_{w}bold_italic_z start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT is then used to reconstruct a watermarked image via autoencoder decoder. Finally, a secret decoder, denoted by 𝒟S(XW)subscript𝒟𝑆subscript𝑋𝑊\mathcal{D}_{S}(X_{W})caligraphic_D start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( italic_X start_POSTSUBSCRIPT italic_W end_POSTSUBSCRIPT ), takes the watermarked images as input and predicts the bit-sequence 𝒔^^𝒔\hat{\boldsymbol{s}}over^ start_ARG bold_italic_s end_ARG.

3.2 Problem Definition

Let 𝒞={c1,c2,,cN}𝒞subscript𝑐1subscript𝑐2subscript𝑐𝑁\mathcal{C}=\{c_{1},c_{2},\ldots,c_{N}\}caligraphic_C = { italic_c start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_c start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_c start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT } be a set of N𝑁Nitalic_N distinct concepts within a dataset that is used for training a GenAI model for image synthesis. The problem of concept attribution can be formulated as follows:

Given a synthetic image 𝐗Ssubscript𝐗𝑆\boldsymbol{X}_{S}bold_italic_X start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT generated by a GenAI model, the objective of concept attribution is to accurately associate 𝐗Ssubscript𝐗𝑆\boldsymbol{X}_{S}bold_italic_X start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT to a concept ci𝒞subscript𝑐𝑖𝒞c_{i}\in\mathcal{C}italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ caligraphic_C that significantly influenced the generation of 𝐗Ssubscript𝐗𝑆\boldsymbol{X}_{S}bold_italic_X start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT.

We aim to find a map** f:𝑿Sci:𝑓subscript𝑿𝑆subscript𝑐𝑖f:\boldsymbol{X}_{S}\rightarrow c_{i}italic_f : bold_italic_X start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT → italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT such that

ci*=argmaxci𝒞f(𝑿S,ci),superscriptsubscript𝑐𝑖subscriptsubscript𝑐𝑖𝒞𝑓subscript𝑿𝑆subscript𝑐𝑖c_{i}^{*}=\arg\max_{c_{i}\in\mathcal{C}}f(\boldsymbol{X}_{S},c_{i}),italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT * end_POSTSUPERSCRIPT = roman_arg roman_max start_POSTSUBSCRIPT italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ caligraphic_C end_POSTSUBSCRIPT italic_f ( bold_italic_X start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT , italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) , (3)

where ci*superscriptsubscript𝑐𝑖c_{i}^{*}italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT * end_POSTSUPERSCRIPT represents the concept most strongly attributed to image 𝑿Ssubscript𝑿𝑆\boldsymbol{X}_{S}bold_italic_X start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT.

3.3 Overview

The pipeline of ProMark is shown in Fig. 2. The principle is simple: if a specific watermark unique to a training concept can be detected from a generated image, it indicates that the generative model relies on that concept in the generation process. Thus, ProMark involves two steps: training data encryption via watermarks and generative model training with watermarked images.

To watermark the training data, the dataset is first divided into N𝑁Nitalic_N groups, where each group corresponds to a unique concept that needs attribution. These concepts can be semantic (e.g. objects, scenes, motifs or stock image templates) or abstract (e.g. stylistic, ownership info). Each training image in a group is encoded with a unique watermark without significantly altering the image’s perceptibility. Once the training images are watermarked, they are used to train the generative model. As the model trains, it learns to generate images based on the encrypted training images. Ideally, the generated images would have traces of watermarks corresponding to concepts they’re derived from.

During inference, ProMark conforms to whether a generated image is derived from a particular training concept by identifying the unique watermark of that concept within the image. Through the careful use of unique watermarks, we can trace back and causally attribute generated images to their origin in the training dataset.

3.4 Training

During training, our algorithm is composed of two stages: image encryption and generative model training. We now describe each of these stages in detail.

Image Encryption. The training data is first divided into N𝑁Nitalic_N concepts, and images in each partition are encrypted using a fixed spatial watermark 𝑾jh×wsubscript𝑾𝑗superscript𝑤\boldsymbol{W}_{j}\in\mathbb{R}^{h\times w}bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_h × italic_w end_POSTSUPERSCRIPT (j0,1,2,,N𝑗012𝑁j\in{0,1,2,...,N}italic_j ∈ 0 , 1 , 2 , … , italic_N). Each noise 𝑾jsubscript𝑾𝑗\boldsymbol{W}_{j}bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT is a b𝑏bitalic_b-dim bit-sequence (secret) 𝒔j={pj1,pj2,,pjb}subscript𝒔𝑗subscript𝑝𝑗1subscript𝑝𝑗2subscript𝑝𝑗𝑏\boldsymbol{s}_{j}=\{p_{j1},p_{j2},...,p_{jb}\}bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT = { italic_p start_POSTSUBSCRIPT italic_j 1 end_POSTSUBSCRIPT , italic_p start_POSTSUBSCRIPT italic_j 2 end_POSTSUBSCRIPT , … , italic_p start_POSTSUBSCRIPT italic_j italic_b end_POSTSUBSCRIPT } where pji{0,1}subscript𝑝𝑗𝑖01p_{ji}\in\{0,1\}italic_p start_POSTSUBSCRIPT italic_j italic_i end_POSTSUBSCRIPT ∈ { 0 , 1 }.

In order to compute the watermark 𝑾jsubscript𝑾𝑗\boldsymbol{W}_{j}bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT from the bit-sequence 𝒔jsubscript𝒔𝑗\boldsymbol{s}_{j}bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT, we encrypt 100100100100 random images with 𝒔jsubscript𝒔𝑗\boldsymbol{s}_{j}bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT using pretrained RoSteALS secret encoder S(.)\mathcal{E}_{S}(.)caligraphic_E start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( . ) which takes b=160𝑏160b=160italic_b = 160 length secret as input. From these encrypted images, we obtain 100100100100 noise residuals by subtracting the encrypted images from the originals, which are averaged to compute the watermark 𝑾jsubscript𝑾𝑗\boldsymbol{W}_{j}bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT as:

𝑾j=1100i=1100(𝑿iS(𝑿i,𝒔j)).subscript𝑾𝑗1100superscriptsubscript𝑖1100subscript𝑿𝑖subscript𝑆subscript𝑿𝑖subscript𝒔𝑗\boldsymbol{W}_{j}=\frac{1}{100}\sum_{i=1}^{100}(\boldsymbol{X}_{i}-\mathcal{E% }_{S}(\boldsymbol{X}_{i},\boldsymbol{s}_{j})).bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT = divide start_ARG 1 end_ARG start_ARG 100 end_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 100 end_POSTSUPERSCRIPT ( bold_italic_X start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - caligraphic_E start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( bold_italic_X start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ) ) . (4)

The above process is defined as spatial noise conversion in Fig. 2. The averaging of noise residuals across different images reduces the image content in the watermark and makes the watermark independent of any specific image. Additionally, the generated watermarks are orthogonal due to different bits for all 𝒔jsubscript𝒔𝑗\boldsymbol{s}_{j}bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT, ensuring distinguishability from each other. With the generated watermarks, each training image is encrypted using Eq. 2 with one of the N𝑁Nitalic_N watermarks that correspond to the concept the image belongs to.

Generative Model Training. Using the encrypted data, we train the LDM’s denoising module ϵθ(.)\epsilon_{\theta}(.)italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( . ) using the objective function (Eq. 1), where 𝒛tsubscript𝒛𝑡\boldsymbol{z}_{t}bold_italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT is the noised version of:

𝒛=L(𝑿Wj)=L(𝒯(𝑿;𝑾j)),𝒛subscript𝐿subscript𝑿subscript𝑊𝑗subscript𝐿𝒯𝑿subscript𝑾𝑗\boldsymbol{z}=\mathcal{E}_{L}(\boldsymbol{X}_{W_{j}})=\mathcal{E}_{L}(% \mathcal{T}(\boldsymbol{X};\boldsymbol{W}_{j})),bold_italic_z = caligraphic_E start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( bold_italic_X start_POSTSUBSCRIPT italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT end_POSTSUBSCRIPT ) = caligraphic_E start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( caligraphic_T ( bold_italic_X ; bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ) ) , (5)

i.e., the input latent codes 𝒛𝒛\boldsymbol{z}bold_italic_z are generated using the encrypted images 𝑿Wjsubscript𝑿subscript𝑊𝑗\boldsymbol{X}_{W_{j}}bold_italic_X start_POSTSUBSCRIPT italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT end_POSTSUBSCRIPT for j{0,1,2.,N}j\in\{0,1,2....,N\}italic_j ∈ { 0 , 1 , 2 … . , italic_N }.

However, we found that only using LDM loss is insufficient to successfully learn the connection between the conceptual content and its associated watermark. This gap in learning presents a significant hurdle, as the primary aim is to trace back generated images to their respective training concepts via the watermark. To tackle this, an auxiliary supervision is introduced to LDM’s training,

LBCE(𝒔j,𝒔^)=1bi=1b[pjilog(p^i)+(1pji)log(1p^i)],subscript𝐿𝐵𝐶𝐸subscript𝒔𝑗^𝒔1𝑏superscriptsubscript𝑖1𝑏delimited-[]subscript𝑝𝑗𝑖subscript^𝑝𝑖1subscript𝑝𝑗𝑖1subscript^𝑝𝑖L_{BCE}(\boldsymbol{s}_{j},\hat{\boldsymbol{s}})=-\frac{1}{b}\sum_{i=1}^{b}[p_% {ji}\log(\hat{p}_{i})+(1-p_{ji})\log(1-\hat{p}_{i})],italic_L start_POSTSUBSCRIPT italic_B italic_C italic_E end_POSTSUBSCRIPT ( bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT , over^ start_ARG bold_italic_s end_ARG ) = - divide start_ARG 1 end_ARG start_ARG italic_b end_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT [ italic_p start_POSTSUBSCRIPT italic_j italic_i end_POSTSUBSCRIPT roman_log ( over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) + ( 1 - italic_p start_POSTSUBSCRIPT italic_j italic_i end_POSTSUBSCRIPT ) roman_log ( 1 - over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) ] , (6)

where LBCE(.)L_{BCE}(.)italic_L start_POSTSUBSCRIPT italic_B italic_C italic_E end_POSTSUBSCRIPT ( . ) is the binary cross-entropy (BCE) between the actual bit-sequence 𝒔jsubscript𝒔𝑗\boldsymbol{s}_{j}bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT associated with watermark 𝑾jsubscript𝑾𝑗\boldsymbol{W}_{j}bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT and the predicted bit-sequence 𝒔^^𝒔\hat{\boldsymbol{s}}over^ start_ARG bold_italic_s end_ARG. The denoised latent code 𝒛^^𝒛\hat{\boldsymbol{z}}over^ start_ARG bold_italic_z end_ARG is then decoded using the autoencoder 𝒟L(.)\mathcal{D}_{L}(.)caligraphic_D start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( . ), and the embedded secret 𝒔^^𝒔\hat{\boldsymbol{s}}over^ start_ARG bold_italic_s end_ARG is predicted by the secret decoder 𝒟S(.)\mathcal{D}_{S}(.)caligraphic_D start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( . ) as:

𝒔^=𝒟S(𝒟L(𝒛^)).^𝒔subscript𝒟𝑆subscript𝒟𝐿^𝒛\hat{\boldsymbol{s}}=\mathcal{D}_{S}(\mathcal{D}_{L}(\hat{\boldsymbol{z}})).over^ start_ARG bold_italic_s end_ARG = caligraphic_D start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( caligraphic_D start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( over^ start_ARG bold_italic_z end_ARG ) ) . (7)

By employing BCE, the model is guided to minimize the difference between the predicted watermark and the embedded watermark, hence improving the model’s ability to recognize and associate watermarks with their respective concepts. Finally, our objective is to minimize the loss function Lattr=LLDM+αLBCEsubscript𝐿𝑎𝑡𝑡𝑟subscript𝐿𝐿𝐷𝑀𝛼subscript𝐿𝐵𝐶𝐸L_{attr}=L_{LDM}+\alpha L_{BCE}italic_L start_POSTSUBSCRIPT italic_a italic_t italic_t italic_r end_POSTSUBSCRIPT = italic_L start_POSTSUBSCRIPT italic_L italic_D italic_M end_POSTSUBSCRIPT + italic_α italic_L start_POSTSUBSCRIPT italic_B italic_C italic_E end_POSTSUBSCRIPT during training, where α𝛼\alphaitalic_α is set to 2222 for our experiments.

3.5 Inference

After the LDM learns to associate the watermarks with concepts, we use random Gaussian noise to sample the newly generated images from the model. While the diffusion model creates these new images, it also embeds a watermark within them. Each watermark maps to a distinctive orthogonal bit-sequence associated with a specific training concept, serving as a covert signature for attribution.

To attribute the generated images and ascertain which training concept influenced them, we predict the secret embedded by the LDM in the generated images (see Eq. 7). Given a predicted binary bit-sequence, 𝒔^={p1^,p2^,,pb^}^𝒔^subscript𝑝1^subscript𝑝2^subscript𝑝𝑏\hat{\boldsymbol{s}}=\{\hat{p_{1}},\hat{p_{2}},...,\hat{p_{b}}\}over^ start_ARG bold_italic_s end_ARG = { over^ start_ARG italic_p start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT end_ARG , over^ start_ARG italic_p start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT end_ARG , … , over^ start_ARG italic_p start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT end_ARG } and all the input bit-sequences 𝒔jsubscript𝒔𝑗\boldsymbol{s}_{j}bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT for j0,1,2,N𝑗012𝑁j\in{0,1,2...,N}italic_j ∈ 0 , 1 , 2 … , italic_N, we define the attribution function, f𝑓fitalic_f, in Eq. 3 as:

f(𝒔^,𝒔j)=k=1b[p^k=pjk],𝑓^𝒔subscript𝒔𝑗superscriptsubscript𝑘1𝑏delimited-[]subscript^𝑝𝑘subscript𝑝𝑗𝑘f(\hat{\boldsymbol{s}},\boldsymbol{s}_{j})=\sum_{k=1}^{b}[\hat{p}_{k}=p_{jk}],italic_f ( over^ start_ARG bold_italic_s end_ARG , bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ) = ∑ start_POSTSUBSCRIPT italic_k = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT [ over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT = italic_p start_POSTSUBSCRIPT italic_j italic_k end_POSTSUBSCRIPT ] , (8)

where [p^k=pik]delimited-[]subscript^𝑝𝑘subscript𝑝𝑖𝑘[\hat{p}_{k}=p_{ik}][ over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT = italic_p start_POSTSUBSCRIPT italic_i italic_k end_POSTSUBSCRIPT ] acts as an indicator function, returning 1111 if the condition is true, i.e., the bits are identical, and 00 otherwise. Consequently, we assign the predicted bit sequence to the concept whose bit sequence it most closely mirrors — that is, the concept j*superscript𝑗j^{*}italic_j start_POSTSUPERSCRIPT * end_POSTSUPERSCRIPT for which f(𝒔^,𝒔j*)𝑓^𝒔subscript𝒔superscript𝑗f(\hat{\boldsymbol{s}},\boldsymbol{s}_{j^{*}})italic_f ( over^ start_ARG bold_italic_s end_ARG , bold_italic_s start_POSTSUBSCRIPT italic_j start_POSTSUPERSCRIPT * end_POSTSUPERSCRIPT end_POSTSUBSCRIPT ) is maximized:

j*=argmaxj{1,2,,N}f(𝒔^,𝒔j).superscript𝑗subscript𝑗12𝑁𝑓^𝒔subscript𝒔𝑗j^{*}=\arg\max_{j\in\{1,2,...,N\}}f(\hat{\boldsymbol{s}},\boldsymbol{s}_{j}).italic_j start_POSTSUPERSCRIPT * end_POSTSUPERSCRIPT = roman_arg roman_max start_POSTSUBSCRIPT italic_j ∈ { 1 , 2 , … , italic_N } end_POSTSUBSCRIPT italic_f ( over^ start_ARG bold_italic_s end_ARG , bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ) . (9)

In other words, the concept whose watermark is most closely aligned with the generated image’s watermark is deemed to be the influencing source behind the generated image.

3.6 Multiple Watermarks

In prior image attribution works, an image is usually attributed to a single concept (e.g. image content or image style). However, in real-world scenarios, an image may encapsulate multiple concepts. This observation brings forth a pertinent question: “Is it possible to use multiple watermarks for multi-concept attribution within a single image?”

In this paper, we propose a novel approach to perform multi-concept attribution by embedding multiple watermarks into a single image. In our preliminary experiments, we restrict our focus to the addition of two watermarks. To achieve this, we divide the image into two halves and resize each watermark to fit the respective halves. This ensures that each half of the image carries distinct watermark information pertaining to a specific concept.

For the input RGB image 𝑿𝑿\boldsymbol{X}bold_italic_X, {𝑾i,𝑾jsubscript𝑾𝑖subscript𝑾𝑗\boldsymbol{W}_{i},\boldsymbol{W}_{j}bold_italic_W start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT} are the watermarks for two secrets {𝒔i,𝒔jsubscript𝒔𝑖subscript𝒔𝑗\boldsymbol{s}_{i},\boldsymbol{s}_{j}bold_italic_s start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT}, we formulate the new transformation 𝒯𝒯\mathcal{T}caligraphic_T as:

𝒯(𝑿;𝑾i,𝑾j)=𝒯𝑿subscript𝑾𝑖subscript𝑾𝑗absent\displaystyle\mathcal{T}(\boldsymbol{X};\boldsymbol{W}_{i},\boldsymbol{W}_{j})=caligraphic_T ( bold_italic_X ; bold_italic_W start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ) = {𝑿left,𝑿right}subscript𝑿𝑙𝑒𝑓𝑡subscript𝑿𝑟𝑖𝑔𝑡\displaystyle\Big{\{}\boldsymbol{X}_{left},\boldsymbol{X}_{right}\Big{\}}{ bold_italic_X start_POSTSUBSCRIPT italic_l italic_e italic_f italic_t end_POSTSUBSCRIPT , bold_italic_X start_POSTSUBSCRIPT italic_r italic_i italic_g italic_h italic_t end_POSTSUBSCRIPT }
=\displaystyle== {(𝑿(:,0:w2,:)+R(𝑾i,h,w2)),\displaystyle\Big{\{}(\boldsymbol{X}(:,0:\frac{w}{2},:)+R(\boldsymbol{W}_{i},h% ,\frac{w}{2})),{ ( bold_italic_X ( : , 0 : divide start_ARG italic_w end_ARG start_ARG 2 end_ARG , : ) + italic_R ( bold_italic_W start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_h , divide start_ARG italic_w end_ARG start_ARG 2 end_ARG ) ) ,
(𝑿(:,w2:w,:)+R(𝑾j,h,w2)},\displaystyle(\boldsymbol{X}(:,\frac{w}{2}:w,:)+R(\boldsymbol{W}_{j},h,\frac{w% }{2})\Big{\}},( bold_italic_X ( : , divide start_ARG italic_w end_ARG start_ARG 2 end_ARG : italic_w , : ) + italic_R ( bold_italic_W start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT , italic_h , divide start_ARG italic_w end_ARG start_ARG 2 end_ARG ) } ,

where {.}\{.\}{ . } is the horizontal concatenation. The loss function uses the two predicted secrets (𝒔^1subscript^𝒔1\hat{\boldsymbol{s}}_{1}over^ start_ARG bold_italic_s end_ARG start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and 𝒔^2subscript^𝒔2\hat{\boldsymbol{s}}_{2}over^ start_ARG bold_italic_s end_ARG start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT) from the two halves of the generated image, defined as:

Lattr=LLDM+α(LBCE(𝒔i,𝒔^1)+LBCE(𝒔j,𝒔^2)).subscript𝐿𝑎𝑡𝑡𝑟subscript𝐿𝐿𝐷𝑀𝛼subscript𝐿𝐵𝐶𝐸subscript𝒔𝑖subscript^𝒔1subscript𝐿𝐵𝐶𝐸subscript𝒔𝑗subscript^𝒔2\displaystyle L_{attr}=L_{LDM}+\alpha(L_{BCE}(\boldsymbol{s}_{i},\hat{% \boldsymbol{s}}_{1})+L_{BCE}(\boldsymbol{s}_{j},\hat{\boldsymbol{s}}_{2})).italic_L start_POSTSUBSCRIPT italic_a italic_t italic_t italic_r end_POSTSUBSCRIPT = italic_L start_POSTSUBSCRIPT italic_L italic_D italic_M end_POSTSUBSCRIPT + italic_α ( italic_L start_POSTSUBSCRIPT italic_B italic_C italic_E end_POSTSUBSCRIPT ( bold_italic_s start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , over^ start_ARG bold_italic_s end_ARG start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT ) + italic_L start_POSTSUBSCRIPT italic_B italic_C italic_E end_POSTSUBSCRIPT ( bold_italic_s start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT , over^ start_ARG bold_italic_s end_ARG start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ) ) .

4 Experiments

4.1 Unconditional Diffusion Model

In this section, we train multiple versions of unconditional diffusion models [26] to demonstrate that ProMark can be used to attribute a variety of concepts in the training data. In each case, the model is trained starting from random initialization of LDM weights. Described next are details of the datasets and evaluation protocols.

Datasets We use 5555 datasets spanning attribution categories like image templates, scenes, objects, styles, and artists. For each dataset, we consider the dataset classes as our attribution categories. For each class in a dataset, we use 90%percent9090\%90 % images for training, and 10%percent1010\%10 % for evaluation, unless specified otherwise.

  1. 1.

    Stock: We collect images from Adobe Stock, comprising of near-duplicate image clusters like templates, symbols, icons, etc. An example image from some clusters is shown in the supplementary. We use 100100100100 such clusters, each with 2K2𝐾2K2 italic_K images.

  2. 2.

    LSUN: The LSUN dataset [36] comprises 10101010 scene categories, such as bedrooms and kitchens. It’s commonly used for scene classification, training generative models like GANs, and anomaly detection. Same as the Stock dataset, we use 2K2𝐾2K2 italic_K images per class.

  3. 3.

    Wiki-S: The WikiArt dataset [30] is a collection of fine art images spanning various styles and artists. We use the 28282828 style classes with 580580580580 average images per class.

  4. 4.

    Wiki-A: From the WikiArt dataset [30] we also use the 23232323 artist classes with 2,11221122,1122 , 112 average images per class.

  5. 5.

    ImageNet: We use the ImageNet dataset [15] which comprises of 1111 million images across 1K1𝐾1K1 italic_K classes. For this dataset, we use the standard validation set with 50K50𝐾50K50 italic_K for evaluation and the remaining images for training.

Table 2: Comparison with prior works for unconditional diffusion model on various datasets. [Keys: str.: strength]

{NiceTabular}c—c—c—c—c—c—c Str. Attribution Accuracy (%) \bf\uparrow
Method (%) Stock LSUN Wiki-A Wiki-S ImageNet
ALADIN [28] - 99.8699.8699.8699.86 46.2746.2746.2746.27 48.9548.9548.9548.95 33.2533.2533.2533.25 9.259.259.259.25
CLIP [25] - 75.6775.6775.6775.67 87.1387.1387.1387.13 77.5877.5877.5877.58 60.8460.8460.8460.84 60.1260.1260.1260.12
F-CLIP [32] - 78.4978.4978.4978.49 87.3987.3987.3987.39 77.2377.2377.2377.23 60.4360.4360.4360.43 62.8362.8362.8362.83
SSCD [24] - 99.6399.6399.6399.63 73.2673.2673.2673.26 69.5169.5169.5169.51 50.3750.3750.3750.37 37.3237.3237.3237.32
EKILA [5] - 99.3799.3799.3799.37 70.6070.6070.6070.60 51.2351.2351.2351.23 37.0637.0637.0637.06 38.0038.0038.0038.00
30303030 100100100100 95.1295.1295.1295.12 97.4597.4597.4597.45 98.1298.1298.1298.12 83.0683.0683.0683.06
ProMark 100100100100 𝟏𝟎𝟎100\bf 100bold_100 𝟏𝟎𝟎100\bf 100bold_100 𝟏𝟎𝟎100\bf 100bold_100 𝟏𝟎𝟎100\bf 100bold_100 91.0791.07\bf 91.07bold_91.07

Refer to caption
Figure 3: Example training and newly sampled images of different datasets for the corresponding classes. We observe a similar content in the inference image compared with the training image of the predicted class.

Evaluation Protocol For all datasets, the concept attribution performance is tested on the held-out data as follows. For a held-out image, we first encrypt it with the concept’s watermark. Then using the latent code of the encrypted image, we noise it till a randomly assigned timestamp and apply our trained diffusion model to reverse back to the initial timestamp with the estimated noise. The denoised latent code is then decoded using the autoencoder 𝒟L(.)\mathcal{D}_{L}(.)caligraphic_D start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT ( . ), and the embedded secret is predicted using the secret decoder 𝒟S(.)\mathcal{D}_{S}(.)caligraphic_D start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( . ). Using Eq. 9, we compute the predicted concept and calculate the accuracy using the ground-truth concept.

Results Shown in Sec. 4.1 is the attribution accuracy of ProMark at two watermark strengths i.e. 100%percent100100\%100 % and 30%percent3030\%30 % which is set by variable m𝑚mitalic_m in Eq. 2. ProMark outperforms prior works, achieving near-perfect accuracy on all the datasets when the watermark strength is 100%percent100100\%100 %. However, the watermark introduces visual artifacts [9] if the watermark strength is full. Therefore, we decrease the watermark strength to 30%percent3030\%30 % before adding it to the training data (see Sec. 4.5 for ablation on watermark strength). Even though our performance drops at a lower watermark strength, we still outperform the prior works. This shows that our causal approach can be used to attribute a variety of concepts in the training data with an accuracy higher than the prior passive approaches.

Fig. 3 (rows 1-5) shows the qualitative examples of the newly sampled images from each of the trained models. For each model, we sample the images using random Gaussian noise until we have images for every concept. The concept for each image is predicted using the secret embedded in the generated images. Shown in each row of Fig. 3 are three training images (columns 1-3) and three sampled images from the corresponding concepts (columns 4-6). This shows that ProMark makes the diffusion model embed the corresponding watermark for the class of the generated image, thereby demonstrating the usefulness of our approach.

Refer to caption
Figure 4: Visual results of prior embedding-based works. We show the image of the closest matched embedding for each method on ImageNet. We highlight images green for correct attribution, otherwise red. Embedding-based works do not always attribute to the correct concept.

Shown in Fig. 4 are the nearest images retrieved using the embedding-based methods (row (2222)-(6666)) for the query images from the ImageNet (row (1111)). For each image retrieval, we highlight the correct/incorrect attribution using a green/red box. As we can see, the correlation-based prior techniques rely on visual similarity between the query and the retrieved images, ignoring the concept. However, for each query image, ProMark predicts the correct concept corresponding to the query image (Fig. 3).