HEMM: Holistic Evaluation of
Multimodal Foundation Models

Paul Pu Liang, Akshay Goindani, Talha Chafekar, Leena Mathur, Haofei Yu,
Ruslan Salakhutdinov, Louis-Philippe Morency
Machine Learning Department and Language Technologies Institute
Carnegie Mellon University
https://github.com/pliang279/HEMM
Abstract

Multimodal foundation models that can holistically process text alongside images, video, audio, and other sensory modalities are increasingly used in a variety of real-world applications. However, it is challenging to characterize and study progress in multimodal foundation models, given the range of possible modeling decisions, tasks, and domains. In this paper, we introduce Holistic Evaluation of Multimodal Models (HEMM) to systematically evaluate the capabilities of multimodal foundation models across a set of 3 dimensions: basic skills, information flow, and real-world use cases. Basic multimodal skills are internal abilities required to solve problems, such as learning interactions across modalities, fine-grained alignment, multi-step reasoning, and the ability to handle external knowledge. Information flow studies how multimodal content changes during a task through querying, translation, editing, and fusion. Use cases span domain-specific challenges introduced in real-world multimedia, affective computing, natural sciences, healthcare, and human-computer interaction applications. Through comprehensive experiments across the 30 tasks in HEMM, we (1) identify key dataset dimensions (e.g., basic skills, information flows, and use cases) that pose challenges to today’s models, and (2) distill performance trends regarding how different modeling dimensions (e.g., scale, pre-training data, multimodal alignment, pre-training, and instruction tuning objectives) influence performance. Our conclusions regarding challenging multimodal interactions, use cases, and tasks requiring reasoning and external knowledge, the benefits of data and model scale, and the impacts of instruction tuning yield actionable insights for future work in multimodal foundation models.

1 Introduction

Building upon rapid progress in large-scale language and vision pretraining [24, 69, 106], the new generation of multimodal foundation models is increasing adept at learning interactions between modalities [83], enables both static prediction and dynamic interaction [55], and even shows emergent properties never seen before in pretraining corpora [60]. Previous standards for benchmarking multimodal models based on collections of modality and task-specific datasets [8, 57, 29, 66] are increasingly insufficient in light of these general capabilities. In order to study fundamental questions regarding why multimodal foundation models exhibit certain behaviors, when they perform well in the real world, and which modeling paradigms are most effective, there is a need for a holistic evaluation scheme beyond individual datasets or contexts.

Refer to caption
Figure 1: HEMM is an evaluation framework that characterizes multimodal models along several dimensions (size, architecture, pretraining objective, fine-tuning objective, training data) and emphasizes holistic benchmarking of these models at three disentangled levels: basic skills, information flow, and use cases.

To address this need, we contribute Holistic Evaluation of Multimodal Models (HEMM), visualized in Figure 1. HEMM, as an evaluation framework, goes beyond conventional lists of datasets to emphasize holistic benchmarking at three levels. The first level benchmarks basic multimodal skills: fundamental internal abilities required to address multimodal problems, such as interactions between redundant, unique, and synergistic features [26, 68], alignment of fine-grained and coarse-grained information [104], reasoning across compositional features [115], and integration of external knowledge [90]. The second level benchmarks information flow: how multimodal information transforms during tasks such as querying [98], translation [109], editing [108], and fusion [60]. The third level benchmarks multimodal use cases: how models perform in real-world challenges across domains, including multimedia, affective computing, natural sciences, healthcare, and human-computer interaction (HCI). Together, these three levels taxonomize a wide spectrum of 30303030 image-text datasets, enabling HEMM to serve as a holistic framework to evaluate multimodal models.

To aid in HEMM evaluation, we also present a new categorization of models spanning key modeling decisions, such as model size and modality processing (e.g., interleaved inputs), and training decisions, such as pretraining and fine-tuning objectives. We (1) identify key dataset dimensions (e.g., basic skills, information flows, and use cases) that pose challenges to today’s models, and (2) distill performance trends regarding how different modeling and training decisions (e.g., scale, pre-training data, multimodal alignment, pre-training, and instruction tuning objectives) influence downstream task performance. Our analysis yields tangible directions for future work, including challenging multimodal skills, tasks, and use cases, impacts of diversity and scale, and guidelines on modeling architectures and training objectives. HEMM is publicly available at anon, and encourages community involvement in its expansion of datasets, annotations, models, and evaluation metrics.

2 Key Benchmarking Principles and Datasets in HEMM

HEMM includes 30 datasets summarized in Table 1. These datasets require different multimodal skills to solve, display different types of multimodal information flow, and belong to different real-world use cases with domain-specific challenges.

2.1 Basic multimodal skills

Table 1: HEMM includes a comprehensive suite of 30303030 datasets to benchmark multimodal foundation models. We categorize each dataset based on the basic multimodal skills needed to solve them – the type of multimodal interaction, granularity of multimodal alignment, level of reasoning, and need for external knowledge, how information flows between modalities, and the real-world use cases they impact.
Dataset # Samples Interactions Fine-grained Reasoning Knowledge Info. Flow Use case
VQA [4] 614K Redundancy Yes Less No Querying Multimedia
Visual Genome [50] 1.7M Redundancy Yes Less No Querying Multimedia
VCR [122] 290K Redundancy Yes Less No Fusion Multimedia
OK-VQA [76] 14K Redundancy Yes Less Yes Querying Multimedia
GQA [42] 22M Redundancy Yes Less No Querying Multimedia
NoCaps [2] 15K Redundancy No Less No Translation Multimedia
Flickr30K [119] 30K Redundancy No Less No Translation Multimedia
Winoground [98] 1.6K Redundancy Yes Less No Querying Multimedia
Nlvr [93] 92K Redundancy Yes Less No Querying Multimedia
Nlvr2 [94] 107K Redundancy No Less No Querying Multimedia
IRFL [117] 3.9K Synergy No More No Fusion Multimedia
MM-IMDb [5] 25K Synergy No Less No Fusion Multimedia
Magic Brush [123] 10K Synergy Yes Less No Editing Multimedia
LNCOCO [87] 8.5K Uniqueness Yes Less Yes Translation Multimedia
NY Cartoon [37] 364 Synergy No More Yes Fusion Affect
Hateful Memes [46] 10K Synergy No More Yes Fusion Affect
MemeCap [43] 560 Synergy No More Yes Fusion Affect
Memotion [89] 10K Synergy No More Yes Fusion Affect
FER-2013 [32] 30K Uniqueness No Less No Querying Affect
ScienceQA [75] 21K Synergy No Less Yes Fusion Science
Resisc45 [18] 31K Uniqueness No Less No Querying Science
UCMerced land use [114] 2K Uniqueness No Less No Querying Science
iNaturalist [102] 675K Uniqueness Yes Less Yes Querying Science
Decimer [13] 5K Uniqueness No More Yes Translation Science
PathVQA [35] 33K Redundancy Yes Less Yes Querying Healthcare
VQARAD [53] 3.5K Redundancy Yes More Yes Querying Healthcare
OpenPath [41] 218K Redundancy Yes More Yes Querying Healthcare
Slake [72] 13K Redundancy Yes More Yes Querying Healthcare
Enrico [58] 1.4K Uniqueness No Less No Querying HCI
Screen2Words [103] 112K Uniqueness No Less No Translation HCI

Multimodal skills are internal abilities required to solve multimodal tasks, such as learning interactions across modalities, fine-grained alignment, multi-step reasoning, and using external knowledge.

Multimodal interactions study how modality information is integrated for a multimodal task [69, 77, 52, 9], which can be redundant: shared between modalities, such as smiling while telling a humorous joke [43, 89], unique: present in only one of the modalities [35, 54], and synergistic: emergence of new information from both modalities, such as conveying sarcasm through conflicting verbal and nonverbal cues [15, 68]. Datasets with high referential information between modalities test for redundancy, such as in VQA, and translation on NoCaps. Tasks with uniqueness or synergy include understanding movie posters (MM-IMDb), memes (MemeCap), figurative language (IRFL), facial expressions (FER-2013), and cartoons (New Yorker Cartoon).

Granularity of multimodal alignment involves identifying alignment across elements in different modalities. For example, answering a question might require a model to perform fine-grained alignment to reference one specific object out of many possible objects in an image. Tasks that explicitly test for fine-grained alignment include localized reasoning on Visual Genome, Winoground, while tasks that emphasize coarse-grained alignment (e.g., making a prediction relevant to a whole image) include interpreting cartoon images [37], movie posters [5], and memes [46, 89, 43].

Reasoning and external knowledge involve the combination of local pieces of information to form increasingly rich and complex multimodal representations. For example, being able to perform multi-hop inference from Wikipedia text and images [76] or solving science questions given visual diagrams and executing multiple logical steps [75]. Tasks like Winoground explicitly test for reasoning and tasks like OK-VQA are designed to assess external knowledge.

2.2 Multimodal information flow

Multimodal information flow studies how information transforms across tasks, including cross-modal translation, editing, querying, and fusion.

Cross-modal translation exploits shared information by mapping data in one modality to another. Examples include translating from text to image for image generation (e.g., LNCOCO) and translating from image to text for image captioning (e.g., NoCaps, Screen2Words).

Cross-modal editing involves semantically editing data in one modality according to another modality (e.g., given an image, following a natural language instruction to "change the background from day to night"). The model takes in the original image (with potentially more reference images), along with a task description specifying the edit, and outputs the edited image. We use the Magic Brush dataset to test cross-modal editing.

Cross-modal querying involves a model’s ability to answer natural language questions that query specific information about an input. The model takes in the original image, a text description, the query, and must output the desired answer (typically in natural language). Querying can be done for visual scenes (GQA), environmental indicators (Resisc45), and medical data (VQARAD).

Multimodal fusion aims to learn interactions to combine information from different modalities, such as classifying diseases given x-ray images and medical tests, or detecting humor from cartoon images and captions. Multimodal fusion takes in the image, text, and a description of the task, and then outputs a prediction, which can include affective states like humor in New Yorker Cartoon, hate speech detection in Hateful Memes, or in science problems (ScienceQA).

2.3 Real-world Use Cases

Each use case is drawn from a real-world application with their own specific challenges.

Multimedia includes efficient search, retrieval, indexing, and generation of digital content. Multimedia tasks in HEMM include question answering about images and videos (VQA, VCR), multimedia captioning (Flickr30K, NoCaps), compositional visual reasoning (Winoground, Nlvr), understanding cartoons, movie posters (MM-IMDb), memes (MemeCap and Memotion), and figurative language (IRFL), and editing images (Magic Brush).

Affective computing aims to perceive human affective states (emotions, sentiment, personalities, humor, sarcasm, social interactions) [86], and is important for building emotionally and socially-intelligent AI [56, 78] and human-AI interaction [55]. HEMM includes New Yorker Cartoon (cartoon images and captions), Hateful Memes (hateful content in memes), FER-2013 for facial expressions, MemeCap for meme captioning, and Memotion for emotions in memes.

Natural sciences aims to deepen our knowledge of physical, chemical, biological, and environmental sciences. These can involve satellite images, chemical bonds, land and agriculture use, wildlife, and specific scientific terminologye [101]. Tasks in HEMM include ScienceQA testing different science topics and Resisc45 for land scene classification.

Healthcare involves integrating multimodal signals such as lab tests, imaging reports, and doctor-patient interactions to help doctors interpret high-dimensional data and assist them in diagnosis [48, 51]. We include processing text reports and medical images in the form of PathVQA for pathology, VQARAD for radiology images, and Slake for medical visual question answering.

HCI involves user design, usability, user experience, and other challenges related to humans interacting with computers [81]. HCI tasks can involve visual information such as screen layouts, user actions, and feedback mechanisms. HCI tasks in HEMM include Enrico for classifying mobile UI designs and Screen2Words for UI screen content summarization.

3 Key Modeling Principles and Models in HEMM

Table 2: Models used in HEMM, ranked from small to large, and categorized by #Param (model size), Data Size (pretraining data size), Data Diversity (pretraining data diversity), Training Type (end-to-end training or frozen alignment), INST (instruction tuning), Modality Proc (interleaved or separate modality inputs).
Model #Param Data Size Data Diversity Training Type INST Modality Proc
Kosmos-2 [85] 1.6B 90M Yes End-to-end Yes interleaved
OpenFlamingo [6] 3.2B 180M No Modular Fine-tune No interleaved
Instruct-BLIP [22] 4.0B 244M Yes Modular Fine-tune Yes separate
LLaMA-Adapter [30] 7.0B 567K No Modular Fine-tune Yes separate
mPLUG-Owl [116] 7.2B - Yes Modular Fine-tune Yes separate
Fuyu-8B [10] 9.3B - Yes End-to-end No interleaved
BLIP-2 [61] 12.1B 244M No Modular Fine-tune No separate
Mini-GPT-4 [127] 13.0B 5M No Modular Fine-tune Yes separate
Emu [95] 14.0B 82M Yes End-to-end No interleaved
Gemini - - Yes - Yes interleaved
GPT-4V - - Yes - Yes -

Table 2 summarizes the 11 models we evaluate in HEMM, which span different numbers of parameters, model architectures, training datasets, pretraining objectives, and fine-tuning objectives.

3.1 Modeling decisions

Model parameters

Parameters can vary greatly across different multimodal models, from 100M params to approximately 1000B params. We consider models with total number of parameters less than or equal to 4B (e.g., Instruct-BLIP) as small, whereas those having more than 4B parameters (e.g., Fuyu-8B) are considered medium. GPT-4V and Gemini are considered large.

Modality processing

Some multimodal models (e.g., Fuyu-8B) support interleaved inputs like “<dog_img> This is a very cute dog.<cat_img> This is a very cute cat.”, unlike models that only support separate image and text queries (e.g., BLIP-2, Mini-GPT-4).

3.2 Training Characteristics

Training type

End-to-end training involves fine-tuning unimodal encoders, pretrained LLMs, and a multimodal model jointly, as seen in Emu, Fuyu-8B, etc. Another category operates by freezing unimodal encoders and LLM, and then training only a mapping that aligns frozen image features with frozen LLM features. These trainable mappings include Q-former [22] (used in Instruct-BLIP), linear layers [127, 92] (used in Mini-GPT-4), and attention blocks used in OpenFlamingo.

Size of pre-training data

We consider the total size of pre-training data used for training, including instruction and supervised data. Emu has small data-scale, with less than 100M training data points. Fuyu-8B has medium data-scale, with more than 100M training data points. While GPT-4V and Gemini do not release data sizes, we estimate their size to be much larger than other models and therefore are considered to have large data scale.

Diversity of pre-training data

We consider the diversity of multimodal tasks used for training, including visual QA, visual conversations, and interleaved images and text. Instruct-BLIP and Emu are pre-trained on diverse data, in contrast to LLaMA-Adapter, OpenFlamingo, etc., which only use image captioning data for training.

Instruction tuning

By transforming supervised tasks into an ‘instruction’ format, instruction tuning has been shown to benefit performance and improve the controllability of LLMs. Mini-GPT-4 and Instruct-BLIP include an instruction tuning stage, while models like BLIP-2 do not.

4 Experiments

In this section, we discuss extensive experiments conducted to holistically evaluate the performance of multimodal foundation models based on HEMM.

Table 3: Performance on different dataset dimensions, as measured via the mean BARTscore on each dataset across all 11 tested multimodal models.
Dimension Category Perf (\uparrow)
Real-world use case Multimedia 31.30
Affect 30.35
Health 20.24
Science 19.83
HCI 15.70
Multimodal interaction Redundancy 29.04
Uniqueness 19.60
Synergy 33.73
Reasoning More Reasoning 27.50
Less Reasoning 26.84
Granularity Fine-grained 26.52
Coarse-grained 27.52
Knowledge External 23.51
None 29.62
Information flow Querying 25.88
Translation 18.97
Fusion 33.77
Table 4: Performance on different modeling decisions, as measured via the mean BARTscore for each model across all 30 tested multimodal datasets.
Dimension Category Perf (\uparrow)
Modeling decisions
Modality processing Interleaved 22.94
Separate 28.58
Model size Small 23.34
Medium 23.87
Large 42.33
Training decisions
Training type Modular 24.92
End-to-end 21.26
Size of training data Small 16.80
Medium 30.10
Large 31.77
Diversity of training data Non-diverse 21.71
Diverse 30.15
Instruction tuning No 22.49
Yes 29.71

4.1 Experimental setup

Individual metrics

For all text generation tasks, we use the established natural language generation evaluation metric BARTScore [121], which was found to have the highest correlation with human judgement [121]. We compute BARTScore(r, c), where r is the reference and c is the candidate. It can be interpreted as the probability of generating the candidate sentence from the reference. For example, a model might caption an image with the following generated candidate: A row of violins hanging on a wall.. The reference (ground truth) of A painting of 5 cello’s with a green background would be used to compute the BARTScore with respect to c.

Aggregating metrics

To aggregate scores across multiple tasks or models, we normalize scores using min-max scaling. Following Chang et al. [16], min represents the score of the worst multimodal model and max represents the identity score BARTScore(r, r), where r is the ground truth. Subsequently, these normalized scores in a 0 to 1 range can be interpreted as a percentage of model performance relative to the ground truth.

Computation

Since GPT-4V and Gemini have query limits, we evaluate their performance on 100 random samples for each dataset (2800 total data points). For a fair comparison with other models, we present the results and findings below based on the performance of those 100 samples per dataset. In Appendix C we present the results of the other models on the full evaluation sets. We evaluate all the models on a single NVIDIA A100 80GB GPU with the inference time for a single image-text pair ranging from 0.1 seconds to 63.7 seconds. We report the average inference times for the models across all datasets and include additional details on the evaluation protocol in Appendix B.

4.2 Main results

Refer to caption
Figure 2: Responses of GPT-4V and Gemini on samples from the science category. These failure cases show that the models lack domain knowledge and are unable to correctly translate the images of molecules to the SMILES notations (a). Example (b) shows that the models struggle on tasks requiring complex reasoning, failing to comprehend the relation between the force and the size of the magnets. In (c), all models except GPT-4V are unable to capture the fine-grained details and misclassify the image as an airport instead of a runway.

We summarize our main results here and include full details in Appendix C. We first explain performance trends across the datasets in HEMM, before explaining performance differences across different multimodal foundation models and their design decisions.

4.2.1 Performance across dataset dimensions

Refer to caption
Figure 3: Average scores are higher for multimedia datasets as compared to other use cases, and lowest for healthcare, HCI, and science. The models struggle on iNaturalist, Decimer, Enrico, PathVQA, and MemeCap which require external knowledge, fine-grained alignment, and complex reasoning.
Overall comparisons

We summarize overall trends in Figure 3 and Table 4. On average, models perform better on multimedia datasets, with IRFL (0.58), Nlvr (0.50), and Winoground (0.49) showing the highest scores. The lowest scores are for Healthcare, HCI, and Science use cases, such as on Decimer (0.07), iNaturalist (0.08), Enrico (0.12), PathVQA (0.15), and MemeCap (0.32). For predicting molecular structures on Decimer, models are not able to generate correct chemical notations (in Simplified Molecular Input Line Entry System notation) and instead only generates names of individual atoms or compounds (see Figure 2). Other challenging datasets include iNaturalist due to fine-grained visual differences between 5000 species of plants and animals, and healthcare datasets that require intricate analysis of pathology images to identify organs, tissues, and anomalies (see Figure 8). Datasets related to memes were also challenging (0.32 and 0.38 on MemeCap [43] and Memotion [89]), requiring knowledge about current events, pop culture, and metaphors beyond literal meanings.

Multimodal skills 1: Interactions

The average scores for redundant, unique, and synergistic interactions are 0.29, 0.20, and 0.33. One reason for lower uniqueness scores is the presence of highly challenging visual datasets like Decimer and Enrico. On average, the easiest tasks in redundancy are Nlvr (0.50) and Winoground (0.49). The hardest datasets in uniqueness are iNaturalist (0.08) and Decimer (0.07), and in synergy are MemeCap (0.14) and Memotion (0.21).

Multimodal skills 2: Granularity

We do not find that fine-grained datasets are significantly harder than those with coarse-grained alignment. Tasks requiring fine-grained alignment between image and text like GQA and Winoground achieve a score of 0.26, while those only needing coarse-grained alignment (e.g., Enrico, ScienceQA) are still quite challenging (score: 0.27).

Multimodal skills 3: Reasoning

We do not find a significant difference between the performance of the models on tasks requiring more (average score = 0.275) or less reasoning (average score = 0.268). The most challenging datasets requiring less reasoning include iNaturalist (0.08) and Enrico (0.12) due to challenges in fine-grained visual perception and external knowledge, while there are also several challenging datasets requiring more complex reasoning like VCR (0.34) and MemeCap (0.14), where the models encounter difficulties with samples requiring commonsense and compositional reasoning (See Figure 4 for examples).

Refer to caption
Figure 4: Tasks requiring commonsense and compositional reasoning are challenging. In (a), GPT-4V and Gemini are unable to employ social commonsense to analyze the relationships between the two people. Example (b) demonstrates the models’ difficulty in composing information from both modalities, leading to their failure to comprehend the scenario where a tree smashed into the car (not a car smashed into the tree). In (c), all models except GPT-4V fail to grasp the visual metaphors and the juxtaposition of the two scenarios.
Multimodal skills 4: External knowledge

The average performance on tasks requiring external knowledge is 0.23, compared to 0.30 for those not requiring external knowledge. For example, Instruct-BLIP performs well on Winoground and VCR that do not require external knowledge but struggles more on knowledge-intensive tasks e.g., iNaturalist, which requires knowledge about characteristics of vast number of species, and Slake, where medical knowledge is needed to identify the abnormalities in organs.

Multimodal Skills 5: Information flow

Translation has the lowest average score amongst all types of information flow (0.19), whereas the average scores on querying and fusion are 0.26 and 0.33 respectively. The low performance on translation is due to the presence of challenging datasets like Decimer and Screen2Words requiring mapping images of chemicals and screenshots into text. Although the average score for fusion is high, the performance on some datasets is still quite low, such as Instruct-BLIP achieving a score of only 0.04 on MemeCap and 0.15 on MM-IMDb.

4.2.2 Performance across modeling dimensions

We now compare different modeling decisions and training objectives in Table 4.

Overall comparisons across models

Gemini [97] (0.44), Instruct-BLIP [22] (0.41), BLIP-2 [62] (0.41), and GPT-4V [1] (0.40) achieve the best average performance across all tasks. The low scores of GPT-4V as compared to Gemini and Instruct-BLIP are due to its generation of keywords like “Indeterminate”, “Uncertain”, and “Unknown” on datasets like VQA and GQA, perhaps due to its alignment process. Further, on some datasets related to Memes (e.g., Hateful Memes) and Health (e.g., Slake), GPT-4V refrains from answering the questions and instead generates a response saying Cannot assist with the request. OpenFlamingo [6] (0.06), Emu [95] (0.11) have the lowest average scores. From their generations, we find that these models struggle to follow the instructions for challenging datasets like Decimer and Enrico, and generate hallucinated responses. Moreover, with relatively easier datasets such as Flickr30K, the captions produced by Emu and OpenFlamingo tend to fixate on specific objects rather than providing a comprehensive description of the scene, often leading to instances of hallucination related to these objects. As a result, these models rank lowest on many datasets, receiving a normalized score of 0.

Refer to caption
Figure 5: On average, large models are better than small and medium models (p-values < 0.001). Instruct-BLIP and BLIP-2 are outliers - despite having fewer params, they achieve relatively high performance, even close to GPT-4V and Gemini.
Model scale

We find that the performance of larger models (both total and trainable parameters) is significantly better than the models with a medium or small number of parameters (Figure 5). When grouped based on the total number of parameters, the average scores achieved by large, medium, and small models are 0.42, 0.24, and 0.23 respectively. The difference between the performance of large and medium models is significant (p-value for paired t-Test < 0.001). In particular, large models showed the most improvement on MM-IMDb, MemeCap, and Hateful Memes datasets, which fall into the category of tasks requiring synergistic interactions. On average, the large models perform the best on synergistic tasks with a score of 0.53 compared to 0.30 for medium and 0.23 for small models. For instance, on the MM-IMDb dataset, we observed significant gains in performance when increasing model size: from 0.15 for Instruct-BLIP (small) to 0.36 for BLIP-2 (medium) and 0.48 for Gemini (large).

Pretraining data scale

Average scores of the models in large and medium data size categories are 0.31 and 0.30 respectively, whereas models with small pretraining data achieve a significantly lower score of 0.17. We also find that for all datasets, the average score of models with medium pretraining data is higher than the models with small pretraining data. For instance, on the Winoground dataset which requires fine-grained alignment between the modalities, the maximum scores achieved by the models with medium and small pretraining data are 0.45 and 0.80. We also find a significant gap between the maximum scores achieved by the models in the medium (maximum score - 0.18) and small categories (maximum score - 0.70), on the Nlvr2 dataset for visual reasoning.

Diversity of pre-training data

On average, models trained on diverse datasets perform better (score: 0.30) than models trained only on image captioning datasets (score: 0.21). Diverse training data allows the models to share learned knowledge and generalize across different tasks. For example, models pretrained with diverse datasets perform significantly better on the knowledge-intensive iNaturalist task, such as BLIP-2 (non-diverse) scoring 0.08 and Gemini scoring 0.24. For the MemeCap dataset which requires external knowledge and complex reasoning, we observe that BLIP-2 (non-diverse) scores 0.06 and mPLUG-Owl (diverse) scores 0.21.

Instruction tuning vs supervised fine-tuning

On average, instruction-tuned models (average score of 0.30) performed better than the models trained using only supervised fine-tuning (average score of 0.22). The top 3 tasks with the largest performance gap between instruction-tuned and non-instruction-tuned models are Decimer, MemeCap, and Screen2Words, with improvements of 0.15, 0.09, and 0.09 respectively. We also observe that translation tasks (image-to-text) (e.g., Flickr30K, NoCaps) benefit from instruction tuning, where the models generate more accurate and detailed captions after human instruction.

4.3 Human evaluation

To assess how well HEMM aligns with human preferences, we performed human preference-based evaluation, following Chiang et al. [19], where annotators are shown the outputs of two different models for the same inputs and choose the better output or a tie option. Across 1000 pairwise comparisons by 5 annotators, the pairwise rankings are used to calculate each model’s average win rate and Elo rating (see Appendix B.5 for calculation details).

Table 5: Average win rate and Elo Rating of 11 models calculated based on the human evaluation of 1000 pair-wise comparisons of model responses. Elo rating is reported as the median over 1000 runs with shuffled battle sequences and an initial rating of 1000 for each model. Top 4 and bottom 2 models identified by Elo Rating are consistent with those found by Average BARTScore.
Model Avg. Win Rate Elo Rating Avg. BARTScore
Gemini 0.73 1074 0.44
GPT-4V 0.68 1057 0.40
BLIP-2 0.52 1033 0.41
Instruct-BLIP 0.60 1032 0.42
mPLUG-Owl 0.45 1010 0.21
LLaMA-Adapter 0.45 1008 0.19
Fuyu-8B 0.42 992 0.31
Mini-GPT-4 0.38 990 0.20
Kosmos-2 0.39 968 0.22
Emu 0.20 924 0.11
OpenFlamingo 0.17 911 0.06

The models ranked by Elo ratings are Gemini (1074), GPT-4V (1057), BLIP-2 (1033), and Instruct-BLIP (1032) (see Table 5). The top 4 models based on the Elo Rating are the same as the top 4 models ranked by BARTScore. Elo Rating of GPT-4V is better than BLIP-2 and Instruct-BLIP. However, the average BARTScore for GPT-4V (0.40) is lower than Instruct-BLIP (0.42) and BLIP-2 (0.41). We also find Elo Rating of bottom two models to be consistent with BARTScore rankings - Emu (0.11) and OpenFlamingo (0.06).

5 Related Work

Multimodal machine learning brings unique challenges for ML research due to the heterogeneity between modalities and the interconnections found between them [69]. It has inspired many theoretical studies in data heterogeneity and interactions [25], as well as diverse applications in multimedia [44, 14, 88], affective computing [86], robotics [47], finance [39], HCI [25, 82], education [12] and healthcare [80, 110].

Evaluation frameworks for multimodal models have significantly shaped the multimodal research landscape, through holistic [57, 66] and domain-specific benchmarks [31, 28]. Recent benchmarks have focused on testing the capabilities of multimodal foundation models, such as MME [29], MMBench [73], LVLM-ehub [111], SEED-Bench [59], Touchstone [7], Mm-vet [120], ReForm-Eval [65], VisIT-Bench [11], FLAVA [45]. Other benchmarks focus on evaluating hallucination [21] and applications in medicine [113] and autonomous driving [107]. These benchmarks contain many tasks, but without the systematic taxonomy and comprehensiveness that HEMM provides.

Multimodal foundation models are promising foundations for the future of AI, with impressive reasoning [75], interactive dialogue [49], and few-shot generalization abilities [100]. These models can be pre-trained (typically with image-text self-supervised learning) and fine-tuned for downstream tasks [63, 74, 91, 67], or based on adapting language models with vision to enable text generation conditioned on images [61, 105]. Cross-modal transformer architectures have emerged as a popular backbone due to their suitability for both language and image data [17, 99]. Additionally, composable diffusion models [96] can be used to further generate combinations of output modalities.

Adapting language models for multimodality is another promising approach where frozen models are aligned on both vision and language to generate text from multimodal inputs [127, 62, 118, 109]. These approaches typically use parameter-efficient modules like LLaMA-Adapter V2 [30] and MAGMA [27] for efficient finetuning. Vision-language instruction tuning has also emerged as a useful technique, as it allows the models to better follow human instructions [112, 127]. Our goal is to make HEMM the most comprehensive benchmark to study the current and future generation of multimodal foundation models, and for the community to continuously contribute to its expansion.

6 Conclusion

Holistic Evaluation of Multimodal Models (HEMM) is a framework for benchmarking multimodal foundation models. Through a new taxonomy of multimodal skills, information flow, and real-world use cases, HEMM enables comprehensive analysis of multimodal models. HEMM is publicly available, will be regularly updated, and encourages community involvement in its expansion.

Limitations and social impact The evaluation of multimodal models is done only on a subset of all possible skills, information, and use cases in the world. Future work can improve the categorization of datasets into skills, information, and use cases, and discover new dimensions that pose challenges to multimodal models. Such evaluation is critical to ensure that models are sufficiently robust when deployed in real-world scenarios, to prevent unexpected and unintended consequences. Future work should also add new metrics to HEMM measuring real-world societal concerns such as fairness, robustness, social biases, privacy, and efficiency of multimodal models.

References

  • Achiam et al. [2023] Josh Achiam, Steven Adler, Sandhini Agarwal, Lama Ahmad, Ilge Akkaya, Florencia Leoni Aleman, Diogo Almeida, Janko Altenschmidt, Sam Altman, Shyamal Anadkat, et al. Gpt-4 technical report. arXiv preprint arXiv:2303.08774, 2023.
  • Agrawal et al. [2019] Harsh Agrawal, Karan Desai, Yufei Wang, Xinlei Chen, Rishabh Jain, Mark Johnson, Dhruv Batra, Devi Parikh, Stefan Lee, and Peter Anderson. nocaps: novel object captioning at scale. In Proceedings of the IEEE International Conference on Computer Vision, pages 8948–8957, 2019.
  • Alayrac et al. [2022] Jean-Baptiste Alayrac, Jeff Donahue, Pauline Luc, Antoine Miech, Iain Barr, Yana Hasson, Karel Lenc, Arthur Mensch, Katherine Millican, Malcolm Reynolds, et al. Flamingo: a visual language model for few-shot learning. Advances in neural information processing systems, 35:23716–23736, 2022.
  • Antol et al. [2015] Stanislaw Antol, Aishwarya Agrawal, Jiasen Lu, Margaret Mitchell, Dhruv Batra, C Lawrence Zitnick, and Devi Parikh. Vqa: Visual question answering. In Proceedings of the IEEE international conference on computer vision, pages 2425–2433, 2015.
  • Arevalo et al. [2017] John Arevalo, Thamar Solorio, Manuel Montes-y Gómez, and Fabio A González. Gated multimodal units for information fusion. arXiv preprint arXiv:1702.01992, 2017.
  • Awadalla et al. [2023] Anas Awadalla, Irena Gao, Josh Gardner, Jack Hessel, Yusuf Hanafy, Wanrong Zhu, Kalyani Marathe, Yonatan Bitton, Samir Gadre, Shiori Sagawa, et al. Openflamingo: An open-source framework for training large autoregressive vision-language models. arXiv preprint arXiv:2308.01390, 2023.
  • Bai et al. [2023] Shuai Bai, Shusheng Yang, Jinze Bai, Peng Wang, Xingxuan Zhang, Junyang Lin, Xinggang Wang, Chang Zhou, and Jingren Zhou. Touchstone: Evaluating vision-language models by language models. arXiv preprint arXiv:2308.16890, 2023.
  • Bakr et al. [2023] Eslam Mohamed Bakr, Pengzhan Sun, Xiaogian Shen, Faizan Farooq Khan, Li Erran Li, and Mohamed Elhoseiny. Hrs-bench: Holistic, reliable and scalable benchmark for text-to-image models. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pages 20041–20053, 2023.
  • Bateman [2014] John Bateman. Text and image: A critical introduction to the visual/verbal divide. Routledge, 2014.
  • Bavishi et al. [2023] Rohan Bavishi, Erich Elsen, Curtis Hawthorne, Maxwell Nye, Augustus Odena, Arushi Somani, and Sağnak Taşırlar. Introducing our multimodal models, 2023. URL https://www.adept.ai/blog/fuyu-8b.
  • Bitton et al. [2023] Yonatan Bitton, Hritik Bansal, Jack Hessel, Rulin Shao, Wanrong Zhu, Anas Awadalla, Josh Gardner, Rohan Taori, and Ludwig Schimdt. Visit-bench: A benchmark for vision-language instruction following inspired by real-world use. arXiv preprint arXiv:2308.06595, 2023.
  • Blikstein and Worsley [2016] Paulo Blikstein and Marcelo Worsley. Multimodal learning analytics and education data mining: Using computational technologies to measure complex learning tasks. Journal of Learning Analytics, 3(2):220–238, 2016.
  • Brinkhaus et al. [2022] Henning Otto Brinkhaus, Achim Zielesny, Christoph Steinbeck, and Kohulan Rajan. Decimer—hand-drawn molecule images dataset. Journal of Cheminformatics, 14(1):1–4, 2022.
  • Buch et al. [2022] Shyamal Buch, Cristóbal Eyzaguirre, Adrien Gaidon, Jiajun Wu, Li Fei-Fei, and Juan Carlos Niebles. Revisiting the" video" in video-language understanding. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pages 2917–2927, 2022.
  • Cai et al. [2019] Yitao Cai, Huiyu Cai, and Xiaojun Wan. Multi-modal sarcasm detection in Twitter with hierarchical fusion model. In Anna Korhonen, David Traum, and Lluís Màrquez, editors, Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, pages 2506–2515, Florence, Italy, July 2019. Association for Computational Linguistics. doi: 10.18653/v1/P19-1239. URL https://aclanthology.org/P19-1239.
  • Chang et al. [2022] Yingshan Chang, Mridu Narang, Hisami Suzuki, Guihong Cao, Jianfeng Gao, and Yonatan Bisk. Webqa: Multihop and multimodal qa. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 16495–16504, 2022.
  • Chen et al. [2020] Yen-Chun Chen, Linjie Li, Licheng Yu, Ahmed El Kholy, Faisal Ahmed, Zhe Gan, Yu Cheng, and Jingjing Liu. Uniter: Universal image-text representation learning. In European conference on computer vision, pages 104–120. Springer, 2020.
  • Cheng et al. [2017] Gong Cheng, Junwei Han, and Xiaoqiang Lu. Remote sensing image scene classification: Benchmark and state of the art. Proceedings of the IEEE, 105(10):1865–1883, 2017.
  • Chiang et al. [2024] Wei-Lin Chiang, Lianmin Zheng, Ying Sheng, Anastasios Nikolas Angelopoulos, Tianle Li, Dacheng Li, Hao Zhang, Banghua Zhu, Michael Jordan, Joseph E Gonzalez, et al. Chatbot arena: An open platform for evaluating llms by human preference. arXiv preprint arXiv:2403.04132, 2024.
  • Christiano et al. [2017] Paul F Christiano, Jan Leike, Tom Brown, Miljan Martic, Shane Legg, and Dario Amodei. Deep reinforcement learning from human preferences. Advances in neural information processing systems, 30, 2017.
  • Cui et al. [2023] Chenhang Cui, Yiyang Zhou, Xinyu Yang, Shirley Wu, Linjun Zhang, James Zou, and Huaxiu Yao. Holistic analysis of hallucination in gpt-4v (ision): Bias and interference challenges. arXiv preprint arXiv:2311.03287, 2023.
  • Dai et al. [2023] Wenliang Dai, Junnan Li, Dongxu Li, Anthony Meng Huat Tiong, Junqi Zhao, Weisheng Wang, Boyang Li, Pascale Fung, and Steven Hoi. InstructBLIP: Towards General-purpose Vision-Language Models with Instruction Tuning, June 2023. URL http://arxiv.org/abs/2305.06500. arXiv:2305.06500 [cs].
  • Deka et al. [2017] Biplab Deka, Zifeng Huang, Chad Franzen, Joshua Hibschman, Daniel Afergan, Yang Li, Jeffrey Nichols, and Ranjitha Kumar. Rico: A mobile app dataset for building data-driven design applications. In Proceedings of the 30th annual ACM symposium on user interface software and technology, pages 845–854, 2017.
  • Du et al. [2022] Yifan Du, Zikang Liu, Junyi Li, and Wayne Xin Zhao. A survey of vision-language pre-trained models. arXiv preprint arXiv:2202.10936, 2022.
  • Dumas et al. [2009] Bruno Dumas, Denis Lalanne, and Sharon Oviatt. Multimodal interfaces: A survey of principles, models and frameworks. In Human machine interaction: Research results of the mmi program, pages 3–26. Springer, 2009.
  • Dumas et al. [2017] Bruno Dumas, Jonathan Pirau, and Denis Lalanne. Modelling fusion of modalities in multimodal interactive systems with mmmm. In Proceedings of the 19th ACM International Conference on Multimodal Interaction, pages 288–296, 2017.
  • Eichenberg et al. [2021] Constantin Eichenberg, Sidney Black, Samuel Weinbach, Letitia Parcalabescu, and Anette Frank. Magma–multimodal augmentation of generative models through adapter-based finetuning. arXiv preprint arXiv:2112.05253, 2021.
  • Ferraro et al. [2015] Francis Ferraro, Nasrin Mostafazadeh, Ting-Hao Huang, Lucy Vanderwende, Jacob Devlin, Michel Galley, and Margaret Mitchell. A survey of current datasets for vision and language research. In Lluís Màrquez, Chris Callison-Burch, and Jian Su, editors, Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing, pages 207–213, Lisbon, Portugal, September 2015. Association for Computational Linguistics. doi: 10.18653/v1/D15-1021. URL https://aclanthology.org/D15-1021.
  • Fu et al. [2023] Chaoyou Fu, Peixian Chen, Yunhang Shen, Yulei Qin, Mengdan Zhang, Xu Lin, Zhenyu Qiu, Wei Lin, Jinrui Yang, Xiawu Zheng, et al. Mme: A comprehensive evaluation benchmark for multimodal large language models. arXiv preprint arXiv:2306.13394, 2023.
  • Gao et al. [2023] Peng Gao, Jiaming Han, Renrui Zhang, Ziyi Lin, Shijie Geng, Aojun Zhou, Wei Zhang, Pan Lu, Conghui He, Xiangyu Yue, et al. Llama-adapter v2: Parameter-efficient visual instruction model. arXiv preprint arXiv:2304.15010, 2023.
  • Gkoumas et al. [2021] Dimitris Gkoumas, Qiuchi Li, Christina Lioma, Yijun Yu, and Dawei Song. What makes the difference? an empirical comparison of fusion strategies for multimodal language analysis. Information Fusion, 66:184–197, 2021.
  • Goodfellow et al. [2013] Ian J Goodfellow, Dumitru Erhan, Pierre Luc Carrier, Aaron Courville, Mehdi Mirza, Ben Hamner, Will Cukierski, Yichuan Tang, David Thaler, Dong-Hyun Lee, et al. Challenges in representation learning: A report on three machine learning contests. In Neural Information Processing: 20th International Conference, ICONIP 2013, Daegu, Korea, November 3-7, 2013. Proceedings, Part III 20, pages 117–124. Springer, 2013.
  • Haagsma et al. [2020] Hessel Haagsma, Johan Bos, and Malvina Nissim. Magpie: A large corpus of potentially idiomatic expressions. In 12th Language Resources and Evaluation Conference: LREC 2020, pages 279–287. European Language Resources Association (ELRA), 2020.
  • Harper and Konstan [2015] F Maxwell Harper and Joseph A Konstan. The movielens datasets: History and context. Acm transactions on interactive intelligent systems (tiis), 5(4):1–19, 2015.
  • He et al. [2020] Xuehai He, Yichen Zhang, Luntian Mou, Eric Xing, and Pengtao Xie. Pathvqa: 30000+ questions for medical visual question answering. arXiv preprint arXiv:2003.10286, 2020.
  • Hessel et al. [2021] Jack Hessel, Ari Holtzman, Maxwell Forbes, Ronan Le Bras, and Yejin Choi. Clipscore: A reference-free evaluation metric for image captioning. arXiv preprint arXiv:2104.08718, 2021.
  • Hessel et al. [2022] Jack Hessel, Ana Marasović, Jena D Hwang, Lillian Lee, Jeff Da, Rowan Zellers, Robert Mankoff, and Yejin Choi. Do androids laugh at electric sheep? humor" understanding" benchmarks from the new yorker caption contest. arXiv preprint arXiv:2209.06293, 2022.
  • Hodosh et al. [2013] Micah Hodosh, Peter Young, and Julia Hockenmaier. Framing image description as a ranking task: Data, models and evaluation metrics. Journal of Artificial Intelligence Research, 47:853–899, 2013.
  • Höllerer et al. [2018] Markus A Höllerer, Dennis Jancsary, and Maria Grafström. ‘a picture is worth a thousand words’: Multimodal sensemaking of the global financial crisis. Organization Studies, 39(5-6):617–644, 2018.
  • Huang et al. [2024] Shaohan Huang, Li Dong, Wenhui Wang, Yaru Hao, Saksham Singhal, Shuming Ma, Tengchao Lv, Lei Cui, Owais Khan Mohammed, Barun Patra, et al. Language is not all you need: Aligning perception with language models. Advances in Neural Information Processing Systems, 36, 2024.
  • Huang et al. [2023] Zhi Huang, Federico Bianchi, Mert Yuksekgonul, Thomas Montine, and James Zou. Leveraging medical twitter to build a visual–language foundation model for pathology ai. bioRxiv, pages 2023–03, 2023.
  • Hudson and Manning [2019] Drew A Hudson and Christopher D Manning. Gqa: A new dataset for real-world visual reasoning and compositional question answering. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pages 6700–6709, 2019.
  • Hwang and Shwartz [2023] EunJeong Hwang and Vered Shwartz. Memecap: A dataset for captioning and interpreting memes. arXiv preprint arXiv:2305.13703, 2023.
  • Ju et al. [2022] Chen Ju, Tengda Han, Kunhao Zheng, Ya Zhang, and Weidi Xie. Prompting visual-language models for efficient video understanding. In European Conference on Computer Vision, pages 105–124. Springer, 2022.
  • Kiela [2022] Douwe Kiela. Grounding, meaning and foundation models: Adventures in multimodal machine learning. In Proceedings of the 30th ACM International Conference on Multimedia, pages 5–5, 2022.
  • Kiela et al. [2020] Douwe Kiela, Hamed Firooz, Aravind Mohan, Vedanuj Goswami, Amanpreet Singh, Pratik Ringshia, and Davide Testuggine. The hateful memes challenge: Detecting hate speech in multimodal memes. Advances in neural information processing systems, 33:2611–2624, 2020.
  • Kirchner et al. [2019] Elsa A Kirchner, Stephen H Fairclough, and Frank Kirchner. Embedded multimodal interfaces in robotics: applications, future trends, and societal implications. In The Handbook of Multimodal-Multisensor Interfaces: Language Processing, Software, Commercialization, and Emerging Directions-Volume 3, pages 523–576. 2019.
  • Kline et al. [2022] Adrienne Kline, Hanyin Wang, Yikuan Li, Saya Dennis, Meghan Hutch, Zhenxing Xu, Fei Wang, Feixiong Cheng, and Yuan Luo. Multimodal machine learning in precision health: A scoping review. npj Digital Medicine, 5(1):171, 2022.
  • Koh et al. [2023] Jing Yu Koh, Ruslan Salakhutdinov, and Daniel Fried. Grounding language models to images for multimodal inputs and outputs. 2023.
  • Krishna et al. [2017] Ranjay Krishna, Yuke Zhu, Oliver Groth, Justin Johnson, Kenji Hata, Joshua Kravitz, Stephanie Chen, Yannis Kalantidis, Li-Jia Li, David A Shamma, et al. Visual genome: Connecting language and vision using crowdsourced dense image annotations. International journal of computer vision, 123:32–73, 2017.
  • Krones et al. [2024] Felix Krones, Umar Marikkar, Guy Parsons, Adam Szmul, and Adam Mahdi. Review of multimodal machine learning approaches in healthcare. arXiv preprint arXiv:2402.02460, 2024.
  • Kruk et al. [2019] Julia Kruk, Jonah Lubin, Karan Sikka, Xiao Lin, Dan Jurafsky, and Ajay Divakaran. Integrating text and image: Determining multimodal document intent in instagram posts. In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP), pages 4622–4632, 2019.
  • Lau et al. [2018] Jason J Lau, Soumya Gayen, Asma Ben Abacha, and Dina Demner-Fushman. A dataset of clinically generated visual questions and answers about radiology images. Scientific data, 5(1):1–10, 2018.
  • Lau et al. [2019] Jason J Lau, Soumya Gayen, Dina Demner, and Asma Ben Abacha. Visual question answering in radiology (vqa-rad), Feb 2019. URL osf.io/89kps.
  • Lee et al. [2022] Mina Lee, Megha Srivastava, Amelia Hardy, John Thickstun, Esin Durmus, Ashwin Paranjape, Ines Gerard-Ursin, Xiang Lisa Li, Faisal Ladhak, Frieda Rong, et al. Evaluating human-language model interaction. arXiv preprint arXiv:2212.09746, 2022.
  • Lee et al. [2024] Sangmin Lee, Bolin Lai, Fiona Ryan, Bikram Boote, and James M Rehg. Modeling multimodal social interactions: New challenges and baselines with densely aligned representations. arXiv preprint arXiv:2403.02090, 2024.
  • Lee et al. [2023] Tony Lee, Michihiro Yasunaga, Chenlin Meng, Yifan Mai, Joon Sung Park, Agrim Gupta, Yunzhi Zhang, Deepak Narayanan, Hannah Benita Teufel, Marco Bellagente, et al. Holistic evaluation of text-to-image models. arXiv preprint arXiv:2311.04287, 2023.
  • Leiva et al. [2020] Luis A Leiva, Asutosh Hota, and Antti Oulasvirta. Enrico: A high-quality dataset for topic modeling of mobile ui designs. Proc. MobileHCI extended abstracts, 2020.
  • Li et al. [2023a] Bohao Li, Rui Wang, Guangzhi Wang, Yuying Ge, Yixiao Ge, and Ying Shan. Seed-bench: Benchmarking multimodal llms with generative comprehension. arXiv preprint arXiv:2307.16125, 2023a.
  • Li et al. [2023b] Chunyuan Li, Zhe Gan, Zhengyuan Yang, Jianwei Yang, Linjie Li, Lijuan Wang, and Jianfeng Gao. Multimodal foundation models: From specialists to general-purpose assistants. arXiv preprint arXiv:2309.10020, 1, 2023b.
  • Li et al. [2022] Junnan Li, Dongxu Li, Caiming Xiong, and Steven Hoi. Blip: Bootstrapping language-image pre-training for unified vision-language understanding and generation. In International Conference on Machine Learning, pages 12888–12900. PMLR, 2022.
  • Li et al. [2023c] Junnan Li, Dongxu Li, Silvio Savarese, and Steven Hoi. Blip-2: Bootstrapping language-image pre-training with frozen image encoders and large language models. arXiv preprint arXiv:2301.12597, 2023c.
  • Li et al. [2019] Liunian Harold Li, Mark Yatskar, Da Yin, Cho-Jui Hsieh, and Kai-Wei Chang. Visualbert: A simple and performant baseline for vision and language. arXiv preprint arXiv:1908.03557, 2019.
  • Li et al. [2020] Yang Li, Jiacong He, Xin Zhou, Yuan Zhang, and Jason Baldridge. Mapping natural language instructions to mobile ui action sequences. arXiv preprint arXiv:2005.03776, 2020.
  • Li et al. [2023d] Zejun Li, Ye Wang, Mengfei Du, Qingwen Liu, Binhao Wu, Jiwen Zhang, Chengxing Zhou, Zhihao Fan, Jie Fu, Jingjing Chen, et al. Reform-eval: Evaluating large vision language models via unified re-formulation of task-oriented benchmarks. arXiv preprint arXiv:2310.02569, 2023d.
  • Liang et al. [2021] Paul Pu Liang, Yiwei Lyu, Xiang Fan, Zetian Wu, Yun Cheng, Jason Wu, Leslie Yufan Chen, Peter Wu, Michelle A Lee, Yuke Zhu, et al. Multibench: Multiscale benchmarks for multimodal representation learning. In Thirty-fifth Conference on Neural Information Processing Systems Datasets and Benchmarks Track (Round 1), 2021.
  • Liang et al. [2022] Paul Pu Liang, Yiwei Lyu, Xiang Fan, Jeffrey Tsaw, Yudong Liu, Shentong Mo, Dani Yogatama, Louis-Philippe Morency, and Russ Salakhutdinov. High-modality multimodal transformer: Quantifying modality & interaction heterogeneity for high-modality representation learning. Transactions on Machine Learning Research, 2022.
  • Liang et al. [2023a] Paul Pu Liang, Yun Cheng, Xiang Fan, Chun Kai Ling, Suzanne Nie, Richard Chen, Zihao Deng, Faisal Mahmood, Ruslan Salakhutdinov, and Louis-Philippe Morency. Quantifying & modeling multimodal interactions: An information decomposition framework. In Advances in Neural Information Processing Systems, 2023a.
  • Liang et al. [2023b] Paul Pu Liang, Amir Zadeh, and Louis-Philippe Morency. Foundations & trends in multimodal machine learning: Principles, challenges, and open questions. ACM Computing Surveys, 2023b.
  • Lin [2004] Chin-Yew Lin. Rouge: A package for automatic evaluation of summaries. In Text summarization branches out, pages 74–81, 2004.
  • Lin et al. [2014] Tsung-Yi Lin, Michael Maire, Serge Belongie, James Hays, Pietro Perona, Deva Ramanan, Piotr Dollár, and C Lawrence Zitnick. Microsoft coco: Common objects in context. In Computer Vision–ECCV 2014: 13th European Conference, Zurich, Switzerland, September 6-12, 2014, Proceedings, Part V 13, pages 740–755. Springer, 2014.
  • Liu et al. [2021] Bo Liu, Li-Ming Zhan, Li Xu, Lin Ma, Yan Yang, and Xiao-Ming Wu. Slake: A semantically-labeled knowledge-enhanced dataset for medical visual question answering. In 2021 IEEE 18th International Symposium on Biomedical Imaging (ISBI), pages 1650–1654. IEEE, 2021.
  • Liu et al. [2023] Yuan Liu, Haodong Duan, Yuanhan Zhang, Bo Li, Songyang Zhang, Wangbo Zhao, Yike Yuan, Jiaqi Wang, Conghui He, Ziwei Liu, et al. Mmbench: Is your multi-modal model an all-around player? arXiv preprint arXiv:2307.06281, 2023.
  • Lu et al. [2019] Jiasen Lu, Dhruv Batra, Devi Parikh, and Stefan Lee. Vilbert: Pretraining task-agnostic visiolinguistic representations for vision-and-language tasks. Advances in neural information processing systems, 32, 2019.
  • Lu et al. [2022] Pan Lu, Swaroop Mishra, Tony Xia, Liang Qiu, Kai-Wei Chang, Song-Chun Zhu, Oyvind Tafjord, Peter Clark, and Ashwin Kalyan. Learn to explain: Multimodal reasoning via thought chains for science question answering. In The 36th Conference on Neural Information Processing Systems (NeurIPS), 2022.
  • Marino et al. [2019] Kenneth Marino, Mohammad Rastegari, Ali Farhadi, and Roozbeh Mottaghi. Ok-vqa: A visual question answering benchmark requiring external knowledge. In Conference on Computer Vision and Pattern Recognition (CVPR), 2019.
  • Marsh and Domas White [2003] Emily E Marsh and Marilyn Domas White. A taxonomy of relationships between images and text. Journal of documentation, 2003.
  • Mathur et al. [2024] Leena Mathur, Paul Pu Liang, and Louis-Philippe Morency. Advancing social intelligence in ai agents: Technical challenges and open questions. arXiv preprint arXiv:2404.11023, 2024.
  • Miller [1995] George A Miller. Wordnet: a lexical database for english. Communications of the ACM, 38(11):39–41, 1995.
  • Moro et al. [2019] Christian Moro, Jessica Smith, and Zane Stromberga. Multimodal learning in health sciences and medicine: Merging technologies to enhance student learning and communication. Biomedical Visualisation: Volume 5, pages 71–78, 2019.
  • Myers [1998] Brad A Myers. A brief history of human-computer interaction technology. interactions, 5(2):44–54, 1998.
  • Obrenovic and Starcevic [2004] Zeljko Obrenovic and Dusan Starcevic. Modeling multimodal human-computer interaction. Computer, 37(9):65–72, 2004.
  • Otto et al. [2019] Christian Otto, Matthias Springstein, Avishek Anand, and Ralph Ewerth. Understanding, categorizing and predicting semantic image-text relations. In Proceedings of the 2019 on International Conference on Multimedia Retrieval, pages 168–176, 2019.
  • Ouyang et al. [2022] Long Ouyang, Jeffrey Wu, Xu Jiang, Diogo Almeida, Carroll Wainwright, Pamela Mishkin, Chong Zhang, Sandhini Agarwal, Katarina Slama, Alex Ray, et al. Training language models to follow instructions with human feedback. Advances in neural information processing systems, 35:27730–27744, 2022.
  • Peng et al. [2023] Zhiliang Peng, Wenhui Wang, Li Dong, Yaru Hao, Shaohan Huang, Shuming Ma, and Furu Wei. Kosmos-2: Grounding multimodal large language models to the world. arXiv preprint arXiv:2306.14824, 2023.
  • Picard [2000] Rosalind W Picard. Affective computing. MIT press, 2000.
  • 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.
  • Ramanathan et al. [2013] Vignesh Ramanathan, Percy Liang, and Li Fei-Fei. Video event understanding using natural language descriptions. In Proceedings of the IEEE international conference on computer vision, pages 905–912, 2013.
  • Sharma et al. [2020] Chhavi Sharma, William Paka, Scott, Deepesh Bhageria, Amitava Das, Soujanya Poria, Tanmoy Chakraborty, and Björn Gambäck. Task Report: Memotion Analysis 1.0 @SemEval 2020: The Visuo-Lingual Metaphor! In Proceedings of the 14th International Workshop on Semantic Evaluation (SemEval-2020), Barcelona, Spain, Sep 2020. Association for Computational Linguistics.
  • Shen et al. [2022] Sheng Shen, Chunyuan Li, Xiaowei Hu, Yujia Xie, Jianwei Yang, Pengchuan Zhang, Zhe Gan, Lijuan Wang, Lu Yuan, Ce Liu, et al. K-lite: Learning transferable visual models with external knowledge. Advances in Neural Information Processing Systems, 35:15558–15573, 2022.
  • Su et al. [2019] Weijie Su, Xizhou Zhu, Yue Cao, Bin Li, Lewei Lu, Furu Wei, and Jifeng Dai. Vl-bert: Pre-training of generic visual-linguistic representations. arXiv preprint arXiv:1908.08530, 2019.
  • Su et al. [2023] Yixuan Su, Tian Lan, Huayang Li, Jialu Xu, Yan Wang, and Deng Cai. Pandagpt: One model to instruction-follow them all. arXiv preprint arXiv:2305.16355, 2023.
  • Suhr et al. [2017] Alane Suhr, Mike Lewis, James Yeh, and Yoav Artzi. A corpus of natural language for visual reasoning. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 2: Short Papers), pages 217–223, 2017.
  • Suhr et al. [2018] Alane Suhr, Stephanie Zhou, Ally Zhang, Iris Zhang, Huajun Bai, and Yoav Artzi. A corpus for reasoning about natural language grounded in photographs. arXiv preprint arXiv:1811.00491, 2018.
  • Sun et al. [2023] Quan Sun, Qiying Yu, Yufeng Cui, Fan Zhang, Xiaosong Zhang, Yueze Wang, Hongcheng Gao, Jingjing Liu, Tiejun Huang, and Xinlong Wang. Generative pretraining in multimodality. arXiv preprint arXiv:2307.05222, 2023.
  • Tang et al. [2023] Zineng Tang, Ziyi Yang, Chenguang Zhu, Michael Zeng, and Mohit Bansal. Any-to-any generation via composable diffusion. arXiv preprint arXiv:2305.11846, 2023.
  • Team et al. [2023] Gemini Team, Rohan Anil, Sebastian Borgeaud, Yonghui Wu, Jean-Baptiste Alayrac, Jiahui Yu, Radu Soricut, Johan Schalkwyk, Andrew M Dai, Anja Hauth, et al. Gemini: a family of highly capable multimodal models. arXiv preprint arXiv:2312.11805, 2023.
  • Thrush et al. [2022] Tristan Thrush, Ryan Jiang, Max Bartolo, Amanpreet Singh, Adina Williams, Douwe Kiela, and Candace Ross. Winoground: Probing vision and language models for visio-linguistic compositionality. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 5238–5248, 2022.
  • Tsai et al. [2019] Yao-Hung Hubert Tsai, Shaojie Bai, Paul Pu Liang, J Zico Kolter, Louis-Philippe Morency, and Ruslan Salakhutdinov. Multimodal transformer for unaligned multimodal language sequences. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, pages 6558–6569, 2019.
  • Tsimpoukelli et al. [2021] Maria Tsimpoukelli, Jacob L Menick, Serkan Cabi, SM Eslami, Oriol Vinyals, and Felix Hill. Multimodal few-shot learning with frozen language models. Advances in Neural Information Processing Systems, 34:200–212, 2021.
  • Tuia et al. [2022] Devis Tuia, Benjamin Kellenberger, Sara Beery, Blair R Costelloe, Silvia Zuffi, Benjamin Risse, Alexander Mathis, Mackenzie W Mathis, Frank Van Langevelde, Tilo Burghardt, et al. Perspectives in machine learning for wildlife conservation. Nature communications, 13(1):1–15, 2022.
  • Van Horn et al. [2017] Grant Van Horn, Oisin Mac Aodha, Yang Song, Yin Cui, Chen Sun, Alex Shepard, Hartwig Adam, Pietro Perona, and Serge Belongie. The inaturalist species classification and detection dataset-supplementary material. Reptilia, 32(400):1–3, 2017.
  • Wang et al. [2021] Bryan Wang, Gang Li, Xin Zhou, Zhourong Chen, Tovi Grossman, and Yang Li. Screen2words: Automatic mobile ui summarization with multimodal learning. In The 34th Annual ACM Symposium on User Interface Software and Technology, pages 498–510, 2021.
  • Wang et al. [2023] Fei Wang, Liang Ding, Jun Rao, Ye Liu, Li Shen, and Changxing Ding. Can linguistic knowledge improve multimodal alignment in vision-language pretraining? arXiv preprint arXiv:2308.12898, 2023.
  • Wang et al. [2022a] Jianfeng Wang, Zhengyuan Yang, Xiaowei Hu, Linjie Li, Kevin Lin, Zhe Gan, Zicheng Liu, Ce Liu, and Lijuan Wang. Git: A generative image-to-text transformer for vision and language. arXiv preprint arXiv:2205.14100, 2022a.
  • Wang et al. [2022b] Wenhui Wang, Hangbo Bao, Li Dong, Johan Bjorck, Zhiliang Peng, Qiang Liu, Kriti Aggarwal, Owais Khan Mohammed, Saksham Singhal, Subhojit Som, et al. Image as a foreign language: Beit pretraining for all vision and vision-language tasks. arXiv preprint arXiv:2208.10442, 2022b.
  • Wen et al. [2023] Licheng Wen, Xuemeng Yang, Daocheng Fu, Xiaofeng Wang, Pinlong Cai, Xin Li, Tao Ma, Yingxuan Li, Linran Xu, Dengke Shang, Zheng Zhu, Shaoyan Sun, Yeqi Bai, Xinyu Cai, Min Dou, Shuanglu Hu, and Botian Shi. On the road with gpt-4v(ision): Early explorations of visual-language model on autonomous driving, 2023.
  • Wu et al. [2023a] Chenfei Wu, Shengming Yin, Weizhen Qi, Xiaodong Wang, Zecheng Tang, and Nan Duan. Visual chatgpt: Talking, drawing and editing with visual foundation models. arXiv preprint arXiv:2303.04671, 2023a.
  • Wu et al. [2023b] Shengqiong Wu, Hao Fei, Leigang Qu, Wei Ji, and Tat-Seng Chua. Next-gpt: Any-to-any multimodal llm. arXiv preprint arXiv:2309.05519, 2023b.
  • Xu et al. [2019] Keyang Xu, Mike Lam, Jingzhi Pang, Xin Gao, Charlotte Band, Piyush Mathur, Frank Papay, Ashish K Khanna, Jacek B Cywinski, Kamal Maheshwari, et al. Multimodal machine learning for automated icd coding. In Machine learning for healthcare conference, pages 197–215. PMLR, 2019.
  • Xu et al. [2023] Peng Xu, Wenqi Shao, Kaipeng Zhang, Peng Gao, Shuo Liu, Meng Lei, Fanqing Meng, Siyuan Huang, Yu Qiao, and Ping Luo. Lvlm-ehub: A comprehensive evaluation benchmark for large vision-language models. arXiv preprint arXiv:2306.09265, 2023.
  • Xu et al. [2022] Zhiyang Xu, Ying Shen, and Lifu Huang. Multiinstruct: Improving multi-modal zero-shot learning via instruction tuning. arXiv preprint arXiv:2212.10773, 2022.
  • Yan et al. [2023] Zhiling Yan, Kai Zhang, Rong Zhou, Lifang He, Xiang Li, and Lichao Sun. Multimodal chatgpt for medical applications: an experimental study of gpt-4v. arXiv preprint arXiv:2310.19061, 2023.
  • Yang and Newsam [2010] Yi Yang and Shawn Newsam. Bag-of-visual-words and spatial extensions for land-use classification. In Proceedings of the 18th SIGSPATIAL international conference on advances in geographic information systems, pages 270–279, 2010.
  • Yang et al. [2023] Zhengyuan Yang, Linjie Li, Jianfeng Wang, Kevin Lin, Ehsan Azarnasab, Faisal Ahmed, Zicheng Liu, Ce Liu, Michael Zeng, and Lijuan Wang. Mm-react: Prompting chatgpt for multimodal reasoning and action. arXiv preprint arXiv:2303.11381, 2023.
  • Ye et al. [2023] Qinghao Ye, Haiyang Xu, Guohai Xu, Jiabo Ye, Ming Yan, Yiyang Zhou, Junyang Wang, Anwen Hu, Pengcheng Shi, Yaya Shi, et al. mplug-owl: Modularization empowers large language models with multimodality. arXiv preprint arXiv:2304.14178, 2023.
  • Yosef et al. [2023] Ron Yosef, Yonatan Bitton, and Dafna Shahaf. Irfl: Image recognition of figurative language. arXiv preprint arXiv:2303.15445, 2023.
  • You et al. [2023] Haoxuan You, Haotian Zhang, Zhe Gan, Xianzhi Du, Bowen Zhang, Zirui Wang, Liangliang Cao, Shih-Fu Chang, and Yinfei Yang. Ferret: Refer and ground anything anywhere at any granularity. arXiv preprint arXiv:2310.07704, 2023.
  • Young et al. [2014] Peter Young, Alice Lai, Micah Hodosh, and Julia Hockenmaier. From image descriptions to visual denotations: New similarity metrics for semantic inference over event descriptions. TACL, 2:67–78, 2014.
  • Yu et al. [2023] Weihao Yu, Zhengyuan Yang, Linjie Li, Jianfeng Wang, Kevin Lin, Zicheng Liu, Xinchao Wang, and Lijuan Wang. Mm-vet: Evaluating large multimodal models for integrated capabilities. arXiv preprint arXiv:2308.02490, 2023.
  • Yuan et al. [2021] Weizhe Yuan, Graham Neubig, and Pengfei Liu. Bartscore: Evaluating generated text as text generation. Advances in Neural Information Processing Systems, 34:27263–27277, 2021.
  • Zellers et al. [2019] Rowan Zellers, Yonatan Bisk, Ali Farhadi, and Yejin Choi. From recognition to cognition: Visual commonsense reasoning. In The IEEE Conference on Computer Vision and Pattern Recognition (CVPR), June 2019.
  • Zhang et al. [2023a] Kai Zhang, Lingbo Mo, Wenhu Chen, Huan Sun, and Yu Su. Magicbrush: A manually annotated dataset for instruction-guided image editing. In Advances in Neural Information Processing Systems, 2023a.
  • Zhang et al. [2023b] Renrui Zhang, Jiaming Han, Chris Liu, Peng Gao, Aojun Zhou, Xiangfei Hu, Shilin Yan, Pan Lu, Hongsheng Li, and Yu Qiao. Llama-adapter: Efficient fine-tuning of language models with zero-init attention. arXiv preprint arXiv:2303.16199, 2023b.
  • Zhang et al. [2019] Tianyi Zhang, Varsha Kishore, Felix Wu, Kilian Q Weinberger, and Yoav Artzi. Bertscore: Evaluating text generation with bert. arXiv preprint arXiv:1904.09675, 2019.
  • 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.
  • Zhu et al. [2023] Deyao Zhu, Jun Chen, Xiaoqian Shen, Xiang Li, and Mohamed Elhoseiny. Minigpt-4: Enhancing vision-language understanding with advanced large language models. arXiv preprint arXiv:2304.10592, 2023.

Checklist

  1. 1.

    For all authors…

    1. (a)

      Do the main claims made in the abstract and introduction accurately reflect the paper’s contributions and scope? [Yes]

    2. (b)

      Did you describe the limitations of your work? [Yes] We have included limitations in Section 6.

    3. (c)

      Did you discuss any potential negative societal impacts of your work? [Yes] We have included potential negative societal impacts in Section 6.

    4. (d)

      Have you read the ethics review guidelines and ensured that your paper conforms to them? [Yes]

  2. 2.

    If you are including theoretical results…

    1. (a)

      Did you state the full set of assumptions of all theoretical results? [N/A] We do not present any theoretical results in our work.

    2. (b)

      Did you include complete proofs of all theoretical results? [N/A] We do not present any theoretical results in our work, hence there are no proofs.

  3. 3.

    If you ran experiments (e.g. for benchmarks)…

    1. (a)

      Did you include the code, data, and instructions needed to reproduce the main experimental results (either in the supplemental material or as a URL)? [Yes] We have included code in the supplemental material.

    2. (b)

      Did you specify all the training details (e.g., data splits, hyperparameters, how they were chosen)? [Yes] We provide the experimental details in Section 4.1 and in Appendix B.

    3. (c)

      Did you report error bars (e.g., with respect to the random seed after running experiments multiple times)? [Yes] We report results with mean and standard deviation from running multiple times in the appendix. Using multiple runs we also compute statistical significance for all dataset and model performance comparisons, all the results in the main paper are only highlighted if they are statistically significant according to p-value.

    4. (d)

      Did you include the total amount of compute and the type of resources used (e.g., type of GPUs, internal cluster, or cloud provider)? [Yes] We provide details about compute and the type of resources used in Section 4.1.

  4. 4.

    If you are using existing assets (e.g., code, data, models) or curating/releasing new assets…

    1. (a)

      If your work uses existing assets, did you cite the creators? [Yes] We cite all existing models, datasets, and work we used in the references.

    2. (b)

      Did you mention the license of the assets? [Yes] The license of all the assets used in our work has been mentioned in Appendix A.1 and A.4.

    3. (c)

      Did you include any new assets either in the supplemental material or as a URL? [Yes] We have included full links to the dataset, models, and code in the supplementary material.

    4. (d)

      Did you discuss whether and how consent was obtained from people whose data you’re using/curating? [Yes] We provide access information of the datasets in Appendix A.1. To the best of our knowledge, all of these datasets are collected with consent from participating users, especially in the healthcare domain where user data is sensitive. Best practices for de-identification of user data were followed by these datasets. The dataset for facial expression recognition (FER-2013) contains human faces collected through Google image search queries, so user consent was not directly obtained, but the authors of FER-2013 have ensured that their dataset follows fair use guidelines and there is no personally identifiable information released.

    5. (e)

      Did you discuss whether the data you are using/curating contains personally identifiable information or offensive content? [Yes] Yes, we have included all dataset details in Appendix A.1 including if the individual datasets in HEMM contain personally identifiable information or offensive content. To the best of our knowledge, all potentially identifiable information in all datasets (especially in those from medical settings or human social data) has been removed and completely de-identified. The dataset for facial expression recognition (FER-2013) contains human faces collected through Google image search queries, but does not contain any identifying information about user identities and backgrounds. Finally, the Hateful Memes dataset contains offensive content, since that is the goal of the research.

  5. 5.

    If you used crowdsourcing or conducted research with human subjects…

    1. (a)

      Did you include the full text of instructions given to participants and screenshots, if applicable? [Yes] We provide the instructions regarding annotations in Section 4.3 and in Appendix A.2.

    2. (b)

      Did you describe any potential participant risks, with links to Institutional Review Board (IRB) approvals, if applicable? [Yes] Based on direct communication with our institution’s IRB office, this line of research is exempt from IRB, and the information obtained during our study is recorded in such a manner that the identity of the human subjects cannot readily be ascertained, directly or through identifiers linked to the subjects. There is no potential risk to participants and we do not collect any identifiable information from annotators.

    3. (c)

      Did you include the estimated hourly wage paid to participants and the total amount spent on participant compensation? [Yes] We include participant details in Appendix A.2.

Appendix

Appendix A HEMM Details

A.1 Individual dataset details

In this section we provide the details of the tasks and datasets chosen for the HEMM benchmark: we describe the split used to evaluate the models, any prepossessing applied to the samples, and their access restrictions and licenses.

  1. 1.

    VQA dataset consists of samples of an image and a corresponding free-form, open-ended question. To answer the questions, the models need to perform fine-grained recognition of objects and activities. Some of the samples require commonsense reasoning to correctly answer the questions. Most of the samples in the dataset have "yes" or "no" answers.

    Split: We evaluate on the real images validation set which comprises of a total of 244,302 questions.

    Prompt used: You are given an image and a question. Answer the question in a single word. Question: <question>

    Access restrictions: The dataset is available to download from https://visualqa.org/vqa_v1_download.html

    Licenses: The images in the dataset come with a CC BY 4.0 DEED license https://creativecommons.org/licenses/by/4.0/deed.en

    Ethical considerations: No personally identifiable information or offensive content present in the dataset.

  2. 2.

    NoCaps dataset is a large scale image captioning dataset. Training data for this dataset consists of Image-Caption pairs from COCO dataset [71] as well as images and labels from Open Images. Many objects seen in the test set have very few associated captions from the training set making it a robust benchmark for image captioning.

    Split: Evaluation is performed on the validation set which consists of 4500 images.

    Prompt used: You are given an image. This image might contain a lot of objects. You have to generate a caption for the image but the caption should just be a single sentence. Please do not generate more than one sentences. Caption:

    Access restrictions: The dataset is available to download from https://nocaps.org/download

    Licenses: Images belonging to the dataset are available under CC BY 2.0 https://creativecommons.org/licenses/by/2.0/deed.en license which permits to redistribute the data.

    Ethical considerations: No personally identifiable information or offensive content present in the dataset.

  3. 3.

    Decimer dataset is a hand-drawn molecule image dataset consisting of chemical structure as the images and their SMILES representation as the strings. This SMILES representation stands for ’Simplified Molecular Input Line Entry System’, which depicts the three-dimensional structure of the chemical into a string of symbols. In order to solve this task, the model should have an understanding of structure of the chemical and how these structures are depicted in the given format.

    Split: The dataset consists of 5088 images over which evaluation has been performed.

    Prompt used: Simplified molecular-input line-entry system (SMILES) notation of the given molecule:

    Access restrictions: The dataset is available to download from https://zenodo.org/records/7617107

    Licenses: The dataset is available under Creative Commons Attribution 4.0 International License https://creativecommons.org/licenses/by/4.0/deed.en, which permits use and sharing of data.

    Ethical considerations: No personally identifiable information or offensive content present in the dataset.

  4. 4.

    Memotion dataset was introduced in the ’Memotion Analysis’ challenge. This task consisted of three different tasks: sentiment classification, humor classification, and the scale of semantic classes. In our evaluation, we focus on the scale of humor class which consists of ’funny’, ’very funny’, ’not funny’, and ’hilarious’. Images in this dataset consists of memes from the internet, which have been annotated by humans for their class labels.

    Splits: A total of 6992 images were used.

    Prompt used: Question: Given the Meme and the following caption, Caption:<caption>. How funny is the meme? Choose from the following comma separated options: funny, very funny, not funny, hilarious.

    Access restrictions: The dataset is available to download from https://www.kaggle.com/datasets/williamscott701/memotion-dataset-7k

    Licenses: The dataset is available under Creative Commons Attribution 4.0 International License https://creativecommons.org/licenses/by/4.0/deed.en which allows sharing of data.

    Ethical considerations: No personally identifiable information is present in the data. Offensive content is present in the dataset in some meme images.

  5. 5.

    ScienceQA consists of multiple choice questions from different science topics consisting of natural science, social science, and language science. The model has to choose an answer from the given set of options for a question, by making sense of lecture and explanation which are optional for a question. Some questions do not consist of an image, however, we evaluate only on questions that have an image in the data point.

    Split: A total of 4.24k questions from the test set.

    Prompt used: You are given a question and few choices. There is context provided with the image which will help you to understand the image. To answer the question, you have been given lecture notes. You can use these lecture notes, image, and context to answer the question. There are some choices given to you which are comma-separated. You have to select which choice best answers the question. Generate choice as it is from the given choices. lecture: <lecture> question: <question> context: <context> choices: <choices> Answer:

    Access restrictions: The dataset is available to download from https://huggingface.co/datasets/derek-thomas/ScienceQA

    Licenses: Dataset is distributed under the CC BY-NC-SA (Attribution-NonCommercial-ShareAlike) https://creativecommons.org/licenses/by-nc-sa/4.0/deed.en which allows sharing data.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  6. 6.

    Slake is a medical visual question-answering dataset that consists of image and question-answer pairs. Annotations have been done by experienced physicians and a medical knowledge base for medical visual question answering. The dataset consists of Yes/No type of questions as well as questions which could be answered with a single word.

    Split: We use the test set of this dataset which consists of 2070 questions.

    Prompt used: Answer the question in a single word, Question: <question>

    Access restrictions: The dataset is available to download from https://huggingface.co/datasets/BoKelvin/SLAKE

    Licenses: Images under this dataset are available in CC-BY-SA 4.0 license https://creativecommons.org/licenses/by-sa/4.0/deed.en which allows sharing data.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  7. 7.

    Visual Genome dataset is a visual question-answering dataset that grounds visual concepts to language. Visual Genome provides a formal representation of an image, as relationships between objects in the image are depicted with the help of a scene graph. WordNet [79] is used to canonicalize objects, attributes, and relationships in each image.

    Prompt used: You are given an image and a question. Answer the question in a single word only. Question: <question>

    Access restrictions: The dataset is available to download from https://homes.cs.washington.edu/ ranjay/visualgenome/api.html

    Licenses: The data is available under Creative Commons Attribution 4.0 International License https://creativecommons.org/licenses/by/4.0/deed.en

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  8. 8.

    PathVQA is a visual QA dataset based on pathology images, PathVQA consists of images taken from pathology textbooks and online digital libraries, with question-answer pairs generated from captions using a question generation pipeline. Each pathology image is coupled with a question-answer pair.

    Split: The test set consists of 6,012 questions.

    Prompt used: You are given a radiology image and a question. Answer the question in a single word. Question: <question>

    Access restrictions: The data is available to download from https://github.com/UCSD-AI4H/PathVQA

    Licenses: No licenses are available for this dataset.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  9. 9.

    UCMerced land use is another dataset for land use classification which has 21 classes. Images from the USGS National Map Urban Area Imagery were extracted manually, which involves various urban areas around the country. We include all the possible classes in the prompt so the model can choose from them.

    Split: We evaluate on the validation split present in https://www.kaggle.com/datasets/apollo2506/landuse-scene-classification.

    Prompt used: Image is given to you. Classify if the image belongs to one of the following classes: mediumresidential, buildings, tenniscourt, denseresidential, baseballdiamond, intersection, harbor, parkinglot, river, overpass, mobilehomepark, runway, forest, beach, freeway, airplane, storagetanks, chaparral, golfcourse, sparseresidential, agricultural. Choose a class from the above classes.

    Licenses: No licenses are available for this dataset.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  10. 10.

    Enrico is a topic modeling dataset for mobile UI screens. It is an enhanced version of RICO dataset [23] where samples were ranked as a good or bad design example by two human annotators. UI classes in the dataset consist of interfaces such as calculator, camera, chat, news, profile, etc from which the model has to choose for a particular image.

    Split: We evaluate on the dataset provided in http://userinterfaces.aalto.fi/enrico/resources/screenshots.zip

    Prompt used: Given a screenshot of the user interface of a mobile application. Choose the most appropriate design topic from the following comma-separated choices: bare, dialer, camera, chat, editor, form, gallery, list, login, maps, mediaplayer, menu, modal, news, other, profile, search, settings, terms, tutorial

    Access restrictions: The dataset is available to download from https://github.com/luileito/enrico

    Licenses: The dataset comes under MIT license https://github.com/luileito/enrico/blob/master/LICENSE

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  11. 11.

    MM-IMDb is a genre prediction dataset that consists of an image of the poster of the movie along with the plot. Each movie can belong to multiple genre. This dataset was built with MovieLens 20M dataset [34] which consists of movie ratings. Using this, information such as genre, plot, year, and additional metadata were collected. For our evaluation, only poster image and plot is used for genre prediction.

    Split: We evaluate on the test split.

    Prompt used: Given the movie poster and the corresponding plot of the movie, choose the appropriate genres from the following comma-separated genres: drama, comedy, romance, thriller, crime, action, adventure, horror, documentry, mystery, sci-fi, fantasy, family, biography, war, history, music, animation, musical, western, sport, short, film-noir. Plot: <plot> Note that a movie can belong to more than one genres, provide all the suitable genres seperated by commas.

    Access restrictions: It is a public dataset free to download by the research community from http://lisi1.unal.edu.co/mmimdb/ and https://github.com/johnarevalo/gmu-mmimdb/

    Licenses: The dataset comes under MIT license https://github.com/johnarevalo/gmu-mmimdb/blob/master/LICENSE

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  12. 12.

    VQARAD is a visual question-answering dataset over radiology images. Images are taken from MedPix111https://medpix.nlm.nih.gov/home an open radiology database. The dataset is constructed manually by clinical annotators consisting of medical students and senior radiologists. Ground truth answers for the questions are related to counting, color, abnormality, and presence of condition among others.

    Split: We evaluate on the test set present in https://huggingface.co/datasets/flaviagiammarino/vqa-rad/viewer/default/test which consists of 451 questions.

    Prompt used: You are given a radiology image and a question. Answer the question in a single word. Question:<question>

    Access restrictions: The dataset is available at https://huggingface.co/datasets/flaviagiammarino/vqa-rad/viewer

    Licenses: The dataset is available under Creative Commons Attribution 4.0 International License https://creativecommons.org/licenses/by/4.0/deed.en

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  13. 13.

    Flickr30K is an image captioning dataset collected from Flickr222https://www.flickr.com/ which extends  [38] dataset with similar dataset collection and annotation guidelines.

    Split: We evaluate the dataset on the test split.

    Prompt used: A Picture of

    Access restrictions: The dataset is available to download from https://www.kaggle.com/datasets/hsankesara/flickr-image-dataset

    Licenses: The dataset is available under CC0: Public Domain License https://creativecommons.org/publicdomain/zero/1.0/deed.en

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  14. 14.

    FER-2013 is a classic dataset for facial expression recognition, where each image has to be classified into 7 labels. Images for this dataset were obtained from Google images, by searching them using Google Search API. OpenCV was used to get bounding boxes for faces in each of the images.

    Split: We evaluate on the test dataset present in https://www.kaggle.com/datasets/msambare/fer2013

    Prompt used: Given the photo of a face, determine the face expression, choose from the following choices: angry, disgust, fear, happy, neutral, sad, surprise. Answer in a single word.

    Access restrictions: The dataset is available to download from https://www.kaggle.com/datasets/msambare/fer2013

    Licenses: No license is provided with the dataset

    Ethical considerations: This dataset contains human faces collected through Google image search queries but does not contain any identifying information about user identities and backgrounds. No offensive content is present in the dataset.

  15. 15.

    NY Cartoon is collected from the weekly New Yorker magazine cartoon captioning contest 333https://www.newyorker.com/cartoons/contest, where readers are tasked to give a humorous caption for a cartoon image and the funniest captions are selected based on public votes. The dataset is formulated based on taking in the image and caption to predict how funny the pair is based on the normalized number of votes. Given an image and its caption, we ask the model if the caption is humorous or not. Each image has multiple caption choices with votes for the caption being not funny, somewhat funny, funny. We select the funniest caption to have a ground truth answer as ’yes’ when prompted for evaluation. The next four funniest captions are selected to have ground truth answers as ’no’ when prompted for evaluation.

    Split: We use the data available on https://github.com/nextml/caption-contest-data

    Prompt used: You are given a cartoon image and a caption. start the answer with yes if the caption is funny or No if the caption is not funny. Caption: <caption>

    Access restrictions: The dataset is available to download from https://github.com/nextml/caption-contest-data

    Licenses: No license is provided with the dataset.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  16. 16.

    OK-VQA is a visual question-answering task that requires outside knowledge and reasoning to answer questions. Images for this dataset are taken from the COCO dataset[71] and MTurk 444https://www.mturk.com/ is used for labeling questions. A specific instruction is given to the workers to label questions that require knowledge outside the image. In this dataset, questions are of open-ended type.

    Split: We use the test set available here https://okvqa.allenai.org/download.html

    Prompt used: You are given an image and a question. Answer the question in a single word. Question: <question>

    Access restrictions: Dataset is available to download from https://okvqa.allenai.org/download.html

    Licenses: Dataset consists of images which have CC BY 4.0 DEED https://creativecommons.org/licenses/by/4.0/deed.en

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  17. 17.

    Magic Brush is an instruction-based image editing dataset consisting of manually annotated images consisting of single-turn and multi-turn instruction-guided editing. Images are sampled from MS COCO [71] dataset and are annotated using DALL-E 2 555https://openai.com/dall-e-2 with the help of crowdworkers from Amazon Mechanical Turk (AMT)666https://www.mturk.com/. For our evaluation, we follow a single-turn instruction editing.

    Split: We evaluate on the test set available from https://osu-nlp-group.github.io/MagicBrush/

    Prompt used: Edit the given image based on the provided instruction. Instruction: <instruction>

    Access restrictions: The dataset is available to download from https://osu-nlp-group.github.io/MagicBrush/

    Licenses: The dataset comes under CC BY 4.0 license https://creativecommons.org/licenses/by/4.0/deed.en

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  18. 18.

    MemeCap is a meme captioning dataset, whose images have been taken from the subreddit r/memes 777https://www.reddit.com/r/memes/. The captions for these images are generated in a two-round process by human annotators using Amazon Mechanical Turk. For our evaluation process, we provide the model with the image description and title of the meme and ask what the meme is trying to convey.

    Split: We evaluate on the test set from https://github.com/eujhwang/meme-cap/tree/main

    Prompt used: This is a meme with the title <title>. The image description is <image_description>. What is the meme poster trying to convey? Answer:

    Access restrictions: The dataset can be downloaded from https://github.com/eujhwang/meme-cap/tree/main

    Licenses: No license is available for the dataset.

    Ethical considerations: No personally identifiable information is present. However, offensive content may be present in the images due to the dataset containing meme data.

  19. 19.

    Hateful Memes was a challenge hosted by Meta to classify if a meme image along with its text caption describes hateful intentions. Images were obtained from Getty images888https://www.gettyimages.in/ annotated by a third-party annotation platform. Here, an image and text are provided to the model to ask if the image promotes hateful sentiments.

    Prompt used: You are given an image. In the image, the text phrase that you will be given and the image are innocuous when considered by themselves. The semantic content of the meme becomes mean only when the text phrase and image are considered together. Text phrase: <text_phrase> You have to judge if the combination of image and text is hateful or not. Always begin your answer with either ’yes’ or ’no’ with ’yes’ indicating that the meme is hateful and ’no’ if it is not hateful. Answer:

    Access restrictions: The dataset is downloaded from https://www.kaggle.com/datasets/parthplc/facebook-hateful-meme-dataset/data

    Licenses: Authors of the dataset have Getty image license https://www.gettyimages.in/eula.

    Ethical considerations: No personally identifiable information is present. However, offensive content may be present in the images since it is the goal of the dataset to train a detector for offensiveness given multimodal meme inputs.

  20. 20.

    iNaturalist is an image classification dataset for 5000 wildlife species of plants and animals. Images and labels are sourced from iNaturalist website 999https://www.inaturalist.org/. We evaluate the models by asking them to identify the species present in the given image. We do not provide it with possible classes as the dataset spans over a set of 5000 species.

    Split: We evaluate the model on the validation split provided in the 2021 edition of the dataset.

    Prompt used: The scientific species name of the species present in the image is:

    Access restrictions: We use the dataset available at https://ml-inat-competition-datasets.s3.amazonaws.com/2021/val.tar.gz

    Licenses: Work is available under MIT license https://github.com/visipedia/inat_comp/blob/master/LICENSE

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  21. 21.

    Nlvr consists of image-text pairs for visual reasoning. Images are created by generating objects and their properties randomly. These images are then given to a crowd worker to describe the image in a sentence.

    Split: Data is evaluated on the dev split from https://github.com/lil-lab/nlvr

    Prompt used: Given this image along with a question about the image, please answer the question with only the word ’true’ or ’false’. Question: <question>

    Access restrictions: The dataset is downloaded from https://github.com/lil-lab/nlvr

    Licenses: No license is provided.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  22. 22.

    Nlvr2 extends NLVR to real-world photographs, and captions for these photographs. Images are retrieved using search queries from the ILSVRC2014 ImageNet challenge 101010https://www.image-net.org/challenges/LSVRC/2014/. Crowdworkers are used to write the captions for the images. For this dataset, each data point has two images and a sentence that talks about the images. We concatenate the two images so that we pass a single image in the model.

    Split: Evaluation is performed on the dev split from https://github.com/lil-lab/nlvr/tree/master/nlvr2

    Prompt used: You are given an image and a related text, use the image as context and reply with true or false only Text: <text> Answer:

    Access restrictions: The dataset is downloadable from https://github.com/lil-lab/nlvr.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  23. 23.

    VCR tests commonsense reasoning skills in question answering over images. Still images are extracted from movie clips, and annotations are crowdsourced using Amazon Mechanical Turk where each worker is provided an image along with detailed video captions to collect questions, answers, and rationales for an image

    Split: ’val’ split is used from https://visualcommonsense.com/download/

    Prompt used: Question: <question> Choose from the below choices: <choices>

    Access restrictions: The dataset is available to download from https://visualcommonsense.com/download/

    Licenses: The dataset is provided in license as https://visualcommonsense.com/license/

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  24. 24.

    Winoground is a dataset for visual linguistic compositional reasoning involving images from Getty Images and annotations given by four expert annotators. The original task consists of matching images and captions for a pair of two images and captions. We transform this task by creating a total of four data points for each pair by pairing each caption, with each image which leads to two correct and two wrong pairs per data point. We then ask the model to see if the caption matches the pair or not.

    Prompt used: You are given an image and a text. Answer yes if the text matches the image and no if the text does not match the image. Text: <text> Answer:

    Access restrictions: The dataset is downloaded from https://huggingface.co/datasets/facebook/winoground

    Licenses: Authors of the dataset have Getty image license https://www.gettyimages.in/eula.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  25. 25.

    Resisc45 is a land use dataset that involves land scene classification of images over 45 classes. The images for this dataset have been taken from Google Earth by experts in remote sensing image interpretation. We add all 45 classes to the prompt and let the model choose the class from the prompt itself.

    Prompt used: Image is given to you. Classify if the image belongs to one of the following classes: ’basketball_court’, ’overpass’, ’ground_track_field’, ’church’, ’chaparral’, ’forest’, ’parking_lot’, ’golf_course’, ’baseball_diamond’, ’meadow’, ’beach’,’sparse_residential’, ’desert’, ’terrace’, ’palace’, ’bridge’, ’commercial_area’, ’stadium’, ’runway’, ’lake’, ’railway’, ’tennis_court’, ’ship’, ’intersection’, ’river’, ’freeway’, ’airplane’, ’industrial_area’, ’mountain’, ’storage_tank’, ’cloud’, ’roundabout’, ’wetland’, ’mobile_home_park’, ’island’, ’harbor’, ’railway_station’, ’medium_residential’, ’sea_ice’, ’thermal_power_station’, ’snowberg’, ’circular_farmland’, ’airport’, ’dense_residential’, ’rectangular_farmland’. Choose a class from the above classes.

    Access restrictions: The dataset is available to downloaded from https://www.kaggle.com/datasets/happyyang/nwpu-data-set

    Licenses: No license is provided with the dataset.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  26. 26.

    GQA builds up on Visual Genome scene graph structures for reasoning questions. It consists of real-world reasoning, scene understanding, and compositional question answering. Questions are generated using a robust engine which makes sure that the questions are grounded in the image. Each question is associated with a series of steps that need to be followed to get the answer as well as a scene graph that captures objects, attributes, and relations in the image

    Split: We use the test split available from https://cs.stanford.edu/people/dorarad/gqa/download.html

    Prompt used: You are given an image and a question. Answer the question in a single word. Question: <question>

    Access restrictions: The dataset is available to download from https://cs.stanford.edu/people/dorarad/gqa/download.html

    Licenses: The images in the dataset come with a CC BY 4.0 DEED license https://creativecommons.org/licenses/by/4.0/deed.en

  27. 27.

    OpenPath is a dataset created from Twitter and other public sources. Each image has a natural language description, and the dataset is sourced from tweets across 32 hashtag sub-specialty categories in pathology.

    Split: We use the test split for evaluation.

    Prompt used: Choose from the below choices, Given image is a hematoxylin and eosin image of: cancer-associated stroma, adipose tissue, debris, lymphocytes, mucus, background, normal colon mucosa, colorectal adenocarcinoma epithelium, smooth muscle

    Access restrictions: The dataset is available to download from huggingface datasets https://huggingface.co/datasets/akshayg08/OpenPath

    Licenses: The dataset is available under CC BY-NC 4.0 license. https://creativecommons.org/licenses/by-nc/4.0/

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  28. 28.

    IRFL is an image-text dataset for figurative language. The dataset consists of three broad categories: idioms, similes, and metaphors. Metaphors and similes were collected from online lists whereas idioms were collected from MAGPIE corpus[33]. Since the MAGPIE corpus did not contain definitions for idioms, definitions were crawled from online dictionaries to search for figurative images. Google images were used for searching the images for idioms using these definitions. For similes and metaphors, annotators were used for definitions, and images were searched on the internet. For our evaluation, we use simile categorization. For each data point, one simile and four images are given. We modify this task to evaluate one image at a time, so a pair of an image and similes are passed to the model to see if they match or not.

    Split: We use the Simile understanding task for evaluation.

    Prompt used: You are given a simile and a picture along with the simile. You have to say if the simile matches the given picture. Answer the following question in a single word with a yes or no. Simile: <simile> Answer:

    Access restrictions: Dataset is available for download from https://github.com/irfl-dataset/IRFL

    Licenses: No license is provided with the dataset.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  29. 29.

    Screen2Words is a mobile UI summarization dataset consisting of images from Rico-SCA[64] dataset. A total of 85 annotators were used to describe the image.

    Prompt used: You are given a phone UI screen. Describe the screen in one sentence.

    Access restrictions: The dataset is available to download from https://github.com/google-research-datasets/screen2words

    Licenses: No license is provided with the dataset.

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

  30. 30.

    Localized Narratives (COCO subset) (LNCOCO) was built on images from COCO[71], Flickr30k[119], and ADE20K[126] datasets by annotating these datasets with localized information. We use this dataset for the task of image generation.

    Split: We use the COCO subset from the Localized Narratives Dataset [87] containing 8,573 samples. The ground truth images are used from the MSCOCO (17) validation set.

    Prompt used: Generate an Image based on the provided caption. Caption:

    Access restrictions: The dataset is available to download from https://google.github.io/localized-narratives/

    Licenses: The dataset is available under CC BY-NC 4.0 license. https://creativecommons.org/licenses/by-nc/4.0/

    Ethical considerations: No personally identifiable information or offensive content is present in the dataset.

A.2 Dataset Categorization

Refer to caption
Figure 6: Multimodal skills are the basic building blocks central to solving problems, spanning information integrated across modalities at different granularities, different ways modalities might interact to create new information, reasoning, and external knowledge.
Refer to caption
Figure 7: Multimodal information flow studies how the content changes across the two modalities for the task, such as through cross-modal translation, editing, querying, and fusion.

For categorizing the datasets, we follow a three-stage approach with the majority of the categorizations done using human annotators versed in machine learning, followed by using multimodal large language models to alleviate any annotator disagreement issues, and performing a final check by the authors of this work who are experts in multimodal machine learning.

A.2.1 Categorization stage 1: Human annotation of dimensions

In the first stage of the annotation process, we sample five data points from each dataset, for a total of 145 data points spread out across 10 sets. Each set was evaluated by two annotators each. Annotators for this task were from the machine learning research community. For each data point, we provide the image, prompt, and the ground truth answer followed by five questions which the annotator has to answer. These questions span across various dimensions which we consider for datasets, which are the following: 1) Does answering this question require you to use external knowledge? [Options: Yes, No] 2) Does answering this question require you to use reasoning? [Options: Less Reasoning, Neutral Reasoning, More Reasoning] 3) Which information flow does the data use? [Options: Querying, Translation, Fusion, Editing] 4) Does the data use fine-grained interactions? [Options: Yes, No] 5) What type of interactions does the data have? [Options: Redundancy, Synergy, Uniqueness]. We calculate inter-annotator agreement for the annotators and present them in Table 6.

Table 6: Inter-Annotator agreement scores for stage 1 annotation.
Set number Knowledge Info. Flow Interactions Fine-grained Reasoning
1 0.242 0.407 0.156 0.375 0.375
2 0.364 0.115 0.102 0.286 0.461
3 0.250 0.640 0.019 0.571 0.333
4 0.708 0.299 0.286 -0.024 0.186
5 0.500 0.190 0.166 0.143 0.4
6 0.192 0.045 -0.037 0.017 0
7 0.473 0.171 0.204 -0.153 -0.296
8 0.439 0.469 0.067 -0.365 0.313
9 0.032 0.419 0.464 -0.029 -0.105
10 0.472 0.417 0.097 0.286 0.151

As per the annotations, we aggregate the annotations for each dataset across each dimension and calculate the maximum occurrence of annotation across all dimensions to categorize the datasets presented in Table 7. We also consider ‘Neutral Reasoning’ and ‘Less Reasoning’ to be the same category and label them as ‘Less Reasoning’ before aggregating over the annotations. However, we see that the inter-annotator scores have low agreement, and some annotations go against the definitions above in the section 2. Hence, we carry out an additional round of the annotation process using GPT-4V, and explain the process below.

Table 7: Categorization after aggregating human annotations.
Dataset Knowledge Reasoning Info. Flow Fine-grained Interactions
Nlvr2 No Less Querying No Uniqueness
Nlvr No Less Querying Yes Uniqueness
NY Cartoon Yes More Fusion No Synergy
MM-IMDb No Less Fusion No Synergy
Memotion Yes Less Fusion No Redundancy
MemeCap No More Fusion No Synergy
Magic Brush No Less Editing Yes Synergy
IRFL No Less Fusion No Synergy
Hateful Memes Yes Less Fusion No Synergy
iNaturalist Yes Less Querying No Uniqueness
Flickr30K No Less Translation No Uniqueness
GQA No Less Querying Yes Redundancy
Enrico Yes Less Querying No Uniqueness
FER-2013 No Less Querying No Uniqueness
Decimer Yes Less Translation Yes Uniqueness
Winoground No Less Querying Yes Redundancy
VQARAD Yes More Querying Yes Uniqueness
VQA No Less Querying Yes Uniqueness
Visual Genome No Less Querying Yes Uniqueness
VCR Yes More Fusion Yes Redundancy
UCMerced land use Yes Less Querying No Uniqueness
Slake Yes Less Querying Yes Uniqueness
Screen2Words No Less Translation No Uniqueness
ScienceQA Yes Less Querying Yes Synergy
Resisc45 Yes Less Querying No Uniqueness
OpenPath Yes Less Querying No Uniqueness
PathVQA Yes Less Querying Yes Uniqueness
NoCaps No Less Translation Yes Uniqueness
OK-VQA Yes Less Querying Yes Uniqueness
LNCOCO Yes Less Translation Yes Uniqueness

A.2.2 Categorization stage 2: Automatic annotation with human verification

After the first stage was done, we found that most of the annotations were reliable but there were some cases where annotators misunderstood the definitions and tasks which led to low agreement values. For the second stage of the annotation process, we query GPT-4V for categorization of datapoints into dimensions to supplement the human annotations we obtained in the first stage. For each dataset, we consider three samples from each dataset for a total of 87 data points for categorization spread out across six sets. For each data point, we ask the model the same questions as asked to the human annotators above and obtain the categorization across the dimensions. For some questions, the model refuses to answer the question citing enough information is not provided, so we do not consider the output for categorization. Aggregation is done similarly to stage 1 of the annotation process and the categories are provided in Table 8. For each set, we ask two annotators to label the annotation by GPT-4V as either correct or wrong, depending on the categorization provided by the model. The inter-annotator agreement scores are provided in Table 9. We see improvements over the previous annotation process in some dimensions and datasets, however, cases where annotations do not match the definition persist. Also, GPT-4V does not give output for a few cases due to which aggregation is not possible. Hence, we carry out the third stage of the annotation process to get a more refined categorization.

Table 8: Categorization after aggregating GPT-4V annotations. Cases where ’-’ is present are due to the model not providing an answer, citing a lack of information available for evaluating the input. We ignore such cases for categorization.
Dataset Knowledge Reasoning Info. Flow Fine-grained Interactions
Nlvr2 No Less Fusion Yes Synergy
Nlvr No More Querying Yes -
NY Cartoon Yes Less Fusion No Synergy
MM-IMDb No Less Fusion No Synergy
Memotion Yes Less Fusion No Synergy
MemeCap Yes More Fusion No -
Magic Brush Yes Less Editing No Synergy
IRFL Yes Less Fusion No Redundancy
Hateful Memes Yes More Fusion No Synergy
iNaturalist Yes Less Querying No -
Flickr30K No Less Translation - -
GQA No Less Querying Yes Uniqueness
Enrico No Less - No -
FER-2013 No Less Querying - -
Decimer Yes More Translation No Uniqueness
Winoground No Less Fusion No Redundancy
VQARAD Yes Less Querying No Uniqueness
VQA No Less Querying Yes Synergy
Visual Genome No Less Querying Yes -
VCR Yes Less Fusion No Redundancy
UCMerced land use Yes Less Querying No Synergy
Slake Yes More Querying Yes Uniqueness
Screen2Words No Less Fusion No -
ScienceQA No Less Fusion No Synergy
Resisc45 No Less Querying - Uniqueness
OpenPath Yes More Querying - -
PathVQA Yes Less Fusion Yes -
NoCaps Yes Less Translation No Uniqueness
OK-VQA Yes Less Querying Yes Synergy
LNCOCO Yes Less Translation Yes Uniqueness
Table 9: Inter-annotator agreement scores for stage 2 annotations.
Set number Knowledge Info. Flow Interactions Fine-grained Reasoning
1 0.667 0.420 0.868 0.705 0.000
2 0.631 0.797 0.363 1.000 0.450
3 -0.097 1.000 0.732 0.732 0.444
4 0.588 0.658 0.851 0.571 0.417
5 0.444 1.000 0.842 0.722 0.587
6 0.317 1.000 0.222 0.837 0.000

A.2.3 Categorization stage 3: Final check by experts

In the third stage of the annotation process, the authors of the project manually go through the annotations from both stages to check for errors and obtain the final categorization of datasets. We present the categorization in Table 10 with the source for each categorization in the table. (1) indicates that the category has been agreed upon both by human annotators and GPT-4V, (2) indicates that GPT-4V better categorizes the dataset for the dimension and hence the annotation from GPT-4V has been chosen, (3) indicates that human annotations better categorize the dataset for the dimension, (4) indicates that authors of this work have categorized the dataset for the dimension. As we can see from Table 10, the majority of categories are agreed upon both by human annotators and GPT-4V, indicating reliability. There are only a few with (4), indicating that authors had to provide the final categorization due to dimensions that were hard to understand by non-experts in multimodal learning and by GPT-4V.

Table 10: Final dataset categorization.
Dataset Knowledge Reasoning Info. Flow Fine-grained Interactions
Nlvr2 No (1) Less (1) Querying (3) No (4) Redundancy (4)
Nlvr No (1) Less (3) Querying (1) Yes (1) Redundancy (4)
NY Cartoon Yes (1) More (3) Fusion (1) No (1) Synergy (1)
MM-IMDb No (1) Less (1) Fusion (1) No (1) Synergy (1)
Memotion Yes (1) More (4) Fusion (1) No (1) Synergy (2)
MemeCap Yes (2) More (1) Fusion (1) No (1) Synergy (3)
Magic Brush No (3) Less (1) Editing (1) Yes (3) Synergy (1)
IRFL No (3) More (4) Fusion (1) No (1) Synergy (3)
Hateful Memes Yes (1) More (2) Fusion (1) No (1) Synergy (1)
iNaturalist Yes (1) Less (1) Querying (1) Yes (4) Uniqueness (3)
Flickr30K No (1) Less (1) Translation (1) No (3) Uniqueness (3)
GQA No (1) Less (1) Querying (1) Yes (1) Redundancy (3)
Enrico No (2) Less (1) Querying (3) No (1) Uniqueness (3)
FER-2013 No (1) Less (1) Querying (1) No (3) Uniqueness (3)
Decimer Yes (1) More (2) Translation (1) No (2) Uniqueness (1)
Winoground No (1) Less (1) Querying (3) Yes (4) Redundancy (1)
VQARAD Yes (1) More (4) Querying (1) Yes (4) Redundancy (4)
VQA No (1) Less (1) Querying (1) Yes (1) Redundancy (4)
Visual Genome No (1) Less (1) Querying (1) Yes (1) Redundancy (4)
VCR No (4) Less (2) Fusion (1) Yes (3) Redundancy (1)
UCMerced land use No (4) Less (1) Querying (1) No (1) Uniqueness (3)
Slake Yes (1) More (4) Querying (1) Yes (4) Redundancy (4)
Screen2Words No (1) Less (1) Translation (3) No (1) Uniqueness (3)
ScienceQA Yes (3) Less (1) Fusion (4) No (2) Synergy (1)
Resisc45 No (2) Less (1) Querying (1) No (3) Uniqueness (1)
OpenPath Yes (1) More (4) Querying (1) Yes (4) Redundancy (4)
PathVQA Yes (1) Less (1) Querying (3) Yes (4) Redundancy (4)
NoCaps No (3) Less (1) Translation (1) No (2) Uniqueness (1)
OK-VQA Yes (1) Less (1) Querying (1) Yes (1) Redundancy (4)
LNCOCO Yes (1) Less (1) Translation (1) Yes (1) Uniqueness (1)

A.2.4 Details on annotation and participants

The annotations in stages 1 (human annotation) and 2 (automatic inference with human verification) are all university students with some knowledge of machine learning. There were 10 sets of annotations each evaluated by two annotators for a total of 20 annotators. All participation in user studies was voluntary and done for pay at a level consistent with research participation at our university (15 dollars an hour). The annotations in stage 3 (final check) are done by 5 experts in the multimodal machine learning community for a final verification in case of misunderstandings in the first two stages.

A.3 Modeling categorizations and details

We also evaluate the performance of the models based on various modeling decisions. To achieve this, we categorize the models into various classes based on the following properties:

  1. 1.

    Interleaved modality training: In the multi-modal setting, models are broadly trained/fine-tuned either by separately processing individual modalities using modality-specific encoders followed by fusion, or by interleaving the raw modalities first and then processing the interleaved input together.

  2. 2.

    Instruction Tuning: Generative multimodal models can be trained/fine-tuned using objectives such as image-text matching, image-grounded text generation [62], etc., to generate relevant outputs. However, recently such generative models are also instruction instruction-tuned in order to generate outputs that resemble human responses. Therefore, we also categorise the models based on whether instruction tuning is employed or not.

  3. 3.

    Architecture: For training multi-modal models, parameters can either be initialized using a pre-trained model and then are fine-tuned/kept frozen, or are initialized randomly and trained in an end-to-end fashion. Based on this choice, we categorize models into two classes - fine-tuned and trained from scratch.

  4. 4.

    Training Data Size: The amount of data used for training the models, plays an important role in the performance and generalization of the model. Based on the size of the training data (in our work, the number of image-text or image-image samples), we categorize the models into three categories - Small, Medium, and Large.

  5. 5.

    Number of Parameters: Model size is an important modeling decision as it affects the performance of the model, cost and efficiency of training, and the inference time. Hence, we also categorize the models based on both the total and trainable number of parameters, and compare the performance across these categories.

  6. 6.

    Diversity in Training Data: Training multimodal models on data from different tasks, improves the diversity of the training data and may help the models to perform well on multiple tasks. By categorizing the models based on the diversity of the training data used, we evaluate the effect of using data from diverse tasks.

A.4 Model Details

For the HEMM benchmark, we currently evaluate the following models. All the models except for Gemini and GPT-4V are open source and we encourage the community to add more models to the benchmark.

  1. 1.

    BLIP-2 uses pre-trained image encoder and a pre-trained LLM for decoding. A Q-former is used to fuse the input text and the image queries using attention mechanism, and the fused representation is used by the decoder to generate the response. While training, only the parameters of the Q-former are updated using supervised fine-tuning, and the rest of the architecture is kept frozen. In this work we use the blip2_t5 model with pretrain_flant5xxl as the decoder from LAVIS111111https://github.com/salesforce/LAVIS/tree/main/projects/blip2. The chosen model has 108M and 12.1B trainable and total parameters respectively.
    License: The model comes with BSD-3 Clause https://github.com/salesforce/LAVIS/blob/main/LICENSE.txt
    Access restrictions: The model is available to use from the LAVIS repository https://github.com/salesforce/LAVIS

  2. 2.

    Instruct-BLIPis built on top of the BLIP2 architecture, where the model is first pre-trained similar to BLIP2. In the second phase, the Q-former in the architecture is instruction tuned (rest parameters frozen) to create an instruction following Q-former. For evaluation, we use the blip2_t5_instruct model with flant5xl as the decoder from LAVIS121212https://github.com/salesforce/LAVIS/tree/main/projects/instructblip. The model has 188M trainable parameters and 4B parameters in total. The pre-training data for the first phase is similar to BLIP2 and additional 15M samples from diverse datasets and tasks (e.g., VQA, Reasoning, Captioning, etc.) are used for instruction tuning.
    License: The model comes with BSD-3 Clause https://github.com/salesforce/LAVIS/blob/main/LICENSE.txt
    Access restrictions: The model is available to use from the LAVIS repository https://github.com/salesforce/LAVIS

  3. 3.

    Mini-GPT-4 also has a similar architecture as BLIP2, and uses the same Vision encoder and Q-former. However, the decoding LLM is based on Vicuna. Further, MiniGPT-4 has an additional single projection layer applied to the output of the Q-former. The architecture is instruction tuned with all the parameters except for the projection layer are kept frozen. We evaluate the prerained_minigpt4_7b model from the MiniGPT-4 GitHub repository 131313https://github.com/Vision-CAIR/MiniGPT-4?tab=readme-ov-file. The model has 13B parameters and is fine-tuned using 5M image-text samples.
    License: The model comes with BSD-3 Clause https://github.com/Vision-CAIR/MiniGPT-4/blob/main/LICENSE.md
    Access restrictions: The model is available to use from https://github.com/Vision-CAIR/MiniGPT-4/tree/main

  4. 4.

    OpenFlamingo is an open-source reproduction of the Flamingo [3] models. Unlike models that can only take one input image per sample (e.g., BLIP2, MiniGPT-4), OpenFlamingo can handle multiple images by interleaving images and texts. The architecture comprises of pre-trained Vision and Language encoder/decoder, where the layers of the pre-trained LLM are augmented with the vision encoder outputs which allows for cross-modal attention. All the pre-trained components are kept frozen except for the cross-modal attention component. For evaluation, we use the OpenFlamingo-3B-vitl-mpt1b model from the OpenFlamingo Github Repository 141414https://github.com/mlfoundations/open_flamingo. The chosen models has 1.4B trainable parameters and a total of 3.2B parameters. It is trained using 180M image-text samples.
    License: Work is available under MIT License https://github.com/mlfoundations/open_flamingo/blob/main/LICENSE
    Access restrictions: The model is available to use from https://github.com/mlfoundations/open_flamingo

  5. 5.

    LLaMA-Adapter is based on the architecture of LLaMA Adapter [124] which augments the text tokens with learnable adaptation prompts. In addition to this, LLaMA Adapter V2 uses early fusion to add visual knowledge to the decoding LLM. The architecture uses both early fusion and late fusion, and while fine-tuning, all the pre-trained components are frozen except for the bias layers of the LLM, Visual Projection Layer and the zero-initialized cross attention module. We evaluate the BIAS-LORA-7B model which uses LLaMA-7B as the decoder151515https://github.com/OpenGVLab/LLaMA-Adapter/tree/main/llama_adapter_v2_multimodal7b. The model is instruction tuned using 619K samples, and has 14M trainable parameters.
    License: Work is available under GNU General public license https://github.com/OpenGVLab/LLaMA-Adapter/blob/main/LICENSE
    Access restrictions: Model is available to use from https://github.com/OpenGVLab/LLaMA-Adapter

  6. 6.

    Emu is a large multimodal model trained using interleaved video, image and text data, trained in an autoregressive manner to predict the next token in the multimodal sequence. With the ability to produce the next visual token, Emu is also able to generate images and has been evaluated on the Magic Brush dataset in this work. The architecture uses pre-trained encoder and a decoding LLM such as LLaMA. EMU is first pre-trained using interleaved video, image, and text data, and all the parameters are updated during the pre-training. In the second stage, emu is further instruction-tuned. However, in this work we only evaluate the pre-trained version of Emu. We evaluate the Emu-14B model pre-trained using 82M samples.
    License: Work is available under Apache 2.0 license https://github.com/baaivision/Emu/blob/main/LICENSE
    Access restrictions: The model is available to use from https://github.com/baaivision/Emu

  7. 7.

    Fuyu-8B is a decoder only architecture where the image patches are linearly projected into the first layer of the transformer architecture. Fuyu’s architecture is same as that of Persimmon-8B 161616https://www.adept.ai/blog/persimmon-8b, and we use the details of Persimmon-8B to categorise Fuyu into the model categories. Persimmon-8B has 9.3B parameters and is trained from scratch. In our work we evaluate the pre-trained model as the instruction tuned models aren’t available and the pre-training data sources and sizes are unknown. We evaluate the Fuyu-8B model available through HuggingFace 171717https://huggingface.co/adept/fuyu-8b.
    License: Work is available under Creative Commons Attribution Non Commercial 4.0 International license https://spdx.org/licenses/CC-BY-NC-4.0
    Access restrictions: Model is available to use from huggingface https://huggingface.co/adept/fuyu-8b

  8. 8.

    Kosmos-2 is based on a causal Transformer Language Model, and has the architecture similar to Kosmos1 [40]. It is trained on the next-token prediction task. In addition to the pre-training data used to train Kosmos1, grounded image-text pairs are added to the dataset to train Kosmos2. Overall, Kosmos2 is trained using interleaved image-text data and later instruction-tuned using both multimodal and language-only instructions. We evaluate the ydshieh/kosmos-2-patch14-224 model from HuggingFace 181818https://huggingface.co/microsoft/kosmos-2-patch14-224 which has a total of 1.6B parameters.
    License: Work is available under MIT License https://huggingface.co/datasets/choosealicense/licenses/blob/main/markdown/mit.md
    Access restrictions: The model is available to use from https://huggingface.co/microsoft/kosmos-2-patch14-224

  9. 9.

    mPLUG-Owl uses a vision foundation model to encode input image and uses a visual abstractor model to summarize the input from the encoder. The abstractor output along with the text queries are then passed to a pre-trained language foundation model that generates the response. The model is first pre-trained using supervised fine-tuning of all the parameters except for the language models. In the second phase, the language models is instruction tuned using multimodal and language instructions, with the other parameters frozen. We evaluate the https://github.com/X-PLUG/mPLUG-Owl/tree/main/mPLUG-Owl model obtained from the mPLUG-Owl Github Repository 191919https://github.com/X-PLUG/mPLUG-Owl/tree/main/mPLUG-Owl. The chosen models has a total of 7.2B parameters.
    License: Work is available under MIT License https://github.com/X-PLUG/mPLUG-Owl/blob/main/LICENSE
    Access restrictions: The model is available to use from https://github.com/X-PLUG/mPLUG-Owl

  10. 10.

    GPT-4V is a multimodal extension to GPT-4 which has been trained on the next word prediction task using image and text data from the internet and licensed data sources and fine tuned using RLHF[84],[20]. We use ’gpt-4-vision-preview’ as a chosen model for our evaluation. As of evaluating the models, ’gpt-4-vision-preview’ points to ’gpt-4-1106-vision-preview’ in the OpenAI API interface which has been trained up to April 2023  202020https://platform.openai.com/docs/models/gpt-4-turbo-and-gpt-4.
    License: None
    Access restrictions: The model is available via OpenAI’s API https://platform.openai.com/docs/guides/vision

  11. 11.

    Gemini is a series of multimodal large language models which support interleaved inputs. These models have been trained on multimodal and multilingual data comprising of data from web documents, books, and code, and includes image, audio, and video data. For our evaluation, we use ‘gemini-pro-vision‘ which points to ’gemini-1.0-pro-vision-001’ released on February 15, 2024  212121https://cloud.google.com/vertex-ai/generative-ai/docs/learn/model-versioning. We also use safety settings such as ’HARM_CATEGORY_DANGEROUS’, ’HARM_CATEGORY_HARASSMENT’, ’HARM_CATEGORY_HATE_SPEECH’, ’HARM_CATEGORY_SEXUALLY_EXPLICIT’,
    ’HARM_CATEGORY_DANGEROUS_CONTENT’ and set the threshold to ’BLOCK_NONE’ provided by the API  222222https://ai.google.dev/gemini-api/docs/safety-settings.
    License: None
    Access restrictions: The model is available via Google’s API https://ai.google.dev/gemini-api/docs/models/gemini

Appendix B Experimental Details

B.1 Evaluation metrics

We present our results on BARTScore [121] as models under our evaluation generate noisy free from text, however, we also support other text generation metrics under our evaluation suite listed in the Table  11 below.

Table 11: Evaluation metrics supported in HEMM
Metric Task Modalities
BLEU Text Generation Text
ROUGE Text Generation Text
BertScore Text Generation Text
BARTScore Text Generation Text
RefCLIPScore Text Generation Image, Text
CLIP-I Image Generation Image
MSE Image Generation Image

B.2 Evaluation protocol

HEMM supports image generation tasks, models and metrics. However, currently there are only 2 image generation tasks (LNCOCO and Magic Brush) and 1 model (Emu) that supports image generation. Hence, we perform all our evaluation on the remaining 28 text generation tasks and report the results on the image generation tasks in Appendix C.

Note: Since HEMM  contains models that are unable to process multiple images in the same input, we modify the Winoground and IRFL tasks (as per A.1) in order to have a single image-text pair as input for each sample.

For each dataset, we use the same prompts across all models as shown in Section C, for standardization, however, there can be a scenario where these models perform better with other prompts or scenarios and may perform poorly under our scenarios or prompts in our evaluation.

For each dataset, the computed metrics for the models are normalized on a scale of 0 to 1, 0 corresponds to the model achieving the lowest score on that dataset, and 1 corresponds to the performance achieve by exactly generating the ground truth. For BERTScore [125], ROUGE [70], and RefCLIPScore [36] the maximum value is set to 1. BARTScore [121] uses the log of probabilities. Following [16], we calculate the maximum value for each dataset separately as BARTScore(r, r) where r is the ground truth sentence.

Since details regarding training type for Gemini and GPT-4V, and modality processing for GPT-4V are not revealed, we do not use the scores from these models while evaluating the performance for the training type and modality processing dimensions. Further, for Hateful Memes, OpenPath, and Memotion datasets, GPT-4V did not respond and generated can’t provide assistance and "indeterminate" for many samples. Hence, we exclude the results of GPT-4V on these datasets during evaluation.

Table 12: Hyperparameters used for running inference for various models. Temperature for GPT-4V and Beam Size for GPT-4V and Gemini are unknown. We also report the average inference time in seconds for an image-text input. For each models, we take the average of inference times across all the datasets.
Model Temperature Beam Size Max New Tokens Inference Time
BLIP-2 1.0 5 30 0.64
Instruct-BLIP 1.0 5 256 0.58
Mini-GPT-4 1.0 3 100 11.8
Fuyu-8B 1.0 1 100 1.92
Emu 0.9 5 100 1.43
OpenFlamingo 1.0 3 50 2.35
Kosmos-2 1.0 1 500 0.31
mPLUG-Owl 1.0 1 100 0.87
LLaMA-Adapter 0.0 1 100 1.30
GPT-4V - - 300 2.67
Gemini 0.4 - 2048 4.62

B.3 Significance tests

While comparing performance across categories in each dimension, we perform paired t-tests to determine the significance of the results. For datasets, specifically, for each category, we calculate the average performance of each of the 11 models on all the datasets in a category (cisubscript𝑐𝑖c_{i}italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT) to create a vector vi11subscript𝑣𝑖superscript11v_{i}\in\mathbb{R}^{11}italic_v start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT 11 end_POSTSUPERSCRIPT. Next, we performed pairwise t-tests between these vectors to determine the significance of the results. The p-values obtained through the t-tests are presented in Table 13. We find that the difference between the performance on different categories is statistically significant (p-value < 0.05) for real-world use cases, multimodal interaction, external knowledge, and information flow dimensions, which explains that these are particularly difficult dimensions for today’s multimodal model.

We also conducted t-tests for various categories in each of the modeling dimensions. For all models in a category (cisubscript𝑐𝑖c_{i}italic_c start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT), we use their average performance on each of the 28 datasets to construct a vector wi28subscript𝑤𝑖superscript28w_{i}\in\mathbb{R}^{28}italic_w start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT 28 end_POSTSUPERSCRIPT. We then perform pair-wise t-tests across all the categories for all dimensions. As mentioned in Section B.2, we do not use the scores of GPT-4V and Gemini for the dimensions where their training/modeling decisions aren’t revealed. We find that for all the dimensions, the best-performing category achieves significantly better scores with p-values < 0.05 (Table 14).

Table 13: Standard deviation and p-values (from paired t-tests) across categories for each dataset dimension. On average, models achieve significantly higher scores on Multimedia and Affect as compared to other use cases. The p-values for Reasoning and Granularity dimensions are higher than 0.05, indicating that there is no category significantly more challenging than the rest.
Dimension Category Perf (↑) P-value
Real-world use case Multimedia 31.30±0.14plus-or-minus31.300.14\mathbf{31.30\pm 0.14}bold_31.30 ± bold_0.14 vs Affect: 0.1100
vs Health: 0.0006
vs Science: 0.0000
vs HCI: 0.0002
Affect 30.35±0.15plus-or-minus30.350.1530.35\pm 0.1530.35 ± 0.15 vs Health: 0.0044
vs Science: 0.0018
vs HCI: 0.0011
Health 20.24±0.09plus-or-minus20.240.0920.24\pm 0.0920.24 ± 0.09 vs Science: 0.8806
vs HCI: 0.0961
Science 19.83±0.13plus-or-minus19.830.1319.83\pm 0.1319.83 ± 0.13 vs HCI: 0.2093
HCI 15.70±0.08plus-or-minus15.700.0815.70\pm 0.0815.70 ± 0.08
Multimodal interaction Redundancy 29.04±0.14plus-or-minus29.040.1429.04\pm 0.1429.04 ± 0.14 vs Uniqueness: 0.0008
vs Synergy: 0.0522
Uniqueness 19.60±0.10plus-or-minus19.600.1019.60\pm 0.1019.60 ± 0.10 vs Synergy: 0.0000
Synergy 33.73±0.15plus-or-minus33.730.1533.73\pm 0.1533.73 ± 0.15
Reasoning More Reasoning 27.50±0.11plus-or-minus27.500.1127.50\pm 0.1127.50 ± 0.11 vs Less Reasoning: 0.6415
Less Reasoning 26.84±0.13plus-or-minus26.840.1326.84\pm 0.1326.84 ± 0.13
Granularity Fine-grained 26.52±0.12plus-or-minus26.520.1226.52\pm 0.1226.52 ± 0.12 vs Coarse-grained: 0.5887
Coarse-grained 27.52±0.13plus-or-minus27.520.1327.52\pm 0.1327.52 ± 0.13
Knowledge External Knowledge 23.51±0.10plus-or-minus23.510.1023.51\pm 0.1023.51 ± 0.10 vs None: 0.0023
None 29.62±0.14plus-or-minus29.620.14\mathbf{29.62\pm 0.14}bold_29.62 ± bold_0.14
Information flow Querying 25.88±0.13plus-or-minus25.880.1325.88\pm 0.1325.88 ± 0.13 vs Translation: 0.0479
vs Fusion: 0.0018
Translation 18.97±0.07plus-or-minus18.970.0718.97\pm 0.0718.97 ± 0.07 vs Fusion: 0.0004
Fusion 33.77±0.15plus-or-minus33.770.15\mathbf{33.77\pm 0.15}bold_33.77 ± bold_0.15
Table 14: Standard deviation and p-values for categories in various modeling dimensions. Models in the best-performing category in each dimension, receive significantly higher scores than the other categories.
Dimension Category Perf (↑) P-value
Modality Processing Interleaved 22.94 ±plus-or-minus\pm± 0.10 vs Separate: 0.0011
Separate 28.58 ±plus-or-minus\pm± 0.15
Model Size Small 23.34 ±plus-or-minus\pm± 0.14 vs Medium: 0.7370
vs Large: 0.0004
Medium 23.87 ±plus-or-minus\pm± 0.12 vs Large: 0.0004
Large 42.33 ±plus-or-minus\pm± 0.07
Training Type Modular 24.92 ±plus-or-minus\pm± 0.12 vs End-to-End: 0.0427
End-to-End 21.26 ±plus-or-minus\pm± 0.13
Size of Training Data Small 16.80 ±plus-or-minus\pm± 0.10 vs Medium: 0.0000
vs Large: 0.0000
Medium 30.10 ±plus-or-minus\pm± 0.15 vs Large: 0.5024
Large 31.77 ±plus-or-minus\pm± 0.16
Diversity of Training Data Non-diverse 21.71 ±plus-or-minus\pm± 0.12 vs Diverse: 0.0000
Diverse 30.15 ±plus-or-minus\pm± 0.14
Instruction Tuning No 22.49 ±plus-or-minus\pm± 0.11 vs Yes: 0.0004
Yes 29.71 ±plus-or-minus\pm± 0.15

B.4 Model hyperparameters and inference time

In Table 12, we list the values of important text-generation hyperparameters used to evaluate different models. For each model, we also report the inference time for a single image-text pair averaged across all the datasets.

B.5 Human evaluation

We perform human preference-based pair-wise comparison (battles) of model responses across 1000 datapoints and use the following metrics to rank the models.

Average win rate: Similar to Chiang et al. [19], for each pair of models, considering only the battles between them, we determine the win rate wab=NaNa+Nbsubscript𝑤𝑎𝑏subscript𝑁𝑎subscript𝑁𝑎subscript𝑁𝑏w_{ab}=\frac{N_{a}}{N_{a}+N_{b}}italic_w start_POSTSUBSCRIPT italic_a italic_b end_POSTSUBSCRIPT = divide start_ARG italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT end_ARG start_ARG italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT + italic_N start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT end_ARG, where Nasubscript𝑁𝑎N_{a}italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT and Nbsubscript𝑁𝑏N_{b}italic_N start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT are the number of battles won by modela𝑚𝑜𝑑𝑒subscript𝑙𝑎model_{a}italic_m italic_o italic_d italic_e italic_l start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT and modelb𝑚𝑜𝑑𝑒subscript𝑙𝑏model_{b}italic_m italic_o italic_d italic_e italic_l start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT respectively. We then take the average of the win rates across all the models to calculate the average win rate for each model i.e., awra=1Mb=1Mwab𝑎𝑤subscript𝑟𝑎1𝑀superscriptsubscript𝑏1𝑀subscript𝑤𝑎𝑏awr_{a}=\frac{1}{M}\sum_{b=1}^{M}w_{ab}italic_a italic_w italic_r start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT = divide start_ARG 1 end_ARG start_ARG italic_M end_ARG ∑ start_POSTSUBSCRIPT italic_b = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_M end_POSTSUPERSCRIPT italic_w start_POSTSUBSCRIPT italic_a italic_b end_POSTSUBSCRIPT.

The top 4 models based on the average win rate are Gemini (0.73), GPT-4V (0.68), Instruct-BLIP (0.60) and BLIP-2 (0.52).

Elo Rating: Using the initial rating of each model as 1000, we sequentially process the battles and update the rating of the models as per the below equations. Rasubscript𝑅𝑎R_{a}italic_R start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT and Rbsubscript𝑅𝑏R_{b}italic_R start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT denote the current ratings of modela𝑚𝑜𝑑𝑒subscript𝑙𝑎model_{a}italic_m italic_o italic_d italic_e italic_l start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT and modelb𝑚𝑜𝑑𝑒subscript𝑙𝑏model_{b}italic_m italic_o italic_d italic_e italic_l start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT in the battle. Sa=1subscript𝑆𝑎1S_{a}=1italic_S start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT = 1 if modela𝑚𝑜𝑑𝑒subscript𝑙𝑎model_{a}italic_m italic_o italic_d italic_e italic_l start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT wins the battle and 0 if it loses. Sb=1Sasubscript𝑆𝑏1subscript𝑆𝑎S_{b}=1-S_{a}italic_S start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT = 1 - italic_S start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT and in case of ties, Sa=Sb=0.5subscript𝑆𝑎subscript𝑆𝑏0.5S_{a}=S_{b}=0.5italic_S start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT = italic_S start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT = 0.5. For more stable Elo ratings, we use K = 4.

Ea=11+10(RbRa)/400;Eb=11+10(RaRb)/400formulae-sequencesubscript𝐸𝑎11superscript10subscript𝑅𝑏subscript𝑅𝑎400subscript𝐸𝑏11superscript10subscript𝑅𝑎subscript𝑅𝑏400E_{a}=\frac{1}{1+10^{(R_{b}-R_{a})/400}};\hskip 11.38109ptE_{b}=\frac{1}{1+10^% {(R_{a}-R_{b})/400}}italic_E start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT = divide start_ARG 1 end_ARG start_ARG 1 + 10 start_POSTSUPERSCRIPT ( italic_R start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT - italic_R start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT ) / 400 end_POSTSUPERSCRIPT end_ARG ; italic_E start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT = divide start_ARG 1 end_ARG start_ARG 1 + 10 start_POSTSUPERSCRIPT ( italic_R start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT - italic_R start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT ) / 400 end_POSTSUPERSCRIPT end_ARG
R^a=Ra+K(SaEa);R^b=Rb+K(SbEb)formulae-sequencesubscript^𝑅𝑎subscript𝑅𝑎𝐾subscript𝑆𝑎subscript𝐸𝑎subscript^𝑅𝑏subscript𝑅𝑏𝐾subscript𝑆𝑏subscript𝐸𝑏\hat{R}_{a}=R_{a}+K*(S_{a}-E_{a});\hskip 11.38109pt\hat{R}_{b}=R_{b}+K*(S_{b}-% E_{b})over^ start_ARG italic_R end_ARG start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT = italic_R start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT + italic_K ∗ ( italic_S start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT - italic_E start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT ) ; over^ start_ARG italic_R end_ARG start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT = italic_R start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT + italic_K ∗ ( italic_S start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT - italic_E start_POSTSUBSCRIPT italic_b end_POSTSUBSCRIPT )

The above update rule is sensitive to battle orders. In order to get more stable and less biased Elo ratings, we run the above computation 1000 times by shuffling the battle order each time, and report the median Elo rating over the 1000 runs for each model.

The 1000 battles were split across 5 authors randomly (200 battles each) for annotation. Using a web interface, the model outputs were presented to the annotators. For each sample, the annotators were instructed to select the output that better answers the query. For cases where both outputs were equally good/bad, or performing the task required domain knowledge (e.g., healthcare datasets), the annotators were instructed to choose the Tie option. For each battle, the models were anonymized for fair comparison.

Appendix C All Results

Due to query limits for GPT-4V and Gemini, we evaluated the two models only on 100 samples per dataset, and for a fair comparison, we performed our analysis using the outputs of all the models on those 100 samples. In this section, we present the results and analysis on the whole evaluation set using the outputs of all the models except GPT-4V and Gemini. Further, since our analysis was based on text-generation tasks, we present here the results on the image-generation tasks - Magic Brush and LNCOCO. Specifically, we evaluated Emu (only model in HEMM that can generate images) on both tasks. We find the MSE and the CLIP-I score between the generated and the ground truth image for Magic Brush to be 0.17 and 0.54. For the LNCOCO dataset, the MSE and CLIP-I score are 0.18 and 0.50.

Note: due to high inference time of some models (e.g., Mini-GPT-4, Emu, OpenFlamingo), missing image URLs in the Nlvr2 dataset, and compute restrictions for larger evaluation sets like MM-IMDb, Visual Genome, and iNaturalist, we use the results from the same 100 samples used for evaluation in Section 4.

C.1 Dataset and model comparisons

Table 15: Comparisons on different dataset categories. 30 multimodal datasets are split into various groups based on their real-world use case, type of multimodal interaction, presence of reasoning and external knowledge, granularity of alignment, and types of information flow. Performance is measured via the mean BARTscore across 9 multimodal models.
Category Group Perf (\uparrow)
Real-world use case Multimedia 29.27±0.14plus-or-minus29.270.14\mathbf{29.27\pm 0.14}bold_29.27 ± bold_0.14
Affect 22.63±0.11plus-or-minus22.630.1122.63\pm 0.1122.63 ± 0.11
Health 15.51±0.08plus-or-minus15.510.0815.51\pm 0.0815.51 ± 0.08
Science 14.23±0.08plus-or-minus14.230.0814.23\pm 0.0814.23 ± 0.08
HCI 12.49±0.07plus-or-minus12.490.0712.49\pm 0.0712.49 ± 0.07
Multimodal interaction Redundancy 24.86±0.13plus-or-minus24.860.1324.86\pm 0.1324.86 ± 0.13
Uniqueness 13.87±0.06plus-or-minus13.870.0613.87\pm 0.0613.87 ± 0.06
Synergy 28.48±0.13plus-or-minus28.480.13\mathbf{28.48\pm 0.13}bold_28.48 ± bold_0.13
Reasoning More 23.19±0.11plus-or-minus23.190.1123.19\pm 0.1123.19 ± 0.11
Less 21.78±0.09plus-or-minus21.780.0921.78\pm 0.0921.78 ± 0.09
Granularity Fine-grained 22.97±0.11plus-or-minus22.970.1122.97\pm 0.1122.97 ± 0.11
Coarse-grained 21.68±0.10plus-or-minus21.680.1021.68\pm 0.1021.68 ± 0.10
Knowledge External 19.60±0.09plus-or-minus19.600.0919.60\pm 0.0919.60 ± 0.09
None 24.21±0.11plus-or-minus24.210.11\mathbf{24.21\pm 0.11}bold_24.21 ± bold_0.11
Information flow Querying 20.15±0.10plus-or-minus20.150.1020.15\pm 0.1020.15 ± 0.10
Translation 16.72±0.07plus-or-minus16.720.0716.72\pm 0.0716.72 ± 0.07
Fusion 29.16±0.14plus-or-minus29.160.14\mathbf{29.16\pm 0.14}bold_29.16 ± bold_0.14
Table 16: Comparisons on different modeling decisions. We group models based on the modeling and training decisions, including how they process modalities, their parameter counts, model architecture, training data size and diversity, and the presence of instruction tuning. Performance is measured via the mean BARTscore across all 30 tested multimodal datasets.
Category Group Perf (\uparrow)
Modeling decisions
Modality processing Interleaved 16.92±0.09plus-or-minus16.920.0916.92\pm 0.0916.92 ± 0.09
Separate 26.48±0.15plus-or-minus26.480.15\mathbf{26.48\pm 0.15}bold_26.48 ± bold_0.15
Model size Small 21.51±0.13plus-or-minus21.510.1321.51\pm 0.1321.51 ± 0.13
Medium 22.59±0.12plus-or-minus22.590.1222.59\pm 0.1222.59 ± 0.12
Training decisions
Training type Modular 23.18±0.13plus-or-minus23.180.1323.18\pm 0.1323.18 ± 0.13
End-to-end 20.93±0.13plus-or-minus20.930.1320.93\pm 0.1320.93 ± 0.13
Size of training data Small 16.08±0.11plus-or-minus16.080.1116.08\pm 0.1116.08 ± 0.11
Medium 27.60±0.15plus-or-minus27.600.15\mathbf{27.60\pm 0.15}bold_27.60 ± bold_0.15
Large 20.72±0.15plus-or-minus20.720.1520.72\pm 0.1520.72 ± 0.15
Diversity of training data Non-diverse 19.92±0.12plus-or-minus19.920.1219.92\pm 0.1219.92 ± 0.12
Diverse 24.09±0.13plus-or-minus24.090.13\mathbf{24.09\pm 0.13}bold_24.09 ± bold_0.13
Instruction tuning No 21.00±0.12plus-or-minus21.000.1221.00\pm 0.1221.00 ± 0.12
Yes 23.22±0.14plus-or-minus23.220.14\mathbf{23.22\pm 0.14}bold_23.22 ± bold_0.14

Dataset comparisons: On average, the models achieve the highest scores on IRFL (0.53), Winoground (0.42), and Nlvr (0.40) datasets. Healthcare, Science, and HCI datasets are the most challenging use cases for the models with the average scores being the lowest for Decimer (0.05), PathVQA (0.06), iNaturalist (0.06), and Enrico (0.08). Meme datasets are also challenging for the models. A low average score (0.12) on MemeCap shows that the models struggle to understand the visual metaphors and generate suitable captions for the memes.

Model comparisons: Overall, Instruct-BLIP and BLIP-2 achieve the highest average scores of 0.38 and 0.37, followed by Fuyu-8B (0.29). OpenFlamingo and Emu rank lowest on many datasets (receiving a 0 score as per our normalization) and achieve the lowest average scores of 0.05 and 0.11.

C.2 Dataset trends

In Table 16, we summarize the average performance of models on various categories in each data dimension. We now closely compare the performance between different categories of individual dimensions.

Multimodal Skills 1: Interactions The average scores on datasets having redundant, unique and synergistic interactions are 0.25, 0.14, and 0.28. The p-values obtained using paired t-test for Redundancy vs Uniqueness, Uniqueness vs Synergy, and Redundancy vs Synergy are 0.01, 0.0008, and 0.22, indicating that average scores on datasets with unique interactions is significantly lower as compared to datasets with Redundant and Synergistic interactions. Reasons for lower uniqueness scores can be attributed to the presence of highly challenging datasets such as Decimer, iNaturalist, Enrico.

Multimodal Skills 2: Granularity The average scores of the models on datasets with fine-grained (0.23) and coarse-grained alignment (0.22) are not significantly different, indicating that both categories are challenging for the models, with the former containing tasks like GQA, Winoground and Nlvr and the latter having tasks such as Flickr30K, Hateful Memes, and ScienceQA.

Multimodal Skills 3: Reasoning The average scores achieved by models on tasks requiring less or more reasoning are 0.22 and 0.23 respectively, and we find that the difference is not statistically significant. This indicates that both categories are challenging for the models with the less reasoning category comprising of datasets like Enrico and iNaturalist posing challenges related to visual perception and external knowledge. On the other hand, tasks within the more reasoning category such as VCR and MemeCap test for compositional and commonsense reasoning.

Multimodal Skills 4: External Knowledge Average performance of models on tasks requiring external knowledge (0.20) is significantly lower than tasks not requiring knowledge (0.24). For example, on average, models perform better on Nlvr, FER-2013 and Winoground that do not require external knowledge as compared to tasks like iNaturalist and Slake which require external knowledge to identify appropriate species or organs in the image.

Multimodal Skills 5: Information flow Models achieve significantly lower average score on translation datasets (0.17) as compared to querying (0.20) and fusion (0.29) datasets. Lower scores on translation dataset is due to the presence of highly challenging datasets such as Decimer which requires domain knowledge of molecules to generate the correct textual sequence.

Refer to caption
Figure 8: Model outputs on samples from Enrico, VQARAD, iNaturalist, and ScienceQA. In (a), all the models struggle to reason about the use of the zip code field in the UI, which will be used to search the TV provider. Example (b) underscores the complexity faced by models in interpreting medical images, particularly evident in their inability to recognize the absence of a kidney in the radiology image. As shown in (c), the highly fine-grained iNaturalist dataset is very challenging and none of the models can determine the species of the insect. In (d), all models provide incorrect responses when tasked with identifying the colony’s name, illustrating the challenges posed by tasks requiring external knowledge.

C.3 Modeling trends

Model scale: Since we do not consider GPT-4V and Gemini for analysis in this section, there are no models in the large category. Amongst small and medium models, we find no significant difference (p-value = 0.45) between the average performance of models from the two categories with small and medium models receiving 0.21 and 0.23 average scores respectively.

Pretraining data scale: On average, models with medium pretraining data achieve the highest score (0.28) as compared to the models pretrained with small (0.16) or large (0.21) scale data. Although the average score of models trained with large pretraining data is lower as compared to models trained with medium pretraining data, we find that the former models perform better on tasks such as IRFL, Winoground, MemeCap, and Decimer which require complex reasoning and external knowledge.

Diversity of pretraining data: Models trained with diverse pretraining data (0.24) perform better than models trained only on image-captioning datasets (0.20). The p-value for the paired t-test is 0.01 indicating that the difference is significant. On average, we find that models pretrained with diverse data achieve better scores on knowledge-intensive tasks such as iNaturalist and OK-VQA with improvements in average scores up to 0.21.

Instruction tuning vs supervised fine-tuning: Instruction-tuned models achieve a higher average score (0.23) as compared to models with only supervised fine-tuning (0.21). We observe the highest improvements in translation tasks such as Decimer, Flickr30K, and Screen2Words. We also observe that instruction-tuned models receive a higher average score as compared to supervised fine-tuned models (improvement of 0.12).

Modality processing: Models that process the modalities separately perform significantly better than the models that operate on interleaved inputs. The average scores for the former and latter models are 0.17 and 0.26 respectively (p-value \approx 0). We find high improvements of 0.26, 0.24, 0.22, and 0.2 in the average scores for the datasets ScienceQA, NY Cartoon, MM-IMDb, and UCMerced land use.

Training type: We do not find a significant difference between the models that are fine-tuned in a single phase end-to-end manner (0.21) as compared to the models where only specific modules are fine-tuned in a single phase (0.23).

C.4 Summary of takeaway messages

Finally, we summarize the main findings regarding the performance and evaluation of multimodal foundation models that can be important directions for future work:

  1. 1.

    Challenging datasets: Health, HCI, and Science are all relatively difficult use cases for today’s multimodal foundation models, which are statistically significantly harder than Multimedia and Affective Computing use cases. In particular, images of scientific diagrams, satellite images, medical images, memes, and rich social interactions pose challenges. It is therefore important to evaluate multimodal models on a diverse range of input modalities and output tasks to get a better measure of generalization performance.

  2. 2.

    Multimodal interactions: Models perform better on redundant interactions but struggle when visual information is not directly referenced by text (i.e., uniqueness or synergy). Future benchmarks should contain richer multimodal interactions beyond redundancy, such as in analyzing sarcasm, humor, memes, science, environment, and education. These can serve as better test beds for multimodal models and enable their applications towards real-world multimodal interactions.

  3. 3.

    Reasoning, fine-grained, and knowledge: We need better datasets that test for complex reasoning and fine-grained alignment - current ones do not pose enough challenges to today’s models, with no significant performance differences with or without reasoning and fine-grained alignment. We do find that tasks requiring external knowledge are significantly harder than no knowledge; bridging this gap can be a promising direction for multimodal research.

  4. 4.

    Model and data size: Perhaps unsurprisingly, larger scales of data and models improve the average score across the board, with significant improvements of up to 75% as compared to medium-sized models. Training on diverse data sources also improves over models that only pretrain on images and captions. The tasks that show the most improvement are iNaturalist and MemeCap which are knowledge-intensive and require complex reasoning.

  5. 5.

    Model training: Instruction-tuned models performed better than those with only supervised fine-tuning. Cross-modal translation (image-to-text) tasks show the most improvements (e.g., Decimer, MemeCap, and Screen2Words). However, some instruction-tuned models still struggle to follow the instructions (e.g., generating a caption when asked to classify an image, or generating long responses when asked to answer in a few words). Instruction tuning using larger datasets with diverse instructions can help alleviate this problem.