Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (2024)

Lei Li, Yuqi Wang, Runxin Xu, Peiyi Wang
Xiachong Feng, Lingpeng Kong, Qi Liu
The University of Hong Kong
Peking University
{nlp.lilei, runxinxu, wangpeiyi9979, xiachongfeng1996}@gmail.com
wangyuqi@connect.hku.hk{lpk, liuqi}@cs.hku.hk
Equal Contribution.

Abstract

Large vision-language models (LVLMs) excel across diverse tasks involving concrete images from natural scenes.However, their ability to interpret abstract figures, such as geometry shapes and scientific plots, remains limited due to a scarcity of training datasets in scientific domains.To fill this gap, we introduce Multimodal ArXiv, consisting of ArXivCap and ArXivQA, for enhancing LVLMs scientific comprehension.ArXivCap is a figure-caption dataset comprising 6.4M images and 3.9M captions, sourced from 572K ArXiv papers spanning various scientific domains.Drawing from ArXivCap, we introduce ArXivQA, a question-answering dataset generated by prompting GPT-4V based on scientific figures.ArXivQA greatly enhances open-sourced LVLMs’ mathematical reasoning capabilities, achieving a 10.4% absolute accuracy gain on a multimodal mathematical reasoning benchmark.Furthermore, employing ArXivCap, we devise four vision-to-text tasks for benchmarking LVLMs.Evaluation results with state-of-the-art LVLMs underscore their struggle with the nuanced semantics of academic figures, while domain-specific training yields substantial performance gains.Our error analysis uncovers misinterpretations of visual context, recognition errors, and the production of overly simplified captions by current LVLMs, shedding light on future improvements.111Datasets and models are released at our project page: https://mm-arxiv.github.io.

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models


Lei Lithanks: Equal Contribution., Yuqi Wang, Runxin Xu, Peiyi WangXiachong Feng, Lingpeng Kong, Qi LiuThe University of Hong KongPeking University{nlp.lilei, runxinxu, wangpeiyi9979, xiachongfeng1996}@gmail.comwangyuqi@connect.hku.hk{lpk, liuqi}@cs.hku.hk


1 Introduction

Large vision-language models (LVLMs), which integrate large language models (LLMs)(Brown etal., 2020a; Touvron etal., 2023) with pre-trained vision encoders through cross-modal alignment training(Madureira, 2021; Liu etal., 2023b; Li etal., 2023d),have demonstrated remarkable perceptual and cognitive capabilities in processing concrete images from everyday scenes(OpenAI, 2023; Fu etal., 2023; Yang etal., 2023a; Reka, 2024).However, recent studies have shown that open-source LVLMs struggle to understand abstract figures, such as geometric shapes in multimodal mathematical reasoning(Lu etal., 2023; Zhang etal., 2024b) and scientific plots(Yue etal., 2023).The inadequacy of training datasets in scientific domains that involve complex reasoning with abstract figures is the main underlying cause.

To address this, we construct Multimodal ArXiv by utilizing the rich resources in preprints hosted on arXiv to improve the ability to understand scientific literature in LVLMs.We first curate ArXivCap, adiverse scientific figure-caption dataset.In contrast to previous scientific figure datasets, which consist of synthesized figures(Chen etal., 2020)or are restricted to simple captioning scenarios in the computer science domain(Hsu etal., 2021), our dataset is composed of figures extracted from academic papers across a range of domains.ArXivCap has 6.4M images and 3.9M captions from 572K papers.We also keep the subfigure structure, and titles of original papers, thereby supporting diverse evaluation tasks.We further instruct GPT-4V to generate 100K multiple-choice question-answering(QA) pairs for the figures in ArXivCap.The resulting ArXivQA dataset could naturally serve as a pivotal resource for improving the scientific reasoning abilities of LVLMs.

We validate the effectiveness of our Multimodal ArXiv dataset from two dimensions: reasoning ability measured by QA accuracy and generation performance through novel vision-to-text tasks.Our experiments demonstrate that ArXivQA brings a significant 10.4% absolute accuracy boost for Qwen-VL-Chat(Bai etal., 2023b), on the MathVista(Lu etal., 2023), a challenging benchmark for multimodal mathematical reasoning.Additionally, detailed analysis uncovers the relationship between paper domains and fine-grained task performance.Moreover, using ArXivCap, we define four generation tasks of varying complexity to benchmark the ability of LVLMs to comprehend scientific plots:(1) captioning a single academic figure, (2) generating overall summaries for multiple sub-figures,(3) in-context figure captioning given previous figure-caption pairs, and (4) generating paper titles from figure-caption pairs.We examine various LVLMs, including open-source models as well as proprietary models including GPT-4V(OpenAI, 2023) and Gemini 1.0 Pro Vision(Gemini Team, 2023).Evaluation results reveal that despite that current LVLMs still face challenges generating faithful captions for scientific figures, in-domain training on our dataset yields substantial performance improvements across all four tasks.Manual error analysis underscores that LVLMs still suffer from misinterpretation of the visual context, recognition errors, and overly simplified captions, paving the way for future studies.

2 Related Work

Recent advancements in LVLMs have seen notable progress in model architecture, training paradigms, and dataset creation(Zhang etal., 2024a).

Model Architecture

LVLMs typically comprise three core modules: (i) a vision encoder for image feature extraction, (ii) a modality alignment module to integrate visual features into the language model embedding space, and (iii) an LLM backbone for decoding multimodal context.CLIP(Radford etal., 2021) is widely used for image encoding, while LLaMA(Touvron etal., 2023) and Vicuna(Chiang etal., 2023) serve as popular choices for LLMs.The alignment module varies from simple linear projections(Liu etal., 2023b; Zhu etal., 2023) to more complex architectures like gated cross-attention layers substantiated by Flamingo and IDEFICS(Alayrac etal., 2022; Awadalla etal., 2023). Innovations such as the Q-Former module in BLIP2(Li etal., 2023b) and instruction integration in InstructBLIP(Dai etal., 2023) further enhance alignment capabilities.Additionally, Fuyu-8B(Bavishi etal., 2023) introduces a novel framework mapping raw image pixels directly to the LLM embedding space.

Training Paradigms

Regarding the training recipes, PaLI-X(Chen etal., 2023b) investigates the scaling effects of both vision encoders and language models, highlighting the advantages of scaling both components. Qwen-VL(Bai etal., 2023b) increases input image resolution and explores different module unfreezing strategies. Alignment methodologies such as RLHF training(Ouyang etal., 2022), e.g., LLaVA-RLHF(Sun etal., 2023), and preference optimization through AI feedback(Li etal., 2023c)demonstrate effectiveness in aligning LVLMs with human preferences.

Dataset Curation

Dataset quality significantly impacts LVLM performance. Modality alignment training often utilizes web-scale image-caption pairs such as Laion-400M(Schuhmann etal., 2021), with recent studies favoring cleaned captions(Chen etal., 2023a; Yu etal., 2023). Instruction fine-tuning(IFT) helps LVLMs respond according to user queries, triggering the exploration of high-quality IFT datasets.Efforts include multimodal instruction collections such as MultiInstruct(Xu etal., 2023) and M3IT(Li etal., 2023d), dialog-style datasets such as LLaVA(Liu etal., 2023b) and domain-specific datasets for medical(Li etal., 2023a) and text-rich images(Zhang etal., 2023).In the scientific domain, FigCAP(Chen etal., 2019) and FigureQA(Kahou etal., 2017) are created based on synthetic figures.DVQA(Kafle etal., 2018) creates heuristic-based questions for bar charts only.SciCap(Hsu etal., 2021), SciCap+(Yang etal., 2023b), and M-Paper(Hu etal., 2023) collect figure-caption pairs from specific domains such as computer science.Compared with these datasets, our ArXivCap is sourced from diverse scientific domains with a much larger scale, enabling more comprehensive improvements and evaluations. Besides, we employ GPT-4V for creating ArXivQA with challenging questions, showcasing its effectiveness in boosting the mathematical reasoning ability of LVLMs.

3 Multimodal ArXiv

This section presents a detailed construction process of our Multimodal ArXiv dataset, consisting of two sets: ArXivCap(§3.1) and ArXivQA(§3.2).

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (1)

3.1 ArXivCap

Construction Process

We outline the creation process of ArXivCap below and Figure1 gives an overview.

Paper Filtering with Publication Type:ArXivCapis extracted from ArXivClement etal. (2019), which is under CC-0 licence for modification and distribution.The raw files of papers posted on ArXiv tar files before June 2023 are downloaded.To ensure the quality of our dataset, we employ a rigorous selection process to filter potentially low-quality papers that might influence the figure-caption pair quality.Firstly, we retrieve meta-information for papers from Semantic ScholarKinney etal. (2023), which contains the publication record for each paper.Papers with publication types JournalArticle, Conference, or Review are kept as we assume the peer-review process could ensure the overall figure-caption quality is satisfactory.We further exclude papers with titles exceeding 100 words or abstracts longer than 300 words, in alignment with common submission requirements.

Figure-Caption Pair Extraction:Images and captions are extracted from the original LaTeX files by matching the syntax.We further use a robust tool ImageMagiskImageMagick Studio LLC to convert images into JPEG format for easy processing.The extracted images and captions are stored in a designed chunk structure,which consists of either a single figure-caption pair or multiple figures with their respective sub-captions and a main caption for the overall description.This format is more consistent with the layout of academic papers, andFigure2 illustrates the chunk structure.

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (2)

Caption Cleaning and Image Filtering:After a manual inspection of the initially collected dataset, we design several transformations to clean the captions and filter the images.

Caption Cleaning: (i) Chunks with captions shorter than 5 words are removed; (ii) For captions with LaTeX expressions such as math formulas and references, we apply the pylatexenc222https://github.com/phfaist/pylatexenc to transform the LaTeX to text with math formulas retained, citations to a special symbol <cit.>, references to <ref>. An illustration of caption cleaning can be found in AppendixA.1.

Image Filtering: We remove images that are deemed to be problematic according to the following rules:(i) Images with an aspect ratio larger than 100; (ii) Images with the shortest edge shorter than 224 pixels; and (iii) Images with pixel numbers larger than the decompression bombs threshold.

After these processes, 100 pairs are sampled to perform an additional manual inspection, where we found all of these pairs contained clear images and correct caption descriptions. We provide visualized figure-caption pairs in AppendixA.2.

Statistics of ArXivCap

FieldNumberAverage Len.Quartile of Len.
Title572K10.4(8, 10, 12)
Abstract572K167.6(126, 165, 207)
Main Caption3.9M47.6(15, 35, 65)
Subcaption1.0M4.8(2, 3, 5)
Chunk Caption3.9M48.8(16, 36, 67)
Images6.4MN / AN / A

DatasetImage NumberPaper NumberImage CategoryDomainReal Data
FigCAP(Chen etal., 2020)219KN / ABar, Line and Pie ChartsN / A
SciCap(Yang etal., 2023b)2.1M295KOpen-CategoryComputer Science and Machine Learning
M-Paper(Hu etal., 2023)350K48KOpen-CategoryMainly "Deep Learning"
ArXivCap (Ours)6.4M572KOpen-CategoryOpen-Domain
FigureQA(Kahou etal., 2017)140KN / ABar, Line and Pie ChartsN / A
DVQA(Kafle etal., 2018)300KN / ABar ChartsN / A
ArXivQA (Ours)32K16.6KOpen-CategoryOpen-Domain

Table1 lists the dataset statistics.ArXivCap consists of 572K papers, containing 6.4M high-quality images in total with 193M words.A word cloud illustration of captions can be found in the AppendixA.3.Figure3 demonstrates the paper domain distribution extracted from ArXiv, where we find that our ArXivCap covers 32 domains, such as computer science, mathematics, physics, and economics.As shown in Table2, compared with previous scientific figure datasets, our ArXivCap is the largest figure-caption dataset collected from real papers and covers a wide range of scientific domains, serving as a valuable resource for improving and benchmarking LVLMs.

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (3)

3.2 ArXivQA

As our ArXivCap contains diverse images from scientific domains, we assume that learning to answer questions about these figures could boost scientific reasoning ability. Following the successful practice of LLaVA(Liu etal., 2023b), we adopt GPT-4V to generate instruction-tuning datasets for generating the QA pairs based on the figures extracted from scientific papers.Specifically, we design a prompting template to query GPT-4V for generating QA pairs based on 35K images randomly sampled from our ArXivCap.Table11 in AppendixA.4 provides the template we used for the prompt.The generated pairs are parsed according to the format requirement and we discard the samples without options and rationales.There are 100K QA pairs after filtering the invalid samples.The dataset comprises questions with an average word count of 16.98 for the question text.On average, there are 4.20 options per question and the average length of the text for a single option is 7.59 words.AppendixA.2 provides samples from the ArXivQA dataset.

As a preliminary study, we sample 1,000 samples from ArXivQA and prompt open-sourced LVLMs to predict answers given the questions and options.A simple prompt is designed to employ GPT-4 for extracting the answer label from the model generations.For human performance, we ask four authors to perform predictions on a 100-sample subset (where 17 samples are from the CS domain). Each of them is asked to answer 50 samples and the accuracy scores are obtained by averaging two annotators.As shown in Table3, most models struggle to perform satisfactorily on the ArXivQA dataset, falling far behind human performance. This verifies our premise that current open-sourced LVLMs fail to understand scientific figures. We also notice that simply increasing the model scale from 7B (LLaVa-1.5-7B) to 13B (LLaVa-1.5-13B) does not yield a significant boost, which indicates that the ability for multimodal mathematical reasoning cannot be simply acquired from the LLM-side only.

ModelAccuracy
InstructBLIP-Vicuna7B7.0%
LLaVA-1.5-7B44.2%
LLaVA-1.5-13B46.8%
OpenFlamingo-9B9.9%
IDEFICS-Instruct-9B34.5%
Qwen-VL-Chat46.6%
Human (100-sample Subset)80.0%
Human (CS subset)88.2%

ModelFigure QAGeometry Problem SolvingMath Word ProblemTextbook QAVisual QAALL
IDEFICS-Instruct-9B41.422.018.234.644.633.7
InstructBLIP-Vicuna13B41.419.945.545.857.639.3
LLaVa-v1.5-13B44.026.740.945.844.639.3
Qwen-VL-Chat-7B48.319.122.746.757.640.0
Qwen-VL-Chat-7BArXivCapArXivCap{}_{\text{ArXivCap}}start_FLOATSUBSCRIPT ArXivCap end_FLOATSUBSCRIPT39.719.827.239.752.136.2
Qwen-VL-Chat-7BArXivQAArXivQA{}_{\text{ArXivQA}}start_FLOATSUBSCRIPT ArXivQA end_FLOATSUBSCRIPT44.834.027.370.064.150.2
Qwen-VL-Chat-7BArXivCap + ArXivQAArXivCap + ArXivQA{}_{\text{ArXivCap + ArXivQA}}start_FLOATSUBSCRIPT ArXivCap + ArXivQA end_FLOATSUBSCRIPT44.037.627.368.263.050.4
Bard38.851.127.364.551.150.0
GPT-4V52.651.854.583.266.361.9

4 Experiments

We conduct experiments to (i) validate the effectiveness of ArXivQA for boosting multimodal scientific reasoning for open-source LVLMs(§4.1) and (ii) benchmark LVLMs capability to comprehend scientific figures with ArXivCap(§4.2).

4.1 Boosting LVLMs with ArXivQA

4.1.1 Experimental Settings

We adopt Qwen-VL-Chat-7B(Bai etal., 2023b)as the backbone due to its support for interleaved image-text input formats and high-resolution images.We fine-tune it on our ArXivCap (Qwen-VL-Chat-7BArXivCapArXivCap{}_{\text{ArXivCap}}start_FLOATSUBSCRIPT ArXivCap end_FLOATSUBSCRIPT), ArXivQA (Qwen-VL-Chat-7BArXivQAArXivQA{}_{\text{ArXivQA}}start_FLOATSUBSCRIPT ArXivQA end_FLOATSUBSCRIPT) and combination of these two datasets (Qwen-VL-Chat-7BArXivCap + ArXivQAArXivCap + ArXivQA{}_{\text{ArXivCap + ArXivQA}}start_FLOATSUBSCRIPT ArXivCap + ArXivQA end_FLOATSUBSCRIPT) for three epochs with a learning rate of 1e-5 following the original paper.We combine the answer and the rationale in ArXivQA to form the target output during training.Models are evaluated on MathVista(Lu etal., 2023), a benchmark that requires fine-grained, deep visual understanding and compositional reasoning. MathVista contains 6,141 examples, consisting of five multimodal tasks Figure QA, Geometry Problem Solving, Math word problem, Text Book QA, and Visual QA.We select 478 multiple-choice questions in the testmini split to avoid the inconsistency of answer parsing. We compute the accuracy scores and adopt the provided prediction files for calculating the baseline performance.

4.1.2 Results

As shown in Table4,fine-tuning on our Multimodal ArXiv, especially on the ArXivQA dataset, consistently boosts the performance, helping the open-sourced Qwen-VL-Chat achieve a comparable overall MathVista reasoning performance.Due to the wide coverage of the scientific figures, the performance gain mainly comes from significantly improved Geometry Problem Solving, Textbook QA, and Visual QA tasks. For example, after fine-tuning on the ArXivQA dataset, the accuracy is increased from 19.1% to 34.0% and from 46.7% to 70.0% on Geometry Problem Solving and Textbook QA tasks, respectively.The improvement on Math Word Problem is marginal, where we think the domain-specific data augmentation can be further explored with a curated filtering dataset on our dataset(Gao etal., 2023).On the contrary,the accuracy of Figure QA deteriorates slightly compared with the original backbone model, which we attribute to the fact that most of the plots in the Figure QA evaluation are sampled from synthesized datasets such as DVQA(Kafle etal., 2018), exhibiting great gaps between real-world paper figures.

4.1.3 Analysis

We investigate how different subject domains affect mathematical reasoning ability using pairs of questions and answers (QA). We focus on six domains with more than 5K samples each. From each domain, we randomly choose a subset of 5K samples to ensure fairness in comparison. We then fine-tune the Qwen-VL-Chat base model using QA pairs from each domain and observe how it affects the model’s accuracy compared to its original state.Figure4 demonstrates the relative accuracy changes (i.e., Accuracy after Fine-tuningOriginal Accuracy1Accuracy after Fine-tuningOriginal Accuracy1\frac{\text{Accuracy after Fine-tuning}}{\text{Original Accuracy}}-1divide start_ARG Accuracy after Fine-tuning end_ARG start_ARG Original Accuracy end_ARG - 1) after training the model on QA pairs from each domain. Our findings reveal several key points: (i) QA pairs from the Computer Science (CS) domain are highly effective for improving mathematical reasoning ability, achieving a notable 27.09% relative improvement. We attribute this to the compositional nature of the CS area. (ii) The most beneficial domain varies depending on the specific task. For instance, QA pairs from astrophysics domains enhance geometry problem-solving, while those from Condensed Matter improve performance in math word problems. (iii) Most domains hurt the Figure QA task. This suggests that synthetic Figure QA might not be the best benchmark for assessing realistic reasoning ability.These findings underscore the efficacy of generated QA pairs and offer valuable insights for future research, such as adjusting task-specific weights in the dataset accordingly.

4.2 Benchmarking LVLMs on ArXivCap

4.2.1 Evaluated Tasks

Four vision-to-text tasks to benchmark LVLMs’ ability to comprehend scientific figures.

Single-Figure Captioning

Similar to the traditional image captioning setup(Lin etal., 2014), single-figure captioning requires the model to generate a caption for the given single figure.The captions generated by the model are expected to encapsulate the nuanced details within these figures, including numbers and mathematical formulas, presenting a unique challenge for models to identify and articulate these elements accurately.Formally, given an image-caption pair (I,C)𝐼𝐶(I,C)( italic_I , italic_C ), the LVLM \mathcal{M}caligraphic_M is asked to generate the caption given an instruction prompt Pssubscript𝑃𝑠P_{s}italic_P start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT to hint the goal of scientific captioning:

C^=(I,Ps),^𝐶𝐼subscript𝑃𝑠\hat{C}=\mathcal{M}(I,P_{s}),over^ start_ARG italic_C end_ARG = caligraphic_M ( italic_I , italic_P start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) ,

where C^^𝐶\hat{C}over^ start_ARG italic_C end_ARG would be evaluated according to the ground-truth C𝐶Citalic_C.

Multiple-Figure Captioning

We introduce a more intricate challenge involving applying reasoning across multiple images. This task, termed Multiple-Figure Captioning, necessitates the model to craft a comprehensive summary caption for subfigures.As exemplified in Figure2, the model is tasked with generating an overarching caption for two or more subfigures, leveraging visual clues to draw comparisons and formulate summary captions.Formally, given a list of figures L=(I1,,In)𝐿subscript𝐼1subscript𝐼𝑛L=\left(I_{1},\ldots,I_{n}\right)italic_L = ( italic_I start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_I start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ), the model is asked to generate the ground-truth main caption C𝐶Citalic_C by considering all the semantics in the figures with a task prompt Pmsubscript𝑃𝑚P_{m}italic_P start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT:

C^=(L,Pm)=(I1,,In,Pm).^𝐶𝐿subscript𝑃𝑚subscript𝐼1subscript𝐼𝑛subscript𝑃𝑚\hat{C}=\mathcal{M}(L,P_{m})=\mathcal{M}(I_{1},\ldots,I_{n},P_{m}).over^ start_ARG italic_C end_ARG = caligraphic_M ( italic_L , italic_P start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ) = caligraphic_M ( italic_I start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_I start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT , italic_P start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ) .
Contextualized Captioning

Inspired by the evolving in-context learning capabilities of LLMs(Brown etal., 2020b; Dong etal., 2022), we introduce a contextualized captioning task to examine the in-context learning ability of LVLMs.In this task, the model is presented with a set of figure-caption pairs, and its goal is to generate a caption for a given image based on the provided demonstrations.Given a sequential image-captions pairs S={(Ii,Ci)}i=1n𝑆superscriptsubscriptsubscript𝐼𝑖subscript𝐶𝑖𝑖1𝑛S=\{(I_{i},C_{i})\}_{i=1}^{n}italic_S = { ( italic_I start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) } start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT consisting of n𝑛nitalic_n pairs of image Iisubscript𝐼𝑖I_{i}italic_I start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and the corresponding Cisubscript𝐶𝑖C_{i}italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, the contextualized image captioning task can be formalized as follows:

Cn^=(I1,C1,,In1,Cn1,In,Pc).^subscript𝐶𝑛subscript𝐼1subscript𝐶1subscript𝐼𝑛1subscript𝐶𝑛1subscript𝐼𝑛subscript𝑃𝑐\hat{C_{n}}=\mathcal{M}(I_{1},C_{1},\ldots,I_{n-1},C_{n-1},I_{n},P_{c}).over^ start_ARG italic_C start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT end_ARG = caligraphic_M ( italic_I start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_I start_POSTSUBSCRIPT italic_n - 1 end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT italic_n - 1 end_POSTSUBSCRIPT , italic_I start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT , italic_P start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ) .

The model is supposed to leverage the context history to enhance the accuracy and coherence of the generated caption.

Title Generation

This task requires a nuanced understanding of figures and captions to distill essential observations into a high-level summary of the presented results for LVLMs.Specifically, instead of producing the captions for the figures, this task requires the model to connect different figures and corresponding captions to infer the paper title.Let S={(Ii,Ci)}i=1m𝑆superscriptsubscriptsubscript𝐼𝑖subscript𝐶𝑖𝑖1𝑚S=\{(I_{i},C_{i})\}_{i=1}^{m}italic_S = { ( italic_I start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) } start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_m end_POSTSUPERSCRIPT be a sequence of m𝑚mitalic_m figure-caption pairs in the extracted paper.Note that Iisubscript𝐼𝑖I_{i}italic_I start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT could be a single figure or a multiple-figure, and we reuse Iisubscript𝐼𝑖I_{i}italic_I start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT for simplicity here.The title generation asks \mathcal{M}caligraphic_M to generate the title for the paper given a task prompt Ptsubscript𝑃𝑡P_{t}italic_P start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT:

T^=(I1,C1,,Im,Cm,Pt).^𝑇subscript𝐼1subscript𝐶1subscript𝐼𝑚subscript𝐶𝑚subscript𝑃𝑡\hat{T}=\mathcal{M}(I_{1},C_{1},\ldots,I_{m},C_{m},P_{t}).over^ start_ARG italic_T end_ARG = caligraphic_M ( italic_I start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_I start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT , italic_C start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT , italic_P start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) .

The prediction T^^𝑇\hat{T}over^ start_ARG italic_T end_ARG is evaluated by comparing it to the original title T𝑇Titalic_T.

4.2.2 Experimental Settings

Dataset

We divide ArXivCap into training and test sets with a 9:1 ratio for evaluation. The test set includes:161.3K samples for single-figure captioning,12.8K samples for multiple-figure captioning,57.2K samples for contextualized captioning, and57.2K samples for title generation.

Evaluated Models

We select various LVLMs covering different architectures.(1) LVLMs designed for dealing with a single image, BLIP2-OPT-6.7B(Li etal., 2023b), InstructBLIP-Vicuna7B(Dai etal., 2023),LLaVA-1.5-7B/13B(Liu etal., 2023a). Due to the ability limitation, we only benchmark these models on the single image captioning task;(2) LVLMs capable of handling interleaved text-image inputs, such as OpenFlamingo-9B(Alayrac etal., 2022; Awadalla etal., 2023), IDEFICS-Instruct-9B(Laurençon etal., 2023), Qwen-VL-Chat-7B(Bai etal., 2023b). These models are evaluated on all the tasks we proposed;(3) Proprietary models such as Gemini 1.0 Pro Vision and GPT-4V.Due to the large scale of our test set, we randomly sample a subset consisting of 500 instances for evaluating these two models to reduce costs, with corresponding scores colored in grey. Details of evaluated models and the task prompts used are provided in AppendixB.

Training Settings

To investigate whether in-domain training can enhance the model’s capabilities, we train the Qwen-VL-Chat-7B on ArXivCap using the same setting as in §4.1.1. To fit the input length limit, we set the maximum number of figures per sample to four. The training process takes 70 hours with 8 NVIDIA A100s.

Metrics

BLEU-2(Papineni etal., 2002), ROUGE-L(Lin, 2004) and BERT-Score(Zhang etal., 2020) are adopted as the automatic evaluation metrics.We also explore using GPT-4 to assist in caption evaluation. Our findings in Appendix B.3 indicate that ROUGE-L and BLEU-2 scores are highly correlated with GPT-4’s annotations. We primarily use these three metrics due to their convenience. A manual error analysis is conducted to supplement the automatic metrics(§4.3).

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (4)

ModelBLEU-2ROUGE-LBERT-S
BLIP-2-OPT-6.7B2.17.181.1
InstructBLIP-Vicuna7B3.710.183.3
LLaVA-v1.5-7B2.310.683.0
LLaVA-v1.5-13B2.610.783.3
OpenFlamingo-9B5.79.982.4
IDEFICS-Instruct-9B2.59.183.5
Qwen-VL-Chat-7B4.411.181.8
Qwen-VL-Chat-7BArXivCapArXivCap{}_{\text{ArXivCap}}start_FLOATSUBSCRIPT ArXivCap end_FLOATSUBSCRIPT8.915.883.3
Gemini 1.0 Pro Vision5.614.582.2
GPT-4V5.514.283.3

ModelBLEU-2ROUGE-LBERT-S
Qwen-VL-Chat-7B4.411.181.8
 + Title5.713.181.6
 + Title and Abstract6.012.781.4
Qwen-VL-Chat-7BArXivCapArXivCap{}_{\text{ArXivCap}}start_FLOATSUBSCRIPT ArXivCap end_FLOATSUBSCRIPT8.915.883.3
 + Title12.918.683.8
 + Title and Abstract12.718.583.8

ModelMultiple-Figure CaptioningContextualized CaptioningTitle Generation
BLEU-2ROUGE-LBERT-SBLEU-2ROUGE-LBERT-SBLEU-2ROUGE-LBERT-S
OpenFlamingo-9B3.711.381.920.020.583.72.717.782.7
IDEFICS-Instruct-9B3.610.882.820.722.685.73.518.485.8
Qwen-VL-Chat-7B3.07.279.717.022.185.02.615.885.1
Qwen-VL-Chat-7BArXivCapArXivCap{}_{\text{ArXivCap}}start_FLOATSUBSCRIPT ArXivCap end_FLOATSUBSCRIPT10.618.083.616.121.284.86.723.586.8
Gemini 1.0 Pro Vision6.116.283.110.220.284.55.721.885.9
GPT-4V5.714.783.09.620.184.74.020.286.0

4.2.3 Results

Results of Single-Figure Captioning

The evaluation results for the single-figure captioning task are presented in Table 5. Despite achieving near-perfect performance on conventional image captioning tasks like MSCOCO (Lin etal., 2014), open-source LVLMs, such as LLaVA models, face challenges when applied to academic figures.For closed models, GPT-4V performs comparably with Gemini 1.0 Pro Vision.Furthermore, continuous training on our dataset yields a significant performance boost for this task. For instance, fine-tuning results in a notable increase in the BLEU-2 score from 4.4 to 8.9, indicating a promising avenue for enhancing academic figure comprehension through domain-specific training.We also investigate whether providing additional context information, such as the paper title and abstract, could help models generate better figure captions. As shown in Table 6, adding the title is beneficial evidenced by the boosted scores, while providing abstracts brings negligible gains.

Results of Multiple-Figure Captioning

As shown in the first block of Table 7, similar to single-figure captioning, multiple-image captioning poses a challenge for current open-source LVLMs. For instance, Qwen-VL-Chat achieves only a 3.0 BLEU-2 and a 7.2 ROUGE-L score on this task, considerably lower than its performance in single-figure captioning. In contrast, GPT-4V consistently demonstrates proficiency in both tasks, suggesting a balanced ability to capture semantics across multiple images. Notably, training on our ArXivCap dataset yields more pronounced improvements for this task, culminating in Qwen-VL-Chat even surpassing the performance of the GPT-4V model. This enhancement underscores the pivotal role of our dataset in facilitating LVLMs to enhance reasoning capabilities over multiple images, leading to more effective summarization of scientific figures.

Results of Contextualized Captioning

In the middle block of Table7, we find that IDEFICS-Instruct-9B achieves the best performance on this task.This achievement is largely attributed to its remarkable proficiency in leveraging contextual cues, stemming from its extensive pre-training involving interleaved image-text pairs(Laurençon etal., 2023).Interestingly, fine-tuning on ArXivCap results in marginal performance declines across all metrics, with GPT-4V achieving the lowest scores as well.This phenomenon can be attributed to the tendency of sequential captions to exhibit similar patterns, thereby favoring models that effectively leverage contextual cues.We perform two more challenging evaluations by (i) providing context pairs from another paper and (ii) randomly shuffling the order of figure-caption pairs in the context.As shown in Table8,the performance with random contexts degrades significantly, validating our previous hypothesis.Instead, the fine-tuned model demonstrates more robust captioning results under these settings, evidenced by the slight 8% drop on ROUGE-L compared to the 31% of the original model with shuffled context orders.

ModelBLEU-2 (ΔΔabsent\Delta\downarrowroman_Δ ↓)ROUGE-L (ΔΔabsent\Delta\downarrowroman_Δ ↓)
Qwen-VL-Chat-7B17.022.1
 + random contexts5.7 (66.5%)13.0 (38.1%)
 + shuffle order12.0 (29.4%)15.1 (31.7%)
Qwen-VL-Chat-7BArXivCapArXivCap{}_{\text{ArXivCap}}start_FLOATSUBSCRIPT ArXivCap end_FLOATSUBSCRIPT16.121.2
 + random contexts7.5 (53.4%)14.3 (32.5%)
 + shuffle order14.1 (12.4%)19.5 (8.0%)

Results of Title Generation

The results are presented in the last block of Table7.Notably, the title generation task poses a formidable challenge, evident in the significantly lower overall BLEU-2 score compared to the captioning tasks. This suggests the inherent difficulty in generating precise predictions for paper titles.A contrasting picture emerges when considering the ROUGE-L and BERT-Score metrics, which either closely align or surpass the performance on captioning tasks. This underscores the model’s proficiency in producing semantic-related results given the presented figures.Consistent with the previous two tasks,fine-tuning the model on our dataset yields substantial enhancements for the title generation task. The BLEU-2 score jumps impressively from 2.6 to 6.7, while the ROUGE-L score sees a commendable increase from 15.8 to 23.5.These findings highlight the challenge of title generation for current LVLMs and the effectiveness of our dataset in improving the model’s capability to generate accurate titles.

4.3 Analysis

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (5)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (6)
Manual Evaluation of Generated Captions

We conduct a manual inspection for single-figure captioning results. To ensure a more informed evaluation, we focus on a paper from the CS domain, leveraging our domain knowledge to assess caption quality better.The quality of generated captions is assessed by scrutinizing the figure, the ground-truth caption, the paper title, and the abstract.We categorize captions into the following quality types according to our preliminary inspection: (1) Acceptable, where captions accurately encapsulate the scientific figure’s essence, aligning with the intended information of the ground-truth; (2) Over Simplification, instances where the model oversimplifies content, offering a broad overview while neglecting specific details and nuances present in the ground truth; (3) Recognition Error, where the model inaccurately recognizes and describes key visual and textual elements in the scientific figure, such as colors, numerical values, or textual context; and (4) Contextual Misinterpretation, where the model misinterprets the specific context of the scientific figure, resulting in captions relevant in a generic sense but inaccurate for the given figure. Visualized generated captions of different types are shown in Figure14 of AppendixC.1.The results of 100 manually examined captions are depicted in Figure5, revealing that only 16% of captions are deemed acceptable when compared to human-written ones.Among unsatisfactory captions, contextual misinterpretation emerges as the dominant issue, suggesting a need for incorporating more contextual information as suggested in Table6. Oversimplification is another concern, with generic captions identified. Additionally, 23% and 19% of examined captions suffer from the oversimplification issue and recognition errors in reported numbers/texts in the caption, respectively. The former is attributed to the highly frequent simple caption in the training dataset and the latter issue could be addressed through potential integration with OCR results.Our manual evaluation suggests future efforts may benefit from incorporating additional context clues, such as paper metadata, improving the model’s fundamental perception abilities, and utilizing external information.

Case Study of MathVista

We conduct case studies to illuminate the tuning effects facilitated by our ArXivQA dataset. In the left segment of Figure6, ArXivQA helps the model accurately answer a question related to the presented bar plot.The right part in Figure6 demonstrates that ArXivQA can enhance algebraic reasoning abilities. Here, a question involving the derivative of a function is correctly answered, accompanied by a lucid reasoning rationale.Figure15 in AppendixC.2 highlights a challenging geometry problem where both models generate hallucinated outputs.These illustrative cases collectively affirm the efficacy of our dataset.

5 Conclusion

Our work introduces Multimodal ArXiv, comprising ArXivCap and ArXivQA, aims at advancing the scientific comprehension of LVLMs.Experiments show that fine-tuning on ArXivQA notably enhances LVLMs’ mathematical reasoning capabilities.Moreover, our comprehensive evaluations across four vision-to-text tasks on ArXivCap underscore the challenges in understanding scientific figures for LVLMs, while highlighting the substantial improvements achieved by in-domain training. Our error analysis offers valuable insights for the ongoing development of LVLMs.

Limitations

Our study has several limitations worth noting. Firstly, our exploration may not encompass the full spectrum of LVLMs due to the rapid evolution of architectures and training methodologies such as parameter-efficient tuning(Hu etal., 2022; Ma etal., 2024).Nevertheless, we believe our dataset could still be effective for other LVLMs and the findings are generalizable.We show that our ArXivQA dataset could also boost LLaVA-series models across scientific understanding benchmarks in AppendixD.Secondly, our Multimodal ArXiv dataset sources from ArXiv papers due to their accessibility and open-source licenses. This approach may overlook the diversity of disciplines and data modalities present in the broader scientific literature.Future research could incorporate a broader range of datasets and domains to enrich the coverage of scientific knowledge, and explore dynamic data selection methods to improve performance and sample efficiency(Li etal., 2021; Chen etal., 2024).

Acknowledgements

We would like to thank all the anonymous reviewers for their insightful comments and suggestions, which helped us improve the quality and clarity of this work.We are particularly grateful to Shuhuai Ren for his valuable feedback in preparing the manuscript.This researchwas supported in part by the joint research scheme of theNational Natural Science Foundation of China (NSFC) andthe Research Grants Council (RGC) under grant numberN HKU714/21.

References

  • Alayrac etal. (2022)Jean-Baptiste Alayrac, Jeff Donahue, Pauline Luc, Antoine Miech, Iain Barr, Yana Hasson, Karel Lenc, Arthur Mensch, Katie Millican, Malcolm Reynolds, Roman Ring, Eliza Rutherford, Serkan Cabi, Tengda Han, Zhitao Gong, Sina Samangooei, Marianne Monteiro, Jacob Menick, Sebastian Borgeaud, Andy Brock, Aida Nematzadeh, Sahand Sharifzadeh, Mikolaj Binkowski, Ricardo Barreira, Oriol Vinyals, Andrew Zisserman, and Karen Simonyan. 2022.Flamingo: a visual language model for few-shot learning.ArXiv preprint, abs/2204.14198.
  • Awadalla etal. (2023)Anas Awadalla, Irena Gao, Josh Gardner, Jack Hessel, Yusuf Hanafy, Wanrong Zhu, Kalyani Marathe, Yonatan Bitton, Samir Gadre, Shiori Sagawa, Jenia Jitsev, Simon Kornblith, PangWei Koh, Gabriel Ilharco, Mitchell Wortsman, and Ludwig Schmidt. 2023.Openflamingo: An open-source framework for training large autoregressive vision-language models.ArXiv preprint, abs/2308.01390.
  • Bai etal. (2023a)Jinze Bai, Shuai Bai, Yunfei Chu, Zeyu Cui, Kai Dang, Xiaodong Deng, Yang Fan, Wenbin Ge, YuHan, Fei Huang, Binyuan Hui, Luo Ji, Mei Li, Junyang Lin, Runji Lin, Dayiheng Liu, Gao Liu, Chengqiang Lu, Keming Lu, Jianxin Ma, Rui Men, Xingzhang Ren, Xuancheng Ren, Chuanqi Tan, Sinan Tan, Jianhong Tu, Peng Wang, Shijie Wang, Wei Wang, Shengguang Wu, Benfeng Xu, Jin Xu, AnYang, Hao Yang, Jian Yang, Shusheng Yang, Yang Yao, Bowen Yu, Hongyi Yuan, Zheng Yuan, Jianwei Zhang, Xingxuan Zhang, Yichang Zhang, Zhenru Zhang, Chang Zhou, Jingren Zhou, Xiaohuan Zhou, and Tianhang Zhu. 2023a.Qwen technical report.ArXiv preprint, abs/2309.16609.
  • Bai etal. (2023b)Jinze Bai, Shuai Bai, Shusheng Yang, Shijie Wang, Sinan Tan, Peng Wang, Junyang Lin, Chang Zhou, and Jingren Zhou. 2023b.Qwen-vl: A frontier large vision-language model with versatile abilities.ArXiv preprint, abs/2308.12966.
  • Bavishi etal. (2023)Rohan Bavishi, Erich Elsen, Curtis Hawthorne, Maxwell Nye, Augustus Odena, Arushi Somani, and Sağnak Taşırlar. 2023.Introducing our multimodal models.
  • Brown etal. (2020a)TomB. Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, Sandhini Agarwal, Ariel Herbert-Voss, Gretchen Krueger, Tom Henighan, Rewon Child, Aditya Ramesh, DanielM. Ziegler, Jeffrey Wu, Clemens Winter, Christopher Hesse, Mark Chen, Eric Sigler, Mateusz Litwin, Scott Gray, Benjamin Chess, Jack Clark, Christopher Berner, Sam McCandlish, Alec Radford, Ilya Sutskever, and Dario Amodei. 2020a.Language models are few-shot learners.In Advances in Neural Information Processing Systems 33: Annual Conference on Neural Information Processing Systems 2020, NeurIPS 2020, December 6-12, 2020, virtual.
  • Brown etal. (2020b)TomB. Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, Sandhini Agarwal, Ariel Herbert-Voss, Gretchen Krueger, Tom Henighan, Rewon Child, Aditya Ramesh, DanielM. Ziegler, Jeffrey Wu, Clemens Winter, Christopher Hesse, Mark Chen, Eric Sigler, Mateusz Litwin, Scott Gray, Benjamin Chess, Jack Clark, Christopher Berner, Sam McCandlish, Alec Radford, Ilya Sutskever, and Dario Amodei. 2020b.Language models are few-shot learners.In Advances in Neural Information Processing Systems 33: Annual Conference on Neural Information Processing Systems 2020, NeurIPS 2020, December 6-12, 2020, virtual.
  • Chen etal. (2020)Charles Chen, Ruiyi Zhang, Eunyee Koh, Sungchul Kim, Scott Cohen, and Ryan Rossi. 2020.Figure captioning with relation maps for reasoning.In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, pages 1537–1545.
  • Chen etal. (2019)Charles Chen, Ruiyi Zhang, Eunyee Koh, Sungchul Kim, Scott Cohen, Tong Yu, Ryan Rossi, and Razvan Bunescu. 2019.Figure captioning with reasoning and sequence-level training.ArXiv preprint, abs/1906.02850.
  • Chen etal. (2023a)Lin Chen, Jisong Li, Xiaoyi Dong, Pan Zhang, Conghui He, Jiaqi Wang, Feng Zhao, and Dahua Lin. 2023a.Sharegpt4v: Improving large multi-modal models with better captions.ArXiv preprint, abs/2311.12793.
  • Chen etal. (2024)Ruibo Chen, Yihan Wu, Lichang Chen, Guodong Liu, QiHe, Tianyi Xiong, Chenxi Liu, Junfeng Guo, and Heng Huang. 2024.Your vision-language model itself is a strong filter: Towards high-quality instruction tuning with data selection.ArXiv preprint, abs/2402.12501.
  • Chen etal. (2023b)XiChen, Josip Djolonga, Piotr Padlewski, Basil Mustafa, Soravit Changpinyo, Jialin Wu, CarlosRiquelme Ruiz, Sebastian Goodman, Xiao Wang, YiTay, Siamak Shakeri, Mostafa Dehghani, DanielM. Salz, Mario Lucic, Michael Tschannen, Arsha Nagrani, Hexiang Hu, Mandar Joshi, BoPang, Ceslee Montgomery, Paulina Pietrzyk, Marvin Ritter, A.J. Piergiovanni, Matthias Minderer, Filip Pavetic, Austin Waters, Gang Li, IbrahimM. Alabdulmohsin, Lucas Beyer, Julien Amelot, Kenton Lee, Andreas Steiner, Yang Li, Daniel Keysers, Anurag Arnab, Yuanzhong Xu, Keran Rong, Alexander Kolesnikov, Mojtaba Seyedhosseini, Anelia Angelova, Xiaohua Zhai, Neil Houlsby, and Radu Soricut. 2023b.Pali-x: On scaling up a multilingual vision and language model.ArXiv preprint, abs/2305.18565.
  • Chiang etal. (2023)Wei-Lin Chiang, Zhuohan Li, ZiLin, Ying Sheng, Zhanghao Wu, Hao Zhang, Lianmin Zheng, Siyuan Zhuang, Yonghao Zhuang, JosephE. Gonzalez, Ion Stoica, and EricP. Xing. 2023.Vicuna: An open-source chatbot impressing gpt-4 with 90%* chatgpt quality.
  • Clement etal. (2019)ColinB Clement, Matthew Bierbaum, KevinP O’Keeffe, and AlexanderA Alemi. 2019.On the use of arxiv as a dataset.ArXiv preprint, abs/1905.00075.
  • Dai etal. (2023)Wenliang Dai, Junnan Li, Dongxu Li, Anthony MengHuat Tiong, Junqi Zhao, Weisheng Wang, Boyang Li, Pascale Fung, and Steven Hoi. 2023.Instructblip: Towards general-purpose vision-language models with instruction tuning.ArXiv preprint, abs/2305.06500.
  • Dong etal. (2022)Qingxiu Dong, Lei Li, Damai Dai, CeZheng, Zhiyong Wu, Baobao Chang, XuSun, Jingjing Xu, Lei Li, and Zhifang Sui. 2022.A survey for in-context learning.
  • Fu etal. (2023)Chaoyou Fu, Peixian Chen, Yunhang Shen, Yulei Qin, Mengdan Zhang, XuLin, Zhenyu Qiu, Wei Lin, Jinrui Yang, Xiawu Zheng, etal. 2023.Mme: A comprehensive evaluation benchmark for multimodal large language models.ArXiv preprint, abs/2306.13394.
  • Gao etal. (2023)Jiahui Gao, Renjie Pi, Jipeng Zhang, Jiacheng Ye, Wanjun Zhong, Yufei Wang, Lanqing Hong, Jianhua Han, Hang Xu, Zhenguo Li, and Lingpeng Kong. 2023.G-llava: Solving geometric problem with multi-modal large language model.
  • Gemini Team (2023)Gemini Team. 2023.Gemini: a family of highly capable multimodal models.ArXiv preprint, abs/2312.11805.
  • Google (2023)Google. 2023.Bard.
  • Hsu etal. (2021)Ting-Yao Hsu, CLee Giles, and Ting-Hao Huang. 2021.SciCap: Generating captions for scientific figures.In Findings of the Association for Computational Linguistics: EMNLP 2021, pages 3258–3264.
  • Hu etal. (2023)Anwen Hu, Yaya Shi, Haiyang Xu, Jiabo Ye, Qinghao Ye, Ming Yan, Chenliang Li, QiQian, ji*zhang, and Fei Huang. 2023.mplug-paperowl: Scientific diagram analysis with the multimodal large language model.
  • Hu etal. (2022)EdwardJ. Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, LuWang, and Weizhu Chen. 2022.Lora: Low-rank adaptation of large language models.In The Tenth International Conference on Learning Representations, ICLR 2022, Virtual Event, April 25-29, 2022.
  • (24)ImageMagick Studio LLC.Imagemagick.
  • Kafle etal. (2018)Kushal Kafle, BrianL. Price, Scott Cohen, and Christopher Kanan. 2018.DVQA: understanding data visualizations via question answering.In 2018 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2018, Salt Lake City, UT, USA, June 18-22, 2018, pages 5648–5656.
  • Kahou etal. (2017)SamiraEbrahimi Kahou, Vincent Michalski, Adam Atkinson, Ákos Kádár, Adam Trischler, and Yoshua Bengio. 2017.Figureqa: An annotated figure dataset for visual reasoning.ArXiv preprint, abs/1710.07300.
  • Kinney etal. (2023)Rodney Kinney, Chloe Anastasiades, Russell Authur, IzBeltagy, Jonathan Bragg, Alexandra Buraczynski, Isabel Cachola, Stefan Candra, Yoganand Chandrasekhar, Arman Cohan, Miles Crawford, Doug Downey, Jason Dunkelberger, Oren Etzioni, Rob Evans, Sergey Feldman, Joseph Gorney, David Graham, Fangzhou Hu, Regan Huff, Daniel King, Sebastian Kohlmeier, Bailey Kuehl, Michael Langan, Daniel Lin, Haokun Liu, Kyle Lo, Jaron Lochner, Kelsey MacMillan, Tyler Murray, Chris Newell, Smita Rao, Shaurya Rohatgi, Paul Sayre, Zejiang Shen, Amanpreet Singh, Luca Soldaini, Shivashankar Subramanian, Amber Tanaka, AlexD. Wade, Linda Wagner, LucyLu Wang, Chris Wilhelm, Caroline Wu, Jiangjiang Yang, Angele Zamarron, MadeleineVan Zuylen, and DanielS. Weld. 2023.The semantic scholar open data platform.
  • Laurençon etal. (2023)Hugo Laurençon, Lucile Saulnier, Léo Tronchon, Stas Bekman, Amanpreet Singh, Anton Lozhkov, Thomas Wang, Siddharth Karamcheti, AlexanderM. Rush, Douwe Kiela, Matthieu Cord, and Victor Sanh. 2023.Obelics: An open web-scale filtered dataset of interleaved image-text documents.
  • Li etal. (2023a)Chunyuan Li, Cliff Wong, Sheng Zhang, Naoto Usuyama, Haotian Liu, Jianwei Yang, Tristan Naumann, Hoifung Poon, and Jianfeng Gao. 2023a.Llava-med: Training a large language-and-vision assistant for biomedicine in one day.ArXiv preprint, abs/2306.00890.
  • Li etal. (2023b)Junnan Li, Dongxu Li, Silvio Savarese, and Steven Hoi. 2023b.Blip-2: Bootstrapping language-image pre-training with frozen image encoders and large language models.ArXiv preprint, abs/2301.12597.
  • Li etal. (2021)Lei Li, Yankai Lin, Shuhuai Ren, Peng Li, Jie Zhou, and XuSun. 2021.Dynamic knowledge distillation for pre-trained language models.In Proceedings of the 2021 Conference on Empirical Methods in Natural Language Processing, pages 379–389.
  • Li etal. (2023c)Lei Li, Zhihui Xie, Mukai Li, Shunian Chen, Peiyi Wang, Liang Chen, Yazheng Yang, Benyou Wang, and Lingpeng Kong. 2023c.Silkie: Preference distillation for large visual language models.ArXiv preprint, abs/2312.10665.
  • Li etal. (2023d)Lei Li, Yuwei Yin, Shicheng Li, Liang Chen, Peiyi Wang, Shuhuai Ren, Mukai Li, Yazheng Yang, Jingjing Xu, XuSun, Lingpeng Kong, and QiLiu. 2023d.M3IT: A large-scale dataset towards multi-modal multilingual instruction tuning.ArXiv preprint, abs/2306.04387.
  • Lin (2004)Chin-Yew Lin. 2004.ROUGE: A package for automatic evaluation of summaries.In Text Summarization Branches Out, pages 74–81.
  • Lin etal. (2014)Tsung-Yi Lin, Michael Maire, Serge Belongie, James Hays, Pietro Perona, Deva Ramanan, Piotr Dollár, and CLawrence Zitnick. 2014.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.
  • Liu etal. (2023a)Haotian Liu, Chunyuan Li, Yuheng Li, and YongJae Lee. 2023a.Improved baselines with visual instruction tuning.
  • Liu etal. (2023b)Haotian Liu, Chunyuan Li, Qingyang Wu, and YongJae Lee. 2023b.Visual instruction tuning.ArXiv preprint, abs/2304.08485.
  • Lu etal. (2023)Pan Lu, Hritik Bansal, Tony Xia, Jiacheng Liu, Chunyuan Li, Hannaneh Hajishirzi, Hao Cheng, Kai-Wei Chang, Michel Galley, and Jianfeng Gao. 2023.Mathvista: Evaluating math reasoning in visual contexts with gpt-4v, bard, and other large multimodal models.ArXiv preprint, abs/2310.02255.
  • Lu etal. (2022)Pan Lu, Swaroop Mishra, Tony Xia, Liang Qiu, Kai-Wei Chang, Song-Chun Zhu, Oyvind Tafjord, Peter Clark, and Ashwin Kalyan. 2022.Learn to explain: Multimodal reasoning via thought chains for science question answering.In The 36th Conference on Neural Information Processing Systems (NeurIPS).
  • Ma etal. (2024)Xinyu Ma, XuChu, Zhibang Yang, Yang Lin, Xin Gao, and Junfeng Zhao. 2024.Parameter efficient quasi-orthogonal fine-tuning via givens rotation.ArXiv preprint, abs/2404.04316.
  • Madureira (2021)Brielen Madureira. 2021.Flamingos and hedgehogs in the croquet-ground: Teaching evaluation of NLP systems for undergraduate students.In Proceedings of the Fifth Workshop on Teaching NLP, pages 87–91.
  • OpenAI (2023)OpenAI. 2023.Gpt-4v(ision) system card.
  • Ouyang etal. (2022)Long Ouyang, Jeffrey Wu, XuJiang, Diogo Almeida, Carroll Wainwright, Pamela Mishkin, Chong Zhang, Sandhini Agarwal, Katarina Slama, Alex Ray, etal. 2022.Training language models to follow instructions with human feedback.Advances in Neural Information Processing Systems, 35:27730–27744.
  • Papineni etal. (2002)Kishore Papineni, Salim Roukos, Todd Ward, and Wei-Jing Zhu. 2002.Bleu: a method for automatic evaluation of machine translation.In Proceedings of the 40th Annual Meeting of the Association for Computational Linguistics, pages 311–318.
  • Radford etal. (2021)Alec Radford, JongWook Kim, Chris Hallacy, Aditya Ramesh, Gabriel Goh, Sandhini Agarwal, Girish Sastry, Amanda Askell, Pamela Mishkin, Jack Clark, Gretchen Krueger, and Ilya Sutskever. 2021.Learning transferable visual models from natural language supervision.In Proceedings of the 38th International Conference on Machine Learning, ICML 2021, 18-24 July 2021, Virtual Event, volume 139 of Proceedings of Machine Learning Research, pages 8748–8763.
  • Reid etal. (2024)Machel Reid, Nikolay Savinov, Denis Teplyashin, Dmitry Lepikhin, Timothy Lillicrap, Jean-baptiste Alayrac, Radu Soricut, Angeliki Lazaridou, Orhan Firat, Julian Schrittwieser, etal. 2024.Gemini 1.5: Unlocking multimodal understanding across millions of tokens of context.ArXiv preprint, abs/2403.05530.
  • Reka (2024)Team Reka. 2024.Reka Core, Flash, and Edge: A series of powerful multimodal language models.
  • Schuhmann etal. (2021)Christoph Schuhmann, Richard Vencu, Romain Beaumont, Robert Kaczmarczyk, Clayton Mullis, Aarush Katta, Theo Coombes, Jenia Jitsev, and Aran Komatsuzaki. 2021.Laion-400m: Open dataset of clip-filtered 400 million image-text pairs.ArXiv preprint, abs/2111.02114.
  • Sun etal. (2023)Zhiqing Sun, Sheng Shen, Shengcao Cao, Haotian Liu, Chunyuan Li, Yikang Shen, Chuang Gan, Liang-Yan Gui, Yu-Xiong Wang, Yiming Yang, Kurt Keutzer, and Trevor Darrell. 2023.Aligning large multimodal models with factually augmented rlhf.ArXiv preprint, abs/2309.14525.
  • Touvron etal. (2023)Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, etal. 2023.Llama: Open and efficient foundation language models.ArXiv preprint, abs/2302.13971.
  • Wang etal. (2023)Peiyi Wang, Lei Li, Liang Chen, Dawei Zhu, Binghuai Lin, Yunbo Cao, QiLiu, Tianyu Liu, and Zhifang Sui. 2023.Large language models are not fair evaluators.ArXiv preprint, abs/2305.17926.
  • Xu etal. (2023)Zhiyang Xu, Ying Shen, and Lifu Huang. 2023.Multiinstruct: Improving multi-modal zero-shot learning via instruction tuning.In Proceedings of the 61st Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), ACL 2023, Toronto, Canada, July 9-14, 2023, pages 11445–11465.
  • Yang etal. (2023a)Zhengyuan Yang, Linjie Li, Kevin Lin, Jianfeng Wang, Chung-Ching Lin, Zicheng Liu, and Lijuan Wang. 2023a.The dawn of lmms: Preliminary explorations with gpt-4v (ision).ArXiv preprint, abs/2309.17421.
  • Yang etal. (2023b)Zhishen Yang, Raj Dabre, Hideki Tanaka, and Naoaki Okazaki. 2023b.Scicap+: A knowledge augmented dataset to study the challenges of scientific figure captioning.ArXiv preprint, abs/2306.03491.
  • Yu etal. (2023)Qiying Yu, Quan Sun, Xiaosong Zhang, Yufeng Cui, Fan Zhang, Xinlong Wang, and Jingjing Liu. 2023.Capsfusion: Rethinking image-text data at scale.ArXiv preprint, abs/2310.20550.
  • Yu etal. (2024)Weihao Yu, Zhengyuan Yang, Linjie Li, Jianfeng Wang, Kevin Lin, Zicheng Liu, Xinchao Wang, and Lijuan Wang. 2024.Mm-vet: Evaluating large multimodal models for integrated capabilities.In International conference on machine learning. PMLR.
  • Yue etal. (2023)Xiang Yue, Yuansheng Ni, Kai Zhang, Tianyu Zheng, Ruoqi Liu, GeZhang, Samuel Stevens, Dongfu Jiang, Weiming Ren, Yuxuan Sun, Cong Wei, Botao Yu, Ruibin Yuan, Renliang Sun, Ming Yin, Boyuan Zheng, Zhenzhu Yang, Yibo Liu, Wenhao Huang, Huan Sun, YuSu, and Wenhu Chen. 2023.Mmmu: A massive multi-discipline multimodal understanding and reasoning benchmark for expert agi.ArXiv preprint, abs/2311.16502.
  • Zhang etal. (2024a)Duzhen Zhang, Yahan Yu, Chenxing Li, Jiahua Dong, Dan Su, Chenhui Chu, and Dong Yu. 2024a.Mm-llms: Recent advances in multimodal large language models.arXiv preprint arXiv:2401.13601.
  • Zhang etal. (2024b)Renrui Zhang, Dongzhi Jiang, Yichi Zhang, Haokun Lin, Ziyu Guo, Pengshuo Qiu, Aojun Zhou, Pan Lu, Kai-Wei Chang, Peng Gao, etal. 2024b.Mathverse: Does your multi-modal llm truly see the diagrams in visual math problems?ArXiv preprint, abs/2403.14624.
  • Zhang etal. (2020)Tianyi Zhang, Varsha Kishore, Felix Wu, KilianQ. Weinberger, and Yoav Artzi. 2020.Bertscore: Evaluating text generation with BERT.In 8th International Conference on Learning Representations, ICLR 2020, Addis Ababa, Ethiopia, April 26-30, 2020.
  • Zhang etal. (2023)Yanzhe Zhang, Ruiyi Zhang, Jiuxiang Gu, Yufan Zhou, Nedim Lipka, Diyi Yang, and Tong Sun. 2023.Llavar: Enhanced visual instruction tuning for text-rich image understanding.
  • Zhu etal. (2023)Deyao Zhu, Jun Chen, Xiaoqian Shen, Xiang Li, and Mohamed Elhoseiny. 2023.Minigpt-4: Enhancing vision-language understanding with advanced large language models.ArXiv preprint, abs/2304.10592.

Appendix A Details of Multimodal ArXiv

A.1 Caption Cleaning

We apply a Python tool to clean the original caption and Table9 illustrates the caption before and after cleaning.

Before CleaningAfter Cleaning
A 1995 Hale Telescope Hα𝛼\alphaitalic_α image of the Guitar Nebula (20 angstrom filter at 6564 angstroms). The cometary neck connecting to a spherical bubble are clearly evident. Credit: \cite{cha02}.A 1995 Hale Telescope Hα𝛼\alphaitalic_α image of the Guitar Nebula (20 angstrom filter at 6564 angstroms). The cometary neck connecting to a spherical bubble are clearly evident. Credit: <cit.>.
As Fig. \ref{z0} except at z6similar-to𝑧6z\sim 6italic_z ∼ 6 (z=4.37𝑧4.37z=4.37italic_z = 4.37 in the EdS model).As Fig. <ref>except at z6similar-to𝑧6z\sim 6italic_z ∼ 6 (z=4.37𝑧4.37z=4.37italic_z = 4.37 in the EdS model).

A.2 Illustration Cases of Multimodal ArXiv

We provide illustrated cases from our dataset for a better understanding.Figure7 demonstrates a typical single figure-caption pair, and Figure8 shows the multiple figure-caption case.Figure10, 11, 12 and 13 illustrate the cases from our ArXivQA dataset, covering different figure types and containing diverse questions.

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (7)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (8)

A.3 Caption Word Cloud

We visualize the word cloud of captions in our ArXivCap dataset in Figure9. It can be seen that the captions have a diverse vocabulary for describing the different figures in the academic papers.

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (9)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (10)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (11)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (12)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (13)

DomainFull Name
dg-gaDifferential Geometry
acc-physAccelerator Physics
solv-intExactly Solvable and Integrable Systems
q-algQuantum Algebra and Topology
atom-phAtomic, Molecular and Optical Physics
alg-geomAlgebraic Geometry
comp-gasCellular Automata and Lattice Gases
supr-conSuperconductivity
chem-phChemical Physics
mtrl-thMaterials Theory
adap-orgAdaptation, Noise, and Self-Organizing Systems
patt-solPattern Formation and Solitons
chao-dynChaotic Dynamics
cmp-lgComputation and Language
econEconomics
hep-latHigh Energy Physics - Lattice
nucl-exNuclear Experiment
q-finQuantitative Finance
math-phMathematical Physics
nucl-thNuclear Theory
gr-qcGeneral Relativity and Quantum Cosmology
hep-exHigh Energy Physics - Experiment
hep-thHigh Energy Physics - Theory
nlinNonlinear Sciences
hep-phHigh Energy Physics - Phenomenology
q-bioQuantitative Biology
quant-phQuantum Physics
eessElectrical Engineering and Systems Science
statStatistics
astro-phAstrophysics
physicsPhysics
cond-matCondensed Matter
mathMathematics
csComputer Science

A.4 ArXivQA Prompting Template

The prompt used to query GPT-4V is provided in Table11.

A.5 Quality Analysis of ArXivQA

AspectAvg Score
Factual Alignment0.6975
Visual Clarity0.9925
Unambiguous Textual Information0.9825
Question and Option Relevance0.9375
Comprehensive Integration0.905
Equitable Content1.0
Score Sum5.515

To evaluate the quality of ArXivQA, we manually assess it from six different aspects. We develop a quality examination guideline for annotators, as shown in Table12, which addresses various aspects of the QA pairs.We sample 100 examples and ask four authors to conduct the quality analysis. The four authors are divided into two groups, with each group tasks with evaluating 50 examples across six sub-aspects, according to the grading protocol.

The evaluation results are presented in Table13.We find that most samples feature clear, high-quality images with clear and high-quality images, with unambiguous question and option descriptions. However, a small fraction of the generated questions may be unanswerable due to mis-recognizing elements in the figures, as reflected by lower factual alignment scores. Additionally, we consider samples with an aggregate score of 5 or higher from both annotators to be of sufficient quality. Under this stringent criterion, 79 out of 100 samples meet the threshold, demonstrating that the dataset’s quality is generally satisfactory.

Appendix B Evaluation Details

B.1 Details of Evaluated Models

BLIP2

(Li etal., 2023b),introduces a lightweight Q-Former designed to bridge modality gaps and leverages frozen LLMs. Leveraging LLMs, BLIP-2 can conduct zero-shot image-to-text generation using natural language prompts. We select the BLIP2-OPT-6.7B version for evaluation.333https://huggingface.co/Salesforce/blip2-opt-6.7b

InstructBLIP

(Dai etal., 2023) employs an instruction-aware visual feature extraction module based on BLIP2(Li etal., 2023b) and is trained with unified multimodal instruction tuning datasets. We choose InstructBLIP-Vicuna-7B for evaluation.444https://huggingface.co/Salesforce/instructblip-vicuna-7b.

LLaVA

(Liu etal., 2023b),adopts Vicuna models as the backbone LLM and is trained on the ChatGPT/GPT-4 generated instruction tuning dataset.LLaVA-v1.5(Liu etal., 2023a) improves on LLaVA models by employing curated task datasets and an enhanced modality alignment module.We evaluate both LLaVA-v1.5-7B555https://huggingface.co/liuhaotian/llava-v1.5-7b and LLaVA-v1.5-13B.666https://huggingface.co/liuhaotian/llava-v1.5-13b

Flamingo

(Alayrac etal., 2022) pioneers the development of LVLMs by introducing a cross-gated layer for LLMs to produce visual-grounded text. The training datasetconsists of interleaved visual data and text from the web pages, enabling it to generate free-form text as the output. We select the open-source implementation OpenFlamingo-9B(Awadalla etal., 2023) for evaluation.777https://huggingface.co/openflamingo/OpenFlamingo-9B-vitl-mpt7b

ModelBLEU-2ROUGE-LBERT-SGPT-4 Score
BLIP-2-OPT-6.7B1.56.681.31.18
InstructBLIP-Vicuna7B3.510.383.61.48
LLaVA-1.5-7B2.310.483.31.80
LLaVA-1.5-13B2.711.083.61.69
OpenFlamingo-9B5.810.382.71.52
IDEFICS-Instruct-9B2.19.383.81.55
Qwen-VL-Chat4.711.182.01.81
Qwen-VL-Chat tuned w/ ArXivCap8.615.383.22.03

IDEFICS

is another open-sourced implementation of Flamingo(Alayrac etal., 2022). Trained on publicly available image-text alignment pairs and instruction tuning datasets, it demonstrates comparable results with the original closed-source model on various image-text benchmarks. We select the IDEFICS-Instruct-9B for evaluation.888https://huggingface.co/HuggingFaceM4/idefics-9b-instruct.

Qwen-VL-Chat

(Bai etal., 2023b) isa bilingual LVLM that supports both English and Chinese built on the Qwen LLM(Bai etal., 2023a).During the training phase, Qwen-VL-Chat adopts a packing strategy to create multiple images as inputs,improving its ability to understand the vision context. We select the Qwen-VL-Chat-7B for evaluation.999https://github.com/QwenLM/Qwen-VL

GPT-4V

(OpenAI, 2023), the proprietary vision-language models developed by OpenAI, which are shown to be powerful on various multi-modal tasks(Yang etal., 2023a). The API version we queried is gpt-4-vision-preview.

Bard

(Google, 2023), a commercial LVLM developed by Google. We utilize the unofficial API101010https://github.com/dsdanielpark/Bard-API querying the model with our task prompts, accessed on 2023-11-17.

Gemini 1.0 Pro Vision

(Reid etal., 2024), a upgraded LVLM by Google. We utilize the official API querying the model with our task prompts, accessed on 2024-05-20.

B.2 Task Prompts

We evaluate all the models with the same task prompts in our experiments, and the prompts for our four tasks are listed below:

Single-Figure Captioning: Create a caption for the provided figure.

Multiple-Figure Captioning Create a caption for the provided figures.

Contextualized Captioning: We reuse the prompts in previous captioning tasks depending on the current figure type.

Title Generation: According to the figures and captions, generate a title for this paper. Title:

B.3 GPT-4 Evaluation of Caption

In addition to BLEU-2, ROUGE-L, and BERT-S, we also utilize GPT-4 to evaluate a sample of 500 generated captions. Specifically, we employ GPT-4 for the evaluation of single-figure caption tasks following FairEval(Wang etal., 2023).The template for prompting GPT-4 to evaluate generated captions is presented in Table14. GPT-4 is asked to perform an analysis and then produces a quality score, which is subsequently mapped to a scale from 1 to 5.The results are presented in Table15. We observe that the ROUGE-L metric exhibits the highest correlation with the GPT-4 Score (Pearson r = 0.91), followed by BLEU-2 (Pearson r = 0.64). BERT-S instead demonstrates a moderate correlation (Pearson r = 0.39).The uniformly low GPT-4 scores across all models suggest that they struggle to produce satisfactory captions, which is consistent with the findings in our main paper. Notably, training on ArXivCap results in a significant 12% improvement in the GPT-4 score compared to the original Qwen-VL-Chat model, leading to the most favorable outcomes in this evaluation.

Appendix C Error Analysis

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (14)
Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (15)

C.1 Caption Type Illustration

We illustrate captions of four types in our main paper in Figure14. The Acceptable caption provides a comprehensive description of the figure presented. The oversimplified caption is too short compared with the original human-written caption.Furthermore, as shown in the third block in Figure14, Contextual Misinterpretation refers to captions with unmentioned content in the figure, such as the dataset colored in red.Recognition Error denotes the model wrongly identified the number or text in the figure, such as the misidentified model name in the last block of Figure14.

C.2 Failure Sample of MathVista

Figure15 shows a challenging geometry mathematic reasoning problem where both models fail to produce the correct answer.Echoing the quantitative results in our main paper, we believe future studies can incorporate more focused corpus for enhancing the geometry and mathematical reasoning ability of LVLMs.

Appendix D Results with LLaVA Backbone

ModelMathVistaMMMU(val)ScienceQA(IMG only)MM-Vet
LLaVA-v1.5-7B26.635.366.830.5
 Original SFT +ArXivQA28.236.068.332.4

We investigate whether ArXivQA could also enhance other LVLMs, such as LLaVA models(Liu etal., 2023b). To maintain model performance, we mix our ArXivQA dataset with the LLaVA SFT 665K-instruction tuning dataset. The LLaVA-v1.5-7B is adopted as the backbone and the model is trained following the original recipe. The results on various benchmarks are listed in Table 16.We find that not only the scientific reasoning performance is improved on multimodal reasoning tasks (MathVista (Lu etal., 2023), MMMU (Yue etal., 2023), and ScienceQA (Lu etal., 2022)), but the overall capability on MM-Vet (Yu etal., 2024) is also boosted. Together with our results using Qwen-VL-Chat, these findings indicate that our ArXivQA dataset can enhance different model backbones and is beneficial across various benchmarks.

Multimodal ArXiv: A Dataset for Improving Scientific Comprehension of Large Vision-Language Models (2024)

References

Top Articles
Latest Posts
Article information

Author: Ray Christiansen

Last Updated:

Views: 5657

Rating: 4.9 / 5 (49 voted)

Reviews: 88% of readers found this page helpful

Author information

Name: Ray Christiansen

Birthday: 1998-05-04

Address: Apt. 814 34339 Sauer Islands, Hirtheville, GA 02446-8771

Phone: +337636892828

Job: Lead Hospitality Designer

Hobby: Urban exploration, Tai chi, Lockpicking, Fashion, Gunsmithing, Pottery, Geocaching

Introduction: My name is Ray Christiansen, I am a fair, good, cute, gentle, vast, glamorous, excited person who loves writing and wants to share my knowledge and understanding with you.