CAT-Seg: Cost Aggregation for Open-Vocabulary Semantic Segmentation

Seokju Cho1,   Heeseong Shin1,   Sunghwan Hong1
Anurag Arnab2   Paul Hongsuck Seo1,\dagger   Seungryong Kim1,\dagger
1Korea University   2Google Research
{seokju_cho, hsshin98, sung_hwan, phseo, seungryong_kim}@korea.ac.kr
[email protected]
Abstract

Open-vocabulary semantic segmentation presents the challenge of labeling each pixel within an image based on a wide range of text descriptions. In this work, we introduce a novel cost-based approach to adapt vision-language foundation models, notably CLIP, for the intricate task of semantic segmentation. Through aggregating the cosine similarity score, i.e., the cost volume between image and text embeddings, our method potently adapts CLIP for segmenting seen and unseen classes by fine-tuning its encoders, addressing the challenges faced by existing methods in handling unseen classes. Building upon this, we explore methods to effectively aggregate the cost volume considering its multi-modal nature of being established between image and text embeddings. Furthermore, we examine various methods for efficiently fine-tuning CLIP.

footnotetext: Equal contribution. Corresponding authors.

1 Introduction

Open-vocabulary semantic segmentation aims to assign each pixel in an image to a class label from an unbounded range, defined by text descriptions. To handle the challenge of associating an image with a wide variety of text descriptions, pre-trained vision-language foundation models, e.g., CLIP [60] and ALIGN [34], have drawn attention as they exerted strong open-vocabulary recognition capabilities achieved through training on extensive image-text datasets. Nonetheless, these foundation models primarily receive image-level supervision during training, which introduces a notable disparity when applying them to the pixel-level segmentation tasks [96].

To address this gap, recent works [15, 22, 84, 43, 83, 85, 89] have reformulated the task into a region-level problem by utilizing mask proposal generators. While this partially bridges the discrepancy between the pre-training and the downstream task, a discernible gap persists between the conceptualization of regions and the entire image for CLIP.

Refer to caption
(a)
Refer to caption
(b)
Figure 1: Comparison between feature and cost aggregation for open-vocabulary semantic segmentation task. In contrast to feature aggregation suffering severe overfitting to seen classes, cost aggregation can generalize to unseen classes and achieve significant performance improvements upon fine-tuning of CLIP.

In this work, we investigate methods to transfer the holistic understanding capability of images to the pixel-level task of segmentation. While a straightforward approach would be to fine-tune the encoders of CLIP, existing methods struggle in such attempt [96, 89, 85] as they encounter significant overfitting problems to the seen classes. This results in the misalignment of the joint embedding space for unseen classes, as the CLIP features undergo decoder modules for aggregating them into segmentation masks, hence losing their alignment. Consequently, most methods [15, 22, 84, 43, 83, 85, 89] opt for freezing the encoders of CLIP instead, remaining the challenge underexplored.

In this regard, we extend the exploration of adapting CLIP for open-vocabulary semantic segmentation and introduce a novel cost-based framework. We propose to aggregate the cosine similarity between image and text embeddings of CLIP, i.e., the matching cost, drawing parallels to the visual correspondence literature [38]. Surprisingly, we find that fine-tuning CLIP upon this framework effectively adapts CLIP to the downstream task of segmentation for both seen and unseen classes, as shown in Fig. 1. Noticing this, we delve into better aggregating the cost volume between image and text for segmentation.

Intuitively, the cost volume can be viewed as rough semantic masks grounded to their respective classes, as illustrated in Fig. 2. Subsequently, these rough masks can be further refined to obtain accurate predictions, being the cost aggregation process. In light of this, we aim to effectively aggregate the cost volume and configure the process into spatial and class aggregation, regarding its multi-modal nature from being established between image and text. Furthermore, by observing the effectiveness of fine-tuning CLIP for its adaptation to semantic segmentation, we explore various methods to facilitate this process efficiently.

We analyze our cost aggregation framework to be advantageous in two aspects for adapting CLIP to dense prediction: i) the robustness of cost aggregation against overfitting, and ii) the direct construction of the cost volume from image and text embeddings of CLIP. For cost aggregation, the aggregation layers operate upon similarity scores, preventing them from overfitting to the features [8, 69, 45]. Moreover, as opposed to existing methods where they often employ decoder layers upon the image embeddings of CLIP [96, 89], we do not introduce additional layers that can potentially project the embeddings to a different embedding space.

Our framework, dubbed CAT-Seg, combines our cost aggregation-based framework consisting of spatial and class aggregation, with our optimal approach for fine-tuning the encoders of CLIP. We achieve state-of-the-art results on every standard open-vocabulary benchmark with large margins, gaining +3.6 mIoU in A-847 and +8.1 mIoU in PC-459 compared to the recent state-of-the-art. Not only CAT-Seg it is effective, but is also efficient both for training and inference compared to region-text methods, being over ×\times×3.7 faster for inference. Furthermore, even in the extreme scenario [4] where the domain of the image and text description differs significantly from the training dataset, our model outperforms existing state-of-the-art methods with a large margin, paving the way for various domain-specific applications.

We summarize our contribution as follows:

  • We propose a cost aggregation-based framework for open-vocabulary semantic segmentation, effectively adapting CLIP to the downstream task of segmentation by fine-tuning its encoders.

  • To aggregate the image-text cost volume, we consist of our framework with spatial and class aggregation to reason the multi-modal cost volume and explore various methods to enhance our cost aggregation framework.

  • Our framework, named CAT-Seg, establishes state-of-the-art performance for standard open-vocabulary benchmarks, as well as for extreme case scenarios [4], demonstrating versatility and practicality.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Figure 2: Visualization of the cost volume. We visualize the raw cost volume obtained from frozen CLIP in (a) and fine-tuned CLIP in (b), and the aggregated cost in (c) through CAT-Seg. The top row correspond to the seen class “chair" and the bottom row correspond to the unseen class “sofa".

2 Related Work

Open-vocabulary semantic segmentation.

Classical approaches to the task [94, 6, 82] attempt to learn visual embeddings that align with pre-defined text embeddings [54, 53]. However, the limited vocabulary of the words has been the major bottlenecks. To address this, LSeg [40] leveraged CLIP for learning pixel-level visual embeddings aligned with the text embeddings of CLIP. Alternatively, OpenSeg [22] proposed to identify local regions within the image and correlate with the text embeddings with class-agnostic region proposals. Similarly, ZegFormer [15] and ZSseg [84] proposed two-stage frameworks for dealing with the task. Typically, they first learn to predict class-agnostic region proposals similar to [22], and feed them to CLIP for final predictions. To better recognize these regions, OVSeg [43] collects region-text pairs to fine-tune the CLIP encoder, while MaskCLIP [16] leverages the self-attention map from CLIP to refine the region proposals. Alternatively, ODISE [83] leverages pre-trained Stable Diffusion [63] model for generating high-quality class-agnostic masks. However, these region-to-text matching methods [15, 22, 84, 43, 83, 85, 89] require a region generator, which is trained on a limited scale of annotated datasets.

More recently, ZegCLIP [100] and SAN [85] proposed one-stage frameworks, where they attempt to leverage the embeddings from CLIP to predict masks instead of having class-agnostic mask generators parallel to CLIP. Although these methods can better leverage the pre-trained knowledge from CLIP, they introduce learnable tokens or adapter layers to the CLIP image encoder, which can be only trained on the seen classes. FC-CLIP [89] implements CLIP as the visual backbone for the segmentation model but opts for a frozen image encoder as they find fine-tuning the image encoder hinders performance for unseen classes. In contrast, we refrain from adding external layers to CLIP and achieve fine-tuning of its encoders by aggregating the cost volume, which is obtained solely from the embeddings of CLIP.

Fine-tuning vision-language models.

Along with the advance of large-scale vision-language models, e.g. CLIP, numerous attempts have been made to adapt CLIP to various downstream tasks [78]. CoOp [98] and CoCoOp [97] learn prompt tokens instead of optimizing the full model. Another stream of work is CLIP-Adapter [21] and TIP-Adapter [93], where they aggregate the image and text embeddings from CLIP through adapter layers instead of tuning the encoder itself. However, such methods mainly focus on few-shot settings rather than zero-shot evaluation. We explore end-to-end fine-tuning of CLIP for zero-shot pixel-level prediction, which has failed in numerous attempts [96, 85, 89].

Cost aggregation.

Cost aggregation [38, 9, 24, 86, 69, 29, 31, 13] is a popular technique adopted for the process of establishing correspondence between visually or semantically similar images [38, 24, 86, 12, 28] by reducing the impact of errors and inconsistencies in the matching process. A matching cost, an input to cost aggregation, is typically constructed between dense features extracted from a pair of images [62], and often cosine-similarity [45, 62] is used. In this work, we view the cosine-similarity score between image and text embeddings of CLIP from the viewpoint of establishing the matching cost volume. Especially, we find the robustness of the cost aggregation layers to be favorable to open-vocabulary semantic segmentation, as these layers operate upon the similarity scores rather than the embeddings itself [69, 45]. However, our approach diverges from traditional methods as the cost volume obtained from CLIP is inherently multi-modal, originating from both image and text modalities. This contrasts with conventional cost aggregation techniques [38, 24, 86, 12, 28]. Consequently, we explore methods to effectively aggregate the multi-modal cost volume.

3 Methodology

Refer to caption
Figure 3: Overview of CAT-Seg. Our cost aggregation framework consists of spatial aggregation and class aggregation, followed by an upsampling decoder. Please refer to the supplementary material for a detailed illustration.

Given an image I𝐼Iitalic_I and a set of candidate class categories 𝒞={T(n)} for n=1,,N𝒞formulae-sequence𝒞𝑇𝑛 for 𝑛1subscript𝑁𝒞\mathcal{C}=\{T(n)\}\text{ for }n=1,\dots,N_{\mathcal{C}}caligraphic_C = { italic_T ( italic_n ) } for italic_n = 1 , … , italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT, where T(n)𝑇𝑛T(n)italic_T ( italic_n ) denotes textual description of n𝑛nitalic_n-th category and N𝒞subscript𝑁𝒞N_{\mathcal{C}}italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT is the number of classes, open-vocabulary semantic segmentation assigns a class label for each pixel in image I𝐼Iitalic_I. Different from classical semantic segmentation tasks [48, 27, 99, 26, 36, 87, 90], open-vocabulary segmentation is additionally challenged by varying 𝒞𝒞\mathcal{C}caligraphic_C, given as free-form text description.

In this section, we describe our cost-based approach for open-vocabulary semantic segmentation. In specific, we refine the cosine-similarity scores from image and text embedding of CLIP, as illustrated in Fig. 2. The process of refining the cosine-similarity scores, or cost aggregation [38], was initially developed for the image correspondence problem and specifically designed to process an image-to-image cost volume. Consequently, traditional cost aggregation methods leverage image-specific priors, such as the assumption of local smoothness of images [55, 56, 39] for aggregating the cost volume.

On the other hand, we aim to aggregate the image-to-text cost volume, hence need to consider the multi-modality of the cost volume and the respective characteristics of each modality. In this regard, as shown in Fig. 3, we break down the aggregation stage into two separate modules, i.e., spatial and class aggregation, reasonably addressing the unique challenges presented by the task of open-vocabulary semantic segmentation. This includes aspects such as handling varying numbers of classes during inference and guaranteeing the permutation invariance between classes. Specifically, we perform spatial aggregation followed by class aggregation and alternate both aggregations. In the following section, we describe the cost aggregation process in detail, as well as introduce additional techniques for enhancing the cost aggregation framework.

3.1 Cost Computation and Embedding

Given an image I𝐼Iitalic_I and a set of classes 𝒞𝒞\mathcal{C}caligraphic_C, we extract the dense image embeddings DV=ΦV(I)(H×W)×dsuperscript𝐷𝑉superscriptΦ𝑉𝐼superscript𝐻𝑊𝑑D^{V}=\Phi^{V}(I)\in\mathbb{R}^{(H\times W)\times d}italic_D start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT = roman_Φ start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ( italic_I ) ∈ blackboard_R start_POSTSUPERSCRIPT ( italic_H × italic_W ) × italic_d end_POSTSUPERSCRIPT and the text embeddings DL=ΦL(T)N𝒞×dsuperscript𝐷𝐿superscriptΦ𝐿𝑇superscriptsubscript𝑁𝒞𝑑D^{L}=\Phi^{L}(T)\in\mathbb{R}^{N_{\mathcal{C}}\times d}italic_D start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT = roman_Φ start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ( italic_T ) ∈ blackboard_R start_POSTSUPERSCRIPT italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT × italic_d end_POSTSUPERSCRIPT, where ΦV()superscriptΦ𝑉\Phi^{V}(\cdot)roman_Φ start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ( ⋅ ) and ΦL()superscriptΦ𝐿\Phi^{L}(\cdot)roman_Φ start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ( ⋅ ), denotes the image and text encoders of CLIP respectively. For extracting dense CLIP image embeddings, we follow the method described in [96], wherein we modify the last attention layer of the image encoder to eliminate the pooling effect. We use the image and text embeddings DV(i)superscript𝐷𝑉𝑖D^{V}(i)italic_D start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ( italic_i ) and DL(n)superscript𝐷𝐿𝑛D^{L}(n)italic_D start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ( italic_n ), where i𝑖iitalic_i denotes 2D spatial positions of the image embedding and n𝑛nitalic_n denotes an index for a class, to compute a cost volume C(H×W)×N𝒞𝐶superscript𝐻𝑊subscript𝑁𝒞C\in\mathbb{R}^{(H\times W)\times N_{\mathcal{C}}}italic_C ∈ blackboard_R start_POSTSUPERSCRIPT ( italic_H × italic_W ) × italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT end_POSTSUPERSCRIPT by cosine similarity [62]. Formally, this is defined as:

C(i,n)=DV(i)DL(n)DV(i)DL(n).𝐶𝑖𝑛superscript𝐷𝑉𝑖superscript𝐷𝐿𝑛normsuperscript𝐷𝑉𝑖normsuperscript𝐷𝐿𝑛{C}(i,n)=\frac{D^{V}(i)\cdot D^{L}(n)}{\|D^{V}(i)\|\|D^{L}(n)\|}.italic_C ( italic_i , italic_n ) = divide start_ARG italic_D start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ( italic_i ) ⋅ italic_D start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ( italic_n ) end_ARG start_ARG ∥ italic_D start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ( italic_i ) ∥ ∥ italic_D start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ( italic_n ) ∥ end_ARG . (1)

To enhance the processing of cost in high dimensional feature space, we feed the cost volume to a single convolution layer that processes each cost slice C(:,n)(H×W)×1𝐶:𝑛superscript𝐻𝑊1C(:,n)\in\mathbb{R}^{(H\times W)\times 1}italic_C ( : , italic_n ) ∈ blackboard_R start_POSTSUPERSCRIPT ( italic_H × italic_W ) × 1 end_POSTSUPERSCRIPT independently to obtain initial cost volume embedding F(H×W)×N𝒞×dF𝐹superscript𝐻𝑊subscript𝑁𝒞subscript𝑑𝐹F\in\mathbb{R}^{(H\times W)\times N_{\mathcal{C}}\times d_{F}}italic_F ∈ blackboard_R start_POSTSUPERSCRIPT ( italic_H × italic_W ) × italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT × italic_d start_POSTSUBSCRIPT italic_F end_POSTSUBSCRIPT end_POSTSUPERSCRIPT, where dFsubscript𝑑𝐹d_{F}italic_d start_POSTSUBSCRIPT italic_F end_POSTSUBSCRIPT is the cost embedding dimension, as shown in Fig. 3.

3.2 Spatial Cost Aggregation

For spatial aggregation, we aim to consider the characteristics of images within the image-text cost volume, such as spatial smoothness within the image. Specifically, we apply spatial aggregation for each class, respectively. Considering that we pursue the holistic understanding of images of CLIP to effectively transfer to segmentation, we adopt Transformer [75, 47] over CNNs for its global [75] or semi-global [47, 28] receptive fields. In practice, we employ Swin Transformer [47] for computational efficiency. We define this process as follows:

F(:,n)=𝒯sa(F(:,n)),superscript𝐹:𝑛superscript𝒯sa𝐹:𝑛{F}^{\prime}(:,n)=\mathcal{T}^{\mathrm{sa}}(F(:,n)),italic_F start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ( : , italic_n ) = caligraphic_T start_POSTSUPERSCRIPT roman_sa end_POSTSUPERSCRIPT ( italic_F ( : , italic_n ) ) , (2)

where F(:,n)(H×W)×dF𝐹:𝑛superscript𝐻𝑊subscript𝑑𝐹F(:,n)\in\mathbb{R}^{(H\times W)\times d_{F}}italic_F ( : , italic_n ) ∈ blackboard_R start_POSTSUPERSCRIPT ( italic_H × italic_W ) × italic_d start_POSTSUBSCRIPT italic_F end_POSTSUBSCRIPT end_POSTSUPERSCRIPT, and 𝒯sa()superscript𝒯sa\mathcal{T}^{\mathrm{sa}}(\cdot)caligraphic_T start_POSTSUPERSCRIPT roman_sa end_POSTSUPERSCRIPT ( ⋅ ) denotes a pair of two consecutive Swin transformer block for spatial aggregation, where the first block features self-attention within a local window, followed by the second block with self-attention within shifted window. Note that we treat dFsubscript𝑑𝐹d_{F}italic_d start_POSTSUBSCRIPT italic_F end_POSTSUBSCRIPT as channel dimensions for each token, and attention is computed within individual classes separately. Intuitively, we can roughly relate the process of spatial aggregation to the bottom row of Fig. 2, where the cost volume for “sofa" is well-refined after aggregation, and the noise in the background region is suppressed.

3.3 Class Cost Aggregation

Subsequent to spatial aggregation, class aggregation is applied to consider the text modality, explicitly capturing relationships between different class categories. We also consider the unique challenges of open-vocabulary semantic segmentation of handling varying numbers of categories 𝒞𝒞\mathcal{C}caligraphic_C while being invariant to their ordering. To address these challenges, we employ a Transformer [75] layer without position embedding for aggregation, as this can achieve both of the aforementioned criteria. This process is defined as:

F′′(i,:)=𝒯ca(F(i,:)),superscript𝐹′′𝑖:superscript𝒯casuperscript𝐹𝑖:\displaystyle{F}^{\prime\prime}(i,:)=\mathcal{T}^{\mathrm{ca}}({F}^{\prime}(i,% :)),italic_F start_POSTSUPERSCRIPT ′ ′ end_POSTSUPERSCRIPT ( italic_i , : ) = caligraphic_T start_POSTSUPERSCRIPT roman_ca end_POSTSUPERSCRIPT ( italic_F start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ( italic_i , : ) ) , (3)

where F(i,:)N𝒞×dFsuperscript𝐹𝑖:superscriptsubscript𝑁𝒞subscript𝑑𝐹F^{\prime}(i,:)\in\mathbb{R}^{N_{\mathcal{C}}\times d_{F}}italic_F start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ( italic_i , : ) ∈ blackboard_R start_POSTSUPERSCRIPT italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT × italic_d start_POSTSUBSCRIPT italic_F end_POSTSUBSCRIPT end_POSTSUPERSCRIPT, and 𝒯ca()superscript𝒯ca\mathcal{T}^{\mathrm{ca}}(\cdot)caligraphic_T start_POSTSUPERSCRIPT roman_ca end_POSTSUPERSCRIPT ( ⋅ ) denotes a transformer block for class aggregation. In contrast to spatial aggregation, we instead employ a linear transformer [37] as we do not need to consider spatial structure of the input tokens in this aggregation, as well as benefitting from the linear computational complexity with respect to the number of the tokens. The class aggregation process can be related to the top row of Fig. 2, where the aggregated cost volume depicts its prediction to only chairs and excluding the sofa, as both classes are given together for reasoning.

3.4 CAT-Seg Framework

Upon the aggregated cost volume through spatial and class aggregation, we further enhance our methodology by incorporating an upsampling and aggregation process to derive semantic segmentation predictions. Additionally, drawing insights from state-of-the-art cost aggregation techniques [12, 13, 28], we refine our cost aggregation strategy by leveraging guidance derived from the embeddings of CLIP. Finally, we examine various methods to fine-tune the encoders of CLIP, in pursuit of effectively, yet efficiently adapting CLIP for open-vocabulary semantic segmentation. Altogether, we introduce Cost AggregaTion approach for open-vocabulary semantic Segmentation (CAT-Seg). We describe the upsampling decoder, embedding guidance, and our fine-tuning approach in detail in the subsequent sections. For detailed illustrations of the architecture for each component, please refer to the supplementary materials.

Upsampling decoder.

Similar to FPN [44], we employ bilinear upsampling on the aggregated cost volume and concatenate it with the corresponding level of feature map extracted from CLIP, followed by a convolutional layer with a 3×\times×3 kernel of fixed size. We iterate this process NUsubscript𝑁𝑈N_{U}italic_N start_POSTSUBSCRIPT italic_U end_POSTSUBSCRIPT times, generating a high-resolution output which is fed into the prediction head for final inference. To extract the high-resolution feature map, we avoid using an additional feature backbone that would introduce a heavy computational burden. Instead, similarly to [42], we extract these maps from the middle layers of the CLIP image encoder. Specifically, we extract the feature map from the output of intermediate layers of CLIP ViT [17] and then upsample them using a single learnable transposed convolution layer. This approach allows us to efficiently leverage the well-learned representations of CLIP for obtaining detailed predictions. For additional details, refer to the supplementary materials.

Embedding guidance.

As a means to enhance the cost aggregation process, we additionally leverage the embeddings DL and DVsubscript𝐷𝐿 and subscript𝐷𝑉D_{L}\text{ and }D_{V}italic_D start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT and italic_D start_POSTSUBSCRIPT italic_V end_POSTSUBSCRIPT to provide spatial structure or contextual information of the inputs. Intuitively, we aim to guide the process with embeddings, based on the assumption that visually or semantically similar input tokens, e.g., color or category, have similar matching costs, inspired by cost volume filtering [30, 70] in stereo matching literature [66]. Accordingly, we redefine Eq. 2 and Eq. 3 as:

F(:,n)=𝒯sa([F(:,n);𝒫V(DV)]),F′′(i,:)=𝒯ca([F(i,:);𝒫L(DL)]),formulae-sequencesuperscript𝐹:𝑛superscript𝒯sa𝐹:𝑛superscript𝒫𝑉superscript𝐷𝑉superscript𝐹′′𝑖:superscript𝒯casuperscript𝐹𝑖:superscript𝒫𝐿superscript𝐷𝐿\begin{split}&{F}^{\prime}(:,n)=\mathcal{T}^{\mathrm{sa}}([F(:,n);\mathcal{P}^% {V}(D^{V})]),\\ &{F}^{\prime\prime}(i,:)=\mathcal{T}^{\mathrm{ca}}([F^{\prime}(i,:);\mathcal{P% }^{L}(D^{L})]),\end{split}start_ROW start_CELL end_CELL start_CELL italic_F start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ( : , italic_n ) = caligraphic_T start_POSTSUPERSCRIPT roman_sa end_POSTSUPERSCRIPT ( [ italic_F ( : , italic_n ) ; caligraphic_P start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ( italic_D start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ) ] ) , end_CELL end_ROW start_ROW start_CELL end_CELL start_CELL italic_F start_POSTSUPERSCRIPT ′ ′ end_POSTSUPERSCRIPT ( italic_i , : ) = caligraphic_T start_POSTSUPERSCRIPT roman_ca end_POSTSUPERSCRIPT ( [ italic_F start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ( italic_i , : ) ; caligraphic_P start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ( italic_D start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ) ] ) , end_CELL end_ROW (4)

where []delimited-[][\cdot][ ⋅ ] denotes concatenation, 𝒫Vsuperscript𝒫𝑉\mathcal{P}^{V}caligraphic_P start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT and 𝒫Lsuperscript𝒫𝐿\mathcal{P}^{L}caligraphic_P start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT denote linear projection layer, DV(H×W)×dsuperscript𝐷𝑉superscript𝐻𝑊𝑑D^{V}\in\mathbb{R}^{(H\times W)\times d}italic_D start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT ( italic_H × italic_W ) × italic_d end_POSTSUPERSCRIPT, and DLN𝒞×dsuperscript𝐷𝐿superscriptsubscript𝑁𝒞𝑑D^{L}\in\mathbb{R}^{N_{\mathcal{C}}\times d}italic_D start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_N start_POSTSUBSCRIPT caligraphic_C end_POSTSUBSCRIPT × italic_d end_POSTSUPERSCRIPT, where d𝑑ditalic_d denotes the feature dimension. Notably, we only provide the embeddings to query and key as we find this is sufficient for embedding guidance.

Efficient fine-tuning of CLIP

While we aim to fully adapt CLIP to the downstream task through fine-tuning its image and text encoders, fine-tuning such foundation models can scale up to hundreds of millions of parameters, being computationally expensive and memory-intensive. On the other hand, freezing some of its layers, not only would be more efficient but also can help CLIP preserve its original embedding space, allowing it to be more robust to overfitting. To this end, we extensively investigate which layers should be frozen within CLIP [17], among examining various approaches for fine-tuning pre-trained models. We provide a detailed analysis of our exploration in Sec. 4.4.

Model VLM Additional Backbone Training Dataset Additional Dataset A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
SPNet [82] - ResNet-101 PASCAL VOC - - - 24.3 18.3 -
ZS3Net [6] - ResNet-101 PASCAL VOC - - - 19.4 38.3 -
LSeg [40] CLIP ViT-B/32 ResNet-101 PASCAL VOC-15 - - - - 47.4 -
LSeg+ [22] ALIGN ResNet-101 COCO-Stuff 2.5 5.2 13.0 36.0 - 59.0
ZegFormer [15] CLIP ViT-B/16 ResNet-101 COCO-Stuff-156 4.9 9.1 16.9 42.8 86.2 62.7
ZegFormer\dagger [15] CLIP ViT-B/16 ResNet-101 COCO-Stuff 5.6 10.4 18.0 45.5 89.5 65.5
ZSseg [84] CLIP ViT-B/16 ResNet-101 COCO-Stuff 7.0 - 20.5 47.7 88.4 -
OpenSeg [22] ALIGN ResNet-101 COCO Panoptic 4.4 7.9 17.5 40.1 - 63.8
OVSeg [43] CLIP ViT-B/16 ResNet-101c COCO-Stuff 7.1 11.0 24.8 53.3 92.6 -
ZegCLIP [100] CLIP ViT-B/16 - COCO-Stuff-156 - - - 41.2 93.6 -
SAN [85] CLIP ViT-B/16 - COCO-Stuff 10.1 12.6 27.5 53.8 94.0 -
12.0 19.0 31.8 57.5 94.6 77.3
CAT-Seg (ours) CLIP ViT-B/16 - COCO-Stuff (+1.9) (+6.4) (+4.3) (+3.7) (+0.6) (+11.8)
LSeg [40] CLIP ViT-B/32 ViT-L/16 PASCAL VOC-15 - - - - 52.3 -
OpenSeg [22] ALIGN Eff-B7 COCO Panoptic 8.1 11.5 26.4 44.8 - 70.2
OVSeg [43] CLIP ViT-L/14 Swin-B COCO-Stuff 9.0 12.4 29.6 55.7 94.5 -
SAN [85] CLIP ViT-L/14 - COCO-Stuff 12.4 15.7 32.1 57.7 94.6 -
ODISE [83] CLIP ViT-L/14 Stable Diffusion COCO-Stuff 11.1 14.5 29.9 57.3 - -
16.0 23.8 37.9 63.3 97.0 82.5
CAT-Seg (ours) CLIP ViT-L/14 - COCO-Stuff (+3.6) (+8.1) (+5.8) (+5.6) (+2.4) (+12.3)
Table 1: Quantitative evaluation on standard benchmarks. The best-performing results are presented in bold, while the second-best results are underlined. Improvements over the second-best are highlighted in green. \dagger: Re-implementation trained on full COCO-Stuff.
Model VLM Additional Backbone General Earth Monit. Medical Sciences Engineering Agri. and Biology Mean
Random (LB) - - 01.17 07.11 29.51 11.71 06.14 10.27
Best supervised (UB) - - 48.62 79.12 89.49 67.66 81.94 70.99
ZSSeg [84] CLIP ViT-B/16 ResNet-101 19.98 17.98 41.82 14.00 22.32 22.73
ZegFormer [15] CLIP ViT-B/16 ResNet-101 13.57 17.25 17.47 17.92 25.78 17.57
X-Decoder [101] UniCL-T Focal-T 22.01 18.92 23.28 15.31 18.17 19.80
OpenSeeD [92] UniCL-B Swin-T 22.49 25.11 44.44 16.50 10.35 24.33
SAN [85] CLIP ViT-B/16 - 29.35 30.64 29.85 23.58 15.07 26.74
38.69 35.91 28.09 20.34 32.57 31.96
CAT-Seg (ours) CLIP ViT-B/16 - (+9.34) (+5.27) (-16.35) (-3.24) (+6.79) (+5.22)
OVSeg [43] CLIP ViT-L/14 Swin-B 29.54 29.04 31.90 14.16 28.64 26.94
SAN [85] CLIP ViT-L/14 - 36.18 38.83 30.27 16.95 20.41 30.06
44.69 39.99 24.70 20.20 38.61 34.70
CAT-Seg (ours) CLIP ViT-L/14 - (+8.51) (+1.16) (-7.2) (+3.25) (+9.97) (+4.64)
Table 2: Quantitative evaluation on MESS [4]. MESS includes a wide range of domain-specific datasets, which pose significant challenges due to their substantial domain differences from the training dataset. We report the average score for each domain. Please refer to the supplementary material for the results of all 22 datasets. Random is the result of uniform distributed prediction which represents the lower-bound, while Best supervised represents the upper-bound performance for the datasets.

4 Experiments

4.1 Datasets and Evaluation

We train our model on the COCO-Stuff [7], which has 118k densely annotated training images with 171 categories, following [43]. We employ the mean Intersection-over-Union (mIoU) as the evaluation metric for all experiments. For the evaluation, we conducted experiments on two different sets of datasets [95, 19, 57]: a commonly used in-domain datasets [22], and a multi-domain evaluation set [4] containing domain-specific images and class labels.

Datasets for standard benchmarks.

For in-domain evaluation, we evaluate our model on ADE20K [95], PASCAL VOC [19], and PASCAL-Context [57] datasets. ADE20K has 20k training and 2k validation images, with two sets of categories: A-150 with 150 frequent classes and A-847 with 847 classes [15]. PASCAL-Context contains 5k training and validation images, with 459 classes in the full version (PC-459) and the most frequent 59 classes in the PC-59 version. PASCAL VOC has 20 object classes and a background class, with 1.5k training and validation images. We report PAS-20 using 20 object classes. We also report the score for PAS-20bsuperscript20𝑏20^{b}20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT, which defines the “background" as classes present in PC-59 but not in PAS-20, as in Ghiasi et al. [22].

Datasets for multi-domain evaluation.

We conducted a multi-domain evaluation on the MESS benchmark [4], specifically designed to stress-test the real-world applicability of open-vocabulary models with 22 datasets. The benchmark includes a wide range of domain-specific datasets from fields such as earth monitoring, medical sciences, engineering, agriculture, and biology. Additionally, the benchmark contains a diverse set of general domains, encompassing driving scenes, maritime scenes, paintings, and body parts. We report the average scores for each domain in the main text for brevity. For the complete results and details of the 22 datasets, please refer to the supplementary material.

4.2 Implementation Details

We train the CLIP image encoder and the cost aggregation module with per-pixel binary cross-entropy loss. We set dF=128subscript𝑑𝐹128d_{F}=128italic_d start_POSTSUBSCRIPT italic_F end_POSTSUBSCRIPT = 128, NB=2subscript𝑁𝐵2N_{B}=2italic_N start_POSTSUBSCRIPT italic_B end_POSTSUBSCRIPT = 2, NU=2subscript𝑁𝑈2N_{U}=2italic_N start_POSTSUBSCRIPT italic_U end_POSTSUBSCRIPT = 2 for all of our models. We implement our work using PyTorch [58] and Detectron2 [81]. AdamW [49] optimizer is used with a learning rate of 21042superscript1042\cdot 10^{-4}2 ⋅ 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT for our model and 21062superscript1062\cdot 10^{-6}2 ⋅ 10 start_POSTSUPERSCRIPT - 6 end_POSTSUPERSCRIPT for the CLIP, with weight decay set to 104superscript10410^{-4}10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT. The batch size is set to 4. We use 4 NVIDIA RTX 3090 GPUs for training. All of the models are trained for 80k iterations.

4.3 Main Results

Results of standard benchmarks.

The evaluation of standard open-vocabulary semantic segmentation benchmarks is shown in Table 1. Overall, our method significantly outperforms all competing methods, including those [22, 43] that leverage additional datasets [10, 59] for further performance improvements. To ensure a fair comparison, we categorize the models based on the scale of the vision-language models (VLMs) they employ. First, we present results for models that use VLMs of comparable scale to ViT-B/16 [17], and our model surpasses all previous methods, even achieving performance that matches or surpasses those using the ViT-L/14 model as their VLM [85]. For models employing the ViT-L/14 model as their VLM, our model demonstrates remarkable results, achieving a 16.0 mIoU in the challenging A-847 dataset and a 23.8 mIoU in PC-459. These results represent a 29% and 52% increase, respectively, compared to the previous state-of-the-art. We also present qualitative results of PASCAL-Context with 459 categories in Fig. 4, demonstrating the efficacy of our proposed approach in comparison to the current state-of-the-art methods [15, 84, 43].

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Figure 4: Qualitative comparison to SAN [85]. We visualize the results of PC-459 dataset in (a-c). For (d-f), we visualize the results from the MESS benchmark [4] across three domains: underwater (top), human parts (middle), and agriculture (bottom).
Methods A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
(I) Feature agg. + Freeze 3.1 8.7 16.6 46.8 92.3 69.7
(II) Feature agg. + F.T. 5.6 12.8 23.6 58.1 96.3 77.7
(III) Cost agg. + Freeze 10.0 14.5 26.0 46.9 94.2 65.1
(IV) Cost agg. + F.T. 14.7 23.2 35.3 60.3 96.7 78.9
Table 3: Quantitative comparison between feature and cost aggregation. Cost aggregation acts as an effective alternative to direct fine-tuning of CLIP image encoder. F.T.: Fine-Tuning.

Results of multi-domain evaluation.

In Table 2, we present the qualitative results obtained from the MESS benchmark [4]. This benchmark assesses the real-world performance of a model across a wide range of domains. Notably, our model demonstrates a significant performance boost over other models, achieving the highest mean score. It particularly excels in the general domain as well as in agriculture and biology, showing its strong generalization ability. However, in the domains of medical sciences and engineering, the results exhibit inconsistencies with respect to the size of the VLM. Additionally, the scores for medical sciences are comparable to random predictions. We speculate that CLIP may have limited knowledge in these particular domains [60].

4.4 Analysis and Ablation Study

Comparison between feature and cost aggregation.

We provide quantitative and qualitative comparison of two aggregation baselines, feature aggregation, and cost aggregation, in Table 3. For both of baseline architectures, we simply apply the upsampling decoder and note that both methods share most of the architecture, but differ in whether they aggregate the concatenated features or aggregate the cosine similarity between image and text embeddings of CLIP.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Figure 5: Qualitative comparison between feature and cost aggregation. Our approach (d) successfully segments the previously unseen class, such as “birdcage," whereas approach (c) fails.

For (I) and (III), we freeze the encoders of CLIP and only optimize the upsampling decoder. Subsequently, in (II) and (IV), we fine-tune the encoders of CLIP on top of (I) and (III). Our results show that feature aggregation can benefit from fine-tuning, but the gain is only marginal. On the other hand, cost aggregation benefits significantly from fine-tuning, highlighting the effectiveness of cost aggregation for adapting CLIP to the task of segmentation.

For the qualitative results in Fig. 5, we show the prediction results from (II) and (IV). As seen in Fig. 5(c-d), we observe that feature aggregation shows overfitting to the seen class of “bucket," while cost aggregation successfully identifies the unseen class “birdcage."

Components A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
(I) Feature Agg. 5.6 12.8 23.6 58.1 96.3 77.7
(II) Cost Agg. 14.7 23.2 35.3 60.3 96.7 78.9
(III) (II) + Spatial agg. 14.9 23.1 35.9 60.3 96.7 79.5
(IV) (II) + Class agg. 14.7 21.5 36.6 60.6 95.5 80.5
(V) (II) + Spatial and Class agg. 15.5 23.2 37.0 62.3 96.7 81.3
(VI) (V) + Embedding guidance 16.0 23.8 37.9 63.3 97.0 82.5
Table 4: Ablation study for CAT-Seg. We conduct ablation study by gradually adding components to the cost aggregation baseline.
Methods A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
CAT-Seg w/o upsampling decoder 9.9 16.1 28.4 52.9 93.2 73.3
CAT-Seg (ours) 12.0 19.0 31.8 57.5 94.6 77.3
Table 5: Ablation study of upsampling decoder. CLIP with ViT-B is used for ablation.

Component analysis.

Table 4 shows the effectiveness of the main components within our architecture through quantitative results. First, we introduce the baseline models in (I) and (II), identical to the fine-tuned baseline models from Table 3. We first add the proposed spatial and class aggregations to the cost aggregation baseline in (III) and (IV), respectively. In (V), we interleave the spatial and class aggregations. Lastly, we add the proposed embedding guidance to (V), which becomes our final model.

As shown, we stress the gap between (I) and (II), which supports the findings presented in Fig. 5. Given that PAS-20 shares most of its classes with the training datasets[84], the performance gap between (I) and (II) is minor. However, for challenging datasets such as A-847 or PC-459, the difference is notably significant, validating our cost aggregation framework for its generalizability. We also highlight that as we incorporate the proposed spatial and class aggregation techniques, our approach (V) outperforms (II), demonstrating the effectiveness of our design. Finally, (VI) shows that our embedding guidance further improves performance across all the benchmarks. Furthermore, we provide quantitative results of adopting the upsampling decoder in Table  5. The results show consistent improvements across all the benchmarks.

Methods A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT #param. Memory
(M) (GiB)
(I) Freeze 10.4 15.0 31.8 52.5 92.2 71.3 5.8 20.0
(II) Prompt 8.8 14.3 30.5 55.8 93.2 74.7 7.0 20.9
(III) Full F.T. 13.6 22.2 34.0 61.1 97.3 79.7 393.2 26.8
(IV) Attn. F.T. 15.7 23.7 37.1 63.1 97.1 81.5 134.9 20.9
(V) QK F.T. 15.3 23.0 36.3 62.0 95.9 81.9 70.3 20.9
(VI) KV F.T. 16.1 23.8 37.6 62.4 96.7 82.0 70.3 20.9
(VII) QV F.T. (Img.) 13.9 22.8 35.1 62.0 96.3 82.0 56.7 20.9
(VIII) QV F.T. (Txt.) 14.7 22.2 35.1 60.0 95.8 80.3 19.9 20.0
(IX) QV F.T. (Both) 16.0 23.8 37.9 63.3 97.0 82.5 70.3 20.9
Table 6: Analysis of fine-tuning methods for CLIP. We additionally note the number of learnable parameters of CLIP and memory consumption during training. Our method not only outperforms full fine-tuning, but also requires smaller computation.
Refer to caption
(a)
Refer to caption
(b)
Figure 6: Effects of fine-tuning CLIP. We show the t-SNE [74] visualization of CLIP image embeddings based on its predictions. In contrast to (a), we observe well-grouped clusters in (b), showing the adaptation of CLIP to segmentation for both seen and unseen classes.

Analysis on fine-tuning of CLIP.

In this section, we analyze the effects and methods of fine-tuning of the encoders of CLIP. In Table 6, we report the results of different approaches, which include the variant (I): without fine-tuning, (II): adopting Prompt Tuning [98, 35], (III): fine-tuning the entire CLIP, (IV): fine-tuning the attention layer only [73], (V): fine-tuning query and key projections only, (VI): fine-tuning key and value projections only, (VII): our approach for CLIP image encoder only, (VIII): our approach for text encoder only, and (IX): our approach for both encoders. Note that both image and text encoders are fine-tuned in (I-VI). Overall, we observed that fine-tuning enhances the performance of our framework. Among the various fine-tuning methods, fine-tuning only the query and value projection yields the best performance improvement while also demonstrating high efficiency. Additionally, as can be seen in (VII-IX), fine-tuning both encoders leads to better performance compared to fine-tuning only one of them in our framework.

In Fig. 6, we show the t-SNE [74] visualization of the dense image embeddings of CLIP within the A-150 [95] dataset. We color the embeddings based on the prediction with text classes. From (a), we can observe that the clusters are not well-formed for each classes, due to the image-level training of CLIP. In contrast, we observe well-formed clusters in (b) for both seen and unseen classes, showing the adaptation of CLIP for the downstream task.

Training with various datasets.

In this experiment, we further examine the generalization power of our method in comparison to other methods [15, 84] by training our model on smaller-scale datasets, which include A-150 and PC-59, that poses additional challenges to achieve good performance. The results are shown in Table 7. As shown, we find that although we observe some performance drops, which seem quite natural when a smaller dataset is used, our work significantly outperforms other competitors. These results highlight the strong generalization power of our framework, a favorable characteristic that suggests the practicality of our approach.

Methods Training dataset A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
ZegFormer COCO-Stuff 5.6 10.4 18.0 45.5 89.5 65.5
ZSseg COCO-Stuff 7.0 9.0 20.5 47.7 88.4 67.9
CAT-Seg (ours) COCO-Stuff 12.0 19.0 31.8 57.5 94.6 77.3
ZegFormer A-150 6.8 7.1 33.1 34.7 77.2 53.6
ZSseg A-150 7.6 7.1 40.3 39.7 80.9 61.1
CAT-Seg (ours) A-150 14.4 16.2 47.7 49.9 91.1 73.4
ZegFormer PC-59 3.8 8.2 13.1 48.7 86.5 66.8
ZSseg PC-59 3.0 7.6 11.9 54.7 87.7 71.7
CAT-Seg (ours) PC-59 9.6 16.7 27.4 63.7 93.5 79.9
Table 7: Training on various datasets. CLIP with ViT-B is used for all methods. Our model demonstrates remarkable generalization capabilities even on relatively smaller datasets. The scores evaluated on the same dataset used for training are colored in gray.
Methods ZegFormer ZSSeg OVSeg CAT-Seg (Ours)
# of learnable params. (M) 103.3 102.8 408.9 70.3
# of total params. (M) 531.2 530.8 532.6 433.7
Training time (min) 1,148.3 958.5 - 875.5
Inference time (s) 2.70 2.73 2.00 0.54
Inference GFLOPs 19,425.6 22,302.1 19,345.6 2,121.1
Table 8: Efficiency comparison. All results are measured with a single RTX 3090 GPU.

Efficiency comparison.

In Table 8, we thoroughly compare the efficiency of our method to recent methods [15, 84, 43]. We measure the number of learnable parameters, the total number of parameters, training time, inference time, and inference GFLOPs. Our model demonstrates strong efficiency in terms of both training and inference. This efficiency is achieved because our framework does not require an additional mask generator [15].

5 Conclusion

In conclusion, we introduce a cost aggregation framework for open-vocabulary semantic segmentation, aggregating the cosine-similarity scores between image and text embeddings of CLIP. Through our CAT-Seg framework, we fine-tune the encoders of CLIP for its adaptation for the downstream task of segmentation. Our method surpasses the previous state-of-the-art in standard benchmarks and also in scenarios with a vast domain difference. The success in diverse domains underscores the promise and potential of our cost aggregation framework in advancing the field of open-vocabulary semantic segmentation.

Acknowledgement.

This research was supported by the MSIT, Korea (IITP-2023-2020-0-01819, RS-2023-00266509).

CAT-Seg: Cost Aggregation for Open-Vocabulary Semantic Segmentation
– Supplementary Material –

Refer to caption
Figure 7: More architectural details of CAT-Seg: (a) overall architecture. (b) embedding guidance. Note that a generalized embedding guidance is illustrated to include different attention designs, i.e., shifted window attention [47] or linear attention [37]. (c) upsampling decoder layer. GN: Group Normalization [80]. LN: Layer Normalization [1].

In the following, we provide the full results from MESS [4] in Section A. We further provide implementation details in Section B. We then provide additional experimental results and ablation study in Section C. Finally, we present qualitative results for the benchmarks in Section D and a discussion of limitations in Section E.

A More Results

General Earth Monitoring Medical Sciences Engineering Agri. and Biology

BDD100K

Dark Zurich

MHP v1

FoodSeg103

ATLANTIS

DRAM

iSAID

ISPRS Pots.

WorldFloods

FloodNet

UAVid

Kvasir-Inst.

CHASE DB1

CryoNuSeg

PAXRay-4

Corrosion CS

DeepCrack

PST900

ZeroWaste-f

SUIM

CUB-200

CWFID

Mean

Random (LB) 01.48 01.31 01.27 00.23 00.56 02.16 00.56 08.02 18.43 03.39 05.18 27.99 27.25 31.25 31.53 9.3 26.52 04.52 06.49 05.30 00.06 13.08 10.27
Best sup. (UB) 44.80 63.90 50.00 45.10 42.22 45.71 65.30 87.56 92.71 82.22 67.80 93.70 97.05 73.45 93.77 49.92 85.90 82.30 52.50 74.00 84.60 87.23 70.99
ZSSeg-B 32.36 16.86 07.08 08.17 22.19 33.19 03.80 11.57 23.25 20.98 30.27 46.93 37.00 38.7 44.66 03.06 25.39 18.76 08.78 30.16 04.35 32.46 22.73
ZegFormer-B 14.14 04.52 04.33 10.01 18.98 29.45 02.68 14.04 25.93 22.74 20.84 27.39 12.47 11.94 18.09 04.78 29.77 19.63 17.52 28.28 16.80 32.26 17.57
X-Decoder-T 47.29 24.16 03.54 02.61 27.51 26.95 02.43 31.47 26.23 08.83 25.65 55.77 10.16 11.94 15.23 01.72 24.65 19.44 15.44 24.75 00.51 29.25 19.80
SAN-B 37.40 24.35 08.87 19.27 36.51 49.68 04.77 37.56 31.75 37.44 41.65 69.88 17.85 11.95 19.73 03.13 50.27 19.67 21.27 22.64 16.91 05.67 26.74
OpenSeeD-T 47.95 28.13 02.06 09.00 18.55 29.23 01.45 31.07 30.11 23.14 39.78 59.69 46.68 33.76 37.64 13.38 47.84 02.50 02.28 19.45 00.13 11.47 24.33
Gr.-SAM-B 41.58 20.91 29.38 10.48 17.33 57.38 12.22 26.68 33.41 19.19 38.34 46.82 23.56 38.06 41.07 20.88 59.02 21.39 16.74 14.13 00.43 38.41 28.52
CAT-Seg-B 46.71 28.86 23.74 26.69 40.31 65.81 19.34 45.36 35.72 37.57 41.55 48.20 16.99 15.70 31.48 12.29 31.67 19.88 17.52 44.71 10.23 42.77 31.96
OVSeg-L 45.28 22.53 06.24 16.43 33.44 53.33 08.28 31.03 31.48 35.59 38.8 71.13 20.95 13.45 22.06 06.82 16.22 21.89 11.71 38.17 14.00 33.76 26.94
SAN-L 43.81 30.39 09.34 24.46 40.66 68.44 11.77 51.45 48.24 39.26 43.41 72.18 07.64 11.94 29.33 06.83 23.65 19.01 18.32 40.01 19.30 01.91 30.06
Gr.-SAM-L 42.69 21.92 28.11 10.76 17.63 60.80 12.38 27.76 33.40 19.28 39.37 47.32 25.16 38.06 44.22 20.88 58.21 21.23 16.67 14.30 00.43 38.47 29.05
CAT-Seg-L 47.87 34.96 32.54 33.31 45.61 73.82 20.58 50.81 46.42 41.36 40.79 61.13 3.72 11.94 22.02 11.03 19.90 22.00 27.87 53.00 22.93 39.91 34.70
Table 9: Full results of quantitative evaluation on MESS [4].

Full quantitative results on MESS benchmark.

In Table 9, we provide the results of all 22 datasets within MESS [4], including results from Grounded-SAM [23].

B More Details

B.1 Architectural Details

In the following, we provide more architectural details. Our detailed overall architecture is illustrated in Fig. 7 (a).

Embedding guidance. In this paragraph, we provide more details of embedding guidance, which is designed to facilitate the cost aggregation process by exploiting its rich semantics for a guidance. We first extract visual and text embeddings from CLIP encoders [60]. The embeddings then undergo linear projection and concatenated to the cost volume before query and key projections in aggregation layer. The design is illustrated in Fig. 7 (b).

Upsampling decoder. The detailed architecture is illustrated in Fig. 7(c). In our upsampling decoder, we start by taking high-resolution features from the CLIP ViT model [17]. We then apply a single transposed convolution layer to these extracted features to generate an upsampled feature map. Initially, the extracted feature maps have a resolution of 24×24242424\times 2424 × 24 pixels. However, after processing them with the transposed convolution operation, we increase their resolution to 48×48484848\times 4848 × 48 pixels for the first feature map, denoted as EDec,1Vsubscriptsuperscript𝐸𝑉𝐷𝑒𝑐1E^{V}_{Dec,1}italic_E start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_D italic_e italic_c , 1 end_POSTSUBSCRIPT, and to 96×96969696\times 9696 × 96 pixels for the second feature map, denoted as EDec,2Vsubscriptsuperscript𝐸𝑉𝐷𝑒𝑐2E^{V}_{Dec,2}italic_E start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_D italic_e italic_c , 2 end_POSTSUBSCRIPT.

To obtain EDec,1Vsubscriptsuperscript𝐸𝑉𝐷𝑒𝑐1E^{V}_{Dec,1}italic_E start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_D italic_e italic_c , 1 end_POSTSUBSCRIPT, we utilize the output of the 8th layer for the ViT-B/16 model, and for the ViT-L/14 model, we use the output of the 16th layer. For the extraction of EDec,2Vsubscriptsuperscript𝐸𝑉𝐷𝑒𝑐2E^{V}_{Dec,2}italic_E start_POSTSUPERSCRIPT italic_V end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_D italic_e italic_c , 2 end_POSTSUBSCRIPT, we employ shallower features: the output of the 4th layer for the ViT-B/16 model as a VLM, and the output of the 8th layer for the ViT-L/14 model. These features are employed to enhance cost embeddings with fine details using a U-Net-like architecture [64].

B.2 Other Implementation Details

Training details. A resolution of H=W=24𝐻𝑊24H=W=24italic_H = italic_W = 24 is used during training for constructing cost volume. The position embeddings of the CLIP image encoder is initialized with bicubic interpolation [72], and we set training resolution as 384×384384384384\times 384384 × 384. For ViT-B and ViT-L variants, we initialize CLIP [60] with official weights of ViT-B/16 and ViT-L/14@336px respectively. All hyperparameters are kept constant across the evaluation datasets.

Text prompt templates. To obtain text embeddings from the text encoder, we form sentences with the class names, such as "A photo of a {class}". We do not explore handcrafted prompts in this work, but it is open for future investigation.

Dataset Link Licence Split # of classes Classes
BDD100K [88] berkeley.edu custom val 19 [road; sidewalk; building; wall; fence; pole; traffic light; traffic sign; …]
Dark Zurich [65] ethz.ch custom val 20 [unlabeled; road; sidewalk; building; wall; fence; pole; traffic light; …]
MHP v1 [41] github.com custom test 19 [others; hat; hair; sunglasses; upper clothes; skirt; pants; dress; …]
FoodSeg103 [79] github.io Apache 2.0 test 104 [background; candy; egg tart; french fries; chocolate; biscuit; popcorn; …]
ATLANTIS [18] github.com Flickr (images) test 56 [bicycle; boat; breakwater; bridge; building; bus; canal; car; …]
DRAM [14] ac.il custom (in download) test 12 [bird; boat; bottle; cat; chair; cow; dog; horse; …]
iSAID [76] github.io Google Earth (images) val 16 [others; boat; storage tank; baseball diamond; tennis court; bridge; …]
ISPRS Potsdam [5] isprs.org no licence providedUpon request, the naming of the data provider and project is required. test 6 [road; building; grass; tree; car; others]
WorldFloods [52] github.com CC NC 4.0 test 3 [land; water and flood; cloud]
FloodNet [61] github.com custom test 10 [building-flooded; building-non-flooded; road-flooded; water; tree; …]
UAVid [50] uavid.nl CC BY-NC-SA 4.0 val 8 [others; building; road; tree; grass; moving car; parked car; humans]
Kvasir-Inst. [33] simula.no custom test 2 [others; tool]
CHASE DB1 [20] kingston.ac.uk CC BY 4.0 test 2 [others; blood vessels]
CryoNuSeg [51] kaggle.com CC BY-NC-SA 4.0 test 2 [others; nuclei in cells]
PAXRay-4 [67] github.io custom test 4x2 [others, lungs], [others, bones], [others, mediastinum], [others, diaphragm]
Corrosion CS [3] figshare.com CC0 test 4 [others; steel with fair corrosion; … poor corrosion; … severe corrosion]
DeepCrack [46] github.com custom test 2 [concrete or asphalt; crack]
PST900 [68] github.com GPL-3.0 test 5 [background; fire extinguisher; backpack; drill; human]
ZeroWaste-f [2] ai.bu.edu CC-BY-NC 4.0 test 5 [background or trash; rigid plastic; cardboard; metal; soft plastic]
SUIM [32] umn.edu MIT test 8 [human diver; reefs and invertebrates; fish and vertebrates; …]
CUB-200 [77] caltech.edu custom test 201 [background; Laysan Albatross; Sooty Albatross; Crested Auklet; …]
CWFID [25] github.com custom test 3 [ground; crop seedling; weed]
Table 10: Details of the datasets in the MESS benchmark [4].
Refer to caption
Figure 8: Illustration of the patch inference. During inference, we divide the input image into patches, thereby increasing the effective resolution.

B.3 Patch Inference

The practicality of Vision Transformer (ViT) [17] for high-resolution image processing has been limited due to its quadratic complexity with respect to the sequence length. As our model leverages ViT to extract image embeddings, CAT-Seg may struggle to output to the conventional image resolutions commonly employed in semantic segmentation literature, such as 640×640640640640\times 640640 × 640 [11, 22], without sacrificing some accuracy made by losing some fine-details. Although we can adopt the same approach proposed in [96] to upsample the positional embedding [96], we ought to avoid introducing excessive computational burdens, and thus adopt an effective inference strategy without requiring additional training which is illustrated in Fig. 8.

To this end, we begin by partitioning the input image into overlap** patches of size HNP×WNP𝐻subscript𝑁𝑃𝑊subscript𝑁𝑃\frac{H}{N_{P}}\times\frac{W}{N_{P}}divide start_ARG italic_H end_ARG start_ARG italic_N start_POSTSUBSCRIPT italic_P end_POSTSUBSCRIPT end_ARG × divide start_ARG italic_W end_ARG start_ARG italic_N start_POSTSUBSCRIPT italic_P end_POSTSUBSCRIPT end_ARG. Intuitively, given an image size of 640×640640640640\times 640640 × 640, we partition the image to sub-images of size 384×384384384384\times 384384 × 384, which matches the image resolution at training phase, and each sub-images has overlap** regions 128×128128128128\times 128128 × 128. Subsequently, we feed these sub-images and the original image that is resized to 384×384384384384\times 384384 × 384 into the model. Given the results for each patches and the image, we merge the obtained prediction, while the overlap** regions are averaged to obtain the final prediction. In practice, we employ NP=2subscript𝑁𝑃2N_{P}=2italic_N start_POSTSUBSCRIPT italic_P end_POSTSUBSCRIPT = 2, while adjusting the overlap** region to match the effective resolution of 640×640640640640\times 640640 × 640.

B.4 More Details of MESS Benchmark

In Table 10, we provide details of the datasets in the MESS benchmark [4].

C Additional Ablation Study

C.1 Ablation Study of Inference Strategy

Methods A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
CAT-Seg w/ training reso. 14.6 22.1 35.7 60.9 96.3 79.9
Ours 16.0 23.8 37.9 63.3 97.0 82.5
Table 11: Ablation study of inference strategy. CLIP with ViT-L is used for ablation.

Table 11 presents effects of different inference strategies for our model. The first row shows the results using the training resolution at inference time. The last row adopts the proposed patch inference strategy. It is shown that our proposed approach can bring large performance gains, compared to using the training resolution.

C.2 Ablation on VLM

VLM A-847 PC-459 A-150 PC-59 PAS-20 PAS-20bsuperscriptPAS-20𝑏\textnormal{PAS-20}^{b}PAS-20 start_POSTSUPERSCRIPT italic_b end_POSTSUPERSCRIPT
EVA-02-CLIP-L/14 [71] 16.4 24.5 37.8 62.7 97.9 83.7
SigLIP-ViT-L/16 [91] 18.0 26.1 39.1 60.9 97.2 80.8
CLIP-ViT-L/14 16.0 23.8 37.9 63.3 97.0 82.5
Table 12: Results on various VLMs.

Table 12 shows the results with various VLMs. We found that CAT-Seg can be applied to various VLMs, and better results can be obtained when a more powerful model is applied.

D More Qualitative Results

We provide more qualitative results on A-847 [95] in Fig. 9, PC-459 [57] in Fig. 10, A-150 [95] in Fig. 11, and PC-59 [57] in Fig. 12. We also further compare the results in A-847 [95] with other methods [15, 84, 43] in Fig. 13.

E Limitations

To evaluate open-vocabulary semantic segmentation results, we follow  [22, 43] and compute the metrics using the other segmentation datasets. However, since the ground-truth segmentation maps involve some ambiguities, the reliability of the evaluation dataset is somewhat questionable. Constructing a more reliable dataset including ground-truths accounting for above issue for accurate evaluation is an intriguing topic.

Refer to caption
Figure 9: Qualitative results on ADE20K [95] with 847 categories.
Refer to caption
Figure 10: Qualitative results on PASCAL Context [57] with 459 categories.
Refer to caption
Figure 11: Qualitative results on ADE20K [95] with 150 categories.
Refer to caption
Figure 12: Qualitative results on PASCAL Context [57] with 59 categories.
Refer to caption
Figure 13: Comparison of qualitative results on ADE20K [95] with 847 categories. We compare CAT-Seg with ZegFormer [15], ZSseg [84], and OVSeg [43] on A-847 dataset.

References

  • Ba et al. [2016] Jimmy Lei Ba, Jamie Ryan Kiros, and Geoffrey E Hinton. Layer normalization. arXiv preprint arXiv:1607.06450, 2016.
  • Bashkirova et al. [2022] Dina Bashkirova, Mohamed Abdelfattah, Ziliang Zhu, James Akl, Fadi Alladkani, ** Hu, Vitaly Ablavsky, Berk Calli, Sarah Adel Bargal, and Kate Saenko. Zerowaste dataset: towards deformable object segmentation in cluttered scenes. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 21147–21157, 2022.
  • Bianchi and Hebdon [2021] Eric Bianchi and Matthew Hebdon. Corrosion condition state semantic segmentation dataset. University Libraries, Virginia Tech: Blacksburg, VA, USA, 2021.
  • Blumenstiel et al. [2023] Benedikt Blumenstiel, Johannes Jakubik, Hilde Kühne, and Michael Vössing. What a mess: Multi-domain evaluation of zero-shot semantic segmentation. arXiv preprint arXiv:2306.15521, 2023.
  • BSF Swissphoto [2012] BSF Swissphoto. Isprs potsdam dataset within the isprs test project on urban classification, 3d building reconstruction and semantic labeling. https://www.isprs.org/education/ benchmarks/UrbanSemLab/default.aspx, 2012.
  • Bucher et al. [2019] Maxime Bucher, Tuan-Hung Vu, Matthieu Cord, and Patrick Pérez. Zero-shot semantic segmentation. Advances in Neural Information Processing Systems, 32, 2019.
  • Caesar et al. [2018] Holger Caesar, Jasper Uijlings, and Vittorio Ferrari. Coco-stuff: Thing and stuff classes in context. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 1209–1218, 2018.
  • Cai et al. [2020] Changjiang Cai, Matteo Poggi, Stefano Mattoccia, and Philippos Mordohai. Matching-space stereo networks for cross-domain generalization. In 2020 International Conference on 3D Vision (3DV), pages 364–373. IEEE, 2020.
  • Chang and Chen [2018] Jia-Ren Chang and Yong-Sheng Chen. Pyramid stereo matching network. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 5410–5418, 2018.
  • Chen et al. [2015] Xinlei Chen, Hao Fang, Tsung-Yi Lin, Ramakrishna Vedantam, Saurabh Gupta, Piotr Dollár, and C Lawrence Zitnick. Microsoft coco captions: Data collection and evaluation server. arXiv preprint arXiv:1504.00325, 2015.
  • Cheng et al. [2021] Bowen Cheng, Alex Schwing, and Alexander Kirillov. Per-pixel classification is not all you need for semantic segmentation. Advances in Neural Information Processing Systems, 34:17864–17875, 2021.
  • Cho et al. [2021] Seokju Cho, Sunghwan Hong, Sangryul Jeon, Yunsung Lee, Kwanghoon Sohn, and Seungryong Kim. Cats: Cost aggregation transformers for visual correspondence. Advances in Neural Information Processing Systems, 34:9011–9023, 2021.
  • Cho et al. [2022] Seokju Cho, Sunghwan Hong, and Seungryong Kim. Cats++: Boosting cost aggregation with convolutions and transformers. IEEE Transactions on Pattern Analysis and Machine Intelligence, 2022.
  • Cohen et al. [2022] Nadav Cohen, Yael Newman, and Ariel Shamir. Semantic segmentation in art paintings. In Computer Graphics Forum, pages 261–275. Wiley Online Library, 2022.
  • Ding et al. [2022a] Jian Ding, Nan Xue, Gui-Song Xia, and Dengxin Dai. Decoupling zero-shot semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 11583–11592, 2022a.
  • Ding et al. [2022b] Zheng Ding, Jieke Wang, and Zhuowen Tu. Open-vocabulary panoptic segmentation with maskclip. arXiv preprint arXiv:2208.08984, 2022b.
  • Dosovitskiy et al. [2020] Alexey Dosovitskiy, Lucas Beyer, Alexander Kolesnikov, Dirk Weissenborn, Xiaohua Zhai, Thomas Unterthiner, Mostafa Dehghani, Matthias Minderer, Georg Heigold, Sylvain Gelly, et al. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv preprint arXiv:2010.11929, 2020.
  • Erfani et al. [2022] Seyed Mohammad Hassan Erfani, Zhenyao Wu, Xinyi Wu, Song Wang, and Erfan Goharian. Atlantis: A benchmark for semantic segmentation of waterbody images. Environmental Modelling & Software, 149:105333, 2022.
  • Everingham et al. [2009] Mark Everingham, Luc Van Gool, Christopher KI Williams, John Winn, and Andrew Zisserman. The pascal visual object classes (voc) challenge. International journal of computer vision, 88:303–308, 2009.
  • Fraz et al. [2012] Muhammad Moazam Fraz, Paolo Remagnino, Andreas Hoppe, Bunyarit Uyyanonvara, Alicja R Rudnicka, Christopher G Owen, and Sarah A Barman. An ensemble classification-based approach applied to retinal blood vessel segmentation. IEEE Transactions on Biomedical Engineering, 59(9):2538–2548, 2012.
  • Gao et al. [2023] Peng Gao, Shijie Geng, Renrui Zhang, Teli Ma, Rongyao Fang, Yongfeng Zhang, Hongsheng Li, and Yu Qiao. Clip-adapter: Better vision-language models with feature adapters. International Journal of Computer Vision, pages 1–15, 2023.
  • Ghiasi et al. [2022] Golnaz Ghiasi, Xiuye Gu, Yin Cui, and Tsung-Yi Lin. Scaling open-vocabulary image segmentation with image-level labels. In Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23–27, 2022, Proceedings, Part XXXVI, pages 540–557. Springer, 2022.
  • Grounded-SAM Contributors [2023] Grounded-SAM Contributors. Grounded-Segment-Anything, 2023.
  • Guo et al. [2019] Xiaoyang Guo, Kai Yang, Wukui Yang, Xiaogang Wang, and Hongsheng Li. Group-wise correlation stereo network. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 3273–3282, 2019.
  • Haug and Ostermann [2015] Sebastian Haug and Jörn Ostermann. A crop/weed field image dataset for the evaluation of computer vision based precision agriculture tasks. In Computer Vision-ECCV 2014 Workshops: Zurich, Switzerland, September 6-7 and 12, 2014, Proceedings, Part IV 13, pages 105–116. Springer, 2015.
  • He et al. [2019] Junjun He, Zhongying Deng, Lei Zhou, Yali Wang, and Yu Qiao. Adaptive pyramid context network for semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 7519–7528, 2019.
  • He et al. [2017] Kaiming He, Georgia Gkioxari, Piotr Dollár, and Ross Girshick. Mask r-cnn. In Proceedings of the IEEE international conference on computer vision, pages 2961–2969, 2017.
  • Hong et al. [2022a] Sunghwan Hong, Seokju Cho, Jisu Nam, Stephen Lin, and Seungryong Kim. Cost aggregation with 4d convolutional swin transformer for few-shot segmentation. In Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23–27, 2022, Proceedings, Part XXIX, pages 108–126. Springer, 2022a.
  • Hong et al. [2022b] Sunghwan Hong, Jisu Nam, Seokju Cho, Susung Hong, Sangryul Jeon, Dongbo Min, and Seungryong Kim. Neural matching fields: Implicit representation of matching fields for visual correspondence. arXiv preprint arXiv:2210.02689, 2022b.
  • Hosni et al. [2012] Asmaa Hosni, Christoph Rhemann, Michael Bleyer, Carsten Rother, and Margrit Gelautz. Fast cost-volume filtering for visual correspondence and beyond. PAMI, 2012.
  • Huang et al. [2022] Zhaoyang Huang, Xiaoyu Shi, Chao Zhang, Qiang Wang, Ka Chun Cheung, Hongwei Qin, Jifeng Dai, and Hongsheng Li. Flowformer: A transformer architecture for optical flow. arXiv preprint arXiv:2203.16194, 2022.
  • Islam et al. [2020] Md Jahidul Islam, Chelsey Edge, Yuyang Xiao, Peigen Luo, Muntaqim Mehtaz, Christopher Morse, Sadman Sakib Enan, and Junaed Sattar. Semantic segmentation of underwater imagery: Dataset and benchmark. In 2020 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), pages 1769–1776. IEEE, 2020.
  • Jha et al. [2021] Debesh Jha, Sharib Ali, Krister Emanuelsen, Steven A Hicks, Vajira Thambawita, Enrique Garcia-Ceja, Michael A Riegler, Thomas de Lange, Peter T Schmidt, Håvard D Johansen, et al. Kvasir-instrument: Diagnostic and therapeutic tool segmentation dataset in gastrointestinal endoscopy. In MultiMedia Modeling: 27th International Conference, MMM 2021, Prague, Czech Republic, June 22–24, 2021, Proceedings, Part II 27, pages 218–229. Springer, 2021.
  • Jia et al. [2021] Chao Jia, Yinfei Yang, Ye Xia, Yi-Ting Chen, Zarana Parekh, Hieu Pham, Quoc Le, Yun-Hsuan Sung, Zhen Li, and Tom Duerig. Scaling up visual and vision-language representation learning with noisy text supervision. In International Conference on Machine Learning, pages 4904–4916. PMLR, 2021.
  • Jia et al. [2022] Menglin Jia, Luming Tang, Bor-Chun Chen, Claire Cardie, Serge Belongie, Bharath Hariharan, and Ser-Nam Lim. Visual prompt tuning. In Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23–27, 2022, Proceedings, Part XXXIII, pages 709–727. Springer, 2022.
  • ** et al. [2021] Zhenchao **, Tao Gong, Dongdong Yu, Qi Chu, Jian Wang, Changhu Wang, and Jie Shao. Mining contextual information beyond image for semantic segmentation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pages 7231–7241, 2021.
  • Katharopoulos et al. [2020] Angelos Katharopoulos, Apoorv Vyas, Nikolaos Pappas, and François Fleuret. Transformers are rnns: Fast autoregressive transformers with linear attention. In International Conference on Machine Learning, pages 5156–5165. PMLR, 2020.
  • Kendall et al. [2017] Alex Kendall, Hayk Martirosyan, Saumitro Dasgupta, Peter Henry, Ryan Kennedy, Abraham Bachrach, and Adam Bry. End-to-end learning of geometry and context for deep stereo regression. In Proceedings of the IEEE international conference on computer vision, pages 66–75, 2017.
  • Lee et al. [2021] Junha Lee, Seungwook Kim, Minsu Cho, and Jaesik Park. Deep hough voting for robust global registration. In Proceedings of the IEEE/CVF international conference on computer vision, pages 15994–16003, 2021.
  • Li et al. [2022a] Boyi Li, Kilian Q Weinberger, Serge Belongie, Vladlen Koltun, and René Ranftl. Language-driven semantic segmentation. arXiv preprint arXiv:2201.03546, 2022a.
  • Li et al. [2017] Jianshu Li, Jian Zhao, Yunchao Wei, Congyan Lang, Yidong Li, Terence Sim, Shuicheng Yan, and Jiashi Feng. Multiple-human parsing in the wild. arXiv preprint arXiv:1705.07206, 2017.
  • Li et al. [2022b] Yanghao Li, Hanzi Mao, Ross Girshick, and Kaiming He. Exploring plain vision transformer backbones for object detection. In Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23–27, 2022, Proceedings, Part IX, pages 280–296. Springer, 2022b.
  • Liang et al. [2022] Feng Liang, Bichen Wu, Xiaoliang Dai, Kunpeng Li, Yinan Zhao, Hang Zhang, Peizhao Zhang, Peter Vajda, and Diana Marculescu. Open-vocabulary semantic segmentation with mask-adapted clip. arXiv preprint arXiv:2210.04150, 2022.
  • Lin et al. [2017] Tsung-Yi Lin, Piotr Dollár, Ross Girshick, Kaiming He, Bharath Hariharan, and Serge Belongie. Feature pyramid networks for object detection. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 2117–2125, 2017.
  • Liu et al. [2022] Biyang Liu, Huimin Yu, and Guodong Qi. Graftnet: Towards domain generalized stereo matching with a broad-spectrum and task-oriented feature. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 13012–13021, 2022.
  • Liu et al. [2019] Yahui Liu, Jian Yao, ** Xie, and Li Li. Deepcrack: A deep hierarchical feature learning architecture for crack segmentation. Neurocomputing, 338:139–153, 2019.
  • Liu et al. [2021] Ze Liu, Yutong Lin, Yue Cao, Han Hu, Yixuan Wei, Zheng Zhang, Stephen Lin, and Baining Guo. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the IEEE/CVF international conference on computer vision, pages 10012–10022, 2021.
  • Long et al. [2015] Jonathan Long, Evan Shelhamer, and Trevor Darrell. Fully convolutional networks for semantic segmentation. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 3431–3440, 2015.
  • Loshchilov and Hutter [2017] Ilya Loshchilov and Frank Hutter. Decoupled weight decay regularization. arXiv preprint arXiv:1711.05101, 2017.
  • Lyu et al. [2020] Ye Lyu, George Vosselman, Gui-Song Xia, Alper Yilmaz, and Michael Ying Yang. Uavid: A semantic segmentation dataset for uav imagery. ISPRS journal of photogrammetry and remote sensing, 165:108–119, 2020.
  • Mahbod et al. [2021] Amirreza Mahbod, Gerald Schaefer, Benjamin Bancher, Christine Löw, Georg Dorffner, Rupert Ecker, and Isabella Ellinger. Cryonuseg: A dataset for nuclei instance segmentation of cryosectioned h&e-stained histological images. Computers in biology and medicine, 132:104349, 2021.
  • Mateo-Garcia et al. [2021] Gonzalo Mateo-Garcia, Joshua Veitch-Michaelis, Lewis Smith, Silviu Vlad Oprea, Guy Schumann, Yarin Gal, Atılım Güneş Baydin, and Dietmar Backes. Towards global flood map** onboard low cost satellites with machine learning. Scientific reports, 11(1):7249, 2021.
  • Mikolov et al. [2013] Tomas Mikolov, Kai Chen, Greg Corrado, and Jeffrey Dean. Efficient estimation of word representations in vector space. arXiv preprint arXiv:1301.3781, 2013.
  • Miller [1998] George A Miller. WordNet: An electronic lexical database. MIT press, 1998.
  • Min and Cho [2021] Juhong Min and Minsu Cho. Convolutional hough matching networks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 2940–2950, 2021.
  • Min et al. [2021] Juhong Min, Dahyun Kang, and Minsu Cho. Hypercorrelation squeeze for few-shot segmentation. In Proceedings of the IEEE/CVF international conference on computer vision, pages 6941–6952, 2021.
  • Mottaghi et al. [2014] Roozbeh Mottaghi, Xianjie Chen, Xiaobai Liu, Nam-Gyu Cho, Seong-Whan Lee, Sanja Fidler, Raquel Urtasun, and Alan Yuille. The role of context for object detection and semantic segmentation in the wild. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 891–898, 2014.
  • Paszke et al. [2019] Adam Paszke, Sam Gross, Francisco Massa, Adam Lerer, James Bradbury, Gregory Chanan, Trevor Killeen, Zeming Lin, Natalia Gimelshein, Luca Antiga, et al. Pytorch: An imperative style, high-performance deep learning library. Advances in neural information processing systems, 32, 2019.
  • Pont-Tuset et al. [2020] Jordi Pont-Tuset, Jasper Uijlings, Soravit Changpinyo, Radu Soricut, and Vittorio Ferrari. Connecting vision and language with localized narratives. In Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part V 16, pages 647–664. Springer, 2020.
  • Radford et al. [2021] Alec Radford, Jong Wook Kim, Chris Hallacy, Aditya Ramesh, Gabriel Goh, Sandhini Agarwal, Girish Sastry, Amanda Askell, Pamela Mishkin, Jack Clark, et al. Learning transferable visual models from natural language supervision. In International conference on machine learning, pages 8748–8763. PMLR, 2021.
  • Rahnemoonfar et al. [2021] Maryam Rahnemoonfar, Tashnim Chowdhury, Argho Sarkar, Debvrat Varshney, Masoud Yari, and Robin Roberson Murphy. Floodnet: A high resolution aerial imagery dataset for post flood scene understanding. IEEE Access, 9:89644–89654, 2021.
  • Rocco et al. [2017] Ignacio Rocco, Relja Arandjelovic, and Josef Sivic. Convolutional neural network architecture for geometric matching. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 6148–6157, 2017.
  • Rombach et al. [2022] Robin Rombach, Andreas Blattmann, Dominik Lorenz, Patrick Esser, and Björn Ommer. High-resolution image synthesis with latent diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 10684–10695, 2022.
  • Ronneberger et al. [2015] Olaf Ronneberger, Philipp Fischer, and Thomas Brox. U-net: Convolutional networks for biomedical image segmentation. In Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: 18th International Conference, Munich, Germany, October 5-9, 2015, Proceedings, Part III 18, pages 234–241. Springer, 2015.
  • Sakaridis et al. [2019] Christos Sakaridis, Dengxin Dai, and Luc Van Gool. Guided curriculum model adaptation and uncertainty-aware evaluation for semantic nighttime image segmentation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pages 7374–7383, 2019.
  • Scharstein and Szeliski [2002] Daniel Scharstein and Richard Szeliski. A taxonomy and evaluation of dense two-frame stereo correspondence algorithms. International journal of computer vision, 47:7–42, 2002.
  • Seibold et al. [2022] Constantin Seibold, Simon Reiß, Saquib Sarfraz, Matthias A Fink, Victoria Mayer, Jan Sellner, Moon Sung Kim, Klaus H Maier-Hein, Jens Kleesiek, and Rainer Stiefelhagen. Detailed annotations of chest x-rays via ct projection for report understanding. arXiv preprint arXiv:2210.03416, 2022.
  • Shivakumar et al. [2020] Shreyas S Shivakumar, Neil Rodrigues, Alex Zhou, Ian D Miller, Vijay Kumar, and Camillo J Taylor. Pst900: Rgb-thermal calibration, dataset and segmentation network. In 2020 IEEE international conference on robotics and automation (ICRA), pages 9441–9447. IEEE, 2020.
  • Song et al. [2021] ** Shi. Adastereo: A simple and efficient approach for adaptive stereo matching. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 10328–10337, 2021.
  • Sun et al. [2018] Deqing Sun, Xiaodong Yang, Ming-Yu Liu, and Jan Kautz. Pwc-net: Cnns for optical flow using pyramid, war**, and cost volume. In CVPR, 2018.
  • Sun et al. [2023] Quan Sun, Yuxin Fang, Ledell Wu, Xinlong Wang, and Yue Cao. Eva-clip: Improved training techniques for clip at scale. arXiv preprint arXiv:2303.15389, 2023.
  • Touvron et al. [2021] Hugo Touvron, Matthieu Cord, Matthijs Douze, Francisco Massa, Alexandre Sablayrolles, and Hervé Jégou. Training data-efficient image transformers & distillation through attention. In International conference on machine learning, pages 10347–10357. PMLR, 2021.
  • Touvron et al. [2022] Hugo Touvron, Matthieu Cord, Alaaeldin El-Nouby, Jakob Verbeek, and Hervé Jégou. Three things everyone should know about vision transformers. In Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23–27, 2022, Proceedings, Part XXIV, pages 497–515. Springer, 2022.
  • Van der Maaten and Hinton [2008] Laurens Van der Maaten and Geoffrey Hinton. Visualizing data using t-sne. Journal of machine learning research, 9(11), 2008.
  • Vaswani et al. [2017] Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Łukasz Kaiser, and Illia Polosukhin. Attention is all you need. Advances in neural information processing systems, 30, 2017.
  • Waqas Zamir et al. [2019] Syed Waqas Zamir, Aditya Arora, Akshita Gupta, Salman Khan, Guolei Sun, Fahad Shahbaz Khan, Fan Zhu, Ling Shao, Gui-Song Xia, and Xiang Bai. isaid: A large-scale dataset for instance segmentation in aerial images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, pages 28–37, 2019.
  • Welinder et al. [2010] Peter Welinder, Steve Branson, Takeshi Mita, Catherine Wah, Florian Schroff, Serge Belongie, and Pietro Perona. Caltech-ucsd birds 200. 2010.
  • Wortsman et al. [2022] Mitchell Wortsman, Gabriel Ilharco, Jong Wook Kim, Mike Li, Simon Kornblith, Rebecca Roelofs, Raphael Gontijo Lopes, Hannaneh Hajishirzi, Ali Farhadi, Hongseok Namkoong, et al. Robust fine-tuning of zero-shot models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 7959–7971, 2022.
  • Wu et al. [2021] Xiongwei Wu, Xin Fu, Ying Liu, Ee-Peng Lim, Steven CH Hoi, and Qianru Sun. A large-scale benchmark for food image segmentation. In Proceedings of the 29th ACM International Conference on Multimedia, pages 506–515, 2021.
  • Wu and He [2018] Yuxin Wu and Kaiming He. Group normalization. In Proceedings of the European conference on computer vision (ECCV), pages 3–19, 2018.
  • Wu et al. [2019] Yuxin Wu, Alexander Kirillov, Francisco Massa, Wan-Yen Lo, and Ross Girshick. Detectron2. https://github.com/facebookresearch/detectron2, 2019.
  • Xian et al. [2019] Yongqin Xian, Subhabrata Choudhury, Yang He, Bernt Schiele, and Zeynep Akata. Semantic projection network for zero-and few-label semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 8256–8265, 2019.
  • Xu et al. [2023a] Jiarui Xu, Sifei Liu, Arash Vahdat, Wonmin Byeon, Xiaolong Wang, and Shalini De Mello. Open-vocabulary panoptic segmentation with text-to-image diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 2955–2966, 2023a.
  • Xu et al. [2022] Mengde Xu, Zheng Zhang, Fangyun Wei, Yutong Lin, Yue Cao, Han Hu, and Xiang Bai. A simple baseline for open-vocabulary semantic segmentation with pre-trained vision-language model. In Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, October 23–27, 2022, Proceedings, Part XXIX, pages 736–753. Springer, 2022.
  • Xu et al. [2023b] Mengde Xu, Zheng Zhang, Fangyun Wei, Han Hu, and Xiang Bai. Side adapter network for open-vocabulary semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 2945–2954, 2023b.
  • Yang et al. [2019] Gengshan Yang, Joshua Manela, Michael Happold, and Deva Ramanan. Hierarchical deep stereo matching on high-resolution images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 5515–5524, 2019.
  • Yu et al. [2020a] Changqian Yu, **gbo Wang, Changxin Gao, Gang Yu, Chunhua Shen, and Nong Sang. Context prior for scene segmentation. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pages 12416–12425, 2020a.
  • Yu et al. [2020b] Fisher Yu, Haofeng Chen, Xin Wang, Wenqi Xian, Yingying Chen, Fangchen Liu, Vashisht Madhavan, and Trevor Darrell. Bdd100k: A diverse driving dataset for heterogeneous multitask learning. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pages 2636–2645, 2020b.
  • Yu et al. [2023] Qihang Yu, Ju He, Xueqing Deng, Xiaohui Shen, and Liang-Chieh Chen. Convolutions die hard: Open-vocabulary segmentation with single frozen convolutional clip. arXiv preprint arXiv:2308.02487, 2023.
  • Yuan et al. [2020] Yuhui Yuan, Xilin Chen, and **gdong Wang. Object-contextual representations for semantic segmentation. In Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part VI 16, pages 173–190. Springer, 2020.
  • Zhai et al. [2023] Xiaohua Zhai, Basil Mustafa, Alexander Kolesnikov, and Lucas Beyer. Sigmoid loss for language image pre-training. arXiv preprint arXiv:2303.15343, 2023.
  • Zhang et al. [2023] Hao Zhang, Feng Li, Xueyan Zou, Shilong Liu, Chunyuan Li, Jianfeng Gao, Jianwei Yang, and Lei Zhang. A simple framework for open-vocabulary segmentation and detection. arXiv preprint arXiv:2303.08131, 2023.
  • Zhang et al. [2021] Renrui Zhang, Rongyao Fang, Wei Zhang, Peng Gao, Kunchang Li, Jifeng Dai, Yu Qiao, and Hongsheng Li. Tip-adapter: Training-free clip-adapter for better vision-language modeling. arXiv preprint arXiv:2111.03930, 2021.
  • Zhao et al. [2017] Hang Zhao, Xavier Puig, Bolei Zhou, Sanja Fidler, and Antonio Torralba. Open vocabulary scene parsing. In Proceedings of the IEEE International Conference on Computer Vision, pages 2002–2010, 2017.
  • Zhou et al. [2019] Bolei Zhou, Hang Zhao, Xavier Puig, Tete Xiao, Sanja Fidler, Adela Barriuso, and Antonio Torralba. Semantic understanding of scenes through the ade20k dataset. International Journal of Computer Vision, 127:302–321, 2019.
  • Zhou et al. [2022a] Chong Zhou, Chen Change Loy, and Bo Dai. Extract free dense labels from clip. In ECCV, pages 696–712. Springer, 2022a.
  • Zhou et al. [2022b] Kaiyang Zhou, **gkang Yang, Chen Change Loy, and Ziwei Liu. Conditional prompt learning for vision-language models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 16816–16825, 2022b.
  • Zhou et al. [2022c] Kaiyang Zhou, **gkang Yang, Chen Change Loy, and Ziwei Liu. Learning to prompt for vision-language models. International Journal of Computer Vision, 130(9):2337–2348, 2022c.
  • Zhou et al. [2022d] Tianfei Zhou, Wenguan Wang, Ender Konukoglu, and Luc Van Gool. Rethinking semantic segmentation: A prototype view. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 2582–2593, 2022d.
  • Zhou et al. [2022e] Ziqin Zhou, Bowen Zhang, Yinjie Lei, Lingqiao Liu, and Yifan Liu. Zegclip: Towards adapting clip for zero-shot semantic segmentation. arXiv preprint arXiv:2212.03588, 2022e.
  • Zou et al. [2023] Xueyan Zou, Zi-Yi Dou, Jianwei Yang, Zhe Gan, Linjie Li, Chunyuan Li, Xiyang Dai, Harkirat Behl, Jianfeng Wang, Lu Yuan, et al. Generalized decoding for pixel, image, and language. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 15116–15127, 2023.