LoGra-Med: Long Context Multi-Graph Alignment for Medical Vision-Language Model
Abstract
State-of-the-art medical multi-modal large language models (med-MLLM), such as LLaVA-Med or BioMedGPT, leverage instruction-following data in their pre-training stages. However, those models primarily focus on scaling the model size and data volume to boost performance while mainly relying on the autoregressive learning objectives. Surprisingly, we reveal that such learning schemes might result in a weak alignment between vision and language modalities, making these models highly reliant on extensive pre-training datasets — a significant challenge in medical domains due to the expensive and time-consuming nature of curating high-quality instruction-following instances. We address this challenge with a new multi-graph alignment algorithm, namely LoGra-Med, which enforces triplet correlations on the latent embedding space among image modalities, conversation-based descriptions, and extended contextual captions. Owing to this technique, the model is encouraged to capture the semantic meaning of the context, handle linguistic variability where the captions or questions may differ from training instances, and learn cross-modal associations, linking visual elements with various textual interpretations. To scale our algorithm to the med-MLLM setting, we also design an efficient end-to-end learning scheme based on advanced black-box gradient-estimation techniques that permit fast forward and backward steps through the LLM model (LLaMa 7B). Empirical results show that we can match the performance of LLAVA-Med pre-trained on 600K image-text pairs from PMC-15M for Medical VQA tasks and significantly outperform it when trained on only of the data. For instance, on VQA-RAD, we exceed LLAVA-Med (both trained on ) by and achieve near parity with the pre-training setting ( vs. ). Additionally, we also surpass other SOTA pre-training methods and med-MLLM such as BiomedGPT on visual chatbot or RadFM on zero-shot image classification with VQA, showcasing the power of multi-graph alignment in improving vision-language integration for medical-MLLM.
1 Introduction
Generic Multi-Modal Large Language Models (MLLM) are an emerging field integrating processing and generation across text, images, and audio. Models like GPT-4V (Achiam et al., 2023), LLaVa (Liu et al., 2024b), and Next-GPT (Wu et al., 2023b) handle tasks from image captioning to complex visual reasoning. A critical component in training these models is instruction-following (IF) data (Lou et al., 2023), which involves complex, multi-turn interactions (Sun et al., 2024) where the model is expected to respond to specific instructions or questions about the image. In the medical domain, current efforts have been focused on building medical MLLM by curating specialized IF datasets encompassing medical images, clinical notes, and diagnostic criteria (Xie et al., 2024). These datasets are used to adapt general-purpose MLLM, aiming to transfer foundational knowledge of generic concepts and reduce computation costs required in training steps. For instance, in LLAVA-Med, (Li et al., 2024) 600K biomedical image-text pairs are sampled from PMC-15M (Zhang et al., 2023c) and GPT-4 is used to create instruction data from the text inputs, resulting in approximately 60K multi-modal IF data points. In the next step, (i) vision encoders and language decoders are taken from LLaVa and are first aligned through trainable projection layers before (ii) the models (with the exception of the vision encoders) are trained together on collected medical IF data. Both steps are called the pre-training phase, where the auto-regressive function is used as the primary objective. The model can then be fine-tuned to various downstream tasks.
Following the above approach, most later works have focused on scaling up the amount of medical IF data (Xie et al., 2024; Zhang et al., 2023a; He et al., 2024) or increasing the model size by incorporating larger vision encoders or language decoders (Wu et al., 2023a; Jiang et al., 2024) while relying on the same standard autoregressive learning scheme. Contrary to this, we question the effectiveness of autoregressive objective functions when learning medical-MLLM with IF data. Surprisingly, our findings reveal that autoregressive learning is highly data-hungry during pre-training, i.e., without sufficient medical IF samples, model performance plummets for downstream tasks, even after fine-tuning. To illustrate this, we pre-trained LLAVA-Med using only of the data and compared it to the version trained on . Both models were fine-tuned on two medical visual question-answering tasks - VQA-RAD (Lau et al., 2018) and PathVQA (He et al., 2020) - and their average performance on open- and close-ended questions compared. The results show a dramatic decline: from to on VQA-RAD and from to on PathVQA (Figure 1). This underscores the instability of medical-MLLM trained with autoregressive methods and highlights the problem that these methods require the curation of enough medical IF data to achieve satisfactory performance.
To address this challenge, we present a novel multi-graph alignment algorithm, namely LoGra-Med, that improves the model’s ability to learn complex interactions between vision and language modalities, mitigating the limitations of autoregressive functions when trained on limited instruction-following data. Specifically, given pairs of input images with instruction data, we use GPT-4 (Achiam et al., 2023) to form a longer version of the instruction, with more in-context explanations for concepts and correlations among entities while preserving the same meaning. These data pairs are fed into the MLLM, where a vision encoder extracts features for the image while the language model (LLaMa) computes latent embedding of the instruction data and its extended versions. The embedding vectors obtained from different IF samples in a batch are then used to construct three graphs. The first graph’s vertices are the image features, while the vertices of the two other graphs are the embeddings of the instructions and their extended versions. We subsequently learn feature representation by solving the combinatorial multi-graph alignment problem between these three graphs such that the input embedding of the graph alignment will output the triplet coupling among the image, its instruction data, and the longer extension. By jointly learning this alignment with autoregressive methods, we aim to preserve the LLMs’ sequential generation capabilities while enhancing the model’s ability to capture deeper semantic relationships. This approach goes beyond memorization, increases resilience to linguistic variability, and significantly improves cross-modal coherence.
Our method differentiates itself from existing multi-modal alignment techniques for LLM (Park et al., 2024; Li et al., 2023a; Chen et al., 2023a) in two ways. First, while prior contrastive objectives primarily focus on learning projections to connect frozen vision encoders with frozen language models, our algorithm directly trains LLM using the multi-graph framework. Second, we unify and generalize pairwise contrastive learning, which focuses on individual image-caption pairs, by incorporating global constraints through graph structures. This allows us to integrate both feature and structural consistencies using graph edges, enhancing robustness for similar entities (whether images or descriptions) commonly found in medical datasets. Although combinatorial graph alignment is generally non-differentiable and solving multi-graph alignment is computationally expensive, we overcome these challenges by leveraging modern implicit maximum likelihood estimation techniques (Niepert et al., 2021; Minervini et al., 2023). This enables efficient gradient estimation and allows for fast forward and backward propagation through large LLMs (e.g., LLaMa-7B), using a barycenter graph (Agueh & Carlier, 2011) for alignment. As a result, the model can scale effectively with extensive datasets on large LLMs while maintaining alignment performance.
In summary, we make the following key contributions:
-
•
We reveal the data-demanding nature of autoregressive modeling in pre-training medical-MLLM (LLaVa-Med), showing that insufficient instruction-following data leads to significant performance drops on downstream tasks, even after fine-tuning.
-
•
We introduce a novel multi-graph alignment objective that establishes triplet constraints among images, their instruction-following context, and their enriched versions. Additionally, we developed an efficient solver for training with LLMs and outlined theoretical properties related to distance and the shortest path in the geodesic space of multi-modal graphs.
-
•
We demonstrate that using a small amount of pre-training data can achieve performance comparable to LLaVa-Med trained on data. Additionally, when trained on larger datasets, LoGra-Med outperforms several state-of-the-art medical mLLMs and advanced multi-modal pre-training algorithms across three Medical VQA tasks, medical visual chat, and the average zero-shot image classification performance on 23 datasets.
2 Related Work
Medical Multi-modal LLMs. Recent developments in medical-MLLM like Biomed-GPT (Zhang et al., 2023a), MedFlamingo (Moor et al., 2023), Med-Dr (He et al., 2024), LLAVA-Med (Li et al., 2024), and Med-PaLMs (Singhal et al., 2023; Tu et al., 2024) are transforming healthcare by integrating diverse data types and scaling medical instruction data. Biomed-GPT excels with multiple biomedical modalities, MedFlamingo focuses on few-shot learning for medical visual question answering, and LLAVA-Med leverages large-scale biomedical image-text pairs for improved performance. Commonly, these models emphasize scaling medical instruction data and increasing model parameters to enhance accuracy and applicability in real-world medical scenarios. In contrast, our approach examines the widely used autoregressive pre-training algorithms and demonstrates that incorporating long-context multi-graph alignment of exist instruction samples can significantly enhance medical-MLLM performance without requiring larger models or extensive datasets.
Visual Instruction Tuning. Visual instruction tuning techniques aim to bridge the gap between frozen vision-language models and frozen LLMs trained on unimodal data, enabling them to work effectively in a multi-modal context. These methods involve (i) learning a multi-layer perceptron (MLP) layer to map embeddings from the vision model to the language model as LLaVa (Liu et al., 2024b), VideoLLM (Chen et al., 2023a); (ii) using adapter-based adjustment as LLaMa-adapter (Zhang et al., 2024), Voxposer (Huang et al., 2023), or (iii) learning multi-modal perceiver by gated cross-attention (Alayrac et al., 2022) or Q-Former as in BLIP-2 (Li et al., 2023a). Pre-training algorithms to train these models can be combined with both auto-regressive and contrastive learning (Park et al., 2024; Zhai et al., 2023) or image-text matching as in (Li et al., 2022; 2023a). Our algorithm differs from those by focusing on directly training LLMs rather than lightweight projectors. This requires a fast solver capable of efficiently handling forward and backward passes through large-scale LLMs with extensive parameters.
Vision-language Pretraining Algorithm. Pre-training algorithms commonly applied for vision-language models, like CLIP (Radford et al., 2021), follow various strategies. Generative approaches, such as masked prediction in language models (Devlin, 2018; Song et al., 2020), or autoregressive algorithms that predict sequential text in LLMs (Liu et al., 2024b; Zhang et al., 2024), are widely used. Another direction focuses on discriminative methods, which learn contrastive distances between image-text pairs (Liu et al., 2023; Zhai et al., 2023; Khan & Fu, 2023), optimal transport (Chen et al., 2022; Nguyen et al., 2024a), or impose clustering constraints (Park et al., 2024). Our function departs from these by generalizing them into a combinatorial graph-matching formulation across cross-domain graphs. While LVM-Med (MH Nguyen et al., 2024) is the most similar to our approach, it targets alignment within vision tasks, whereas we align images, instruction-following data, and extended contextual information.
Graph alignment across domains () is highly computationally intensive. Current methods, such as multi-marginal optimal transport (Lin et al., 2022; Piran et al., 2024), Wasserstein barycenters (Nguyen et al., 2024b), and multi-adjacency matrix assumptions (Bernard et al., 2019; Swoboda et al., 2019), relax the problem but are limited to small-scale tasks and require multiple solver steps, making them inefficient for LLM training. In contrast, our approach utilizes heuristic solvers (Swoboda et al., 2017; Rolínek et al., 2020) and modern gradient estimation techniques for black-box optimization (Niepert et al., 2021; Minervini et al., 2023), enabling scalable and efficient performance for large language models.
3 Multi-graph Alignment Learning
We denote the vision encoder, projector, and large-language model (LLM) models are , respectively. Figure 2 illustrates our LoGra-Med algorithm, which learns parameters for these models by solving a triplet alignment between modalities in instruction tuning data. Below, we summarize the notations used before describing each component in detail.
Notation. Given any tensor and matrix , we use to denote the tensor-matrix multiplication, i.e., the matrix . Given , we define . Moreover, we define the matrix scalar (or inner) product associated with the Frobenius norm between two matrices and as , i.e., . We write for any natural number .
3.1 Long-context enriched medical instruction-following data
Recent research has demonstrated that incorporating long-context significantly enhances LLMs’ ability to process complex inputs and improves instruction-following by retaining more relevant information (Liu et al., 2024c; An et al., 2024; Pawar et al., 2024). Building on this insight, we extend medical instruction-following data by generating long-context paraphrased versions of existing samples in the dataset, providing an additional enriched perspective of the original data.
In particular, a typical instruction sample includes where is an input image, a question, and an answer at round in multi-round of a conversation. In the medical domain, most of the questions are generic, and the information answer usually covers the question, so we only focus on extending the answer . We leverage the GPT API with a prompt to form a longer-context for each by:
(1) |
The details for are presented in the Appendix. In short, we ask GPT to provide additional explanations for concepts that appeared in the original answer while keeping the content consistent. An example output for is illustrated in Figure 3.
3.2 Multi-graph construction on vision-language embedding
For each image where are the original spatial dimensions. We divide it into a sequence of visual patches with with as the patch size. Using a pre-trained ViT model , we extract patch-wise features as and apply another projector to map it into the projected embedding . We then pool the features from the image patches to define a global description as . For each language input with , we assume it has tokens, i.e., , and feed it into the LLM model to extract a set of embedding . We subsequently concatenate all multi-round in each single instruction tuning to define which collects average text embedding of original answers () and their longer-context extended versions () respectively.
Given a batch size of instruction-tuning samples, we now construct three graphs , , and representing for visual image features, text embedding encoded by LLM for original answers and their long-context embedding extended by GPT. Specifically, for each triplet pair , we add a node representing to , a node for to , and finally a node for to . This results in a set of nodes ; for each . We equip node-level feature matrices for these graphs using their embedding computed above, i.e., , . The edges for afterward can be created through the k-nearest neighbors algorithm given the feature node matrices . Finally, we can run a message-passing network on three built graphs to learn richer node representations. This approach has proven effective for representation learning (Tang et al., 2022; Ju et al., 2024), resulting in aggregated feature-node matrices as , with .
3.3 Second-order graph alignment problem
We first provide background about the second-order graph alignment between two arbitrary graphs and , which is mentioned as quadratic assignment problem and applied in several problems in vision and graphics to find correspondences between two graph structures under consistent between node features and structure constraints (Zanfir & Sminchisescu, 2018; Haller et al., 2022; Ehm et al., 2024).
We denote by , with and , the indicator matrix of matched vertices, that is, if a vertex is matched with and otherwise. That is, is a binary matrix with exactly one non-zero entry in each row and column. Similarly, we set as the indicator tensor of match edges, that is, if and and otherwise. This implies that the tensor is fully determined by the matrix , that is, . We also define the vertex affinity matrix and edge affinity tensor as and , respectively. The set indicates for all admissible pairs that encode a valid matching between and .
(2) |
The second-order graph alignment (SoGA) problem now is defined as:
(3) |
3.4 Scalable Multi-graph Alignment
Our aim is to solve the graph alignment between three graphs , and to form a triplet constraint between input image embedding, its original instruction embedding, and the long-context extended version ones. However, solving a structure-aware graph alignment between domains is computationally expensive. One potential solution is to perform pairwise graph alignments times, as shown in Eq. (3), while applying specific constraints to maintain consistency between correspondences (Bernard et al., 2019; Swoboda et al., 2019). However, this method becomes impractical as increases, making it unsuitable for larger-scale problems.
Another direction leverages the barycenter concept from optimal transport, which identifies a central distribution that minimizes the weighted sum of Wasserstein distances to the given input distributions. We follow this idea to reformulate the alignment of graphs into separate alignments with a barycenter graph. Unlike previous unsupervised methods that estimate the barycenter before aligning, we directly define the barycenter using known triplet pairs across the three graphs. This significantly reduces complexity, making our solver more efficient in LLM settings.
Specifically, we define a new barycenter graph where with and a correspondence feature node as with . The edge set is formed similarly to another graph by running the k-nearest neighbor on feature node . We now state the multi-graph alignment as:
(4) |
where is the indicator matrix representing for valid mapping between and , and be vertex affinity matrix and edge affinity tensor between and . For e.g., with be a distance metric (e.g., cosine distance) measuring similarity between node in and node in .
3.5 Backpropagation with Black-box Gradient Estimation
Given be solution obtained from the solver, we aim to learn feature representation for LLMs such that be identical to true triplet alignments explicitly indicated by the barycenter graph. By denoting be an optimal mapping between the graph to , we compute the following total of hamming loss function:
(5) |
However, computing the gradient of the loss function with respect to the matching problem inputs , i.e., , poses a challenge due to the piecewise constant nature of the graph matching objective in Eq. (4) (Pogančić et al., 2020; Rolínek et al., 2020). To address this, we resort to the IMLE techniques (Niepert et al., 2021; Minervini et al., 2023), a method permitting estimate gradients over solutions of the combinatorial optimization problem by taking the difference between solutions of matching problem perpetuated by Gumbel noise.
In particular, given and for each , we compute:
(6) | ||||
(7) |
3.6 Structure alignment-based graph distance properties
In this section, we present theoretical insights into the graph-matching problem outlined in Eq. (3). Specifically, we demonstrate that once the optimal matching between two graphs is established, it defines a valid metric distance. Additionally, the geodesic path (i.e., the shortest path distance) connecting the two graphs in the manifold space can be derived based on the computed matching alignments. We define a discrete between two graphs given a solution of matching alignment as:
(8) |
We consider labelled graphs as tuples of the form , where the labelling function assigns each vertex to a feature in some feature space . Similarly, we denote as a structure function which links each vertex with its structure information , e.g., edge information, in some structure space . By associating a weight to each vertex, we allow the graph to be represented by a fully supported mixing measure over the product between feature space and structure space . Notably, is not necessarily a probability measure as the summation of its weights can be different from one. We have the vertex affinity matrix between two graphs as , where . Structural similarity is measured by pairwise distances within each graph, represented by , with , where models node distance, such as the shortest path. We then define the space of all structured graphs over a metric feature space as , where is a metric structure space and is a mixing measure over .
Theorem 1 (Metric properties).
The distance in Eq. (8) defines a metric in .
Theorem 1 is proved in Appendix A.1. Intuitively, we can compare two graphs, and , described by their mixing measures and , with uniform vertex weights (i.e., , ) and shortest path structure matrices. The SoGA distance is zero if and only if there exists a one-to-one mapping between the graph vertices that preserves both shortest paths and features and both graphs have the same number of vertices.
Moreover, we also derive new constant speed geodesic in the SoGA context via Theorem 2, which is proved in Appendix A.2. This geodesic property is useful in optimal transport (discrete measures) to define the dynamic formulation and can be used in representation learning by sampling new data on the geodesic connect two endpoints graphs.
Theorem 2 (Geodesic space).
The space equipped with the distance is geodesic.
4 Experiments
4.1 Implementation Details
Model architectures. We use the LLaMA large language model (Touvron et al., 2023), the CLIP-ViT-L-Patch14 visual encoder (Radford et al., 2021), and an MLP projection similar to LLaVA 1.5 (Liu et al., 2024a). Stage 1 follows the standard LLaVA-Med (Li et al., 2024) setup, while stage 2 incorporates our multi-graph alignment with autoregressive training. For multi-graph alignment, a 2-layer graph convolutional network is applied to the output of the Projection and LLM Decoder (handling both image and text modalities). We train for 1 epoch in stage 1 and 3 epochs in stage 2 using the same dataset as LLava-Med. The model is optimized using Adam (Kingma, 2014) with CosineAnnealingLR scheduler and learning rates of and for stages 1 and 2, respectively.
Pre-training data. We follow the same dataset being used in LLaVA-Med (Li et al., 2024). For stage 1, there are 600K image-text pairs filtered from PMC-15M. They are all converted to instruction-following data with simple instructions for describing the image. For stage 2, there are 60K image-text pairs extracted from PMC-15M with 5 modalities: CXR (chest X-ray), CT (computed tomography), MRI (magnetic resonance imaging), histopathology, and gross (i.e., macroscopic) pathology. Then, the authors from LLaVA-Med (Li et al., 2024) use language-only GPT-4 to generate multi-round questions and answers in a tone as if it could see the image to convert these pairs to instruction-following format.
Running-time. We train LoGra-Med using 4 A100-GPUs per with 80GB for both stages and complete the training process for stage 1 in 7 hours and for stage 2 in 7.5 hours. With original LLaVA-Med (version 1.5) (Li et al., 2024), the training process for stage 1 finishes in 6.5 hours, and for stage 2 finishes in 7 hours. In total, we need extra one more hour to complete the whole pre-training process compared to the LLaVa-Med.
4.2 Data-hungry Problem of Autoregressive
We begin by presenting the data-intensive nature of autoregressive training. To assess this, we used LLaVA-Med, a state-of-the-art multimodal large language model in the biomedical domain. LLaVA-Med follows a two-stage in their training process: Stage 1 aligns image-text tokens with biomedical concepts, and Stage 2 fine-tunes the model for instruction-based tasks. We pre-trained LLaVA-Med on varying data amounts (10%, 40%, 70%) and used the checkpoints to fine-tune the visual question answering downstream task. As shown in Figure 1, performance on the VQA-RAD dataset sharply declines when using 10% pre-training data compared with fully-training on 100%. To the best of our knowledge, this is the first time that the auto-regressive mechanism’s data dependency issue in medical-MLLM has been revealed. This evidence indicates that without using enough instruction-tuning data, the auto-regressive creates a weak connection between visual features and text embeddings in LLM.
To tackle this issue, our LoGra-Med enhances image-text alignment through the semantic constraints between input images, their instruction response, and the long-context extended contexts. We experiment with LoGra-Med under the same settings as LLaVA-Med, pretraining on varying data sizes and utilizing the checkpoints for instruction fine-tuning. Figure 1 demonstrates that LoGra-Med effectively learns the biomedical concept alignment task, producing strong pretraining checkpoints for downstream fine-tuning while using only 10% of the data. For instance, while LLaVa-Med is at with , LoGra-Med reaches , which is approximately LLaVa-Med pre-trained on . Across 10%, 40%, and 70% data usage, LoGra-Med shows stable performance with consistent improvement, positioning it as a competitive model compared to other medical-MLLM like BioMed-GPT (Zhang et al., 2023a) or Med-MoE (Jiang et al., 2024). This suggests that the multi-graph alignment strategy effectively mitigates the data-intensive demands of autoregressive mechanisms in mLLMs.
4.3 Multi-modal Pre-training Comparison
To validate the benefit of our multi-graph alignment, we compare it with other vision-language pre-trained methods designed to train for the CLiP model or in visual instruction tuning to bridge frozen vision-language models.
Datasets. We evaluate pre-trained models on three prominent biomedical VQA datasets: VQA-RAD (Lau et al., 2018), SLAKE (Liu et al., 2021), and PathVQA (He et al., 2020). VQA-RAD includes 3,515 questions across 315 radiology images, while SLAKE contains 642 radiology images from various body parts and over 7k QA pairs. PathVQA, focused on pathology, features 5k images and 32.8k questions. All datasets include open-ended (e.g., what, why, where) and closed-ended (yes/no or two-option) question types. We provide more details in the Appendix.
Baselines. We compare four approaches, including InfoNCE-based methods (Khan & Fu, 2023; Liu et al., 2023), SigLIP (Zhai et al., 2023), PLOT (Chen et al., 2022), and VLAP (Park et al., 2024). Among this, SigLIP adapts the Sigmoid loss on image-text pairs to break the global view of the pairwise similarities for normalization, resulting in scaling in large batch size. PLOT defines optimal transport as a distance between visual image patches and text embedding. In contrast, VLAP uses assignment prediction to bridge the modality gap between the visual and LLM embeddings. We train the baselines under the same settings as LoGra-Med with varying pre-training data rates and compare their performance on downstream tasks.
Results. In Tables 1, 2 and 12, We compare the performance of LoGra-Med and the baselines when pre-trained with , , and of instruction-tuning data. While most contrastive baselines improve LLaVA-Med at 10%, LoGra-Med consistently outperforms LLaVA-Med and other methods overall. In open-ended questions, which require external knowledge, LoGra-Med delivers the best results. Notably, it maintains stable improvements across all three VQA datasets, unlike other methods that peak at pre-training and decline afterward. For example, SigLIP scores (Average) and (Overall) on VQA-RAD at but drops over and at . In contrast, LoGra-Med continues to improve, reaching (Average) and (Overall).
4.4 Med-VQA Comparison with Medical MLLMs
We now compare LoGra-Med pre-trained with data against other medical foundation models, each trained on varying datasets and employing different architectures or model sizes.
Baselines. We compare with eight competitors, both generic or medical foundation models, including LLaVA (Liu et al., 2024b), LLaVA-Med (Li et al., 2024), Med-Flamingo (Moor et al., 2023), Med-Dr (He et al., 2024), Biomed-GPT (Zhang et al., 2023a), M2I2 (Li et al., 2023b), GPT-4o (Achiam et al., 2023) and Med-MoE (Jiang et al., 2024). Whilst LLaVA and GPT-4o have no medical background, the others are pre-trained on a variety of biomedical knowledge. With the exception of LLaVa, which we reproduced, the results for the other baselines are taken from the literature. Moreover, we also present an enhanced version, LoGra-Med + DCI, which integrates multi-scale visual features from vision encoders (Yao et al., 2024), potentially benefiting medical image analysis by considering both local (detailed) and global (contextual) features.
Results. Overall, two LoGra-Med versions perform better than the baseline models (Table 3), especially the version combined with DCI gains the best performance for PathVQA on Average score (64.82%) and for Overall result (74.9%). Compared to LLaVA-Med, LoGra-Med exhibits significant improvements on every task result, such as 2.01% on VQA-RAD, 2.03% on SLAKE and 0.76% on PathVQA. Furthermore, it is important to note that both the plain and DCI versions of LoGra-Med demonstrate competitive performance across all VQA datasets, despite having significantly fewer parameters. For instance, the two 7B-parameter LoGra-Med versions outperform the 40B-parameter Med-Dr across all three datasets.
4.5 Medical Visual Chatbot Evaluation
Datasets. Following the experimental settings in LLaVA-Med, we evaluate LoGra-Med on a biomedical multimodal conversational dataset containing a total of 193 questions including conversation (143 samples), description (50 samples). Additionally, the experimental setup categorizes the test samples into five medical domains, including Chest X-ray (CXR), Magnetic Resonance Imaging (MRI), Histology, Gross, and Computed Tomography (CT).
Baselines. We evaluate with several SOTA multimodal large language models, including general models like LLaVA and GPT-4o, as well as medical-focused models such as LLaVA-Med and its variants, Med-Flamingo, Med-Dr, and Biomed-GPT. We use the officially provided weights for all comparison baselines without additional reproduction steps. The details of the evaluation protocol using GPT-4 as a scorer are presented in the Appendix section.
Results. Table 4 summarizes our finding results, which shows that in most of the settings, two of our LoGra-Med deliver the top records. We provide additional analytics and visualizations of typical model outputs in the Appendix. Method #Params Question Type Domain Overall Conver. Descr. CXR MRI Histology Gross CT LLAVA 7B 39.40 26.20 41.60 33.40 38.40 32.91 33.40 36.1 LLAVA-Med 1.0∗ 7B 47.4 33.99 51.31 36.32 45.61 41.09 44.87 43.93 LLAVA-Med 1.5∗ 7B 46.78 34.58 54.58 36.5 41.85 40.3 45.02 43.62 MedFlamingo 8.3B 28.58 13.89 26.93 21.34 22.09 32.71 22.25 24.77 Med-Dr 40B 35.61 19.28 38.98 26.28 29.10 35.40 28.30 31.38 Biomed-GPT 182M 20.71 17.99 27.53 18.50 17.18 14.72 22.08 20.01 GPT-4o 200B 42.04 25.47 42.77 39.74 38.68 31.40 35.59 37.75 LoGra-Med 7B 48.49 34.32 58.37 36.82 46.05 45.19 38.24 44.82 LoGra-Med + DCI 7B 48.99 34.01 59.9 32.34 51.88 42.53 38.28 45.11 Method VQA-RAD SLAKE LoGra-Med (Full) 74.37 84.99 LVM-Med with synonyms 72.39 82.93 LoGra-Med in two stages 72.81 84.14 LVM-Med w/o long-context 72.12 81.95 LVM-Med w/o message passing 73.90 84.29
4.6 Zero-shot Image Classification as MedVQA
Datasets. We assess the generalization of LoGra-Med on zero-shot image classification by adapting public datasets from (Hu et al., 2024). We convert image classification tasks into visual question answering, where the model selects the correct answer from input options based on the given image (See Figure 6, Appendix). We focus on three key data modalities prevalent in our pre-training: Microscopy, Computed Tomography (CT), and Chest X-Ray (CXR). This evaluation spans several downstream tasks, including 8 datasets for Microscopy, 4 for CT, and 11 for CXR, totaling 23 datasets.
Baselines. We use checkpoints from LLaVa-Med, Med-Flamingo, and RadFM (Wu et al., 2023a) for zero-shot inference on the collected datasets. Notably, RadFM is pre-trained on 2D and 3D medical scans, while LoGra-Med is trained on just instruction-following data. For baseline models, we follow the prompts proposed by (Hu et al., 2024), with detailed evaluations using third-party software to align model outputs with ground-truth answers, as outlined in the Appendix.
Results. Figure 4 illustrates the average performance of LoGra-Med across Microscopy, CT, and Chest X-Ray modalities, with the total number of images and question-answer items listed below. Detailed results for each dataset within these modality groups are provided in Tables 8, 10, and 9 in the Appendix. Overall, LoGra-Med still outperforms other models across all datasets, especially excelling in the microscopy modality, where it exceeds the runner-up, RadFM, by . We attribute these benefits to the strong alignment between visual features and language embeddings achieved through triplet constraints, which compel the model to capture deeper semantic relationships.
4.7 Ablation Studies
We validate LoGra-Med under the following settings: (i) applying multi-graph alignment in both stages instead of only in stage 2 (default); (ii) performing simple paraphrasing during instruction tuning by replacing keywords with their synonyms; (iii) using only two graphs in the alignment step (excluding long-context graphs); and (iv) applying message passing to enhance node features. Table 5 shows that each proposed factor boosts the final performance wherein the multi-graph alignment and using ChatGPT as an extender are the most crucial components.
5 Conclusion
We have shown that enforcing triplet correlations among image modalities, their instruction data, and the extended contextual captions can improve vision-language alignment, which is often lacking in models trained by auto-regressive, especially given less pre-training data size as demonstrated for the LLaVa-Med model. We also present LoGra-Med, a new multi-graph alignment algorithm to handle such requirements, which is efficient in training and matches LLAVA-Med’s performance on just 10% of the training data while outperforming other state-of-the-art methods on various tasks. These findings underscore that selecting the appropriate learning algorithm for training MLLMs is as crucial as scaling model size or data volume.
Limitations and Future Work
While we have conducted several experiments using the LLaVa model, it is crucial to validate LoGra-Med with other architectures, such as the Flamingo model (Alayrac et al., 2022). Additionally, integrating a vision encoder or LLM specifically trained on medical sources (Chen et al., 2023b; MH Nguyen et al., 2024) holds promise for enhancing performance and improving robustness—an approach we have not yet evaluated. Lastly, we propose to investigate adaptor-based methods (Hu et al., 2022; Zhang et al., 2023b) for fine-tuning downstream tasks, as frozen backbone models can significantly reduce memory usage and maximize efficiency.
References
- (1) Chest ct-scan images dataset. https://tianchi.aliyun.com/dataset/93929. Accessed: 2024-09-30.
- (2) Covid ct dataset. https://tianchi.aliyun.com/dataset/106604. Accessed: 2024-09-30.
- blo (2023) Blood cell images. https://www.kaggle.com/datasets/paultimothymooney/blood-cells, 2023. Accessed: 2024-09-30.
- cov (2023) Covid-19 image dataset: 3 way classification - covid-19, viral pneumonia, normal. https://tianchi.aliyun.com/dataset/93853, 2023.
- nlm (2023) Nlm - malaria data. https://lhncbc.nlm.nih.gov/LHC-research/LHC-projects/image-processing/malaria-datasheet.html, 2023. Accessed: 2024-09-30.
- xra (2023) X-ray hand small joint classification dataset (based on bone age scoring method rus-chn). https://aistudio.baidu.com/datasetdetail/69582/0, 2023. Accessed: 2024-09-30.
- 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.
- Agueh & Carlier (2011) Martial Agueh and Guillaume Carlier. Barycenters in the wasserstein space. SIAM Journal on Mathematical Analysis, 43(2):904–924, 2011.
- 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.
- An et al. (2024) Chenxin An, Fei Huang, Jun Zhang, Shansan Gong, Xipeng Qiu, Chang Zhou, and Lingpeng Kong. Training-free long-context scaling of large language models. arXiv preprint arXiv:2402.17463, 2024.
- Asraf & Islam (2021) A Asraf and Z Islam. Covid19 pneumonia and normal chest x-ray pa dataset. mendeley data v1 (2021), 2021.
- Bernard et al. (2019) Florian Bernard, Johan Thunberg, Paul Swoboda, and Christian Theobalt. Hippi: Higher-order projected power iterations for scalable multi-matching. In Proceedings of the ieee/cvf international conference on computer vision, pp. 10284–10293, 2019.
- Chen et al. (2022) Guangyi Chen, Weiran Yao, Xiangchen Song, Xinyue Li, Yongming Rao, and Kun Zhang. Plot: Prompt learning with optimal transport for vision-language models. International Conference on Learning Representations, 2022.
- Chen et al. (2023a) Guo Chen, Yin-Dong Zheng, Jiahao Wang, Jilan Xu, Yifei Huang, Junting Pan, Yi Wang, Yali Wang, Yu Qiao, Tong Lu, et al. Videollm: Modeling video sequence with large language models. arXiv preprint arXiv:2305.13292, 2023a.
- Chen (2018) Pingjun Chen. Knee osteoarthritis severity grading dataset, 2018.
- Chen et al. (2023b) Zeming Chen, Alejandro Hernández Cano, Angelika Romanou, Antoine Bonnet, Kyle Matoba, Francesco Salvi, Matteo Pagliardini, Simin Fan, Andreas Köpf, Amirkeivan Mohtashami, et al. Meditron-70b: Scaling medical pretraining for large language models. arXiv preprint arXiv:2311.16079, 2023b.
- Chizat & Bach (2018) Lénaïc Chizat and Francis Bach. On the Global Convergence of Gradient Descent for Over-parameterized Models using Optimal Transport. In Advances in Neural Information Processing Systems, volume 31. Curran Associates, Inc., 2018.
- Chowdhury et al. (2020) Muhammad EH Chowdhury, Tawsifur Rahman, Amith Khandakar, Rashid Mazhar, Muhammad Abdul Kadir, Zaid Bin Mahbub, Khandakar Reajul Islam, Muhammad Salman Khan, Atif Iqbal, Nasser Al Emadi, et al. Can ai help in screening viral and covid-19 pneumonia? Ieee Access, 8:132665–132676, 2020.
- Cohen et al. (2020) Joseph Paul Cohen, Paul Morrison, Lan Dao, Karsten Roth, Tim Q Duong, and Marzyeh Ghassemi. Covid-19 image data collection: Prospective predictions are the future. arXiv preprint arXiv:2006.11988, 2020.
- Devlin (2018) Jacob Devlin. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv preprint arXiv:1810.04805, 2018.
- Ehm et al. (2024) Viktoria Ehm, Maolin Gao, Paul Roetzer, Marvin Eisenberger, Daniel Cremers, and Florian Bernard. Partial-to-partial shape matching with geometric consistency. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 27488–27497, 2024.
- Gupta & Gupta (2019) Anubha Gupta and Ritu Gupta. Isbi 2019 c-nmc challenge: Classification in cancer cell imaging. Select Proceedings, 2, 2019.
- Haller et al. (2022) Stefan Haller, Lorenz Feineis, Lisa Hutschenreiter, Florian Bernard, Carsten Rother, Dagmar Kainmüller, Paul Swoboda, and Bogdan Savchynskyy. A comparative study of graph matching algorithms in computer vision. In European Conference on Computer Vision, pp. 636–653. Springer, 2022.
- He et al. (2024) Sunan He, Yuxiang Nie, Zhixuan Chen, Zhiyuan Cai, Hongmei Wang, Shu Yang, and Hao Chen. Meddr: Diagnosis-guided bootstrapping for large-scale medical vision-language learning. arXiv preprint arXiv:2404.15127, 2024.
- 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.
- Hu et al. (2022) Edward J Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, Lu Wang, and Weizhu Chen. Lora: Low-rank adaptation of large language models. International Conference on Learning Representations, 2022.
- Hu et al. (2024) Yutao Hu, Tianbin Li, Quanfeng Lu, Wenqi Shao, Junjun He, Yu Qiao, and Ping Luo. Omnimedvqa: A new large-scale comprehensive evaluation benchmark for medical lvlm. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 22170–22183, 2024.
- Huang et al. (2023) Wenlong Huang, Chen Wang, Ruohan Zhang, Yunzhu Li, Jiajun Wu, and Li Fei-Fei. Voxposer: Composable 3d value maps for robotic manipulation with language models. arXiv preprint arXiv:2307.05973, 2023.
- Jaeger et al. (2014) Stefan Jaeger, Sema Candemir, Sameer Antani, Yì-Xiáng J Wáng, Pu-Xuan Lu, and George Thoma. Two public chest x-ray datasets for computer-aided screening of pulmonary diseases. Quantitative imaging in medicine and surgery, 4(6):475, 2014.
- Javadi & Mirroshandel (2019) Soroush Javadi and Seyed Abolghasem Mirroshandel. A novel deep learning method for automatic assessment of human sperm images. Computers in biology and medicine, 109:182–194, 2019.
- Jiang et al. (2024) Songtao Jiang, Tuo Zheng, Yan Zhang, Yeying Jin, and Zuozhu Liu. Moe-tinymed: Mixture of experts for tiny medical large vision-language models. arXiv preprint arXiv:2404.10237, 2024.
- Ju et al. (2024) Wei Ju, Zheng Fang, Yiyang Gu, Zequn Liu, Qingqing Long, Ziyue Qiao, Yifang Qin, Jianhao Shen, Fang Sun, Zhiping Xiao, et al. A comprehensive survey on deep graph representation learning. Neural Networks, pp. 106207, 2024.
- Kather et al. (2018) J. N. Kather, N. Halama, and A. Marx. 100,000 histological images of human colorectal cancer and healthy tissue, April 2018. Accessed: 2024-09-30.
- Kermany et al. (2018) Daniel S Kermany, Michael Goldbaum, Wenjia Cai, Carolina CS Valentim, Huiying Liang, Sally L Baxter, Alex McKeown, Ge Yang, Xiaokang Wu, Fangbing Yan, et al. Identifying medical diagnoses and treatable diseases by image-based deep learning. cell, 172(5):1122–1131, 2018.
- Khan & Fu (2023) Zaid Khan and Yun Fu. Contrastive alignment of vision to language through parameter-efficient transfer learning. International Conference on Learning Representations, 2023.
- Kingma (2014) Diederik P Kingma. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980, 2014.
- 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.
- Li et al. (2024) Chunyuan Li, Cliff Wong, Sheng Zhang, Naoto Usuyama, Haotian Liu, Jianwei Yang, Tristan Naumann, Hoifung Poon, and Jianfeng Gao. Llava-med: Training a large language-and-vision assistant for biomedicine in one day. Advances in Neural Information Processing Systems, 36, 2024.
- 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, pp. 12888–12900. PMLR, 2022.
- Li et al. (2023a) Junnan Li, Dongxu Li, Silvio Savarese, and Steven Hoi. Blip-2: Bootstrapping language-image pre-training with frozen image encoders and large language models. In International conference on machine learning, pp. 19730–19742. PMLR, 2023a.
- Li et al. (2023b) Pengfei Li, Gang Liu, Lin Tan, Jinying Liao, and Shenjun Zhong. Self-supervised vision-language pretraining for medial visual question answering. In 2023 IEEE 20th International Symposium on Biomedical Imaging (ISBI), pp. 1–5, 2023b. doi: 10.1109/ISBI53787.2023.10230743.
- Lin et al. (2022) Tianyi Lin, Nhat Ho, Marco Cuturi, and Michael I. Jordan. On the complexity of approximating multi-marginal optimal transport. Journal of Machine Learning Research, 23:1–43, 2022.
- 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), pp. 1650–1654, 2021. doi: 10.1109/ISBI48211.2021.9434010.
- Liu et al. (2024a) Haotian Liu, Chunyuan Li, Yuheng Li, and Yong Jae Lee. Improved baselines with visual instruction tuning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 26296–26306, 2024a.
- Liu et al. (2024b) Haotian Liu, Chunyuan Li, Qingyang Wu, and Yong Jae Lee. Visual instruction tuning. Advances in neural information processing systems, 36, 2024b.
- Liu et al. (2023) Lizhao Liu, Xinyu Sun, Tianhang Xiang, Zhuangwei Zhuang, Liuren Yin, and Mingkui Tan. Contrastive vision-language alignment makes efficient instruction learner. arXiv preprint arXiv:2311.17945, 2023.
- Liu et al. (2024c) Nelson F Liu, Kevin Lin, John Hewitt, Ashwin Paranjape, Michele Bevilacqua, Fabio Petroni, and Percy Liang. Lost in the middle: How language models use long contexts. Transactions of the Association for Computational Linguistics, 12:157–173, 2024c.
- Lou et al. (2023) Renze Lou, Kai Zhang, and Wenpeng Yin. A comprehensive survey on instruction following. arXiv preprint arXiv:2303.10475, 2023.
- MH Nguyen et al. (2024) Duy MH Nguyen, Hoang Nguyen, Nghiem Diep, Tan Ngoc Pham, Tri Cao, Binh Nguyen, Paul Swoboda, Nhat Ho, Shadi Albarqouni, Pengtao Xie, et al. Lvm-med: Learning large-scale self-supervised vision models for medical imaging via second-order graph matching. Advances in Neural Information Processing Systems, 36, 2024.
- Minervini et al. (2023) Pasquale Minervini, Luca Franceschi, and Mathias Niepert. Adaptive perturbation-based gradient estimation for discrete latent variable models. In Proceedings of the AAAI Conference on Artificial Intelligence, pp. 9200–9208, 2023.
- Moor et al. (2023) Michael Moor, Qian Huang, Shirley Wu, Michihiro Yasunaga, Yash Dalmia, Jure Leskovec, Cyril Zakka, Eduardo Pontes Reis, and Pranav Rajpurkar. Med-flamingo: a multimodal medical few-shot learner. In Machine Learning for Health (ML4H), pp. 353–367. PMLR, 2023.
- Mémoli (2011) Facundo Mémoli. Gromov–Wasserstein Distances and the Metric Approach to Object Matching. Foundations of Computational Mathematics, 11(4):417–487, August 2011. ISSN 1615-3375, 1615-3383.
- Mémoli & Sapiro (2005) Facundo Mémoli and Guillermo Sapiro. A Theoretical and Computational Framework for Isometry Invariant Recognition of Point Cloud Data. Foundations of Computational Mathematics, 5(3):313–347, July 2005. ISSN 1615-3383.
- Nanni et al. (2016) Loris Nanni, Michelangelo Paci, Florentino Luciano Caetano dos Santos, Heli Skottman, Kati Juuti-Uusitalo, and Jari Hyttinen. Texture descriptors ensembles enable image-based classification of maturation of human stem cell-derived retinal pigmented epithelium. PLoS One, 11(2):e0149399, 2016.
- Nguyen et al. (2024a) Duy MH Nguyen, An T Le, Trung Q Nguyen, Nghiem T Diep, Tai Nguyen, Duy Duong-Tran, Jan Peters, Li Shen, Mathias Niepert, and Daniel Sonntag. Dude: Dual distribution-aware context prompt learning for large vision-language model. Asian Conference on Machine Learning, 2024a.
- Nguyen et al. (2024b) Duy MH Nguyen, Nina Lukashina, Tai Nguyen, An T Le, TrungTin Nguyen, Nhat Ho, Jan Peters, Daniel Sonntag, Viktor Zaverkin, and Mathias Niepert. Structure-aware e (3)-invariant molecular conformer aggregation networks. International Conference on Machine Learning, 2024b.
- Niepert et al. (2021) Mathias Niepert, Pasquale Minervini, and Luca Franceschi. Implicit mle: backpropagating through discrete exponential family distributions. Advances in Neural Information Processing Systems, 34:14567–14579, 2021.
- Park et al. (2024) Jungin Park, Jiyoung Lee, and Kwanghoon Sohn. Bridging vision and language spaces with assignment prediction. International Conference on Learning Representations, 2024.
- Pawar et al. (2024) Saurav Pawar, SM Tonmoy, SM Zaman, Vinija Jain, Aman Chadha, and Amitava Das. The what, why, and how of context length extension techniques in large language models–a detailed survey. arXiv preprint arXiv:2401.07872, 2024.
- Piran et al. (2024) Zoe Piran, Michal Klein, James Thornton, and Marco Cuturi. Contrasting multiple representations with the multi-marginal matching gap. International Conference on Machine Learning, 2024.
- Pogančić et al. (2020) Marin Vlastelica Pogančić, Anselm Paulus, Vit Musil, Georg Martius, and Michal Rolinek. Differentiation of blackbox combinatorial solvers. In International Conference on Learning Representations, 2020.
- Radford et al. (2021) Alec Radford, Jong Wook Kim, Chris Hallacy, Aditya Ramesh, Gabriel Goh, Sandhini Agarwal, Girish Sastry, Amanda Askell, Pamela Mishkin, Jack Clark, et al. Learning transferable visual models from natural language supervision. In International conference on machine learning, pp. 8748–8763. PMLR, 2021.
- Rajpurkar et al. (2017) Pranav Rajpurkar, Jeremy Irvin, Aarti Bagul, Daisy Ding, Tony Duan, Hershel Mehta, Brandon Yang, Kaylie Zhu, Dillon Laird, Robyn L Ball, et al. Mura: Large dataset for abnormality detection in musculoskeletal radiographs. arXiv preprint arXiv:1712.06957, 2017.
- Rolínek et al. (2020) Michal Rolínek, Vít Musil, Anselm Paulus, Marin Vlastelica, Claudio Michaelis, and Georg Martius. Optimizing rank-based metrics with blackbox differentiation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 7620–7630, 2020.
- Rolínek et al. (2020) Michal Rolínek, Paul Swoboda, Dominik Zietlow, Anselm Paulus, Vít Musil, and Georg Martius. Deep graph matching via blackbox differentiation of combinatorial solvers. In Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part XXVIII, pp. 407–424. Springer, 2020.
- Shaker et al. (2017) Fariba Shaker, S Amirhassan Monadjemi, Javad Alirezaie, and Ahmad Reza Naghsh-Nilchi. A dictionary learning approach for human sperm heads classification. Computers in biology and medicine, 91:181–190, 2017.
- Singhal et al. (2023) Karan Singhal, Tao Tu, Juraj Gottweis, Rory Sayres, Ellery Wulczyn, Le Hou, Kevin Clark, Stephen Pfohl, Heather Cole-Lewis, Darlene Neal, et al. Towards expert-level medical question answering with large language models. arXiv preprint arXiv:2305.09617, 2023.
- Soares & Angelov (2020) Eduardo Soares and Plamen Angelov. A large dataset of real patients ct scans for covid-19 identification. Harv. Dataverse, 1:1–8, 2020.
- Song et al. (2020) Kaitao Song, Xu Tan, Tao Qin, Jianfeng Lu, and Tie-Yan Liu. Mpnet: Masked and permuted pre-training for language understanding. Advances in neural information processing systems, 33:16857–16867, 2020.
- Spanhol et al. (2015) Fabio A Spanhol, Luiz S Oliveira, Caroline Petitjean, and Laurent Heutte. A dataset for breast cancer histopathological image classification. Ieee transactions on biomedical engineering, 63(7):1455–1462, 2015.
- Suckling (1994) John Suckling. The mammographic images analysis society digital mammogram database. In Exerpta Medica. International Congress Series, 1994, volume 1069, pp. 375–378, 1994.
- Sun et al. (2024) Yuchong Sun, Che Liu, Kun Zhou, Jinwen Huang, Ruihua Song, Wayne Xin Zhao, Fuzheng Zhang, Di Zhang, and Kun Gai. Parrot: Enhancing multi-turn instruction following for large language models. In Proceedings of the 62nd Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pp. 9729–9750, 2024.
- Swoboda et al. (2017) Paul Swoboda, Carsten Rother, Hassan Abu Alhaija, Dagmar Kainmuller, and Bogdan Savchynskyy. A study of lagrangean decompositions and dual ascent solvers for graph matching. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 1607–1616, 2017.
- Swoboda et al. (2019) Paul Swoboda, Ashkan Mokarian, Christian Theobalt, Florian Bernard, et al. A convex relaxation for multi-graph matching. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 11156–11165, 2019.
- Tang et al. (2022) Shixiang Tang, Feng Zhu, Lei Bai, Rui Zhao, Chenyu Wang, and Wanli Ouyang. Unifying visual contrastive learning for object recognition from a graph perspective. In European Conference on Computer Vision, pp. 649–667. Springer, 2022.
- Touvron et al. (2023) Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, et al. Llama: Open and efficient foundation language models. arXiv preprint arXiv:2302.13971, 2023.
- Tu et al. (2024) Tao Tu, Shekoofeh Azizi, Danny Driess, Mike Schaekermann, Mohamed Amin, Pi-Chuan Chang, Andrew Carroll, Charles Lau, Ryutaro Tanno, Ira Ktena, et al. Towards generalist biomedical ai. NEJM AI, 1(3):AIoa2300138, 2024.
- Wang et al. (2020) Linda Wang, Zhong Qiu Lin, and Alexander Wong. Covid-net: A tailored deep convolutional neural network design for detection of covid-19 cases from chest x-ray images. Scientific reports, 10(1):19549, 2020.
- Wu et al. (2023a) Chaoyi Wu, Xiaoman Zhang, Ya Zhang, Yanfeng Wang, and Weidi Xie. Towards generalist foundation model for radiology. arXiv preprint arXiv:2308.02463, 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.
- Xie et al. (2024) Yunfei Xie, Ce Zhou, Lang Gao, Juncheng Wu, Xianhang Li, Hong-Yu Zhou, Sheng Liu, Lei Xing, James Zou, Cihang Xie, et al. Medtrinity-25m: A large-scale multimodal dataset with multigranular annotations for medicine. arXiv preprint arXiv:2408.02900, 2024.
- Yao et al. (2024) Huanjin Yao, Wenhao Wu, Taojiannan Yang, YuXin Song, Mengxi Zhang, Haocheng Feng, Yifan Sun, Zhiheng Li, Wanli Ouyang, and Jingdong Wang. Dense connector for mllms. arXiv preprint arXiv:2405.13800, 2024.
- Zanfir & Sminchisescu (2018) Andrei Zanfir and Cristian Sminchisescu. Deep learning of graph matching. In Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 2684–2693, 2018.
- Zhai et al. (2023) Xiaohua Zhai, Basil Mustafa, Alexander Kolesnikov, and Lucas Beyer. Sigmoid loss for language image pre-training. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pp. 11975–11986, 2023.
- Zhang et al. (2023a) Kai Zhang, Jun Yu, Zhiling Yan, Yixin Liu, Eashan Adhikarla, Sunyang Fu, Xun Chen, Chen Chen, Yuyin Zhou, Xiang Li, et al. Biomedgpt: a unified and generalist biomedical generative pre-trained transformer for vision, language, and multimodal tasks. arXiv preprint arXiv:2305.17100, 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. (2024) Renrui Zhang, Jiaming Han, Chris Liu, Aojun Zhou, Pan Lu, Yu Qiao, Hongsheng Li, and Peng Gao. Llama-adapter: Efficient fine-tuning of large language models with zero-initialized attention. In The Twelfth International Conference on Learning Representations, 2024.
- Zhang et al. (2023c) Sheng Zhang, Yanbo Xu, Naoto Usuyama, Jaspreet Bagga, Robert Tinn, Sam Preston, Rajesh Rao, Mu Wei, Naveen Valluri, Cliff Wong, et al. Large-scale domain-specific pretraining for biomedical vision-language processing. arXiv preprint arXiv:2303.00915, 2(3):6, 2023c.
- Zhang et al. (2023d) Sheng Zhang, Yanbo Xu, Naoto Usuyama, Jaspreet Bagga, Robert Tinn, Sam Preston, Rajesh Rao, Mu Wei, Naveen Valluri, Cliff Wong, et al. Large-scale domain-specific pretraining for biomedical vision-language processing. URL https://arxiv. org/abs/2303.00915, 2023d.
Supplementary Material for
“LoGra-Med: Long-Context Multi-Graph Learning for Medical Vision-Language Models”
Contents
- 1 Introduction
- 2 Related Work
-
3 Multi-graph Alignment Learning
- 3.1 Long-context enriched medical instruction-following data
- 3.2 Multi-graph construction on vision-language embedding
- 3.3 Second-order graph alignment problem
- 3.4 Scalable Multi-graph Alignment
- 3.5 Backpropagation with Black-box Gradient Estimation
- 3.6 Structure alignment-based graph distance properties
- 4 Experiments
- 5 Conclusion
- A Proofs of the Main Theoretical Results
- B Proofs of Technical Results
- C Medical Visual Chatbot
- D Zero-shot Image Classification as MedVQA
- E LLM Prompting
- F Additional Results for Multi-modal Pre-training Comparison
Appendix A Proofs of the Main Theoretical Results
In this appendix, we provide detailed technical proofs of our main theoretical results.
A.1 Proof of Theorem 1
For the sake of simplicity, we denote the labeled graphs and structured graphs discussed above only by the whole structured graph.
To prove Theorem 1, for any two graphs and in the structured graph space , described respectively by their mixing measure and , respectively, we wish to prove the following properties:
-
1.
Positivity: for any .
-
2.
Equality relation: if and only if .
-
3.
Symmetry: .
-
4.
Triangle inequality: for any graph .
Note first that 1. Positivity and 3. Symmetry hold trivially.
Proof of 2. Equality relation. The equality relation immediately follows the following Proposition 1, which is proved in Appendix B.1.
Proposition 1 (Equality relation).
For any two graphs and in the structured graph space , described respectively by their mixing measure and , it holds if and only if and there exists a bijection such that:
-
E1.
.
-
E2.
.
-
E3.
.
Proof of 4. Triangle inequality. Let us consider two arbitrary graphs and , described respectively by their probability measure and . For any graph described by its probability measure , we define and as two optimal couplings of the SoGA distance between and and and , respectively, i.e.,
We then construct . Then it holds that . Indeed, we have
By the suboptimality of , the triangle inequalities of and , we have
Note that we have
This is how we achieve the desired result, because
A.2 Proof of Theorem 2
Theorem 2 enables us to characterise the optimal transport problem between two measures as a curve in the space of measures, with the objective of minimising its total length. Furthermore, this formulation is beneficial for deriving global minima results for non-convex particles in gradient descent in an optimisation context, which is a valuable application of gradient flows (Chizat & Bach, 2018). By definition, a geodesic between and is a shortest path between these two graphs. In particular, the computation of distances along constant speed geodesic paths is a relatively straightforward process, as these paths are directly embedded into the real line as follows: , for all and for any path (continuous map) connect to such that and . To prove Theorem A.2, it is necessary to collect fundamental material using Definition 1 from metric geometry for a general metric space .
Definition 1 (Length and geodesic spaces).
Let be a metric space and two points . We say that a path (curve) connect or join to if and and is a continuous map.
We also define the length of a path as
where we take the supremum over all and all -tuples in .
We denote a metric space as a length space if for all , where the infimum is taken over all paths connecting to .
We call a length space as a geodesic space if for all , there exists a path such that
We also denote the path as a geodesic between and .
Finally, we define a path as a constant speed geodesic if and only if
For the proof of Theorem 2, we first consider an optimal coupling for SoGA distance between two graphs and , i.e.,
described respectively by their mixing measure and . Moreover, for any we define such that
and on the metric space , we define the distance
for any . Here, we denote the push-forward operator such that for any Borel sets of a -albegra. For simplicity, we only consider where is the Euclidean norm.
Then we aim to prove that is a constant speed geodesic joining and , for arbitrary elements and in the metric space .
To do so, we consider any such that . By definition, we have to prove that
(9) |
Indeed, to prove equation (9), we first recall that
We then define the coupling . By the suboptimality of , it holds that:
Here, we used the fact that is the Euclidean norm, hence
Therefore, we have
(10) |
The remaining task is to prove that
(11) |
To show that this inequality, we note that via the triangle inequality of and for any , it holds that
Hence, for any , we obtain
(12) |
Suppose that
Then combining with the fact that
we have
This leads to the contradiction with the equation (12.) Hence the desired inequality in (11) holds. Finally, we obtain
(13) |
Appendix B Proofs of Technical Results
B.1 Proof of Proposition 1
First, let us suppose that . We wish to prove the existence of a bijection satisfying E1, E2, and E3. Indeed, let be any admissible transportation plan that encode a valid matching between and . Then we define:
(14) | |||
(15) |
Recall that we then define SGM discrepancy as:
(16) |
It should be recalled that the vertex affinity matrix , defined as , was introduced in the previous section. The edge affinity tensor, denoted by , is defined as follows: .
Let be the optimal coupling for . Then we have
(17) |
Since both and are non-negative, we conclude that . Now we wish to use the following Lemma B.2, which is proved in Appendix B.2.
Lemma 1.
Because we have is the optimal coupling w.r.t. the distance such that
(19) |
is supported by and satisfies . Therefore, . Here, we used the fact that
Note that are all non-negative. This leads to . This is equivalent to since is a metric, which is the desired E2. Therefore, we also have . Combining equations (14), (15), and E3*, we have
(20) | ||||
(21) |
This leads to the desired result, i.e., E3. .
Now, let us suppose that there exists a bijection satisfying E1, E2, and E3. We wish to prove that . Then we can consider the transportation plan , i.e., is associated with and . Using E1, it holds that . Moreover, via E2 and E3, we also have
This leads to the desired result that .
B.2 Proof of Lemma 1
By definitions and the triangle inequalities of the metric and , we have
(22) |
Using the triangle inequality of the metric again, we have
This is equivalent to
(23) |
We consider two sets and . Combining equations (B.2) and (23), it holds that
(24) |
Hence, since . Here, we have is the optimal coupling such that
(25) |
Hence, in accordance with Theorem 5.1 from Mémoli (2011); Mémoli & Sapiro (2005), there exists an isomorphisms between the metric spaces associated with and , described respectively by their mixing measure and . This means that there exists a bijective with weight preserving isometry . This implies that and there exists a bijective satisfies the weight and distance preserving isometry as follows:
-
E1.
.
-
E3*.
.
Original Conversation | Long Context | ||
---|---|---|---|
User | What is the organ shown in the image? | ||
instruction | The image is a CT scan of the abdomen and pelvis, focusing on the adrenal glands. | The organ depicted in the image is the adrenal glands, which are located on top of each kidney. In this CT scan of the abdomen and pelvis, the adrenal glands appear as small, triangular-shaped structures that play a crucial role in hormone production, including cortisol and adrenaline, which are vital for stress response and metabolism. | |
User | What do the black arrows indicate? | ||
instruction | The black arrows in the image are pointing to the bilateral adrenal enlargement, which means that both adrenal glands are larger than normal. | The black arrows in the image indicate bilateral adrenal enlargement, which signifies that both adrenal glands are enlarged beyond their normal size. This condition can be associated with various clinical implications, such as hormonal imbalances or underlying diseases, and may require further evaluation to determine the cause. | |
User | Are both adrenal glands enlarged? | ||
instruction | Yes, both adrenal glands appear to be enlarged in the CT scan. This bilateral adrenal enlargement may be due to various causes, and further evaluation by a healthcare professional is necessary to determine the underlying reason for this finding. | Yes, both adrenal glands are enlarged in the CT scan. This bilateral adrenal enlargement can result from various conditions, including: - Adrenal adenomas - Cushing’s syndrome - Hyperplasia - Metastatic disease Further evaluation by a healthcare professional is essential to identify the specific cause of this finding. | |
User | What is the age and gender of the patient? | ||
instruction | The patient is a 23-year-old female. | The patient is a 23-year-old female, indicating her age and gender clearly. This information is essential for understanding her demographic profile in a clinical context. | |
User | What is the main finding in the chest x-ray? | ||
instruction | The main finding in the chest x-ray is lymphadenopathy, which refers to the enlargement of lymph nodes. | The main finding in the chest x-ray is lymphadenopathy, which indicates the enlargement of lymph nodes. This condition may suggest underlying issues such as infection, malignancy, or autoimmune disorders, warranting further investigation to determine the cause and appropriate management. | |
User | What is the patient’s medical condition? | ||
instruction | The patient has respiratory symptoms and a confirmed H1N1 infection. Additionally, the patient has a history of crack addiction. | The patient is diagnosed with respiratory symptoms and has a confirmed H1N1 infection. Additionally, the patient has a significant history of crack addiction, which may impact their overall health and treatment options. |
Appendix C Medical Visual Chatbot
Evaluation Protocol
We evaluate the ability of models to serve as a medical visual chatbot as follows: each of the 193 novel questions in the dataset has a corresponding ground-truth answer. We generate response to each question from the LMM. Next, we ask GPT-4 to score the helpfulness, relevance, accuracy and level of details of the response from the LMM relative to the ground-truth answer. The score is therefore in the scale of 0 to 100, where higher score indicates better overall performance. During our project, we are unable to access the GPT-4 version used by LLaVA-Med due to deprecation. Therefore, we opt for GPT-4o version as a judge. We also use this GPT version to reproduce the results reported in LLaVA-Med paper and observe decrease in performance. This may be due to the fact that GPT-4o serve as a better judge than previous version and thus judge the model’s response harder.
Results
Table 4 shows the experimental results of LoGra-Med alongside competitive methods, with the highest scores in bold. Our two method variants—based on LLaVA 1.5 with and without the DCI technique—outperform others on conversation samples and achieve comparable results to LLaVA-Med 1.5 on description samples. In evaluations across five medical domains, our methods surpass the baselines in three (CXR, Histology, and Gross), positioning LoGra-Med as the state-of-the-art overall. These findings highlight how the multi-graph alignment strategy and extended answer contexts enhance VQA chatbot performance in the biomedical domain.
Qualitative results are shown in Table 7, where LoGra-Med’s generated responses are compared against a series of example questions and image contexts. The top and middle parts of the figure illustrate a detailed description of a chest X-ray image, while the bottom part showcases a conversational exchange regarding the origin and extent of a mass found in a medical image. As demonstrated, LoGra-Med effectively provides clinically relevant answers with high-level details, enhancing the interpretability and usability of its outputs. In cases where the given image and/or question is ambiguous, as shown in the middle dialogue, LoGra-Med should produce a clear explanation without adding any additional information or showing any signs of hallucinations.
Detailed Description | ||
---|---|---|
Caption | Chest X-ray: Normal with no signs of metastatic lesions | |
User | Walk through the important details of the image | |
LoGra-Med | The image is a chest X-ray (CXR) taken on the 1st postoperative day. It provides a view of the patient’s chest, including the lungs, heart, and surrounding structures. Since this is a postoperative image, it may be used to assess the patient’s condition after a surgical procedure, monitor for any complications, or evaluate the effectiveness of the treatment. | |
Caption | Viral Sialadenitis. Axial computed tomography in a 14-year-old female with bilateral parotid pain and swelling demonstrates symmetric enlargement of the parotid glands with subtle stranding in the adjacent fat (white arrows). Blood work was positive for parainfluenza virus. | |
User | Offer a thorough analysis of the image | |
LoGra-Med | As an AI, I cannot view the actual image, but I can help you interpret the image based on the visual aspects you describe. If you have any questions about the content or context of the image, feel free to ask, and I’ll do my best to provide assistance. | |
Answer (Short) | Chest X-ray showing dilated cardiomyopathy | |
Conversation | ||
Caption | A computed tomography scan shows that the mass arises from the posterior costal arc of the eighth rib on the patients left side and does not involve the medulla. | |
User | What is the origin of the mass? | |
LoGra-Med | The mass appears to be originating from the right lung. | |
User | Does the mass involve the medulla? | |
LoGra-Med | According to the image, the mass does not appear to involve the medulla. The medulla is a part of the brainstem, and its involvement would indicate that the mass has extended to this area. In this case, the mass seems to be affecting other parts of the brainstem and cerebellum. | |
Answer (Short) | - |
Appendix D Zero-shot Image Classification as MedVQA
Figure 6 provides several examples of microscopy and CT images. The top section displays three microscopy images along with their respective question-option pairs, while the bottom section presents three CT image samples with their question-option pairs. The ground truth correct options are highlighted in blue. In total, the number of images and question-answering items across the three groups of various medical image modalities are shown in Figure 4.
Evaluation method. Following Hu et al. (2024), we use Question-answering Score as metric to report performance of the models. Specifically, we combine the question expression and all candidate options to construct the prompt. Our prompt template therefore is as follows:
“This is a medical question with several Options, and there is only one correct answer among these options. Please select the correct answer for the question. Remember, you can only select one option. The Question is:Question. ### The candidate Options are:Options.
The MLLM receives this prompt and corresponding image and is asked to generate response. We then utilize difflib, a standard Python package to compare two strings, to calculate the similarity of the response with each of the candidate options and pick the option with the largest similarity as final prediction. The accuracy is computed by comparing the prediction with the ground-truth answer.
Appendix E LLM Prompting
Appendix F Additional Results for Multi-modal Pre-training Comparison
F.1 MedVQA datasets
We train and evaluate LoGra-Med on three biomedical VQA datasets, including VQA-RAD, SLAKE, and PathVQA. The dataset statistics are summarized in detail in Table 13.
-
•
VQA-RAD dataset is a collection of 2248 QA pairs and 515 radiology images which are evenly distributed over the chest, head, and abdomen. Over half of the answers are closed-ended (i.e., yes/no type), while the rest are open-ended with short phrase answers.
-
•
SLAKE dataset contains 642 radiology images and over 7000 diverse QA pairs. It includes rich modalities and human body parts such as the brain, neck, chest, abdomen, and pelvic cavity. This dataset is bilingual in English and Chinese, and in our experiments, we only considered the English subset.
-
•
PathVQA dataset contain pathology images. It has a total of 32795 QA pairs and 4315 pathology images. The questions in this dataset have two types: open-ended questions such as why, where, how, what, etc. and closed-ended questions.
F.2 Results
Tables 11 and 12 present the results using 70% and 100% of the data. Overall, LoGra-Med demonstrates a steady improvement and consistently outperforms other pre-training methods across nearly all settings.
Dataset | VQA-RAD | SLAKE | PathVQA | |||||
---|---|---|---|---|---|---|---|---|
Train | Test | Train | Val | Test | Train | Val | Test | |
# Images | 313 | 203 | 450 | 96 | 96 | 2599 | 858 | 858 |
# QA Pairs | 1797 | 451 | 4919 | 1053 | 1061 | 19755 | 6279 | 6761 |
# Open | 770 | 179 | 2976 | 631 | 645 | 9949 | 3144 | 3370 |
# Closed | 1027 | 272 | 1943 | 422 | 416 | 9806 | 3135 | 3391 |