CoMat: Aligning Text-to-Image Diffusion Model with Image-to-Text Concept Matching

Dongzhi Jiang1,2, Guanglu Song2, Xiaoshi Wu1, Renrui Zhang1,3, Dazhong Shen3,
Zhuofan Zong2, Yu Liu2🖂, Hongsheng Li1🖂
1
CUHK MMLab, 2SenseTime Research, 3Shanghai AI Laboratory
{dzjiang, wuxiaoshi, zhangrenrui}@link.cuhk.edu.hk[email protected]
{dazh.shen, zongzhuofan, liuyuisanai}@gmail.com[email protected]

https://caraj7.github.io/comat/
Abstract

Diffusion models have demonstrated great success in the field of text-to-image generation. However, alleviating the misalignment between the text prompts and images is still challenging. We break down the problem into two causes: concept ignorance and concept mismap**. To tackle the two challenges, we propose CoMat, an end-to-end diffusion model fine-tuning strategy with the image-to-text concept matching mechanism. Firstly, we introduce a novel image-to-text concept activation module to guide the diffusion model in revisiting ignored concepts. Additionally, an attribute concentration module is proposed to map the text conditions of each entity to its corresponding image area correctly. Extensive experimental evaluations, conducted across three distinct text-to-image alignment benchmarks, demonstrate the superior efficacy of our proposed method, CoMat-SDXL, over the baseline model, SDXL [38]. We also show that our method enhances general condition utilization capability and generalizes to the long and complex prompt despite not specifically training on it.

Refer to caption
Figure 1: Current text-to-image diffusion model still struggles to produce images well-aligned with text prompts, as shown in the generated images of SDXL [38]. Our proposed method CoMat significantly enhances the baseline model on text condition following, demonstrating superior capability in text-image alignment. All the pairs are generated with the same random seed.

1 Introduction

Refer to caption
Figure 2: Visualization of token activation and attention map. We compare the tokens’ attention activation value and attention map before and after applying our methods. Our method improves token activation and encourages the missing concept ‘gown’ to appear. Furthermore, the attention map of the attribute token ‘red’ better aligns with its region in the image.

The area of text-to-image generation has witnessed considerable progress with the introduction of diffusion models [17, 41, 40, 44, 46] recently. These models have demonstrated remarkable performance in creating high-fidelity and diverse images based on textual prompts. However, it still remains challenging for these models to faithfully align with the prompts, especially for the complex ones. For example, as shown in Fig. 1, current state-of-the-art open-sourced model SDXL [38] fails to generate entities or attributes mentioned in the prompts, e.g., the feathers made of lace and dwarfs in the top row. Additionally, it fails to understand the relationship in the prompt. In the middle row of Fig. 1, it mistakenly generates a Victorian gentleman and a quilt with a river on it.

We break down this misalignment problem into two causes: concept ignorance and concept mismap**. The concept ignorance problem is caused by the diffusion model’s omission of certain concepts in the text prompt. Even though the concept token is activated, the diffusion model often fails to map it to the correct area in the image, which is termed the concept mismap** problem. Actually, the misalignment originally stems from the training paradigm of the text-to-image diffusion models: Given the text condition c𝑐citalic_c and the paired image x𝑥xitalic_x, the training process aims to learn the conditional distribution p(x|c)𝑝conditional𝑥𝑐p(x|c)italic_p ( italic_x | italic_c ). However, the text condition only serves as additional information for the denoising loss. Without explicit guidance in learning each concept in the text, the diffusion model could easily fail to understand the concepts in the prompt correctly.

Recently, to alleviate the misalignment, various works have proposed to incorporate linguistics prior [42, 6] to heuristically address the concept omission or concept mismap** problem. However, a specific design is required for each type of misalignment problem. Other works use the Large Language Model (LLM) [32, 61] to split the prompt into single entities and generate each of them. Although this method promotes the congruence between the image’s global structure and the text prompt, it still suffers from local misalignment of the single entity. Hence, we ask the question: Is there a universal solution to address various global and local misalignment problems?

In this work, we propose CoMat, an end-to-end fine-tuning strategy to enhance the prompt understanding and following by a novel image-to-text matching mechanism. Concept Activation module is proposed to address the concept ignorance problem. Given the generated image x^^𝑥\hat{x}over^ start_ARG italic_x end_ARG conditioning on the prompt c𝑐citalic_c, we seek to model and maximize the posterior probability p(c|x^)𝑝conditional𝑐^𝑥p(c|\hat{x})italic_p ( italic_c | over^ start_ARG italic_x end_ARG ) using a pre-trained image-to-text model. In contrast to regarding the textual prompt merely as a condition, as performed in the pre-training phase of the diffusion model, our approach incorporates the condition as a supervisory signal during the training process. Thanks to the proficiency of the image-to-text model in concept matching, whenever a particular concept is absent from the generated image, the diffusion model is steered to incorporate it within the image generation process. The guidance forces the diffusion model to revisit the ignored conditions and attend more to them. As an illustrative example shown in Fig. 2, the ignored concept in the image (e.g., the gown) possesses low attention activation values. After applying our method, we observe increased attention activation of each key concept, contributing to the aligned image. In addition, considering the catastrophic forgetting issue arising from the new optimization objective, we also introduce a novel fidelity preservation module and mixed latent strategy to preserve the generation capability of the diffusion model. As for the concept mismap** problem, we find it especially prevails among the attributes of the objects. Hence, the Attribute Concentration module is introduced to promote both positive and negative map**. We match the concept of attribute tokens in the text prompt to the generated image, with the insight that the attribute tokens should only be activated within its entity’s area. Since the concept is a general term for a variety of features, our method can address both global structures and local details.

As an end-to-end method, no extra overhead is introduced during inference. We also show that our method is composable with methods leveraging external knowledge. Our contributions are summarized as follows:

  • We propose CoMat, a text-to-image diffusion model fine-tuning strategy to effectively enhance the condition utilization capability by explicitly addressing the condition ignorance and incorrect condition map** problem.

  • We introduce the concept activation module equipped with fidelity preservation and mixed latent strategy to facilitate concept generation and attribute concentration module to foster correct concept map** from text to image.

  • Extensive quantitative and qualitative comparisons with baseline models indicate that our method significantly improves the text-image alignment in various scenarios, including object existence, attribute binding, relationship, and complex prompts.

2 Related Work

Text-to-image alignment is the problem of enhancing coherence between the prompts and the generated images, which involves multiple aspects including existence, attribute binding, relationship, etc. Recent methods address the problem mainly in three ways.

Attention-based methods [6, 42, 36, 54, 2, 31] aim to modify or add restrictions on the attention map in the attention module in the UNet. This type of method often requires a heuristic design for each misalignment problem.

Planning-based methods first obtain the image layouts, either from the input of the user [30, 8, 24, 58, 12] or the generation of the Large Language Models (LLM) [37, 61, 53], and then produce aligned images conditioned on the layout. In addition, a few works propose to further refine the image with other vision expert models [43, 56, 55, 61]. Although such method splits a compositional prompt into single objects, it does not resolve the inaccuracy of the downstream diffusion model and still suffers from incorrect attribute binding problems. Besides, it exerts nonnegligible costs during inference.

Moreover, some works aim to enhance the alignment using feedback from image understanding models. [22, 48] fine-tune the diffusion model with well-aligned generated images chosen by the VQA model [27] to strategically bias the generation distribution. Other works propose to optimize the diffusion models in an online manner. [13, 4] introduce RL fine-tuning for generic rewards. As for differentiable reward, [11, 59, 57] propose to backpropagate the reward function gradient through the denoising process. Similar to our work, [14] also proposes to leverage image captioning models. We discuss the difference between their method with ours in Appendix C

Refer to caption
Figure 3: We showcase the results of our CoMat-SDXL compared with other state-of-the-art models. CoMat-SDXL consistently generates more faithful images.

3 Preliminaries

We implement our method on the leading text-to-image diffusion model, Stable Diffusion [44], which belongs to the family of latent diffusion models (LDM). In the training process, a normally distributed noise ϵitalic-ϵ\epsilonitalic_ϵ is added to the original latent code z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT with a variable extent based on a timestep t𝑡titalic_t sampling from {1,,T}1𝑇\{1,...,T\}{ 1 , … , italic_T }. Then, a denoising function ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT, parameterized by a UNet backbone, is trained to predict the noise added to z0subscript𝑧0z_{0}italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT with the text prompt 𝒫𝒫\mathcal{P}caligraphic_P and the current latent ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT as the input. Specifically, the text prompt is first encoded by the CLIP [39] text encoder W𝑊Witalic_W, then incorporated into the denoising function ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT by the cross-attention mechanism. Concretely, for each cross-attention layer, the latent and text embedding is linearly projected to query Q𝑄Qitalic_Q and key K𝐾Kitalic_K, respectively. The cross-attention map A(i)h×w×lsuperscript𝐴𝑖superscript𝑤𝑙A^{(i)}\in\mathbb{R}^{h\times w\times l}italic_A start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_h × italic_w × italic_l end_POSTSUPERSCRIPT is calculated as A(i)=Softmax(Q(i)(K(i))Td)superscript𝐴𝑖Softmaxsuperscript𝑄𝑖superscriptsuperscript𝐾𝑖𝑇𝑑A^{(i)}=\text{Softmax}(\frac{Q^{(i)}(K^{(i)})^{T}}{\sqrt{d}})italic_A start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT = Softmax ( divide start_ARG italic_Q start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT ( italic_K start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT ) start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT end_ARG start_ARG square-root start_ARG italic_d end_ARG end_ARG ), where i𝑖iitalic_i is the index of head. hhitalic_h and w𝑤witalic_w are the resolution of the latent, l𝑙litalic_l is the token length for the text embedding, and d𝑑ditalic_d is the feature dimension. Ai,jnsuperscriptsubscript𝐴𝑖𝑗𝑛A_{i,j}^{n}italic_A start_POSTSUBSCRIPT italic_i , italic_j end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT denotes the attention score of the token index n𝑛nitalic_n at the position (i,j)𝑖𝑗(i,j)( italic_i , italic_j ). The denoising loss in diffusion models’ training is formally expressed as:

LDM=𝔼z0,t,p,ϵ𝒩(0,I)[ϵϵθ(zt,t,W(𝒫))2].subscriptLDMsubscript𝔼similar-tosubscript𝑧0𝑡𝑝italic-ϵ𝒩0𝐼delimited-[]superscriptnormitalic-ϵsubscriptitalic-ϵ𝜃subscript𝑧𝑡𝑡𝑊𝒫2\mathcal{L}_{\text{LDM}}=\mathbb{E}_{z_{0},t,p,\epsilon\sim\mathcal{N}({0},{I}% )}\left[\left\|{\epsilon}-{\epsilon}_{{\theta}}\left(z_{t},t,W(\mathcal{P})% \right)\right\|^{2}\right].caligraphic_L start_POSTSUBSCRIPT LDM end_POSTSUBSCRIPT = blackboard_E start_POSTSUBSCRIPT italic_z start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_t , italic_p , italic_ϵ ∼ caligraphic_N ( 0 , italic_I ) end_POSTSUBSCRIPT [ ∥ italic_ϵ - italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_t , italic_W ( caligraphic_P ) ) ∥ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] . (1)

For inference, one draws a noise sample zT𝒩(0,I)similar-tosubscript𝑧𝑇𝒩0𝐼z_{T}\sim\mathcal{N}(0,I)italic_z start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT ∼ caligraphic_N ( 0 , italic_I ), and then iteratively uses ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT to estimate the noise and compute the next latent sample.

4 Method

The overall framework of our method is shown in Fig. 4. In Section 4.1, we first illustrate the concept activation module. Following this, we detail how we maintain the generation capability of the diffusion model by the fidelity preservation module and mixed latent strategy. Subsequently, in Section 4.2, we introduce the attribute concentration module for promoting attribute binding, and then we integrate the two components for joint learning.

4.1 Concept Activation

As noted in Section 1, the diffusion model occasionally exhibits little attention on certain concepts, and the corresponding concept is therefore missing in the image, which we termed as the condition ignorance problem. To address this, our key insight is to add supervision on the generated image to detect the missing concepts. We achieve this by leveraging the image understanding ability of an image-to-text model, which can accurately identify concepts not present in the generated image based on the given text prompt. With the image-to-text model’s supervision, the diffusion model is compelled to revisit text tokens to search for ignored condition information and assign more significance to the previously overlooked text concepts for better text-image alignment. Concretely, given a prompt 𝒫𝒫\mathcal{P}caligraphic_P with word tokens {w1,w2,,wL}subscript𝑤1subscript𝑤2subscript𝑤𝐿\{w_{1},w_{2},\dots,w_{L}\}{ italic_w start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_w start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_w start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT }, we first generate an image \mathcal{I}caligraphic_I with the denoising function ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT after T𝑇Titalic_T denoising steps. Then, a frozen image-to-text model 𝒞𝒞\mathcal{C}caligraphic_C is used to score the alignment between the prompt and the image in the form of log-likelihood. Therefore, our training objective aims to minimize the negative of the score, denoted as i2tsubscript𝑖2𝑡\mathcal{L}_{i2t}caligraphic_L start_POSTSUBSCRIPT italic_i 2 italic_t end_POSTSUBSCRIPT:

i2t=log(p𝒞(𝒫|(𝒫;ϵθ)))=i=1Llog(p𝒞(wi|,w1:i1)).subscripti2tsubscript𝑝𝒞conditional𝒫𝒫subscriptitalic-ϵ𝜃superscriptsubscript𝑖1𝐿subscript𝑝𝒞conditionalsubscript𝑤𝑖subscript𝑤:1𝑖1\mathcal{L}_{\text{i2t}}=-\log(p_{\mathcal{C}}(\mathcal{P}|\mathcal{I}(% \mathcal{P};\epsilon_{\theta})))=-\sum_{i=1}^{L}\log(p_{\mathcal{C}}(w_{i}|% \mathcal{I},w_{1:i-1})).caligraphic_L start_POSTSUBSCRIPT i2t end_POSTSUBSCRIPT = - roman_log ( italic_p start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT ( caligraphic_P | caligraphic_I ( caligraphic_P ; italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT ) ) ) = - ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT roman_log ( italic_p start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT ( italic_w start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT | caligraphic_I , italic_w start_POSTSUBSCRIPT 1 : italic_i - 1 end_POSTSUBSCRIPT ) ) . (2)

It is important to note that the concepts in the image include a broad field. This method provides a universal solution to various misalignment problems like object existence, complex relationships, etc. To conduct the gradient update through the whole iterative denoising process, we follow [57] to fine-tune the denoising network ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT, which ensures the training effectiveness and efficiency by simply stop** the gradient of the denoising network input.

Refer to caption
Figure 4: Overview of CoMat. The text-to-image diffusion model (T2I-Model) first generates an image according to the text prompt. Then the image is sent to the concept activation module and attribute concentration module to compute the loss for fine-tuning the online T2I-Model.

However, since this fine-tuning process is purely piloted by the knowledge from the image-to-text model, the diffusion model could quickly overfit to the image-to-text model, lose its original capability, and produce deteriorated images, as shown in Fig. 10. To address this hacking issue, we introduce a novel fidelity preservation module and a mixed latent training strategy to preserve the generation ability of the diffusion model and guide the learning process.

Fidelity Preservation. We propose a novel adversarial loss that uses a discriminator to differentiate between images generated by pre-trained and fine-tuned diffusion models. Instead of using real-world images as the real data input for the discriminator, we use images generated by the original pre-trained diffusion model. This choice is based on the significant gap that still exists between the images generated by the original diffusion model and real-world images. Simply aligning the distribution of images generated by the fine-tuned diffusion model with that of real-world images would pose an undesired challenge for the learning process. For the discriminator 𝒟ϕsubscript𝒟italic-ϕ\mathcal{D}_{\phi}caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT, we initialize it with the pre-trained UNet in the Stable Diffusion model. The choice is motivated by the fact that the pre-trained UNet shares similar knowledge with the online training model and fits well with the input domain. In our practice, this also enables the adversarial loss to be directly calculated in the latent space instead of the image space. Concretely, given a single text prompt, we employ the original diffusion model and the online training model to respectively generate image latent z^0subscript^𝑧0\hat{z}_{0}over^ start_ARG italic_z end_ARG start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT and z^0superscriptsubscript^𝑧0\hat{z}_{0}^{\prime}over^ start_ARG italic_z end_ARG start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT. The adversarial loss is then computed as follows:

adv=log(𝒟ϕ(z^0))+log(1𝒟ϕ(z^0)).subscript𝑎𝑑𝑣subscript𝒟italic-ϕsubscript^𝑧01subscript𝒟italic-ϕsuperscriptsubscript^𝑧0\mathcal{L}_{adv}=\log\left(\mathcal{D}_{\phi}\left(\hat{z}_{0}\right)\right)+% \log\left(1-\mathcal{D}_{\phi}\left(\hat{z}_{0}^{\prime}\right)\right).caligraphic_L start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT = roman_log ( caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT ( over^ start_ARG italic_z end_ARG start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) ) + roman_log ( 1 - caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT ( over^ start_ARG italic_z end_ARG start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) . (3)

We aim to fine-tune the online model to minimize this adversarial loss, while concurrently training the discriminator to maximize it.

Mixed Latent Strategy. Besides, we inject information from real-world images to guide the learning process. Specifically, in addition to the latents starting from pure noise (marked as black in Fig. 4), we obtain the noisy real latents by adding noise on a real-world image at a random timestep τ𝜏\tauitalic_τ (marked as ‘Noisy GT’). We jointly denoise these two types of latents and calculate the loss given by the image-to-text model. The intuition is that, since the noisy real latent is a perturbed version of the real-world image, which is well aligned with its prompt, this provides a shortcut for the diffusion model to directly reconstruct the original image. This guidance can not only smooth the optimization process, but also prohibits the gradient from simply hacking the image-to-text model and encourages the diffusion model to generate an image both aligned with the prompt and of high fidelity.

4.2 Attribute Concentration

Except for paying enough attention to the concept, the diffusion model must also map the concepts correctly on the image. As we dive into the generation process by visualizing the token attention activation map, we find that, for the attribute token, even though it is activated, it fails to attend to the correct area in the image and still causes the misalignment, e.g., ‘yellow’ in Fig. 5. Hence, we introduce the attribute concentration module to encourage the positive and discourage the negative concept map** of attributes.

Specifically, we first extract all the entities {e1,..,eN}\{e_{1},..,e_{N}\}{ italic_e start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , . . , italic_e start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT } in the prompts. An entity can be defined as a tuple of a noun nisubscript𝑛𝑖n_{i}italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and its attributes aisubscript𝑎𝑖a_{i}italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, i.e., ei=(ni,ai)subscript𝑒𝑖subscript𝑛𝑖subscript𝑎𝑖e_{i}=(n_{i},a_{i})italic_e start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = ( italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ), where both nisubscript𝑛𝑖n_{i}italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and aisubscript𝑎𝑖a_{i}italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT are the sets of one or multiple tokens. We employ spaCy’s transformer-based dependency parser [18] to parse the prompt to find all entity nouns, and then collect all attributes for each noun. A predefined set of nouns is established for filtering, including nouns that are abstract (e.g., scene, atmosphere, language), difficult to identify their area (e.g., sunlight, noise, place), or describe the background (e.g., morning, bathroom, party). Given all the selected nouns, we use them to prompt an open vocabulary segmentation model, Grounded-SAM [43], to find their corresponding regions as a binary mask {M1,,MN}superscript𝑀1superscript𝑀𝑁\{M^{1},...,M^{N}\}{ italic_M start_POSTSUPERSCRIPT 1 end_POSTSUPERSCRIPT , … , italic_M start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT }. It is worth emphasizing that, to guarantee the segmentation accuracy, we only use the nouns of entities, excluding their associated attributes, as prompts for segmentation, considering the diffusion model could likely ignore the attribute or assign a wrong one to the object. Taking the ‘suitcase’ object in Fig 5 as an example, the model ignored the ‘purple’ attribute. Consequently, if the prompt ’purple suitcase’ is given to the segmentor, it will fail to identify the entity’s region. These inaccuracies can lead to a cascade of errors in the following process.

We add supervision to promote the diffusion model to map the entity tokens to the positive area, i.e., the entity area, and not to attend to the negative area, i.e., the other area:

possubscriptpos\displaystyle\mathcal{L}_{\text{pos}}caligraphic_L start_POSTSUBSCRIPT pos end_POSTSUBSCRIPT =\displaystyle== 1Ni=1NMu,vi=1(αkniai(Au,vkx,yAx,yk)+βlog(kniaiAu,vk)|A|),1𝑁superscriptsubscript𝑖1𝑁subscriptsubscriptsuperscript𝑀𝑖𝑢𝑣1𝛼subscript𝑘subscript𝑛𝑖subscript𝑎𝑖subscriptsuperscript𝐴𝑘𝑢𝑣subscript𝑥𝑦subscriptsuperscript𝐴𝑘𝑥𝑦𝛽subscript𝑘subscript𝑛𝑖subscript𝑎𝑖superscriptsubscript𝐴𝑢𝑣𝑘𝐴\displaystyle-\frac{1}{N}\sum_{i=1}^{N}\sum_{M^{i}_{u,v}=1}\left(\alpha\sum_{k% \in n_{i}\cup a_{i}}\left(\frac{A^{k}_{u,v}}{\sum_{x,y}A^{k}_{x,y}}\right)+% \beta\frac{\log(\sum_{k\in n_{i}\cup a_{i}}A_{u,v}^{k})}{|A|}\right),- divide start_ARG 1 end_ARG start_ARG italic_N end_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_M start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT = 1 end_POSTSUBSCRIPT ( italic_α ∑ start_POSTSUBSCRIPT italic_k ∈ italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∪ italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( divide start_ARG italic_A start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_x , italic_y end_POSTSUBSCRIPT italic_A start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_x , italic_y end_POSTSUBSCRIPT end_ARG ) + italic_β divide start_ARG roman_log ( ∑ start_POSTSUBSCRIPT italic_k ∈ italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∪ italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_A start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) end_ARG start_ARG | italic_A | end_ARG ) , (4)
negsubscriptneg\displaystyle\mathcal{L}_{\text{neg}}caligraphic_L start_POSTSUBSCRIPT neg end_POSTSUBSCRIPT =\displaystyle== 1Ni=1NMu,vi=0(αkniai(Au,vkx,yAx,yk)region-level+βlog(1kniaiAu,vk)|A|pixel-level),1𝑁superscriptsubscript𝑖1𝑁subscriptsubscriptsuperscript𝑀𝑖𝑢𝑣0𝛼subscriptsubscript𝑘subscript𝑛𝑖subscript𝑎𝑖subscriptsuperscript𝐴𝑘𝑢𝑣subscript𝑥𝑦subscriptsuperscript𝐴𝑘𝑥𝑦region-level𝛽subscript1subscript𝑘subscript𝑛𝑖subscript𝑎𝑖superscriptsubscript𝐴𝑢𝑣𝑘𝐴pixel-level\displaystyle-\frac{1}{N}\sum_{i=1}^{N}\sum_{M^{i}_{u,v}=0}\left(\alpha% \underbrace{\sum_{k\in n_{i}\cup a_{i}}\left(\frac{-A^{k}_{u,v}}{\sum_{x,y}A^{% k}_{x,y}}\right)}_{\text{region-level}}+\beta\underbrace{\frac{\log(1-\sum_{k% \in n_{i}\cup a_{i}}A_{u,v}^{k})}{|A|}}_{\text{pixel-level}}\right),- divide start_ARG 1 end_ARG start_ARG italic_N end_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_M start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT = 0 end_POSTSUBSCRIPT ( italic_α under⏟ start_ARG ∑ start_POSTSUBSCRIPT italic_k ∈ italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∪ italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( divide start_ARG - italic_A start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_x , italic_y end_POSTSUBSCRIPT italic_A start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_x , italic_y end_POSTSUBSCRIPT end_ARG ) end_ARG start_POSTSUBSCRIPT region-level end_POSTSUBSCRIPT + italic_β under⏟ start_ARG divide start_ARG roman_log ( 1 - ∑ start_POSTSUBSCRIPT italic_k ∈ italic_n start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∪ italic_a start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_A start_POSTSUBSCRIPT italic_u , italic_v end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) end_ARG start_ARG | italic_A | end_ARG end_ARG start_POSTSUBSCRIPT pixel-level end_POSTSUBSCRIPT ) , (5)
Refer to caption
Figure 5: Overview of Attribute Concentration. Given a prompt, we first generate an image and record the cross-attention map for each token. We then identify regions of each entities in the prompt using the segmentation model. Finally, we optimize for the consistency between the entity attention map and its respective area in the image by encouraging positive and discouraging negative map**.

where |A|𝐴|A|| italic_A | is the number of pixels on the attention map, α𝛼\alphaitalic_α and β𝛽\betaitalic_β are two scaling factors, and Misuperscript𝑀𝑖M^{i}italic_M start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT should be resized to the resolution for each attention map A𝐴Aitalic_A. The loss function covers the level of regions and pixels. Take the possubscriptpos\mathcal{L}_{\text{pos}}caligraphic_L start_POSTSUBSCRIPT pos end_POSTSUBSCRIPT for example. We restrict the attention of each entity tokens eisubscript𝑒𝑖e_{i}italic_e start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT only activated inside the positive region by the region-level loss. We further restrict each pixel in the positive region to only attend to entity tokens by the pixel-level loss. We take into account the scenario where certain objects in the prompt do not appear in the generated image due to misalignment. In this case, the negative loss of pixels is still valid. When the mask is entirely zero, it signifies that none of the pixels should attend to the missing entity tokens in the current image.

Finally, we combine the image-to-text model loss, adversarial loss and attribute concentration loss to build up our training objectives for the online diffusion model as follows:

=i2t+pos+neg+λadv,subscripti2tsubscriptpossubscriptneg𝜆subscriptadv\mathcal{L}=\mathcal{L}_{\text{i2t}}+\mathcal{L}_{\text{pos}}+\mathcal{L}_{% \text{neg}}+\lambda\mathcal{L}_{\text{adv}},caligraphic_L = caligraphic_L start_POSTSUBSCRIPT i2t end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT pos end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT neg end_POSTSUBSCRIPT + italic_λ caligraphic_L start_POSTSUBSCRIPT adv end_POSTSUBSCRIPT , (6)

where λ𝜆\lambdaitalic_λ are scaling factors to balance the loss. We provide the pseudocode for the loss computation process in Algorithm 1.

5 Experiment

5.1 Experimental Setup

Table 1: T2I-CompBench result. The best score is in blue, with the second-best score in green.
Model Attribute Binding Object Relationship Complex\uparrow
Color \uparrow Shape\uparrow Texture\uparrow Spatial\uparrow Non-Spatial\uparrow
PixArt-α𝛼\alphaitalic_α [7] 0.6690 0.4927 0.6477 0.2064 0.3197 0.3433
Playground-v2 [25] 0.6208 0.5087 0.6125 0.2372 0.3098 0.3613
SD1.5 [44] 0.3758 0.3713 0.4186 0.1165 0.3112 0.3047
CoMat-SD1.5 (Ours) 0.6734 0.5064 0.6243 0.2073 0.3166 0.3575
(+0.2976) (+0.1351) (+0.2057) (+0.0908) (+0.0054) (+0.0528)
SDXL [38] 0.5879 0.4687 0.5299 0.2131 0.3119 0.3237
CoMat-SDXL (Ours) 0.7827 0.5329 0.6468 0.2428 0.3187 0.3680
(+0.1948) (+0.0642) (+0.1169) (+0.0297) (+0.0068) (+0.0443)

Base Model Settings. We mainly implement our method on SDXL [44] for all experiments, and we also evaluate our method on Stable Diffusion v1.5 [44] (SD1.5). For the captioning model, we choose BLIP [27] fine-tuned on COCO [33] image-caption data. We adopt the pre-trained UNet of SD1.5 as the discriminator in the fidelity preservation module. More training details are in Appendix E.1.

Dataset. Since the prompt to the diffusion model needs to be challenging enough to lead to missing concepts, we directly utilize the training data or text prompts provided in existing text-to-image alignment benchmarks. Specifically, the training data includes the training set provided in T2I-CompBench [22], all the data from HRS-Bench [3], and 5,000 prompts randomly chosen from ABC-6K [15]. Altogether, these amount to around 20,000 text prompts. Note that the training set composition can be freely adjusted according to the ability targeted to improve. The text-image pairs used in the mixed latent strategy are from the training set of COCO [33].

Benchmarks. We evaluate our method on three text-image alignment benchmarks and follow their default settings. T2I-CompBench [22] comprises 6,000 compositional text prompts evaluating 3 categories (attribute binding, object relationships, and complex compositions) and 6 sub-categories (color binding, shape binding, texture binding, spatial relationships, non-spatial relationships, and complex compositions). TIFA [21] uses pre-generated question-answer pairs and a VQA model to evaluate the generation results with 4,000 diverse text prompts and 25,000 questions across 12 categories. DPG-Bench [20] composes 1065 dense prompts with an average token length of 83.91. The prompt depicts a much more complex scenario with diverse objects and adjectives.

Table 2: TIFA and DPG-Bench results.
Model TIFA\uparrow DPG\uparrow
PixArt-α𝛼\alphaitalic_α [7] 82.9 71.11
Playground-v2 [25] 86.2 74.54
SD1.5 [44] 78.4 63.18
CoMat-SD1.5 (Ours) 85.8 73.32
(+7.4) (+10.14)
SDXL [38] 85.9 74.65
CoMat-SDXL (Ours) 87.5 77.13
(+1.6) (+2.48)
Table 3: FID-10K result.
Model 𝒟ϕsubscript𝒟italic-ϕ\mathcal{D}_{\phi}caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT 𝒟ϕsubscript𝒟italic-ϕ\mathcal{D}_{\phi}caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT input ML FID-10K\downarrow
SD1.5 [44] N/A N/A N/A 16.69
CoMat-SD1.5 N/A 19.02
CoMat-SD1.5 UNet [45] real-world latent 17.99
CoMat-SD1.5 UNet [45] generated latent 16.69
CoMat-SD1.5 DINO [5] generated image 23.86
CoMat-SD1.5 UNet [45] generated latent 15.43

5.2 Quantitative Results

We compare our methods with our baseline models: SD1.5 and SDXL, and two state-of-the-art open-sourced text-to-image models: PixArt-α𝛼\alphaitalic_α [7] and Playground-v2 [25].

T2I-CompBench. The evaluation result is shown in Table 1. Note that we cannot reproduce results reported in some relevant works [7, 22] due to the evolution of the evaluation code. All our shown results are based on the latest code released in GitHub111https://github.com/Karine-Huang/T2I-CompBench. We observe significant gains in all six sub-categories compared with our baseline models. With our methods, SD1.5 can even achieve better or comparable results compared with PixArt-α𝛼\alphaitalic_α and Playground-v2. Our CoMat-SDXL demonstrates the best performance regarding attribute binding, spatial relationships, and complex compositions.

TIFA. We show the results in TIFA in Table 3. Our CoMat-SDXL achieves the best performance with an improvement of 1.6 scores compared to SDXL. Besides, CoMat significantly enhances SD1.5 by 7.4 scores, which largely surpasses PixArt-α𝛼\alphaitalic_α.

DPG-Bench. The results in DPG-Bench is shown in Table 3. Although we do not train our model on dense prompts and can only accept 77 tokens, similar to Stable Diffusion, our method successfully generalizes to this more complex scenario and brings significant improvement to the baseline model.

5.3 Qualitative Results

Fig. 3 presents a side-by-side comparison between CoMat-SDXL and other state-of-the-art diffusion models. We observe these models exhibit inferior condition utilization ability compared with CoMat-SDXL. Prompts in Fig. 3 all possess concepts that are contradictory to real-world phenomena. All the three compared models stick to the original bias and choose to ignore the unrealistic content (e.g., waterfall cascading from a teapot, transparent violin, robot penguin, and waterfall of liquid gold), which causes misalignment. However, by training to faithfully align with the conditions in the prompt, CoMat-SDXL follows the unrealistic conditions and provides well-aligned images. The user study result and more visualization result is detailed in Appendix B.1 and F.2.

Table 4: Impact of concept activation and attribute concentration. ‘CA’ and ‘AC’ denote concept activation and attribute concentration respectively.
Model CA AC Attribute Binding Object Relationship Complex\uparrow
Color \uparrow Shape\uparrow Texture\uparrow Spatial\uparrow Non-Spatial\uparrow
SDXL 0.5879 0.4687 0.5299 0.2131 0.3119 0.3237
SDXL 0.7455 0.5043 0.6252 0.2321 0.3171 0.3660
SDXL 0.7827 0.5329 0.6468 0.2428 0.3187 0.3680
Table 5: The impact of different image-to-text models.
Image-to-text Model Attribute Binding Object Relationship Complex\uparrow
Color \uparrow Shape\uparrow Texture\uparrow Spatial\uparrow Non-Spatial\uparrow
BLIP [27] 0.7827 0.5329 0.6468 0.2428 0.3187 0.3680
GIT [51] 0.6916 0.5146 0.5971 0.2404 0.3149 0.3413
LLaVA [34] 0.6338 0.4722 0.5518 0.1963 0.3117 0.3286
N/A 0.5879 0.4687 0.5299 0.2131 0.3119 0.3237

5.4 Ablation Study

Effectiveness of Concept Activation and Attribute Concentration. In Table 4, we show the T2I-CompBench result aiming to identify the effectiveness of the concept activation and attribute concentration modules. We find that the concept activation module accounts for major gains to the baseline model. On top of that, the attribute concentration module brings further improvement to all six sub-categories in T2I-CompBench. We show the qualitative effectiveness in Fig. 6.

Design of Fidelity Preservation and Mixed Latent. We examine the photorealism of generated images to evaluate the generation capability. We calculate the FID [16] score using 10K data from the COCO validation set. As shown in Table 3 and Fig. 10, without any preservation method, the diffusion model only tries to hack the image-to-text model and loses its original generation ability with an increase of FID score from 16.69 to 19.02. Besides, inputting the latent generated by the original diffusion model performs better than the latent of real-world images. As for the discriminator architecture, the UNet is superior to a pre-trained DINO [5] which even interferes the training process. Finally, the Mixed Latent (ML) strategy further enhances the generated image quality.

Refer to caption
Figure 6: Visualization of the effectiveness of the proposed modules. CA contributes to the existence of objects mentioned in the prompts. AC further guides the attention of the attributes to focus on their corresponding objects.

Different Image-to-text Models. We show the T2I-CompBench results with different image captioning models in Table 5. We find that all three image-to-text models can boost the performance of the diffusion model with our framework, where BLIP achieves the best performance. We provide more analysis on the choice of the image-to-text models in Appendix B.3.

6 Conclusion

In this paper, we propose CoMat, an end-to-end diffusion model fine-tuning strategy equipped with image-to-text concept matching. We identify the two causes of the misalignment problem and propose two key components to explicitly address them. The concept activation module leverages an image-to-text model to supervise the generated image and find out the ignored condition information. It also integrates the fidelity preservation module and mixed latent strategy to maintain the generation capability. Besides, we introduce the attribute concentration module to address the attribute mismap** issue. Through extensive experiments, we have demonstrated that CoMat largely outperforms its baseline model and even surpasses commercial products in multiple aspects. We hope our work can inspire future work on the cause of the misalignment and the solution to it.

References

  • [1] Achiam, J., Adler, S., Agarwal, S., Ahmad, L., Akkaya, I., Aleman, F.L., Almeida, D., Altenschmidt, J., Altman, S., Anadkat, S., et al.: Gpt-4 technical report. arXiv preprint arXiv:2303.08774 (2023)
  • [2] Agarwal, A., Karanam, S., Joseph, K., Saxena, A., Goswami, K., Srinivasan, B.V.: A-star: Test-time attention segregation and retention for text-to-image synthesis. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 2283–2293 (2023)
  • [3] Bakr, E.M., Sun, P., Shen, X., Khan, F.F., Li, L.E., Elhoseiny, M.: Hrs-bench: Holistic, reliable and scalable benchmark for text-to-image models. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 20041–20053 (2023)
  • [4] Black, K., Janner, M., Du, Y., Kostrikov, I., Levine, S.: Training diffusion models with reinforcement learning. arXiv preprint arXiv:2305.13301 (2023)
  • [5] Caron, M., Touvron, H., Misra, I., Jégou, H., Mairal, J., Bojanowski, P., Joulin, A.: Emerging properties in self-supervised vision transformers. In: Proceedings of the IEEE/CVF international conference on computer vision. pp. 9650–9660 (2021)
  • [6] Chefer, H., Alaluf, Y., Vinker, Y., Wolf, L., Cohen-Or, D.: Attend-and-excite: Attention-based semantic guidance for text-to-image diffusion models. ACM Transactions on Graphics (TOG) 42(4), 1–10 (2023)
  • [7] Chen, J., Yu, J., Ge, C., Yao, L., Xie, E., Wu, Y., Wang, Z., Kwok, J., Luo, P., Lu, H., Li, Z.: Pixart-α𝛼\alphaitalic_α: Fast training of diffusion transformer for photorealistic text-to-image synthesis (2023)
  • [8] Chen, M., Laina, I., Vedaldi, A.: Training-free layout control with cross-attention guidance. In: Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision. pp. 5343–5353 (2024)
  • [9] Chen, X., Fang, H., Lin, T.Y., Vedantam, R., Gupta, S., Dollár, P., Zitnick, C.L.: Microsoft coco captions: Data collection and evaluation server. arXiv preprint arXiv:1504.00325 (2015)
  • [10] Cho, J., Hu, Y., Baldridge, J., Garg, R., Anderson, P., Krishna, R., Bansal, M., Pont-Tuset, J., Wang, S.: Davidsonian scene graph: Improving reliability in fine-grained evaluation for text-to-image generation. In: ICLR (2024)
  • [11] Clark, K., Vicol, P., Swersky, K., Fleet, D.J.: Directly fine-tuning diffusion models on differentiable rewards. arXiv preprint arXiv:2309.17400 (2023)
  • [12] Dahary, O., Patashnik, O., Aberman, K., Cohen-Or, D.: Be yourself: Bounded attention for multi-subject text-to-image generation. arXiv preprint arXiv:2403.16990 (2024)
  • [13] Fan, Y., Watkins, O., Du, Y., Liu, H., Ryu, M., Boutilier, C., Abbeel, P., Ghavamzadeh, M., Lee, K., Lee, K.: Reinforcement learning for fine-tuning text-to-image diffusion models. Advances in Neural Information Processing Systems 36 (2024)
  • [14] Fang, G., Jiang, Z., Han, J., Lu, G., Xu, H., Liang, X.: Boosting text-to-image diffusion models with fine-grained semantic rewards. arXiv preprint arXiv:2305.19599 (2023)
  • [15] Feng, W., He, X., Fu, T.J., Jampani, V., Akula, A., Narayana, P., Basu, S., Wang, X.E., Wang, W.Y.: Training-free structured diffusion guidance for compositional text-to-image synthesis. arXiv preprint arXiv:2212.05032 (2022)
  • [16] Heusel, M., Ramsauer, H., Unterthiner, T., Nessler, B., Hochreiter, S.: Gans trained by a two time-scale update rule converge to a local nash equilibrium. Advances in neural information processing systems 30 (2017)
  • [17] Ho, J., Jain, A., Abbeel, P.: Denoising diffusion probabilistic models. Advances in neural information processing systems 33, 6840–6851 (2020)
  • [18] Honnibal, M., Montani, I.: spaCy 2: Natural language understanding with Bloom embeddings, convolutional neural networks and incremental parsing (2017), to appear
  • [19] Hu, E.J., Shen, Y., Wallis, P., Allen-Zhu, Z., Li, Y., Wang, S., Wang, L., Chen, W.: Lora: Low-rank adaptation of large language models. arXiv preprint arXiv:2106.09685 (2021)
  • [20] Hu, X., Wang, R., Fang, Y., Fu, B., Cheng, P., Yu, G.: Ella: Equip diffusion models with llm for enhanced semantic alignment. arXiv preprint arXiv:2403.05135 (2024)
  • [21] Hu, Y., Liu, B., Kasai, J., Wang, Y., Ostendorf, M., Krishna, R., Smith, N.A.: Tifa: Accurate and interpretable text-to-image faithfulness evaluation with question answering. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 20406–20417 (2023)
  • [22] Huang, K., Sun, K., Xie, E., Li, Z., Liu, X.: T2i-compbench: A comprehensive benchmark for open-world compositional text-to-image generation. Advances in Neural Information Processing Systems 36, 78723–78747 (2023)
  • [23] Kim, W., Son, B., Kim, I.: Vilt: Vision-and-language transformer without convolution or region supervision. In: International conference on machine learning. pp. 5583–5594. PMLR (2021)
  • [24] Kim, Y., Lee, J., Kim, J.H., Ha, J.W., Zhu, J.Y.: Dense text-to-image generation with attention modulation. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 7701–7711 (2023)
  • [25] Li, D., Kamko, A., Sabet, A., Akhgari, E., Xu, L., Doshi, S.: Playground v2, [https://huggingface.co/playgroundai/playground-v2-1024px-aesthetic](https://huggingface.co/playgroundai/playground-v2-1024px-aesthetic)
  • [26] Li, J., Li, D., Savarese, S., Hoi, S.: Blip-2: Bootstrap** language-image pre-training with frozen image encoders and large language models. In: International conference on machine learning. pp. 19730–19742. PMLR (2023)
  • [27] Li, J., Li, D., ** language-image pre-training for unified vision-language understanding and generation. In: International conference on machine learning. pp. 12888–12900. PMLR (2022)
  • [28] Li, J., Selvaraju, R., Gotmare, A., Joty, S., Xiong, C., Hoi, S.C.H.: Align before fuse: Vision and language representation learning with momentum distillation. Advances in neural information processing systems 34, 9694–9705 (2021)
  • [29] Li, X., Yin, X., Li, C., Zhang, P., Hu, X., Zhang, L., Wang, L., Hu, H., Dong, L., Wei, F., et al.: Oscar: Object-semantics aligned pre-training for vision-language tasks. In: Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part XXX 16. pp. 121–137. Springer (2020)
  • [30] Li, Y., Liu, H., Wu, Q., Mu, F., Yang, J., Gao, J., Li, C., Lee, Y.J.: Gligen: Open-set grounded text-to-image generation. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 22511–22521 (2023)
  • [31] Li, Y., Keuper, M., Zhang, D., Khoreva, A.: Divide & bind your attention for improved generative semantic nursing. arXiv preprint arXiv:2307.10864 (2023)
  • [32] Lian, L., Li, B., Yala, A., Darrell, T.: Llm-grounded diffusion: Enhancing prompt understanding of text-to-image diffusion models with large language models. arXiv preprint arXiv:2305.13655 (2023)
  • [33] Lin, T.Y., Maire, M., Belongie, S., Hays, J., Perona, P., Ramanan, D., Dollár, P., Zitnick, C.L.: Microsoft coco: Common objects in context. In: Computer Vision–ECCV 2014: 13th European Conference, Zurich, Switzerland, September 6-12, 2014, Proceedings, Part V 13. pp. 740–755. Springer (2014)
  • [34] Liu, H., Li, C., Wu, Q., Lee, Y.J.: Visual instruction tuning. Advances in neural information processing systems 36 (2024)
  • [35] Lu, J., Batra, D., Parikh, D., Lee, S.: Vilbert: Pretraining task-agnostic visiolinguistic representations for vision-and-language tasks. Advances in neural information processing systems 32 (2019)
  • [36] Meral, T.H.S., Simsar, E., Tombari, F., Yanardag, P.: Conform: Contrast is all you need for high-fidelity text-to-image diffusion models. arXiv preprint arXiv:2312.06059 (2023)
  • [37] Phung, Q., Ge, S., Huang, J.B.: Grounded text-to-image synthesis with attention refocusing. arXiv preprint arXiv:2306.05427 (2023)
  • [38] Podell, D., English, Z., Lacey, K., Blattmann, A., Dockhorn, T., Müller, J., Penna, J., Rombach, R.: Sdxl: Improving latent diffusion models for high-resolution image synthesis. arXiv preprint arXiv:2307.01952 (2023)
  • [39] Radford, A., Kim, J.W., Hallacy, C., Ramesh, A., Goh, G., Agarwal, S., Sastry, G., Askell, A., Mishkin, P., Clark, J., et al.: Learning transferable visual models from natural language supervision. In: International conference on machine learning. pp. 8748–8763. PMLR (2021)
  • [40] Ramesh, A., Dhariwal, P., Nichol, A., Chu, C., Chen, M.: Hierarchical text-conditional image generation with clip latents. arxiv 2022. arXiv preprint arXiv:2204.06125 (2022)
  • [41] Ramesh, A., Pavlov, M., Goh, G., Gray, S., Voss, C., Radford, A., Chen, M., Sutskever, I.: Zero-shot text-to-image generation. In: International conference on machine learning. pp. 8821–8831. Pmlr (2021)
  • [42] Rassin, R., Hirsch, E., Glickman, D., Ravfogel, S., Goldberg, Y., Chechik, G.: Linguistic binding in diffusion models: Enhancing attribute correspondence through attention map alignment. Advances in Neural Information Processing Systems 36 (2024)
  • [43] Ren, T., Liu, S., Zeng, A., Lin, J., Li, K., Cao, H., Chen, J., Huang, X., Chen, Y., Yan, F., et al.: Grounded sam: Assembling open-world models for diverse visual tasks. arXiv preprint arXiv:2401.14159 (2024)
  • [44] Rombach, R., Blattmann, A., Lorenz, D., Esser, P., Ommer, B.: High-resolution image synthesis with latent diffusion models. In: Proceedings of the IEEE/CVF conference on computer vision and pattern recognition. pp. 10684–10695 (2022)
  • [45] Ronneberger, O., Fischer, P., Brox, T.: U-net: Convolutional networks for biomedical image segmentation. In: Medical image computing and computer-assisted intervention–MICCAI 2015: 18th international conference, Munich, Germany, October 5-9, 2015, proceedings, part III 18. pp. 234–241. Springer (2015)
  • [46] Saharia, C., Chan, W., Saxena, S., Li, L., Whang, J., Denton, E.L., Ghasemipour, K., Gontijo Lopes, R., Karagol Ayan, B., Salimans, T., et al.: Photorealistic text-to-image diffusion models with deep language understanding. Advances in neural information processing systems 35, 36479–36494 (2022)
  • [47] Sauer, A., Lorenz, D., Blattmann, A., Rombach, R.: Adversarial diffusion distillation. arXiv preprint arXiv:2311.17042 (2023)
  • [48] Sun, J., Fu, D., Hu, Y., Wang, S., Rassin, R., Juan, D.C., Alon, D., Herrmann, C., van Steenkiste, S., Krishna, R., et al.: Dreamsync: Aligning text-to-image generation with image understanding feedback. arXiv preprint arXiv:2311.17946 (2023)
  • [49] Tan, H., Bansal, M.: Lxmert: Learning cross-modality encoder representations from transformers. arXiv preprint arXiv:1908.07490 (2019)
  • [50] Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A.N., Kaiser, Ł., Polosukhin, I.: Attention is all you need. Advances in neural information processing systems 30 (2017)
  • [51] Wang, J., Yang, Z., Hu, X., Li, L., Lin, K., Gan, Z., Liu, Z., Liu, C., Wang, L.: Git: A generative image-to-text transformer for vision and language. arXiv preprint arXiv:2205.14100 (2022)
  • [52] Wang, W., Bao, H., Dong, L., Bjorck, J., Peng, Z., Liu, Q., Aggarwal, K., Mohammed, O.K., Singhal, S., Som, S., et al.: Image as a foreign language: Beit pretraining for all vision and vision-language tasks. arXiv preprint arXiv:2208.10442 (2022)
  • [53] Wang, Z., Xie, E., Li, A., Wang, Z., Liu, X., Li, Z.: Divide and conquer: Language models can plan and self-correct for compositional text-to-image generation. arXiv preprint arXiv:2401.15688 (2024)
  • [54] Wang, Z., Sha, Z., Ding, Z., Wang, Y., Tu, Z.: Tokencompose: Grounding diffusion with token-level supervision. arXiv preprint arXiv:2312.03626 (2023)
  • [55] Wen, S., Fang, G., Zhang, R., Gao, P., Dong, H., Metaxas, D.: Improving compositional text-to-image generation with large vision-language models. arXiv preprint arXiv:2310.06311 (2023)
  • [56] Wu, T.H., Lian, L., Gonzalez, J.E., Li, B., Darrell, T.: Self-correcting llm-controlled diffusion models. arXiv preprint arXiv:2311.16090 (2023)
  • [57] Wu, X., Hao, Y., Zhang, M., Sun, K., Song, G., Liu, Y., Li, H.: Deep reward supervisions for tuning text-to-image diffusion models (2024)
  • [58] Xie, J., Li, Y., Huang, Y., Liu, H., Zhang, W., Zheng, Y., Shou, M.Z.: Boxdiff: Text-to-image synthesis with training-free box-constrained diffusion. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 7452–7461 (2023)
  • [59] Xu, J., Liu, X., Wu, Y., Tong, Y., Li, Q., Ding, M., Tang, J., Dong, Y.: Imagereward: Learning and evaluating human preferences for text-to-image generation. Advances in Neural Information Processing Systems 36 (2024)
  • [60] Xu, Y., Zhao, Y., Xiao, Z., Hou, T.: Ufogen: You forward once large scale text-to-image generation via diffusion gans. arXiv preprint arXiv:2311.09257 (2023)
  • [61] Yang, L., Yu, Z., Meng, C., Xu, M., Ermon, S., Cui, B.: Mastering text-to-image diffusion: Recaptioning, planning, and generating with multimodal llms. arXiv preprint arXiv:2401.11708 (2024)
  • [62] Yu, J., Wang, Z., Vasudevan, V., Yeung, L., Seyedhosseini, M., Wu, Y.: Coca: Contrastive captioners are image-text foundation models. arXiv preprint arXiv:2205.01917 (2022)
  • [63] Yuksekgonul, M., Bianchi, F., Kalluri, P., Jurafsky, D., Zou, J.: When and why vision-language models behave like bags-of-words, and what to do about it? In: The Eleventh International Conference on Learning Representations (2022)
  • [64] Zhang, R., Han, J., Zhou, A., Hu, X., Yan, S., Lu, P., Li, H., Gao, P., Qiao, Y.: Llama-adapter: Efficient fine-tuning of language models with zero-init attention. ICLR 2024 (2023)
  • [65] Zhang, R., Jiang, D., Zhang, Y., Lin, H., Guo, Z., Qiu, P., Zhou, A., Lu, P., Chang, K.W., Gao, P., et al.: Mathverse: Does your multi-modal llm truly see the diagrams in visual math problems? arXiv preprint arXiv:2403.14624 (2024)
  • [66] Zhang, R., Jiang, Z., Guo, Z., Yan, S., Pan, J., Dong, H., Gao, P., Li, H.: Personalize segment anything model with one shot. ICLR 2024 (2023)
  • [67] Zhou, X., Koltun, V., Krähenbühl, P.: Simple multi-dataset detection. In: Proceedings of the IEEE/CVF conference on computer vision and pattern recognition. pp. 7571–7580 (2022)
  • [68] Zhu, D., Chen, J., Shen, X., Li, X., Elhoseiny, M.: Minigpt-4: Enhancing vision-language understanding with advanced large language models. arXiv preprint arXiv:2304.10592 (2023)
  • [69] Zou, X., Yang, J., Zhang, H., Li, F., Li, L., Wang, J., Wang, L., Gao, J., Lee, Y.J.: Segment everything everywhere all at once. Advances in Neural Information Processing Systems 36 (2024)

Appendix A Algorithm

The pseudocode for a single loss computation step for the online T2I-Model is described in  Algorithm 1.

Algorithm 1 A single loss computation step for the online T2I-Model during fine-tuning

Input: Text prompt 𝒫𝒫\mathcal{P}caligraphic_P, GT Image gsubscript𝑔\mathcal{I}_{g}caligraphic_I start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT, GT Prompt 𝒫gsubscript𝒫𝑔\mathcal{P}_{g}caligraphic_P start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT, original T2I-Model ϵpresubscriptitalic-ϵ𝑝𝑟𝑒\epsilon_{pre}italic_ϵ start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT, online T2I-Model ϵθsubscriptitalic-ϵ𝜃\epsilon_{\theta}italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT, pre-trained I2T-Model 𝒞𝒞\mathcal{C}caligraphic_C, discriminator 𝒟ϕsubscript𝒟italic-ϕ\mathcal{D}_{\phi}caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT, segmentation model 𝒮𝒮\mathcal{S}caligraphic_S, timestep range [T1,T2]subscript𝑇1subscript𝑇2[T_{1},T_{2}][ italic_T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ], timestep τ𝜏\tauitalic_τ, attention map A𝐴Aitalic_A, scaler λ𝜆\lambdaitalic_λ; [;]\left[;\right][ ; ] denotes concatenate

1:  xT,ξ𝒩(0,I)similar-tosubscript𝑥𝑇𝜉𝒩0𝐼x_{T},\xi\sim\mathcal{N}(0,I)italic_x start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT , italic_ξ ∼ caligraphic_N ( 0 , italic_I )
2:  τUniform[T1,T2]similar-to𝜏Uniformsubscript𝑇1subscript𝑇2\tau\sim\text{Uniform}[T_{1},T_{2}]italic_τ ∼ Uniform [ italic_T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ]
3:  xτ=AddNoise(g,ξ,τ)subscript𝑥𝜏AddNoisesubscript𝑔𝜉𝜏x_{\tau}=\text{AddNoise}(\mathcal{I}_{g},\xi,\tau)italic_x start_POSTSUBSCRIPT italic_τ end_POSTSUBSCRIPT = AddNoise ( caligraphic_I start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT , italic_ξ , italic_τ )
4:  ^,A=GenerateImage(ϵθ,xT,𝒫)^𝐴GenerateImagesubscriptitalic-ϵ𝜃subscript𝑥𝑇𝒫\hat{\mathcal{I}},A=\text{GenerateImage}(\epsilon_{\theta},x_{T},\mathcal{P})over^ start_ARG caligraphic_I end_ARG , italic_A = GenerateImage ( italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT , italic_x start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT , caligraphic_P )
5:  g^,¯=GenerateImage(ϵθ,xτ,𝒫g)^subscript𝑔¯absentGenerateImagesubscriptitalic-ϵ𝜃subscript𝑥𝜏subscript𝒫𝑔\hat{\mathcal{I}_{g}},\underline{\phantom{A}}=\text{GenerateImage}(\epsilon_{% \theta},x_{\tau},\mathcal{P}_{g})over^ start_ARG caligraphic_I start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT end_ARG , under¯ start_ARG end_ARG = GenerateImage ( italic_ϵ start_POSTSUBSCRIPT italic_θ end_POSTSUBSCRIPT , italic_x start_POSTSUBSCRIPT italic_τ end_POSTSUBSCRIPT , caligraphic_P start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT )
6:  i2t=ComputeI2TLoss(𝒞,[^;g^],[𝒫;𝒫g])subscript𝑖2𝑡ComputeI2TLoss𝒞^^subscript𝑔𝒫subscript𝒫𝑔\mathcal{L}_{i2t}=\text{ComputeI2TLoss}(\mathcal{C},\left[\hat{\mathcal{I}};% \hat{\mathcal{I}_{g}}\right],\left[\mathcal{P};\mathcal{P}_{g}\right])caligraphic_L start_POSTSUBSCRIPT italic_i 2 italic_t end_POSTSUBSCRIPT = ComputeI2TLoss ( caligraphic_C , [ over^ start_ARG caligraphic_I end_ARG ; over^ start_ARG caligraphic_I start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT end_ARG ] , [ caligraphic_P ; caligraphic_P start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT ] )
7:  ^pre,¯=GenerateImage(ϵpre,xT,𝒫)subscript^𝑝𝑟𝑒¯absentGenerateImagesubscriptitalic-ϵ𝑝𝑟𝑒subscript𝑥𝑇𝒫\hat{\mathcal{I}}_{pre},\underline{\phantom{A}}=\text{GenerateImage}(\epsilon_% {pre},x_{T},\mathcal{P})over^ start_ARG caligraphic_I end_ARG start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT , under¯ start_ARG end_ARG = GenerateImage ( italic_ϵ start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT , italic_x start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT , caligraphic_P )
8:  adv=ComputeAdvLoss(𝒟ϕ,^,^pre)subscript𝑎𝑑𝑣ComputeAdvLosssubscript𝒟italic-ϕ^subscript^𝑝𝑟𝑒\mathcal{L}_{adv}=\text{ComputeAdvLoss}(\mathcal{D}_{\phi},\hat{\mathcal{I}},% \hat{\mathcal{I}}_{pre})caligraphic_L start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT = ComputeAdvLoss ( caligraphic_D start_POSTSUBSCRIPT italic_ϕ end_POSTSUBSCRIPT , over^ start_ARG caligraphic_I end_ARG , over^ start_ARG caligraphic_I end_ARG start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT )
9:  pos,neg=ComputeAttrLoss(𝒮,^,𝒫,A)subscript𝑝𝑜𝑠subscript𝑛𝑒𝑔ComputeAttrLoss𝒮^𝒫𝐴\mathcal{L}_{pos},\mathcal{L}_{neg}=\text{ComputeAttrLoss}(\mathcal{S},\hat{% \mathcal{I}},\mathcal{P},A)caligraphic_L start_POSTSUBSCRIPT italic_p italic_o italic_s end_POSTSUBSCRIPT , caligraphic_L start_POSTSUBSCRIPT italic_n italic_e italic_g end_POSTSUBSCRIPT = ComputeAttrLoss ( caligraphic_S , over^ start_ARG caligraphic_I end_ARG , caligraphic_P , italic_A )
10:  =i2t+pos+neg+λadvsubscript𝑖2𝑡subscript𝑝𝑜𝑠subscript𝑛𝑒𝑔𝜆subscript𝑎𝑑𝑣\mathcal{L}=\mathcal{L}_{i2t}+\mathcal{L}_{pos}+\mathcal{L}_{neg}+\lambda% \mathcal{L}_{adv}caligraphic_L = caligraphic_L start_POSTSUBSCRIPT italic_i 2 italic_t end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT italic_p italic_o italic_s end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT italic_n italic_e italic_g end_POSTSUBSCRIPT + italic_λ caligraphic_L start_POSTSUBSCRIPT italic_a italic_d italic_v end_POSTSUBSCRIPT

Output: Training loss for the online T2I-Model \mathcal{L}caligraphic_L

Appendix B Additional Results and Analysis

B.1 User preference study

Refer to caption
Figure 7: User preference study results.

We randomly select 100 prompts from DSG1K [10] and use them to generate images with SDXL [44] and our method (CoMat-SDXL). We ask 5 participants to assess both the image quality and text-image alignment. Human raters are asked to select the superior respectively from the given two synthesized images, one from SDXL, and another from our CoMat-SDXL. For fairness, we use the same random seed for generating both images. The voting results are summarised in Fig. 7. Our CoMat-SDXL greatly enhances the alignment between the prompt and the image without sacrificing the image quality.

B.2 Composability with planning-based methods

Since our method is an end-to-end fine-tuning strategy, we demonstrate its flexibility in the integration with other planning-based methods, where combining our method also yields superior performance. RPG [61] is a planning-based method utilizing Large Language Model (LLM) to generate the description and subregion for each object in the prompt. We refer the reader to the original paper for details. We employ SDXL and our CoMat-SDXL as the base model used in [61] respectively. As shown in Fig. 8, even though the layout for the generated image is designed by LLM, SDXL still fails to faithfully generate the single object aligned with its description, e.g., the wrong mat color and the missing candle. Although the planning-based method generates the layout for each object, it is still bounded by the base model’s condition following capability. Combining our method can therefore perfectly address this issue and further enhance alignment.

Refer to caption
Figure 8: Pipeline for integrating CoMat-SDXL with planning-based method. CoMat-SDXL correctly generates the green mat in the upper row and the tall white candle in the bottom row.

B.3 How to choose an image-to-text model?

We provide a further analysis of the varied performance improvements observed with different image-to-text models, as shown in Table 5 of the main text.

Refer to caption
Figure 9: Examples for the three core sensitivities.

For an image-to-text model to be valid for the concept activation module, it should be able to tell whether each concept in the prompt appears and appears correctly. We construct a test set to evaluate this capability of the image-to-text model. Intuitively, given an image, a qualified image-to-text model should be sensitive enough to the prompts that faithfully describe it against those that are incorrect in certain aspects. We study three core demands for an image-to-text model:

  • Attribute sensitivity. The image-to-text model should distinguish the noun and its corresponding attribute. The corrupted caption is constructed by switching the attributes of the two nouns in the prompt.

  • Relation sensitivity. The image-to-text model should distinguish the subject and object of a relation. The corrupted caption is constructed by switching the subject and object.

  • Quantity sensitivity. The image-to-text model should distinguish the quantity of an object. Here we only evaluate the model’s ability to tell one from many. The corrupted caption is constructed by turning singular nouns into plural or otherwise.

We assume that they are the basic requirements for an image-to-text model model to provide valid guidance for the diffusion model. Besides, we also choose images from two domains: real-world images and synthetic images. For real-world images, we randomly sample 100 images from the ARO benchmark [63]. As for the synthetic images, we use the pre-trained SD1.5 [44] and SDXL [38] to generate 100 images according to the prompts in T2ICompBench [22]. These selections make up for the 200 images in our test data. We show the examples in Fig. 9.

For the sensitivity score, we compare the difference between the alignment score (i.e., log-likelihood) of the correct and corrupted captions for an image. Given the correct caption 𝒫𝒫\mathcal{P}caligraphic_P and corrupted caption 𝒫superscript𝒫\mathcal{P}^{\prime}caligraphic_P start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT corresponding to image \mathcal{I}caligraphic_I, we compute the sensitivity score 𝒮𝒮\mathcal{S}caligraphic_S as follows:

𝒮=log(p𝒞(𝒫|))log(p𝒞(𝒫|))|log(p𝒞(𝒫|))|.\mathcal{S}=\frac{\log(p_{\mathcal{C}}(\mathcal{P}|\mathcal{I}))-\log(p_{% \mathcal{C}}(\mathcal{P}^{\prime}|\mathcal{I}))}{\left|\log(p_{\mathcal{C}}(% \mathcal{P}|\mathcal{I}))\right|}.caligraphic_S = divide start_ARG roman_log ( italic_p start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT ( caligraphic_P | caligraphic_I ) ) - roman_log ( italic_p start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT ( caligraphic_P start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT | caligraphic_I ) ) end_ARG start_ARG | roman_log ( italic_p start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT ( caligraphic_P | caligraphic_I ) ) | end_ARG . (7)

Then we take the mean value of all the images in the test set. The result is shown in Table 6. The rank of the sensitivity score aligns with the rank of the gains brought by the image-to-text model model shown in the main text. Hence, except for the parameters, we argue that sensitivity is also a must for an image-to-text model to function in the concept activation module.

Table 6: Statistics of image-to-text models.
Image-to-text Model Parameters Sensitivity Score
BLIP [27] 469M 0.1987
GIT [51] 394M 0.1728
LLaVA [34] 7.2B 0.1483

Appendix C More Related Work

The image-to-text model in the main text refers to the models capable of image captioning. Previous image captioning models are pre-trained on various vision and language tasks (e.g., image-text matching, (masked) language modeling) [29, 35, 23, 49], then fine-tuned with image captioning tasks [9]. Various model architectures have been proposed [52, 62, 28, 27, 51]. BLIP [27] takes a fused encoder architecture, while GIT [51] adopts a unified transformer architecture. Recently, multimodel large language models have been flourishing [34, 68, 64, 1]. For example, LLaVA [34] leverages LLM as the text decoder and obtains impressive results. When prompted properly, these models are also able to provide a detailed image caption.

Similar to our work, [14] proposes to caption the generated images and optimize the coherence between the produced captions and text prompts. Although an image-to-text model is also involved, they fail to provide detailed guidance. It has been shown that the generated captions are prone to omit key concepts and involve undesired added features [21]. Besides, the method leverages a pre-trained text encoder to compute the similarity between the prompt and generated caption, which further causes information to be missed during text encoding. All these designs lead the optimization target to be vague and sub-optimal.

C.1 vs. Differentiable Reward Method

Similarity: Our method is inspired by the technique introduced in the differentiable reward method to perform gradient update.

Difference: (1) Reward Model. Our method is the first to leverage an image-to-text model to perform image captioning on the generated image and compute the loss on the caption. (2) No fidelity preservation. The current differentiable reward method ignores the aspect of preserving the generation capability if not training against a reward of image quality. Our method introduces a novel fidelity preservation module, which utilizes a discriminator with similar knowledge to preserve the generation capability. This greatly alleviates the reward hacking problem introduced by only training with the differentiable reward method. (3) No guidance from real-world image. The current differentiable reward method all starts from pure noise. Since our method is optimizing for alignment, we can incorporate real-world image-text pairs to guide the optimization process. With our mixed latent strategy, the latent starting from the noise is conditioned on the difficult prompt to promote alignment, while the latent starting from the noisy GT image is used to prohibit the diffusion model from overfitting to the image-to-text model.

C.2 vs. TokenCompose [54]

Similarity: Both [54] and our method incorporates the object mask to guide the attention of the diffusion model.

Difference: (1) Limited and inferior optimizing target. [54] merely focuses on optimizing the consistency between the noun mask and the object mask. However, as shown in Fig. 5, the attention mask of the noun (the ‘bear’ token) has already aligned well with the object mask. Optimizing for this consistency is inferior. On the other hand, our method focuses on a much broader area, i.e., entity tokens, which consist of nouns and their various associated attributes. We also find that the consistency between the attributes and the object mask bears very little similarity, which should be paid more attention. (2) No negative concept map**. Since the training data of [54] is the real-world image-text pairs, all the nouns in the prompt show up in the image. However, this prohibits the model from learning in a negative way, i.e., if the entity is not on the image, none of the pixel should be activated by this token. Our method leverages images generated by the diffusion model. The entity missing is common. The model obtains the chance to learn in a negative way. (3) No difficult training data. Another issue caused by training with image-text pairs is that the training data may be of a common scenario, which is easier to learn. Since our method does not need real-world images and only starts from the noise and text prompt, this enables a more efficient training process.

Appendix D Limitation

How to more effectively incorporate Multimodal Large Language Models (MLLMs) into text-to-image diffusion models by our proposed method requires more exploration. MLLM possesses state-of-the-art image-text understanding capability in addition to image captioning. We will focus on leveraging MLLMs to provide finer-grained guidance to the diffusion model in our future work. In addition, we also observe the potential of CoMat for adapting to 3D domains, promoting the text-to-3D generation with stronger alignment. As for the training cost, since our method needs the diffusion model to perform the whole inference process, the training time is extended. Our future direction will be to accelerate the training process.

Appendix E Experimental Setup

E.1 Implementation Details

Training Details. In our method, we inject LoRA [19] layers into the UNet of the online training model and discriminator and keep all other components frozen. For both SDXL and SD1.5, we train 2,000 iters on 8 NVIDIA A100 GPUS. We use a local batch size of 6 for SDXL and 4 for SD1.5. We choose Grounded-SAM [43] from other open-vocabulary segmentation models [66, 69]. The DDPM [17] sampler with 50 steps is used to generate the image for both the online training model and the original model. In particular, we follow [57] and only enable gradients in 5 steps out of those 50 steps, where the attribute concentration module would also be operated. Besides, to speed up training, we use training prompts to generate and save the generated latents of the pre-trained model in advance, which are later input to the discriminator during fine-tuning. Training Resolutions. We observe that training SDXL is very slow due to the large memory overhead at 1024×1024102410241024\times 10241024 × 1024. However, SDXL is known to generate low-quality images at resolution 512×512512512512\times 512512 × 512. This largely affects the image understanding of the image-to-text model. So we first equip the training model with better image generation capability at 512×512512512512\times 512512 × 512. We use our training prompts to generate 1024×1024102410241024\times 10241024 × 1024 images with pre-trained SDXL. Then we resize these images to 512×512512512512\times 512512 × 512 and use them to fine-tune the UNet of SDXL for 100 steps, after which the model can already generate high-quality 512×512512512512\times 512512 × 512 images. We continue to implement our method on the fine-tuned UNet.

Training Layers for Attribute Concentration. Only cross-attention maps in the middle blocks and decoder blocks are used to compute the loss.

Hyperparameters Settings. We provide the detailed training hyperparameters in Table 7.

Table 7: CoMat training hyperparameters for SD1.5 and SDXL.
Name SD1.5 SDXL
Online training model
Learning rate 5e-5 2e-5
Learning rate scheduler Constant Constant
LR warmup steps 0 0
Optimizer AdamW AdamW
AdamW - β1subscript𝛽1\beta_{1}italic_β start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT 0.9 0.9
AdamW - β2subscript𝛽2\beta_{2}italic_β start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT 0.999 0.999
Gradient clip** 0.10.10.10.1 0.10.10.10.1
Discriminator
Learning rate 5e-5 5e-5
Optimizer AdamW AdamW
AdamW - β1subscript𝛽1\beta_{1}italic_β start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT 00 00
AdamW - β2subscript𝛽2\beta_{2}italic_β start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT 0.9990.9990.9990.999 0.9990.9990.9990.999
Gradient clip** 1.01.01.01.0 1.01.01.01.0
Token loss weight α𝛼\alphaitalic_α 1e-3 1e-3
Pixel loss weight β𝛽\betaitalic_β 5e-5 5e-5
Adversarial loss weight λ𝜆\lambdaitalic_λ 1 5e-1
Gradient enable steps 5555 5555
Attribute concentration steps r𝑟ritalic_r 2222 2222
LoRA rank 128 128
Classifier-free guidance scale 7.5 7.5
Resolution 512×512512512512\times 512512 × 512 512×512512512512\times 512512 × 512
Training steps 2,000 2,000
Local batch size 4444 6666
Local GT batch size 2222 2222
Mixed Precision FP16 FP16
GPUs for Training 8 ×\times× NVIDIA A100 8 ×\times× NVIDIA A100
Training Time similar-to\sim 10 Hours similar-to\sim 24 Hours

Appendix F More Qualitative Results

Refer to caption
Figure 10: Visualization result of the effectiveness of the Fidelity Preservation module (FP) and Mixed Latent (ML) strategy.

F.1 Effectiveness of the Fidelity Preservation module (FP) and Mixed Latent (ML) strategy

We visualize the effectiveness of how we preserve the generation capability of the diffusion model in Fig. 10. As shown in the figure, without any preservation technique, the diffusion model generates misshaped envelopes and swans. With the FP and ML applied, the diffusion model generates images aligned with the prompt and without artifacts.

F.2 Comparison with the baseline model

We showcase more comparison results between our method with the baseline model in Fig. 11 to 14. Fig. 11 shows the generation results with long and complex prompts. Fig. 12 to 14 shows that our method solves various problems of misalignment, including object missing, incorrect attribute binding, incorrect relationship, inferior prompt understanding.

Refer to caption
Figure 11: More Comparisons between SDXL and CoMat-SDXL on complex prompts. All pairs are generated with the same random seed.
Refer to caption
Figure 12: More Comparisons between SDXL and CoMat-SDXL. All pairs are generated with the same random seed.
Refer to caption
Figure 13: More Comparisons between SDXL and CoMat-SDXL. All pairs are generated with the same random seed.
Refer to caption
Figure 14: More Comparisons between SDXL and CoMat-SDXL. All pairs are generated with the same random seed.