An Evaluation of Interleaved Instruction Tuning on Semantic Reasoning Performance in an Audio MLLM
Abstract
Standard training for Multi-modal Large Language Models (MLLMs) involves concatenating non-textual information, like vision or audio, with a text prompt. This approach may not encourage deep integration of modalities, limiting the model’s ability to leverage the core language model’s reasoning capabilities. This work examined the impact of interleaved instruction tuning in an audio MLLM, where audio tokens are interleaved within the prompt. Using the Listen, Think, and Understand (LTU) model as a testbed, we conduct an experiment using the Synonym and Hypernym Audio Reasoning Dataset (SHARD), our newly created reasoning benchmark for audio-based semantic reasoning focusing on synonym and hypernym recognition. Our findings show that while even zero-shot interleaved prompting improves performance on our reasoning tasks, a small amount of fine-tuning using interleaved training prompts improves the results further, however, at the expense of the MLLM’s audio labeling ability.
1 Introduction
Multi-modal Large Language Models (MLLMs) continue to face significant reasoning challenges. In the visual domain, models often struggle with complex spatial relationships and compositional understanding chen2024spatialvlm ; cheng2024spatialrgpt ; ma2024spatialpin ; tong2024eyes . In the audio domain, the challenges faced with visual signals persist and are compounded by the inherently temporal nature of audio signals. Our prior work ccoban2024mllms demonstrated that audio MLLMs fail to connect the LLM’s text-based reasoning abilities to audio modality, particularly struggling with semantic reasoning tasks. Recent studies on Vision-Language Models (VLMs) have suggested that some models behave like "bag-of-words" encoders, focusing on a few salient features rather than processing the input sequentially and contextually yuksekgonul2022and ; qi2025beyond . This suggests that model may not be "reading" and reasoning over the non-textual input with the same attention it applies to text. To address this limitation, researchers have begun used interleaved training prompts, where multiple modalities like text, images, and audio are interwoven in a single, continuous sequence wang2024emu3 ; zhan2024anygpt ; huang2023language ; li2024llava ; li2025otter ; feofanov2025mantis . The hypothesis is that by positioning non-text tokens amongst text tokens within the sequence, the LLM’s core attention mechanisms can be leveraged to encourage it to pay closer attention to the multi-modal inputs and their relationship to text.
To address the semantic reasoning gap identified in our previous study ccoban2024mllms , we present a systematic investigation of the impact of interleaved prompts for similarity-based and hierarchical semantic reasoning with audio. We introduce a new benchmark designed to evaluate audio-based semantic reasoning through two tasks: synonym (similarity) and hypernym (hierarchical) reasoning. Our study follows a three-stage approach. Firstly, we examine the zero-shot impact of applying the interleaved prompts to the original Listen, Think and Understand (LTU) model gong2023listen . Second, we examine the impact of fine-tuning the model with an interleaved instruction dataset with both small-scale (40K samples) and large-scale (1 million samples) training sets. We also evaluate the impact of our fine-tuning on the MLLM’s audio labeling functionality.
2 Background
MLLMs are built to integrate non-textual modalities, like vision and audio, with the powerful reasoning abilities of LLMs. While visual MLLMs show promise, research has revealed significant reasoning limitations, such as poor spatial reasoning qi2025beyond ; chen2024spatialvlm ; ma2024spatialpin and a tendency for catastrophic forgetting of the core LLM’s capabilities when non-linguistic prompts are introduced wang2023paxion . This reasoning gap also persists in recent audio MLLMs. Models such as LTU gong2023listen and SALMONN tang2023salmonn have been developed to answer questions about audio. However, our prior work ccoban2024mllms demonstrated that while these two models are proficient at descriptive tasks like audio captioning, they cannot fully leverage their LLM’s text-based reasoning for complex semantic tasks (specifically, synonym and hypernym identification). This finding suggests that the standard training method creates a shallow integration between the LLM and the multi-modal encoder, limiting the MLLM’s ability to apply the LLM’s conceptual knowledge directly to the audio input.
One way to address this integration failure is interleaved instruction tuning, where audio tokens are interleaved directly within the text prompt. This method has been applied in training various vision and audio MLLMs novel architectures (e.g., Chameleon team2024chameleon , Mantis feofanov2025mantis , Emu3 wang2024emu3 , and APT liang2025acoustic ), however, none of these papers have systematically examined the specific impact of interleaving itself. In this work, we investigate the impact of interleaving audio tokens within the text prompt on the LTU gong2023listen model’s semantic reasoning capabilities.
3 Method
Base Model and Interleaved Adaptation.
Our investigation builds on the LTU model, which pairs an audio encoder using CAV-MAE gong2022contrastive and a LLaMa touvron2023llama backbone. The audio encoder processes 10-second raw audio clip into 32 embeddings and projects them to a 4096-dimensional space to match the LLM’s input. The text prompt is tokenized and embedded by the LLM’s embedding layer to obtain , where is the number of text tokens. For the conventional non-interleaved setup, also used in LTU, it typically prepends the entire audio embeddings to the text embeddings:
For an interleaved setup, we place the audio embeddings at any position of the text (e.g., between or end). If we place audio embeddings between of text, the prompt will be structured as . Here, represents a conceptual placeholder for audio modality, is the text before the audio, and is the text after. The final input sequence is:
To adapt the original LTU for this interleaved structure, we implement this concept by introducing a new special token [AUDIO]. During the preprocessing, each occurrence of [AUDIO] expands to 32 positions. At runtime, those 32 positions are replaced by the audio embeddings , and the rest of the sequence consists of ordinary text tokens. The detailed mathematical formulation is listed in Appendix A. For parameter-efficient fine-tuning, we replicate LTU’s Low-Rank Adaptation (LoRA) hu2022lora setup with a rank of and scale . The training objective is standard autoregressive cross-entropy over the sequence. During the finetuning, we keep input data as training data but we mask the labels of audio tokens hence only text tokens contribute to the loss. All fine-tuning experiments are conducted on two A40 GPUs using a batch size of 4 and a learning rate of .
Fine-tuning Dataset.
To study interleaved instruction tuning, we created a 1-million-item finetuning dataset (as well as a 40k-item subset) with interleaved prompt by reformulating the audio question-answering dataset released by LTU gong2023listen , rather than introducing new audio sources or reasoning-related question-answering data. This approach ensures that any observed performance changes can be more directly attributed to the change in interleaved prompt adaptation. The released audio question-answering dataset contains a mix of closed-ended and open-ended questions and audio sources from various public benchmarks gemmeke2017audio ; hershey2021benefit_audioset_strong ; piczak2015esc ; fonseca2021fsd50k . In our experiment, we used samples sourced from the AudioSet-Strong hershey2021benefit_audioset_strong training set for open-ended questions and samples from both the AudioSet-Balanced gemmeke2017audio training and AudioSet-Strong hershey2021benefit_audioset_strong training sets for closed-ended classification tasks. A core principle of our interleaved prompt design is to minimize explicit modality cues to encourage the LLM to process the audio embeddings more akin to textual tokens within the sequence. To achieve this, we omitted phrases that explicitly refer to the audio modality, such as "in this audio clip" or “listen to this recording” from the original non-interleaved prompt. To generate a diverse and linguistically rich dataset, we designed a series of new system and user prompt templates with GPT-4.1 mini to rephrase the original prompt into an interleaved format, embedding a special [AUDIO] placeholder within the prompt text. A temperature sampling strategy with values ranging from 0.7 to 1.1 was employed during this generation process to encourage variability in wording. Crucially, while the textual prompt was reformulated, the source audio clip and the corresponding ground-truth answer label remained identical to the original dataset, ensuring that the primary experimental variable was the prompt format itself. The complete prompt generation methodology, including all prompt templates and representative data samples, is detailed in Appendix B.
Audio Reasoning Benchmark.
To evaluate the model’s ability to apply lexcial reasoning to audio inputs, we developed the Synonym and Hypernym Audio Reasoning Dataset (SHARD) building on our earlier work ccoban2024mllms , focused on two fundamental semantic relationships, synonym and hypernym. It facilitates evaluation of whether an MLLM understands and uses the audio to support a textual relation decision, forming a solid audio reasoning benchmark. Specifically, synonyms test the model’s ability to recognize semantic equivalence (e.g., car and automobile), while hypernyms assess its grasp of hierarchical classification (e.g., recognizing that a car is a type of vehicle). SHARD consists of 78 words, with two synonyms and hypernyms per word and four audio examples of the word from the AudioSet evaluation dataset gemmeke2017audio , selected to include only audio files that contain only the sound of the corresponding word/label. These labels were selected to ensure broad categorical coverage across three types of sounds found in AudioSet: anthrophony (sounds made by humans), biohphony (sounds made by animals), and geophony (sounds made by non-biological nature). Synonyms and hypernyms were collected from the lexical database WordNet fellbaum2010wordnet .
Experimental Methodology.
Our experiment consists of three stages. First, we investigate the zero-shot impact of applying interleaved prompts directly to the baseline LTU model. Second, we fine-tune the model on a subset (40K samples) of the full fine-tuning dataset described above. And third, we use the full fine-tuning dataset (1 million samples) to observe the impact of data volume on the task. For each stage, we evaluate the performance of model variants with the SHARD benchmark’s prompts on synonym and hypernym based reasoning tasks. The specific prompt templates used to examine these relationships in both non-interleaved and interleaved formats are detailed in Table 1.
Each unique query from SHARD (a specific audio file and word pair) was repeated four times to account for the stochastic nature of the model’s responses.To efficiently evaluate the model’s responses to the synonym and hypernym tasks, we parse the generated text using whole-word regular expressions to extract a binary decision. We map common negative phrases (e.g., "no", "does not", "is not") to a ’No’ decision and affirmative phrases (e.g., "yes", "does") to a ’Yes’ decision. We evaluate the models’ ability to label audio events via regular expression exact match against the canonical AudioSet label strings.
| Identity | Non-interleaved | Can you list the labels based on this audio file? |
| Interleaved | Can you list the labels based on [AUDIO]? | |
| Similarity | Non-interleaved | Is the sound of the object in this audio signal similar to {synonym}? |
| (synonym) | Interleaved | Is [AUDIO] similar to {synonym}? |
| Hierarchy | Non-interleaved | Is the sound of the object in this audio signal a type of {hypernym}? |
| (hypernym) | Interleaved | Is [AUDIO] a type of {hypernym}? |
4 Results
We evaluated each model configuration on SHARD, reporting Accuracy, Precision, Recall, and F1 scores for both the synonym and hypernym tasks in Table 2, along with the model’s ability to predict the original AudioSet label (Identity). Zero-shot interleaving on the original LTU model improved recall performance from 18.31% to 54.13% for synonyms and 52.76% to 70.82% for hypernyms. But this came at the expense of the precision, which declined from 96.45% to 52.90% for synonyms and 98.90% to 61.33% for hypernyms, compared to the non-interleaved prompting of the original LTU model. Overall, interleaved prompting increased the F1 score on both the synonym task from 38.78% to 53.51%, but it reduced the F1 score slightly on the hypernym task (from 68.81% to 64.75%) as well as accuracy on the identity task from 48.45% to 41.69 %.
Fine-tuning with the small dataset, improved precision for both synonyms (84.81%) and hypernyms (91.45%) over the interleaved prompting of the baseline model, with only a small decline in recall, 44.40% for synonyms and 66.18% for hypernyms. This resulted in a higher F1 score for both the synonym (58.29%) and hypernym (76.69%) tasks over either prompting strategies on the baseline model. Accuracy on identity, however, declined to 39.33%, lower than both prompting strategies.
Fine-tuning with the large dataset (FT-Large) resulted in a sharp decline in recall compared to the FT-Small model, dropping to 6.31% for synonyms and 38.67% for hypernyms. At the same time, this model’s precision was 100.00% for synonyms and 87.10% for hypernyms while identity accuracy fell to 28.75%.
5 Discussion
Our results demonstrate that: (1) First, MLLMs with non-interleaved setup can benefit from interleaving. Even without training, simply changing the prompt from a non-interleaved to an interleaved format improved the baseline LTU model’s behavior on semantic reasoning tasks, although the model’s ability to label audio events deteriorated. (2) Second, small-scale fine-tuning on interleaved prompts (FT-Small) achieves the best-balanced F1 scores for both synonyms and hypernyms. We hypothesize this improvement stems from the attention mechanism. The interleaved instruction allows audio tokens to attend directly to preceding text, rather than only to other audio tokens. This provides immediate textual context for the audio, forcing the model to establish a tighter, more granular alignment, which in turn improves its reasoning accuracy. (3) Third, naively scaling the fine-tuning data (FT-Large) resulted in a significant performance collapse. We observe overfitting, where the model becomes overly conservative with decreasing recall and increasing precision on both the synonym and hypernym tasks. We also observed catastrophic forgetting through the decline in accuracy on the identity (labeling) tasks. The decline in labeling accuracy is likely contributing to the substantial decrease in recall for the synonym task, as there is an increase in misclassification with objects of similar type (e.g., sailboat and motorboat), which causes issues for the identity and synonym tasks but not the hypernyms one because they still fall into the same larger-scale category.
| Accuacy (%) | Precision (%) | Recall (%) | F1 Score (%) | ||||||
|---|---|---|---|---|---|---|---|---|---|
| Model | Identity | Syno. | Hyper. | Syno. | Hyper. | Syno. | Hyper. | Syno. | Hyper. |
| LTU baseline (non-interleaved) | 48.45 | 98.90 | |||||||
| LTU baseline(interleaved) | 54.13 | 70.82 | |||||||
| LTU FT–Small (interleaved) | 68.75 | 80.26 | 58.29 | 76.79 | |||||
| LTU FT–Large (interleaved) | 100.00 | ||||||||
6 Conclusions and Future Work
In this work111The code is available at https://github.com/LUMaA-CUNY/Interleaved-Audio-MLLM and SHARD is available at https://github.com/LUMaA-CUNY/SHARD., we demonstrated the positive impact of interleaved instruction tuning on semantic reasoning capabilities in an audio-based MLLM. We also introduced SHARD, a novel benchmark for audio-based semantic reasoning with synonyms and hypernyms.)Through a series of experiments with SHARD, we showed that using interleaved prompting on the original MLLM improved semantic reasoning and that small-scale fine-tuning (FT-Small) on interleaved prompts improved results further. However, naively scaling the fine-tuning (FT-Large) can lead to overfitting and catastrophic forgetting of the MLLM’s audio labeling capability. The decline in audio labeling capability, was observed to a lesser extent in all interleaved conditions, suggesting that, in future work, incorporating diverse interleaved data earlier in the pre-training phase would facilitate more robust and generalizable audio-reasoning MLLMs.
Acknowledgments and Disclosure of Funding
We would like to acknowledge the contribution of Claire Amont Alexandre to data collection for SHARD.
This material is based on work supported by the National Science Foundation under Grants Nos. 1839185, 1839198, and 2228910.
References
- [1] Boyuan Chen, Zhuo Xu, Sean Kirmani, Brain Ichter, Dorsa Sadigh, Leonidas Guibas, and Fei Xia. Spatialvlm: Endowing vision-language models with spatial reasoning capabilities. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 14455–14465, 2024.
- [2] An-Chieh Cheng, Hongxu Yin, Yang Fu, Qiushan Guo, Ruihan Yang, Jan Kautz, Xiaolong Wang, and Sifei Liu. Spatialrgpt: Grounded spatial reasoning in vision-language models. Advances in Neural Information Processing Systems, 37:135062–135093, 2024.
- [3] EB Çoban, MI Mandel, and J Devaney. What do mllms hear? examining the interaction between llm and audio encoder components in multimodal large language models. In Audio Imagination: NeurIPS 2024 Workshop AI-Driven Speech, Music, and Sound Generation, 2024.
- [4] Christiane Fellbaum. Wordnet. In Theory and applications of ontology: computer applications, pages 231–243. Springer, 2010.
- [5] Vasilii Feofanov, Songkang Wen, Marius Alonso, Romain Ilbert, Hongbo Guo, Malik Tiomoko, Lujia Pan, Jianfeng Zhang, and Ievgen Redko. Mantis: Lightweight calibrated foundation model for user-friendly time series classification. arXiv preprint arXiv:2502.15637, 2025.
- [6] Eduardo Fonseca, Xavier Favory, Jordi Pons, Frederic Font, and Xavier Serra. Fsd50k: an open dataset of human-labeled sound events. IEEE/ACM Transactions on Audio, Speech, and Language Processing, 30:829–852, 2021.
- [7] Jort F Gemmeke, Daniel PW Ellis, Dylan Freedman, Aren Jansen, Wade Lawrence, R Channing Moore, Manoj Plakal, and Marvin Ritter. Audio set: An ontology and human-labeled dataset for audio events. In 2017 IEEE international conference on acoustics, speech and signal processing (ICASSP), pages 776–780. IEEE, 2017.
- [8] Yuan Gong, Hongyin Luo, Alexander H Liu, Leonid Karlinsky, and James Glass. Listen, think, and understand. arXiv preprint arXiv:2305.10790, 2023.
- [9] Yuan Gong, Andrew Rouditchenko, Alexander H Liu, David Harwath, Leonid Karlinsky, Hilde Kuehne, and James Glass. Contrastive audio-visual masked autoencoder. arXiv preprint arXiv:2210.07839, 2022.
- [10] Shawn Hershey, Daniel PW Ellis, Eduardo Fonseca, Aren Jansen, Caroline Liu, R Channing Moore, and Manoj Plakal. The benefit of temporally-strong labels in audio event classification. In ICASSP 2021-2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pages 366–370. IEEE, 2021.
- [11] Edward J Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, Lu Wang, Weizhu Chen, et al. Lora: Low-rank adaptation of large language models. ICLR, 1(2):3, 2022.
- [12] Shaohan Huang, Li Dong, Wenhui Wang, Yaru Hao, Saksham Singhal, Shuming Ma, Tengchao Lv, Lei Cui, Owais Khan Mohammed, Barun Patra, et al. Language is not all you need: Aligning perception with language models. Advances in Neural Information Processing Systems, 36:72096–72109, 2023.
- [13] Bo Li, Yuanhan Zhang, Liangyu Chen, Jinghao Wang, Fanyi Pu, Joshua Adrian Cahyono, Jingkang Yang, Chunyuan Li, and Ziwei Liu. Otter: A multi-modal model with in-context instruction tuning. IEEE Transactions on Pattern Analysis and Machine Intelligence, 2025.
- [14] Feng Li, Renrui Zhang, Hao Zhang, Yuanhan Zhang, Bo Li, Wei Li, Zejun Ma, and Chunyuan Li. Llava-next-interleave: Tackling multi-image, video, and 3d in large multimodal models. arXiv preprint arXiv:2407.07895, 2024.
- [15] Jinhua Liang, Xubo Liu, Wenwu Wang, Mark D Plumbley, Huy Phan, and Emmanouil Benetos. Acoustic prompt tuning: Empowering large language models with audition capabilities. IEEE Transactions on Audio, Speech and Language Processing, 2025.
- [16] Chenyang Ma, Kai Lu, Ta-Ying Cheng, Niki Trigoni, and Andrew Markham. Spatialpin: Enhancing spatial reasoning capabilities of vision-language models through prompting and interacting 3d priors. Advances in neural information processing systems, 37:68803–68832, 2024.
- [17] Karol J Piczak. Esc: Dataset for environmental sound classification. In Proceedings of the 23rd ACM international conference on Multimedia, pages 1015–1018, 2015.
- [18] Jianing Qi, Jiawei Liu, Hao Tang, and Zhigang Zhu. Beyond semantics: Rediscovering spatial awareness in vision-language models. arXiv preprint arXiv:2503.17349, 2025.
- [19] Changli Tang, Wenyi Yu, Guangzhi Sun, Xianzhao Chen, Tian Tan, Wei Li, Lu Lu, Zejun Ma, and Chao Zhang. Salmonn: Towards generic hearing abilities for large language models. arXiv preprint arXiv:2310.13289, 2023.
- [20] Chameleon Team. Chameleon: Mixed-modal early-fusion foundation models. arXiv preprint arXiv:2405.09818, 2024.
- [21] Shengbang Tong, Zhuang Liu, Yuexiang Zhai, Yi Ma, Yann LeCun, and Saining Xie. Eyes wide shut? exploring the visual shortcomings of multimodal llms. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 9568–9578, 2024.
- [22] 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.
- [23] Xinlong Wang, Xiaosong Zhang, Zhengxiong Luo, Quan Sun, Yufeng Cui, Jinsheng Wang, Fan Zhang, Yueze Wang, Zhen Li, Qiying Yu, et al. Emu3: Next-token prediction is all you need. arXiv preprint arXiv:2409.18869, 2024.
- [24] Zhenhailong Wang, Ansel Blume, Sha Li, Genglin Liu, Jaemin Cho, Zineng Tang, Mohit Bansal, and Heng Ji. Paxion: Patching action knowledge in video-language foundation models. Advances in Neural Information Processing Systems, 36:20729–20749, 2023.
- [25] Mert Yuksekgonul, Federico Bianchi, Pratyusha Kalluri, Dan Jurafsky, and James Zou. When and why vision-language models behave like bags-of-words, and what to do about it? arXiv preprint arXiv:2210.01936, 2022.
- [26] Jun Zhan, Junqi Dai, Jiasheng Ye, Yunhua Zhou, Dong Zhang, Zhigeng Liu, Xin Zhang, Ruibin Yuan, Ge Zhang, Linyang Li, et al. Anygpt: Unified multimodal llm with discrete sequence modeling. arXiv preprint arXiv:2402.12226, 2024.
Appendix A: Detailed Model Formulation
1. Modality-Specific Input Processing
The model first processes the audio and text inputs in parallel to convert them into a shared embedding space.
Audio Processing
A raw 10-second audio clip, , is fed into the pre-trained CAV-MAE audio encoder, , which generates a sequence of 32 feature-rich embeddings, :
These embeddings (where for CAV-MAE) are then passed through a linear projection layer, , to match the 4096-dimensional hidden space of the LLaMa backbone, resulting in the final audio sequence :
Text Processing
A raw text prompt, , is first processed by the LLaMa tokenizer, which converts the string into a sequence of integer token IDs, :
These token IDs are then passed through the LLaMa model’s own word embedding layer, , to produce the final text embedding sequence :
2. Sequence Construction
Once and are computed, they are combined into a single input sequence . The construction of this sequence differs between the baseline model and our proposed method.
Non-Interleaved Construction (Baseline)
In the conventional non-interleaved setup, as used by the original LTU model, the entire sequence of audio embeddings is prepended to the text embeddings . This creates a single sequence :
Here, the model first processes all audio information before processing any text.
Interleaved Construction
For our interleaved setup, the final input sequence is constructed by inserting the audio embeddings into the text embeddings at the position indicated by a conceptual placeholder . For a prompt , the corresponding embedding sequences and are combined with :
Let this full input sequence of total length tokens be denoted , where each is a 4096-dimensional vector from either or .
3. Training Objective
The model is trained using a standard autoregressive, next-token prediction objective with a cross-entropy loss. Let be the input sequence and be the target tokens (i.e., the input sequence shifted by one). The total loss is:
During fine-tuning, we only want the model to predict text tokens, not audio embeddings. We apply a binary mask to the loss, where if is a text token and if is an audio token. The final masked loss is:
In practice, this masking is commonly implemented by setting the target labels corresponding to audio tokens to , which is the standard ignore-index for the cross-entropy loss.
Appendix B: Prompt Generation for Fine-Tuning Dataset
1. Prompt Generation
To create our fine-tuning datasets, we developed a pipeline to reformulate the original LTU audio question-answering data into our desired interleaved format. This process used GPT-4.1-mini to generate a set of diverse prompts based on two question types: closed-ended and open-ended questions. As described in LTU[8], the closed-ended questions includes two types of classification tasks, label classification and acoustic feature classification, which have a fixed output format and objective answers. The open-ended questions are free-form and were designed to train the LTU model in advanced audio reasoning and comprehension abilities. These questions span multiple tasks, including audio reasoning and audio scene analysis.
The primary objective of this pipeline was to convert the original non-interleaved prompts into a new format where the [AUDIO] placeholder token was naturally integrated within the instruction’s text. The generated prompts should be grammatically correct, semantically equivalent to the originals, and linguistically diverse, avoiding simple, repetitive templates. In order to encourage GPT-4.1-mini to vary its sentence structure and phrasing, a randomly selected instruction from a predefined list was appended to each system prompt (see Table 3).
Moreover, a temperature sampling strategy with values ranging from 0.7 to 1.1 was employed during this generation process to encourage further variability in wording. Crucially, while the textual prompt was reformulated, the source audio clip and the corresponding ground-truth answer label remained identical to the original dataset, ensuring that the primary experimental variable was the prompt format itself.
| • Use creative and varied language. • Employ different sentence structures and word choices. • Be innovative in your phrasing while maintaining clarity. • Use diverse vocabulary and avoid repetitive patterns. • Create unique formulations while keeping the core meaning. • Vary your word choice and sentence construction. • Express the same concept using different linguistic approaches. • Be original in your expression while preserving the instruction’s purpose. |
The exact prompt templates used to guide the generation for each task are detailed in Table 4, Table 5, and Table 6. Each prompt template consists of two primary parts: a system prompt that defines the LLM’s role and general task rules, and a user prompt that provides the specific task. As shown in the tables, these templates contain placeholders ({non-interleaved prompt} and {instruction}). The {non-interleaved prompt} is filled with a non-interleaved prompt used in the original LTU, while {instruction} is filled with a randomly selected instruction from Table 3 to ensure linguistic diversity. While all templates share common rules (e.g., the mandatory single [AUDIO] placeholder or the instruction to avoid referring to media files directly) in the system prompt, each includes unique task-specific constraints. For example, the prompt for acoustic feature classification (Table 5) requires the model to ask for both a label and its acoustic properties, while the open-ended QA prompt (Table 6) focuses on rephrasing the original question. We employed a few-shot prompting technique to present a small number of good example responses to the LLM, ensuring that the generated interleaved prompts are of high quality, task-appropriate, and aligned with our research goals.
| Role | Content |
|---|---|
| System |
You are an expert AI assistant specializing in revising prompts for multimodal language models.
Your task is to rewrite a given prompt into a new, interleaved format.
Your Rules: 1. You must take the user’s ’Old Prompt’ and rephrase it into an abstract, interleaved instruction. 2. The new prompt must contain the exact placeholder [AUDIO] one and only one time. 3. The new prompt must avoid words that explicitly refer to a media file, such as "clip," "recording," or "audio file." 4. The new prompt must be completely general and scenario-agnostic. 5. Your final output must be a single JSON object with one key: "revised_prompt". Do not include any other text. IMPORTANT: {instruction} Make each instruction distinct and avoid formulaic responses. Use different words and sentence structures even when the meaning is similar. |
| User |
I need to revise the following prompt for a simple audio classification task. The goal is to ask for a list of labels.
Old Prompt: "{non-interleaved prompt}" Please revise it into a new, single-string interleaved prompt. Good Revision Examples: • "After you hear [AUDIO], what are the appropriate classification labels?" • "Listen to this: [AUDIO]. Now, list the corresponding tags." • "Consider [AUDIO]. What are its corresponding labels?" Provide your output as a single JSON object with the key "revised_prompt". |
| Role | Content |
|---|---|
| System |
You are an expert AI assistant specializing in revising prompts for multimodal language models.
Your task is to rewrite a given prompt into a new, interleaved format for a complex audio classification task that requires acoustic descriptions.
Your Rules: 1. You must take the user’s ’Old Prompt’ and rephrase it into an abstract, interleaved instruction. 2. The new prompt must contain the exact placeholder [AUDIO] one and only one time. 3. The prompt must explicitly ask for both a label AND a description of its acoustic features. 4. The new prompt must avoid words that explicitly refer to a media file, such as "clip," "recording," or "audio file." 5. The new prompt must be completely general and scenario-agnostic. 6. Your final output must be a single JSON object with one key: revised_prompt, e.g. {’revised_prompt’: ’...’}. Do not include any other text. IMPORTANT: {instruction} Make each instruction distinct and avoid formulaic responses. Use different words and sentence structures even when the meaning is similar. |
| User |
I need to revise the following prompt for a complex audio classification task. The goal is to ask for a list of labels, each with a description of its acoustic properties.
Old Prompt: "{non-interleaved prompt}" Please revise it into a new, single-string interleaved prompt. Good Revision Examples: • "Listen to this: [AUDIO]. For each component you identify, list its label and describe its acoustic features." • "Regarding [AUDIO], what labels are suitable, and what are their key sound properties?" • "Analyze what you hear in [AUDIO]. Return a list of labels paired with their distinguishing acoustic qualities." Provide your output as a single JSON object with the key revised_prompt, e.g. {’revised_prompt’: ’...’}. |
| Role | Content |
|---|---|
| System |
You are an expert AI assistant specializing in revising prompts for multimodal language models.
Your task is to rewrite a given open-ended question into a new, interleaved format.
Your Rules: 1. You must take the user’s ’Old Prompt’ and rephrase it by naturally integrating the [AUDIO] placeholder into the question. 2. The new prompt must preserve the full intent and meaning of the original question. 3. The new prompt must contain the exact placeholder [AUDIO] one and only one time. 4. The new prompt must avoid words that explicitly refer to a media file, such as "clip," "recording," or "audio file." 5. The resulting prompt should be a single, grammatically correct, and natural-sounding question. 6. Your final output must be a single JSON object with one key: "revised_prompt". Do not include any other text. IMPORTANT: {instruction} Make each instruction distinct and avoid formulaic responses. Use different words and sentence structures even when the meaning is similar. |
| User |
I need to revise the following prompt for an open-ended audio question-answering task. The goal is to rephrase the question to include an audio placeholder.
Old Prompt: "{non-interleaved prompt}" Please revise it into a new, single-string interleaved prompt. Good Revision Examples: • Old: "What other sound events, if any, can be heard in the audio clip?" -> New: "What other sound events, if any, can be heard in [AUDIO]?" • Old: "Based on the acoustic features, can you tell the type of vacuum cleaner?" -> New: "Based on [AUDIO], can you tell the type of vacuum cleaner?" • Old: "Describe the environment where this sound was likely recorded." -> New: "Based on what you hear in [AUDIO], describe the environment where it was likely recorded." Provide your output as a single JSON object with the key "revised_prompt". |
2. Sample Output
Below are representative examples from the resulting fine-tuning dataset, showing the original (non-interleaved) prompt, the new interleaved reformulation, and the ground-truth answer. These examples are based on the original LTU audio question-answering data, which consists of two main types: closed-ended and open-ended questions. The closed-ended questions include classification tasks like simple label classification (Table 7) and more complex acoustic feature classification (Table 8). The open-ended questions (Table 9) are free-form and designed to train advanced audio reasoning and comprehension abilities.
Original Prompt:Analyze audio events in clip given.Interleaved Prompt:Reflect on the contents of [AUDIO] and enumerate the relevant categories it represents.Ground-Truth Answer:Labels: Squeal |
Original Prompt:Identify the noise in the audio clip? Analyze acoustic features first.Interleaved Prompt:Consider [AUDIO] and enumerate all discernible sound categories, specifying for each both an appropriate label and a detailed account of its auditory characteristics.Ground-Truth Answer:Labels with acoustic features: Punctuated and deep -> Car; High-pitched, screeching and piercing -> Tire squeal; Sharp and abrasive -> Skidding; Loud, deep and metallic -> Vehicle |
Original Prompt:What is the volume of the electric shaver sound compared to the music and singing?Interleaved Prompt:How does the volume of the electric shaver sound in [AUDIO] compare to the music and singing?Ground-Truth Answer:The electric shaver sound is described as high-pitched and faint compared to the clear and vibrant music and rich and resonant singing. |
Appendix C: Disclosure on the Use of LLMs
First, an LLM was an integral component of our fine-tuning data generation pipeline. We used GPT-4.1-mini to systematically reformulate prompts from the original LTU dataset into the interleaved format used for our experiments. The specific prompts used to guide this generation process are detailed in Appendix B.
Second, we used OpenAI’s GPT-5 to help refine code and improve grammar as well as clarity of the manuscript. The scientific concepts, experimental design, results, and conclusions presented in this paper are the original work of the human authors, who take full responsibility for the content of the paper.