publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2024-06-19T08:51:54Z | http://arxiv.org/pdf/2406.13348v1 | http://arxiv.org/abs/2406.13348v1 | Jiacheng Du, Zhibo Wang, Kui Ren | 2024-06-19T08:51:54Z | cs.CR, cs.AI, cs.CL, cs.LG | Language models (LMs) are susceptible to "memorizing" training data,
including a large amount of private or copyright-protected content. To
safeguard the right to be forgotten (RTBF), machine unlearning has emerged as a
promising method for LMs to efficiently "forget" sensitive training content and
mitigate knowledge leakage risks. However, despite its good intentions, could
the unlearning mechanism be counterproductive? In this paper, we propose the
Textual Unlearning Leakage Attack (TULA), where an adversary can infer
information about the unlearned data only by accessing the models before and
after unlearning. Furthermore, we present variants of TULA in both black-box
and white-box scenarios. Through various experimental results, we critically
demonstrate that machine unlearning amplifies the risk of knowledge leakage
from LMs. Specifically, TULA can increase an adversary's ability to infer
membership information about the unlearned data by more than 20% in black-box
scenario. Moreover, TULA can even reconstruct the unlearned data directly with
more than 60% accuracy with white-box access. Our work is the first to reveal
that machine unlearning in LMs can inversely create greater knowledge risks and
inspire the development of more secure unlearning mechanisms. | cs.CR | Textual Unlearning Gives a False Sense of Unlearning |
2024-06-19T08:48:05Z | http://arxiv.org/pdf/2406.13342v1 | http://arxiv.org/abs/2406.13342v1 | Hwiyeol Jo, Hyunwoo Lee, Taiwoo Park | 2024-06-19T08:48:05Z | cs.CL, cs.AI | The recent advancements in large language models (LLMs) have brought
significant progress in solving NLP tasks. Notably, in-context learning (ICL)
is the key enabling mechanism for LLMs to understand specific tasks and
grasping nuances. In this paper, we propose a simple yet effective method to
contextualize a task toward a specific LLM, by (1) observing how a given LLM
describes (all or a part of) target datasets, i.e., open-ended zero-shot
inference, and (2) aggregating the open-ended inference results by the LLM, and
(3) finally incorporate the aggregated meta-information for the actual task. We
show the effectiveness of this approach in text clustering tasks, and also
highlight the importance of the contextualization through examples of the above
procedure. | cs.CL | ZeroDL: Zero-shot Distribution Learning for Text Clustering via Large Language Models |
2024-06-19T08:46:29Z | http://arxiv.org/pdf/2406.13340v1 | http://arxiv.org/abs/2406.13340v1 | Junyi Ao, Yuancheng Wang, Xiaohai Tian, Dekun Chen, Jun Zhang, Lu Lu, Yuxuan Wang, Haizhou Li, Zhizheng Wu | 2024-06-19T08:46:29Z | cs.CL, cs.SD, eess.AS | Speech encompasses a wealth of information, including but not limited to
content, paralinguistic, and environmental information. This comprehensive
nature of speech significantly impacts communication and is crucial for
human-computer interaction. Chat-Oriented Large Language Models (LLMs), known
for their general-purpose assistance capabilities, have evolved to handle
multi-modal inputs, including speech. Although these models can be adept at
recognizing and analyzing speech, they often fall short of generating
appropriate responses. We argue that this is due to the lack of principles on
task definition and model development, which requires open-source datasets and
metrics suitable for model evaluation. To bridge the gap, we present SD-Eval, a
benchmark dataset aimed at multidimensional evaluation of spoken dialogue
understanding and generation. SD-Eval focuses on paralinguistic and
environmental information and includes 7,303 utterances, amounting to 8.76
hours of speech data. The data is aggregated from eight public datasets,
representing four perspectives: emotion, accent, age, and background sound. To
assess the SD-Eval benchmark dataset, we implement three different models and
construct a training set following a similar process as SD-Eval. The training
set contains 1,052.72 hours of speech data and 724.4k utterances. We also
conduct a comprehensive evaluation using objective evaluation methods (e.g.
BLEU and ROUGE), subjective evaluations and LLM-based metrics for the generated
responses. Models conditioned with paralinguistic and environmental information
outperform their counterparts in both objective and subjective measures.
Moreover, experiments demonstrate LLM-based metrics show a higher correlation
with human evaluation compared to traditional metrics. We open-source SD-Eval
at https://github.com/amphionspace/SD-Eval. | cs.CL | SD-Eval: A Benchmark Dataset for Spoken Dialogue Understanding Beyond Words |
2024-06-19T08:39:09Z | http://arxiv.org/pdf/2406.13337v1 | http://arxiv.org/abs/2406.13337v1 | Khai Le-Duc | 2024-06-19T08:39:09Z | eess.AS, cs.CL, cs.LG, cs.SD | Spoken Named Entity Recognition (NER) aims to extracting named entities from
speech and categorizing them into types like person, location, organization,
etc. In this work, we present VietMed-NER - the first spoken NER dataset in the
medical domain. To our best knowledge, our real-world dataset is the largest
spoken NER dataset in the world in terms of the number of entity types,
featuring 18 distinct types. Secondly, we present baseline results using
various state-of-the-art pre-trained models: encoder-only and
sequence-to-sequence. We found that pre-trained multilingual models XLM-R
outperformed all monolingual models on both reference text and ASR output. Also
in general, encoders perform better than sequence-to-sequence models for the
NER task. By simply translating, the transcript is applicable not just to
Vietnamese but to other languages as well. All code, data and models are made
publicly available here: https://github.com/leduckhai/MultiMed | eess.AS | Medical Spoken Named Entity Recognition |
2024-06-19T08:31:52Z | http://arxiv.org/pdf/2406.13332v1 | http://arxiv.org/abs/2406.13332v1 | Pranav Gaikwad, Meet Doshi, Raj Dabre, Pushpak Bhattacharyya | 2024-06-19T08:31:52Z | cs.CL | Machine Translation (MT) between linguistically dissimilar languages is
challenging, especially due to the scarcity of parallel corpora. Prior works
suggest that pivoting through a high-resource language can help translation
into a related low-resource language. However, existing works tend to discard
the source sentence when pivoting. Taking the case of English to Indian
language MT, this paper explores the 'multi-source translation' approach with
pivoting, using both source and pivot sentences to improve translation. We
conducted extensive experiments with various multi-source techniques for
translating English to Konkani, Manipuri, Sanskrit, and Bodo, using Hindi,
Marathi, and Bengali as pivot languages. We find that multi-source pivoting
yields marginal improvements over the state-of-the-art, contrary to previous
claims, but these improvements can be enhanced with synthetic target language
data. We believe multi-source pivoting is a promising direction for
Low-resource translation. | cs.CL | How effective is Multi-source pivoting for Translation of Low Resource Indian Languages? |
2024-06-19T08:29:54Z | http://arxiv.org/pdf/2406.13331v1 | http://arxiv.org/abs/2406.13331v1 | Xiaowei Yuan, Zhao Yang, Yequan Wang, Jun Zhao, Kang Liu | 2024-06-19T08:29:54Z | cs.CL | In the Retrieval-Augmented Generation (RAG) system, advanced Large Language
Models (LLMs) have emerged as effective Query Likelihood Models (QLMs) in an
unsupervised way, which re-rank documents based on the probability of
generating the query given the content of a document. However, directly
prompting LLMs to approximate QLMs inherently is biased, where the estimated
distribution might diverge from the actual document-specific distribution. In
this study, we introduce a novel framework, $\mathrm{UR^3}$, which leverages
Bayesian decision theory to both quantify and mitigate this estimation bias.
Specifically, $\mathrm{UR^3}$ reformulates the problem as maximizing the
probability of document generation, thereby harmonizing the optimization of
query and document generation probabilities under a unified risk minimization
objective. Our empirical results indicate that $\mathrm{UR^3}$ significantly
enhances re-ranking, particularly in improving the Top-1 accuracy. It benefits
the QA tasks by achieving higher accuracy with fewer input documents. | cs.CL | Improving Zero-shot LLM Re-Ranker with Risk Minimization |
2024-06-19T07:23:33Z | http://arxiv.org/pdf/2406.13282v1 | http://arxiv.org/abs/2406.13282v1 | Meizhi Zhong, Chen Zhang, Yikun Lei, Xikai Liu, Yan Gao, Yao Hu, Kehai Chen, Min Zhang | 2024-06-19T07:23:33Z | cs.CL | Enabling LLMs to handle lengthy context is currently a research hotspot. Most
LLMs are built upon rotary position embedding (RoPE), a popular position
encoding method. Therefore, a prominent path is to extrapolate the RoPE trained
on comparably short texts to far longer texts. A heavy bunch of efforts have
been dedicated to boosting the extrapolation via extending the formulations of
the RoPE, however, few of them have attempted to showcase their inner workings
comprehensively. In this paper, we are driven to offer a straightforward yet
in-depth understanding of RoPE extensions from an attention perspective and on
two benchmarking tasks. A broad array of experiments reveals several valuable
findings: 1) Maintaining attention patterns to those at the pretrained length
improves extrapolation; 2) Large attention uncertainty leads to retrieval
errors; 3) Using longer continual pretraining lengths for RoPE extensions could
reduce attention uncertainty and significantly enhance extrapolation. | cs.CL | Understanding the RoPE Extensions of Long-Context LLMs: An Attention Perspective |
2024-06-19T07:09:46Z | http://arxiv.org/pdf/2406.13274v1 | http://arxiv.org/abs/2406.13274v1 | Uri Berger, Tal Baumel, Gabriel Stanovsky | 2024-06-19T07:09:46Z | cs.CL | Few shot in-context learning (ICL) typically assumes access to large
annotated training sets. However, in many real world scenarios, such as domain
adaptation, there is only a limited budget to annotate a small number of
samples, with the goal of maximizing downstream performance. We study various
methods for selecting samples to annotate within a predefined budget,
specifically focusing on the named entity recognition (NER) task, which has
real-world applications, is expensive to annotate, and is relatively less
studied in ICL setups. Across different models and datasets, we find that a
relatively small pool of annotated samples can achieve results comparable to
using the entire training set. Moreover, we discover that random selection of
samples for annotation yields surprisingly good performance. Finally, we
observe that a diverse annotation pool is correlated with improved performance.
We hope that future work adopts our realistic paradigm which takes annotation
budget into account. | cs.CL | In-Context Learning on a Budget: A Case Study in Named Entity Recognition |
2024-06-19T07:09:46Z | http://arxiv.org/pdf/2406.13275v2 | http://arxiv.org/abs/2406.13275v2 | Jizhong Liu, Gang Li, Junbo Zhang, Heinrich Dinkel, Yongqing Wang, Zhiyong Yan, Yujun Wang, Bin Wang | 2024-06-25T08:07:36Z | cs.SD, cs.CL, eess.AS | Automated audio captioning (AAC) is an audio-to-text task to describe audio
contents in natural language. Recently, the advancements in large language
models (LLMs), with improvements in training approaches for audio encoders,
have opened up possibilities for improving AAC. Thus, we explore enhancing AAC
from three aspects: 1) a pre-trained audio encoder via consistent ensemble
distillation (CED) is used to improve the effectivity of acoustic tokens, with
a querying transformer (Q-Former) bridging the modality gap to LLM and compress
acoustic tokens; 2) we investigate the advantages of using a Llama 2 with 7B
parameters as the decoder; 3) another pre-trained LLM corrects text errors
caused by insufficient training data and annotation ambiguities. Both the audio
encoder and text decoder are optimized by low-rank adaptation (LoRA).
Experiments show that each of these enhancements is effective. Our method
obtains a 33.0 SPIDEr-FL score, outperforming the winner of DCASE 2023 Task 6A. | cs.SD | Enhancing Automated Audio Captioning via Large Language Models with Optimized Audio Encoding |
2024-06-19T06:59:57Z | http://arxiv.org/pdf/2406.13269v1 | http://arxiv.org/abs/2406.13269v1 | Lucas Druart, Valentin Vielzeuf, Yannick Estève | 2024-06-19T06:59:57Z | cs.AI, cs.CL, cs.HC, eess.SP | In spoken Task-Oriented Dialogue (TOD) systems, the choice of the semantic
representation describing the users' requests is key to a smooth interaction.
Indeed, the system uses this representation to reason over a database and its
domain knowledge to choose its next action. The dialogue course thus depends on
the information provided by this semantic representation. While textual
datasets provide fine-grained semantic representations, spoken dialogue
datasets fall behind. This paper provides insights into automatic enhancement
of spoken dialogue datasets' semantic representations. Our contributions are
three fold: (1) assess the relevance of Large Language Model fine-tuning, (2)
evaluate the knowledge captured by the produced annotations and (3) highlight
semi-automatic annotation implications. | cs.AI | Investigating Low-Cost LLM Annotation for~Spoken Dialogue Understanding Datasets |
2024-06-19T06:46:59Z | http://arxiv.org/pdf/2406.13261v2 | http://arxiv.org/abs/2406.13261v2 | Steffi Chern, Zhulin Hu, Yuqing Yang, Ethan Chern, Yuan Guo, Jiahe Jin, Binjie Wang, Pengfei Liu | 2024-07-01T15:18:07Z | cs.CL, cs.AI | Previous works on Large Language Models (LLMs) have mainly focused on
evaluating their helpfulness or harmlessness. However, honesty, another crucial
alignment criterion, has received relatively less attention. Dishonest
behaviors in LLMs, such as spreading misinformation and defrauding users,
eroding user trust, and causing real-world harm, present severe risks that
intensify as these models approach superintelligence levels. Enhancing honesty
in LLMs addresses critical deficiencies and helps uncover latent capabilities
that are not readily expressed. This underscores the urgent need for reliable
methods and benchmarks to effectively ensure and evaluate the honesty of LLMs.
In this paper, we introduce BeHonest, a pioneering benchmark specifically
designed to assess honesty in LLMs comprehensively. BeHonest evaluates three
essential aspects of honesty: awareness of knowledge boundaries, avoidance of
deceit, and consistency in responses. Building on this foundation, we designed
10 scenarios to evaluate and analyze 9 popular LLMs on the market, including
both closed-source and open-source models from different model families with
varied model sizes. Our findings indicate that there is still significant room
for improvement in the honesty of LLMs. We also encourage the AI community to
prioritize honesty alignment in LLMs. Our benchmark and code can be found at:
\url{https://github.com/GAIR-NLP/BeHonest}. | cs.CL | BeHonest: Benchmarking Honesty of Large Language Models |
2024-06-19T06:20:22Z | http://arxiv.org/pdf/2406.13250v1 | http://arxiv.org/abs/2406.13250v1 | Zhong Guan, Hongke Zhao, Likang Wu, Ming He, Jianpin Fan | 2024-06-19T06:20:22Z | cs.AI, cs.CL, cs.LG | Recently, large language models (LLMs) have been widely researched in the
field of graph machine learning due to their outstanding abilities in language
comprehension and learning. However, the significant gap between natural
language tasks and topological structure modeling poses a nonnegligible
challenge. Specifically, since natural language descriptions are not sufficient
for LLMs to understand and process graph-structured data, fine-tuned LLMs
perform even worse than some traditional GNN models on graph tasks, lacking
inherent modeling capabilities for graph structures. Existing research overly
emphasizes LLMs' understanding of semantic information captured by external
models, while inadequately exploring graph topological structure modeling,
thereby overlooking the genuine capabilities that LLMs lack. Consequently, in
this paper, we introduce a new framework, LangTopo, which aligns graph
structure modeling with natural language understanding at the token level.
LangTopo quantifies the graph structure modeling capabilities of GNNs and LLMs
by constructing a codebook for the graph modality and performs consistency
maximization. This process aligns the text description of LLM with the
topological modeling of GNN, allowing LLM to learn the ability of GNN to
capture graph structures, enabling LLM to handle graph-structured data
independently. We demonstrate the effectiveness of our proposed method on
multiple datasets. | cs.AI | LangTopo: Aligning Language Descriptions of Graphs with Tokenized Topological Modeling |
2024-06-19T06:19:48Z | http://arxiv.org/pdf/2406.13249v1 | http://arxiv.org/abs/2406.13249v1 | Fuda Ye, Shuangyin Li, Yongqi Zhang, Lei Chen | 2024-06-19T06:19:48Z | cs.CL, cs.AI, cs.IR | Retrieval augmented generation (RAG) has been applied in many scenarios to
augment large language models (LLMs) with external documents provided by
retrievers. However, a semantic gap exists between LLMs and retrievers due to
differences in their training objectives and architectures. This misalignment
forces LLMs to passively accept the documents provided by the retrievers,
leading to incomprehension in the generation process, where the LLMs are
burdened with the task of distinguishing these documents using their inherent
knowledge. This paper proposes R$^2$AG, a novel enhanced RAG framework to fill
this gap by incorporating Retrieval information into Retrieval Augmented
Generation. Specifically, R$^2$AG utilizes the nuanced features from the
retrievers and employs a R$^2$-Former to capture retrieval information. Then, a
retrieval-aware prompting strategy is designed to integrate retrieval
information into LLMs' generation. Notably, R$^2$AG suits low-source scenarios
where LLMs and retrievers are frozen. Extensive experiments across five
datasets validate the effectiveness, robustness, and efficiency of R$^2$AG. Our
analysis reveals that retrieval information serves as an anchor to aid LLMs in
the generation process, thereby filling the semantic gap. | cs.CL | R^2AG: Incorporating Retrieval Information into Retrieval Augmented Generation |
2024-06-19T06:15:26Z | http://arxiv.org/pdf/2406.13246v1 | http://arxiv.org/abs/2406.13246v1 | Navid Rajabi, Jana Kosecka | 2024-06-19T06:15:26Z | cs.CL, cs.CV, cs.LG | The ability to understand and reason about spatial relationships between
objects in images is an important component of visual reasoning. This skill
rests on the ability to recognize and localize objects of interest and
determine their spatial relation. Early vision and language models (VLMs) have
been shown to struggle to recognize spatial relations. We extend the previously
released What'sUp dataset and propose a novel comprehensive evaluation for
spatial relationship understanding that highlights the strengths and weaknesses
of 27 different models. In addition to the VLMs evaluated in What'sUp, our
extensive evaluation encompasses 3 classes of Multimodal LLMs (MLLMs) that vary
in their parameter sizes (ranging from 7B to 110B), training/instruction-tuning
methods, and visual resolution to benchmark their performances and scrutinize
the scaling laws in this task. | cs.CL | GSR-BENCH: A Benchmark for Grounded Spatial Reasoning Evaluation via Multimodal LLMs |
2024-06-19T05:53:27Z | http://arxiv.org/pdf/2406.13236v1 | http://arxiv.org/abs/2406.13236v1 | Feng Yao, Yufan Zhuang, Zihao Sun, Sunan Xu, Animesh Kumar, Jingbo Shang | 2024-06-19T05:53:27Z | cs.CL, cs.AI | The opacity in developing large language models (LLMs) is raising growing
concerns about the potential contamination of public benchmarks in the
pre-training data. Existing contamination detection methods are typically based
on the text overlap between training and evaluation data, which can be too
superficial to reflect deeper forms of contamination. In this paper, we first
present a cross-lingual form of contamination that inflates LLMs' performance
while evading current detection methods, deliberately injected by overfitting
LLMs on the translated versions of benchmark test sets. Then, we propose
generalization-based approaches to unmask such deeply concealed contamination.
Specifically, we examine the LLM's performance change after modifying the
original benchmark by replacing the false answer choices with correct ones from
other questions. Contaminated models can hardly generalize to such easier
situations, where the false choices can be \emph{not even wrong}, as all
choices are correct in their memorization. Experimental results demonstrate
that cross-lingual contamination can easily fool existing detection methods,
but not ours. In addition, we discuss the potential utilization of
cross-lingual contamination in interpreting LLMs' working mechanisms and in
post-training LLMs for enhanced multilingual capabilities. The code and dataset
we use can be obtained from \url{https://github.com/ShangDataLab/Deep-Contam}. | cs.CL | Data Contamination Can Cross Language Barriers |
2024-06-19T05:43:02Z | http://arxiv.org/pdf/2406.13232v1 | http://arxiv.org/abs/2406.13232v1 | Akchay Srivastava, Atif Memon | 2024-06-19T05:43:02Z | cs.CL, cs.AI, cs.IR, cs.LG | Open Domain Question Answering (ODQA) within natural language processing
involves building systems that answer factual questions using large-scale
knowledge corpora. Recent advances stem from the confluence of several factors,
such as large-scale training datasets, deep learning techniques, and the rise
of large language models. High-quality datasets are used to train models on
realistic scenarios and enable the evaluation of the system on potentially
unseen data. Standardized metrics facilitate comparisons between different ODQA
systems, allowing researchers to objectively track advancements in the field.
Our study presents a thorough examination of the current landscape of ODQA
benchmarking by reviewing 52 datasets and 20 evaluation techniques across
textual and multimodal modalities. We introduce a novel taxonomy for ODQA
datasets that incorporates both the modality and difficulty of the question
types. Additionally, we present a structured organization of ODQA evaluation
metrics along with a critical analysis of their inherent trade-offs. Our study
aims to empower researchers by providing a framework for the robust evaluation
of modern question-answering systems. We conclude by identifying the current
challenges and outlining promising avenues for future research and development. | cs.CL | Towards Robust Evaluation: A Comprehensive Taxonomy of Datasets and Metrics for Open Domain Question Answering in the Era of Large Language Models |
2024-06-19T05:33:34Z | http://arxiv.org/pdf/2406.13230v1 | http://arxiv.org/abs/2406.13230v1 | Xin Liu, Farima Fatahi Bayat, Lu Wang | 2024-06-19T05:33:34Z | cs.CL | Calibrating language models (LMs) aligns their generation confidence with the
actual likelihood of answer correctness, which can inform users about LMs'
reliability and mitigate hallucinated content. However, prior calibration
methods, such as self-consistency-based and logit-based approaches, are either
limited in inference-time efficiency or fall short of providing informative
signals. Moreover, simply filtering out low-confidence responses reduces the
LM's helpfulness when the answers are correct. Therefore, effectively using
calibration techniques to enhance an LM's factuality remains an unsolved
challenge. In this paper, we first propose an activation-based calibration
method, ActCab, which trains a linear layer on top of the LM's last-layer
activations that can better capture the representations of knowledge. Built on
top of ActCab, we further propose CoDec, a confidence-guided decoding strategy
to elicit truthful answers with high confidence from LMs. By evaluating on five
popular QA benchmarks, ActCab achieves superior calibration performance than
all competitive baselines, e.g., by reducing the average expected calibration
error (ECE) score by up to 39%. Further experiments on CoDec show consistent
improvements in several LMs' factuality on challenging QA datasets, such as
TruthfulQA, highlighting the value of confidence signals in enhancing
factuality. | cs.CL | Enhancing Language Model Factuality via Activation-Based Confidence Calibration and Guided Decoding |
2024-06-19T05:31:59Z | http://arxiv.org/pdf/2406.13229v1 | http://arxiv.org/abs/2406.13229v1 | Hetong Wang, Pasquale Minervini, Edoardo M. Ponti | 2024-06-19T05:31:59Z | cs.CL, cs.AI, cs.LG | Multilingual Large Language Models (LLMs) achieve remarkable levels of
zero-shot cross-lingual transfer performance. We speculate that this is
predicated on their ability to align languages without explicit supervision
from parallel sentences. While representations of translationally equivalent
sentences in different languages are known to be similar after convergence,
however, it remains unclear how such cross-lingual alignment emerges during
pre-training of LLMs. Our study leverages intrinsic probing techniques, which
identify which subsets of neurons encode linguistic features, to correlate the
degree of cross-lingual neuron overlap with the zero-shot cross-lingual
transfer performance for a given model. In particular, we rely on checkpoints
of BLOOM, a multilingual autoregressive LLM, across different training steps
and model scales. We observe a high correlation between neuron overlap and
downstream performance, which supports our hypothesis on the conditions leading
to effective cross-lingual transfer. Interestingly, we also detect a
degradation of both implicit alignment and multilingual abilities in certain
phases of the pre-training process, providing new insights into the
multilingual pretraining dynamics. | cs.CL | Probing the Emergence of Cross-lingual Alignment during LLM Training |
2024-06-19T05:15:21Z | http://arxiv.org/pdf/2406.13219v1 | http://arxiv.org/abs/2406.13219v1 | Junzhe Zhang, Huixuan Zhang, Xunjian Yin, Baizhou Huang, Xu Zhang, Xinyu Hu, Xiaojun Wan | 2024-06-19T05:15:21Z | cs.CV, cs.CL | Multimodal large language models (MLLMs) are prone to non-factual or outdated
knowledge issues, which can manifest as misreading and misrecognition errors
due to the complexity of multimodal knowledge. Previous benchmarks have not
systematically analyzed the performance of editing methods in correcting these
two error types. To better represent and correct these errors, we decompose
multimodal knowledge into its visual and textual components. Different error
types correspond to different editing formats, which edits distinct part of the
multimodal knowledge. We present MC-MKE, a fine-grained Multimodal Knowledge
Editing benchmark emphasizing Modality Consistency. Our benchmark facilitates
independent correction of misreading and misrecognition errors by editing the
corresponding knowledge component. We evaluate three multimodal knowledge
editing methods on MC-MKE, revealing their limitations, particularly in terms
of modality consistency. Our work highlights the challenges posed by multimodal
knowledge editing and motivates further research in developing effective
techniques for this task. | cs.CV | MC-MKE: A Fine-Grained Multimodal Knowledge Editing Benchmark Emphasizing Modality Consistency |
2024-06-19T04:59:09Z | http://arxiv.org/pdf/2406.13217v1 | http://arxiv.org/abs/2406.13217v1 | Xiaoxi Kang, Lizhen Qu, Lay-Ki Soon, Zhuang Li, Adnan Trakic | 2024-06-19T04:59:09Z | cs.CL | The effectiveness of Large Language Models (LLMs) in legal reasoning is often
limited due to the unique legal terminologies and the necessity for highly
specialized knowledge. These limitations highlight the need for high-quality
data tailored for complex legal reasoning tasks. This paper introduces
LEGALSEMI, a benchmark specifically curated for legal scenario analysis.
LEGALSEMI comprises 54 legal scenarios, each rigorously annotated by legal
experts, based on the comprehensive IRAC (Issue, Rule, Application, Conclusion)
framework. In addition, LEGALSEMI is accompanied by a structured knowledge
graph (SKG). A series of experiments were conducted to assess the usefulness of
LEGALSEMI for IRAC analysis. The experimental results demonstrate the
effectiveness of incorporating the SKG for issue identification, rule
retrieval, application and conclusion generation using four different LLMs.
LEGALSEMI will be publicly available upon acceptance of this paper. | cs.CL | Bridging Law and Data: Augmenting Reasoning via a Semi-Structured Dataset with IRAC methodology |
2024-06-19T04:53:48Z | http://arxiv.org/pdf/2406.13213v1 | http://arxiv.org/abs/2406.13213v1 | Mykhailo Poliakov, Nadiya Shvai | 2024-06-19T04:53:48Z | cs.CL, cs.AI, cs.DB | The retrieval-augmented generation (RAG) enables retrieval of relevant
information from an external knowledge source and allows large language models
(LLMs) to answer queries over previously unseen document collections. However,
it was demonstrated that traditional RAG applications perform poorly in
answering multi-hop questions, which require retrieving and reasoning over
multiple elements of supporting evidence. We introduce a new method called
Multi-Meta-RAG, which uses database filtering with LLM-extracted metadata to
improve the RAG selection of the relevant documents from various sources,
relevant to the question. While database filtering is specific to a set of
questions from a particular domain and format, we found out that Multi-Meta-RAG
greatly improves the results on the MultiHop-RAG benchmark. The code is
available at https://github.com/mxpoliakov/Multi-Meta-RAG. | cs.CL | Multi-Meta-RAG: Improving RAG for Multi-Hop Queries using Database Filtering with LLM-Extracted Metadata |
2024-06-19T04:03:19Z | http://arxiv.org/pdf/2406.13195v1 | http://arxiv.org/abs/2406.13195v1 | Derry Wijaya, Brendan Callahan, John Hewitt, Jie Gao, Xiao Ling, Marianna Apidianaki, Chris Callison-Burch | 2024-06-19T04:03:19Z | cs.CL, I.2.7 | Bilingual Lexicon Induction is the task of learning word translations without
bilingual parallel corpora. We model this task as a matrix completion problem,
and present an effective and extendable framework for completing the matrix.
This method harnesses diverse bilingual and monolingual signals, each of which
may be incomplete or noisy. Our model achieves state-of-the-art performance for
both high and low resource languages. | cs.CL | Learning Translations via Matrix Completion |
2024-06-19T03:59:46Z | http://arxiv.org/pdf/2406.13193v1 | http://arxiv.org/abs/2406.13193v1 | He Cao, Yanjun Shao, Zhiyuan Liu, Zijing Liu, Xiangru Tang, Yuan Yao, Yu Li | 2024-06-19T03:59:46Z | cs.LG, cs.AI, cs.CL, physics.chem-ph | Multimodal Large Language Models (MLLMs) have seen growing adoption across
various scientific disciplines. These advancements encourage the investigation
of molecule-text modeling within synthetic chemistry, a field dedicated to
designing and conducting chemical reactions to synthesize new compounds with
desired properties and applications. Current approaches, however, often neglect
the critical role of multiple molecule graph interaction in understanding
chemical reactions, leading to suboptimal performance in synthetic chemistry
tasks. This study introduces PRESTO(Progressive Pretraining Enhances Synthetic
Chemistry Outcomes), a new framework that bridges the molecule-text modality
gap by integrating a comprehensive benchmark of pretraining strategies and
dataset configurations. It progressively improves multimodal LLMs through
cross-modal alignment and multi-graph understanding. Our extensive experiments
demonstrate that PRESTO offers competitive results in downstream synthetic
chemistry tasks. The code can be found at https://github.com/IDEA-XL/PRESTO. | cs.LG | PRESTO: Progressive Pretraining Enhances Synthetic Chemistry Outcomes |
2024-06-19T03:37:52Z | http://arxiv.org/pdf/2406.13188v1 | http://arxiv.org/abs/2406.13188v1 | Naiming Liu, Zichao Wang, Richard Baraniuk | 2024-06-19T03:37:52Z | cs.CL, cs.LG | Despite rapid advancements in large language models (LLMs), QG remains a
challenging problem due to its complicated process, open-ended nature, and the
diverse settings in which question generation occurs. A common approach to
address these challenges involves fine-tuning smaller, custom models using
datasets containing background context, question, and answer. However,
obtaining suitable domain-specific datasets with appropriate context is often
more difficult than acquiring question-answer pairs. In this paper, we
investigate training QG models using synthetic contexts generated by LLMs from
readily available question-answer pairs. We conduct a comprehensive study to
answer critical research questions related to the performance of models trained
on synthetic contexts and their potential impact on QG research and
applications. Our empirical results reveal: 1) contexts are essential for QG
tasks, even if they are synthetic; 2) fine-tuning smaller language models has
the capability of achieving better performances as compared to prompting larger
language models; and 3) synthetic context and real context could achieve
comparable performances. These findings highlight the effectiveness of
synthetic contexts in QG and paves the way for future advancements in the
field. | cs.CL | Synthetic Context Generation for Question Generation |
2024-06-19T03:33:45Z | http://arxiv.org/pdf/2406.13185v1 | http://arxiv.org/abs/2406.13185v1 | Yingzhe Peng, Chenduo Hao, Xu Yang, Jiawei Peng, Xinting Hu, Xin Geng | 2024-06-19T03:33:45Z | cs.CL | As language models continue to scale, Large Language Models (LLMs) have
exhibited emerging capabilities in In-Context Learning (ICL), enabling them to
solve language tasks by prefixing a few in-context demonstrations (ICDs) as
context. Inspired by these advancements, researchers have extended these
techniques to develop Large Multimodal Models (LMMs) with ICL capabilities.
However, applying ICL usually faces two major challenges: 1) using more ICDs
will largely increase the inference time and 2) the performance is sensitive to
the selection of ICDs. These challenges are further exacerbated in LMMs due to
the integration of multiple data types and the combinational complexity of
multimodal ICDs. Recently, to address these challenges, some NLP studies
introduce non-learnable In-Context Vectors (ICVs) which extract useful task
information from ICDs into a single vector and then insert it into the LLM to
help solve the corresponding task. However, although useful in simple NLP
tasks, these non-learnable methods fail to handle complex multimodal tasks like
Visual Question Answering (VQA). In this study, we propose \textbf{Learnable
ICV} (L-ICV) to distill essential task information from demonstrations,
improving ICL performance in LMMs. Experiments show that L-ICV can
significantly reduce computational costs while enhancing accuracy in VQA tasks
compared to traditional ICL and other non-learnable ICV methods. | cs.CL | Learnable In-Context Vector for Visual Question Answering |
2024-06-19T03:29:51Z | http://arxiv.org/pdf/2406.13184v1 | http://arxiv.org/abs/2406.13184v1 | Zijian Wang, Britney White, Chang Xu | 2024-06-19T03:29:51Z | cs.CL | Relational concepts are indeed foundational to the structure of knowledge
representation, as they facilitate the association between various entity
concepts, allowing us to express and comprehend complex world knowledge. By
expressing relational concepts in natural language prompts, people can
effortlessly interact with large language models (LLMs) and recall desired
factual knowledge. However, the process of knowledge recall lacks
interpretability, and representations of relational concepts within LLMs remain
unknown to us. In this paper, we identify hidden states that can express entity
and relational concepts through causal mediation analysis in fact recall
processes. Our finding reveals that at the last token position of the input
prompt, there are hidden states that solely express the causal effects of
relational concepts. Based on this finding, we assume that these hidden states
can be treated as relational representations and we can successfully extract
them from LLMs. The experimental results demonstrate high credibility of the
relational representations: they can be flexibly transplanted into other fact
recall processes, and can also be used as robust entity connectors. Moreover,
we also show that the relational representations exhibit significant potential
for controllable fact recall through relation rewriting. | cs.CL | Locating and Extracting Relational Concepts in Large Language Models |
2024-06-19T03:07:33Z | http://arxiv.org/pdf/2406.13173v2 | http://arxiv.org/abs/2406.13173v2 | Hejie Cui, Lingjun Mao, Xin Liang, Jieyu Zhang, Hui Ren, Quanzheng Li, Xiang Li, Carl Yang | 2024-06-30T01:22:09Z | cs.CV, cs.AI, cs.CL, cs.LG, 68T50, 68T45, 68T37, 68T05, 68T07, 68T09,, I.2.7; I.2.6; I.2.10 | Recent advancements in multimodal foundation models have showcased impressive
capabilities in understanding and reasoning with visual and textual
information. Adapting these foundation models trained for general usage to
specialized domains like biomedicine requires large-scale domain-specific
instruction datasets. While existing works have explored curating such datasets
automatically, the resultant datasets are not explicitly aligned with domain
expertise. In this work, we propose a data-centric framework, Biomedical Visual
Instruction Tuning with Clinician Preference Alignment (BioMed-VITAL), that
incorporates clinician preferences into both stages of generating and selecting
instruction data for tuning biomedical multimodal foundation models. First,
during the generation stage, we prompt the GPT-4V generator with a diverse set
of clinician-selected demonstrations for preference-aligned data candidate
generation. Then, during the selection phase, we train a separate selection
model, which explicitly distills clinician and policy-guided model preferences
into a rating function to select high-quality data for medical instruction
tuning. Results show that the model tuned with the instruction-following data
from our method demonstrates a significant improvement in open visual chat
(18.5% relatively) and medical VQA (win rate up to 81.73%). Our
instruction-following data and models are available at BioMed-VITAL.github.io. | cs.CV | Biomedical Visual Instruction Tuning with Clinician Preference Alignment |
2024-06-19T02:53:39Z | http://arxiv.org/pdf/2406.13170v1 | http://arxiv.org/abs/2406.13170v1 | Zeping Li, Xinlong Yang, Ziheng Gao, Ji Liu, Zhuang Liu, Dong Li, Jinzhang Peng, Lu Tian, Emad Barsoum | 2024-06-19T02:53:39Z | cs.AI, cs.CL | Large Language Models (LLMs) inherently use autoregressive decoding, which
lacks parallelism in inference and results in significantly slow inference
speeds, especially when hardware parallel accelerators and memory bandwidth are
not fully utilized. In this work, we propose Amphista, a speculative decoding
algorithm that adheres to a non-autoregressive decoding paradigm. Owing to the
increased parallelism, our method demonstrates higher efficiency in inference
compared to autoregressive methods. Specifically, Amphista models an
Auto-embedding Block capable of parallel inference, incorporating
bi-directional attention to enable interaction between different drafting
heads. Additionally, Amphista implements Staged Adaptation Layers to facilitate
the transition of semantic information from the base model's autoregressive
inference to the drafting heads' non-autoregressive speculation, thereby
achieving paradigm transformation and feature fusion. We conduct a series of
experiments on a suite of Vicuna models using MT-Bench and Spec-Bench. For the
Vicuna 33B model, Amphista achieves up to 2.75$\times$ and 1.40$\times$
wall-clock acceleration compared to vanilla autoregressive decoding and Medusa,
respectively, while preserving lossless generation quality. | cs.AI | Amphista: Accelerate LLM Inference with Bi-directional Multiple Drafting Heads in a Non-autoregressive Style |
2024-06-19T02:46:18Z | http://arxiv.org/pdf/2406.13167v1 | http://arxiv.org/abs/2406.13167v1 | Bo Wang, Heyan Huang, Yixin Cao, Jiahao Ying, Wei Tang, Chong Feng | 2024-06-19T02:46:18Z | cs.CL | While large language models (LLMs) have made notable advancements in natural
language processing, they continue to struggle with processing extensive text.
Memory mechanism offers a flexible solution for managing long contexts,
utilizing techniques such as compression, summarization, and structuring to
facilitate nuanced and efficient handling of large volumes of text. However,
existing techniques face challenges with static knowledge integration, leading
to insufficient adaptation to task-specific needs and missing
multi-segmentation relationships, which hinders the dynamic reorganization and
logical combination of relevant segments during the response process. To
address these issues, we introduce a novel strategy, Question then Reflection
Memory Mechanism (QRMeM), incorporating a dual-structured memory pool. This
pool synergizes static textual content with structured graph guidance,
fostering a reflective trial-and-error approach for navigating and identifying
relevant segments. Our evaluation across multiple-choice questions (MCQ) and
multi-document question answering (Multi-doc QA) benchmarks showcases QRMeM
enhanced performance compared to existing approaches. | cs.CL | QRMeM: Unleash the Length Limitation through Question then Reflection Memory Mechanism |
2024-06-19T02:35:02Z | http://arxiv.org/pdf/2406.13163v1 | http://arxiv.org/abs/2406.13163v1 | Shuyi Jia, Chao Zhang, Victor Fung | 2024-06-19T02:35:02Z | cond-mat.mtrl-sci, cs.AI, cs.CL | Discovering new materials can have significant scientific and technological
implications but remains a challenging problem today due to the enormity of the
chemical space. Recent advances in machine learning have enabled data-driven
methods to rapidly screen or generate promising materials, but these methods
still depend heavily on very large quantities of training data and often lack
the flexibility and chemical understanding often desired in materials
discovery. We introduce LLMatDesign, a novel language-based framework for
interpretable materials design powered by large language models (LLMs).
LLMatDesign utilizes LLM agents to translate human instructions, apply
modifications to materials, and evaluate outcomes using provided tools. By
incorporating self-reflection on its previous decisions, LLMatDesign adapts
rapidly to new tasks and conditions in a zero-shot manner. A systematic
evaluation of LLMatDesign on several materials design tasks, in silico,
validates LLMatDesign's effectiveness in developing new materials with
user-defined target properties in the small data regime. Our framework
demonstrates the remarkable potential of autonomous LLM-guided materials
discovery in the computational setting and towards self-driving laboratories in
the future. | cond-mat.mtrl-sci | LLMatDesign: Autonomous Materials Discovery with Large Language Models |
2024-06-19T02:29:59Z | http://arxiv.org/pdf/2406.13161v1 | http://arxiv.org/abs/2406.13161v1 | Honghua Dong, Qidong Su, Yubo Gao, Zhaoyu Li, Yangjun Ruan, Gennady Pekhimenko, Chris J. Maddison, Xujie Si | 2024-06-19T02:29:59Z | cs.AI, cs.CL, cs.LG, cs.PL | Large Language Models (LLMs) have become increasingly capable of handling
diverse tasks with the aid of well-crafted prompts and integration of external
tools, but as task complexity rises, the workflow involving LLMs can be
complicated and thus challenging to implement and maintain. To address this
challenge, we propose APPL, A Prompt Programming Language that acts as a bridge
between computer programs and LLMs, allowing seamless embedding of prompts into
Python functions, and vice versa. APPL provides an intuitive and Python-native
syntax, an efficient parallelized runtime with asynchronous semantics, and a
tracing module supporting effective failure diagnosis and replaying without
extra costs. We demonstrate that APPL programs are intuitive, concise, and
efficient through three representative scenarios: Chain-of-Thought with
self-consistency (CoT-SC), ReAct tool use agent, and multi-agent chat.
Experiments on three parallelizable workflows further show that APPL can
effectively parallelize independent LLM calls, with a significant speedup ratio
that almost matches the estimation. | cs.AI | APPL: A Prompt Programming Language for Harmonious Integration of Programs and Large Language Model Prompts |
2024-06-19T02:00:51Z | http://arxiv.org/pdf/2406.13152v1 | http://arxiv.org/abs/2406.13152v1 | David Restrepo, Chenwei Wu, Constanza Vásquez-Venegas, João Matos, Jack Gallifant, Luis Filipe | 2024-06-19T02:00:51Z | cs.CL | The deployment of large language models (LLMs) in healthcare has demonstrated
substantial potential for enhancing clinical decision-making, administrative
efficiency, and patient outcomes. However, the underrepresentation of diverse
groups in the development and application of these models can perpetuate
biases, leading to inequitable healthcare delivery. This paper presents a
comprehensive scientometric analysis of LLM research for healthcare, including
data from January 1, 2021, to June 16, 2024. By analyzing metadata from PubMed
and Dimensions, including author affiliations, countries, and funding sources,
we assess the diversity of contributors to LLM research. Our findings highlight
significant gender and geographic disparities, with a predominance of male
authors and contributions primarily from high-income countries (HICs). We
introduce a novel journal diversity index based on Gini impurity to measure the
inclusiveness of scientific publications. Our results underscore the necessity
for greater representation in order to ensure the equitable application of LLMs
in healthcare. We propose actionable strategies to enhance diversity and
inclusivity in artificial intelligence research, with the ultimate goal of
fostering a more inclusive and equitable future in healthcare innovation. | cs.CL | Analyzing Diversity in Healthcare LLM Research: A Scientometric Perspective |
2024-06-19T01:37:10Z | http://arxiv.org/pdf/2406.13144v1 | http://arxiv.org/abs/2406.13144v1 | Jiho Kim, Woosog Chay, Hyeonji Hwang, Daeun Kyung, Hyunseung Chung, Eunbyeol Cho, Yohan Jo, Edward Choi | 2024-06-19T01:37:10Z | cs.CL, cs.AI | Recent advancements in Large Language Models (LLMs) have significantly
enhanced the capabilities of conversational agents, making them applicable to
various fields (e.g., education). Despite their progress, the evaluation of the
agents often overlooks the complexities of real-world conversations, such as
real-time interactions, multi-party dialogues, and extended contextual
dependencies. To bridge this gap, we introduce DialSim, a real-time dialogue
simulator. In this simulator, an agent is assigned the role of a character from
popular TV shows, requiring it to respond to spontaneous questions using past
dialogue information and to distinguish between known and unknown information.
Key features of DialSim include evaluating the agent's ability to respond
within a reasonable time limit, handling long-term multi-party dialogues, and
managing adversarial settings (e.g., swap character names) to challenge the
agent's reliance on pre-trained knowledge. We utilized this simulator to
evaluate the latest conversational agents and analyze their limitations. Our
experiments highlight both the strengths and weaknesses of these agents,
providing valuable insights for future improvements in the field of
conversational AI. DialSim is available at
https://github.com/jiho283/Simulator. | cs.CL | DialSim: A Real-Time Simulator for Evaluating Long-Term Dialogue Understanding of Conversational Agents |
2024-06-19T01:08:03Z | http://arxiv.org/pdf/2406.13138v1 | http://arxiv.org/abs/2406.13138v1 | Philip Resnik | 2024-06-19T01:08:03Z | cs.CL, cs.AI | This paper's primary goal is to provoke thoughtful discussion about the
relationship between bias and fundamental properties of large language models.
We do this by seeking to convince the reader that harmful biases are an
inevitable consequence arising from the design of any large language model as
LLMs are currently formulated. To the extent that this is true, it suggests
that the problem of harmful bias cannot be properly addressed without a serious
reconsideration of AI driven by LLMs, going back to the foundational
assumptions underlying their design. | cs.CL | Large Language Models are Biased Because They Are Large Language Models |
2024-06-19T00:53:48Z | http://arxiv.org/pdf/2406.13133v1 | http://arxiv.org/abs/2406.13133v1 | Sajib Acharjee Dip, Uddip Acharjee Shuvo, Tran Chau, Haoqiu Song, Petra Choi, Xuan Wang, Liqing Zhang | 2024-06-19T00:53:48Z | cs.CL, cs.LG, q-bio.GN | Pathogen identification is pivotal in diagnosing, treating, and preventing
diseases, crucial for controlling infections and safeguarding public health.
Traditional alignment-based methods, though widely used, are computationally
intense and reliant on extensive reference databases, often failing to detect
novel pathogens due to their low sensitivity and specificity. Similarly,
conventional machine learning techniques, while promising, require large
annotated datasets and extensive feature engineering and are prone to
overfitting. Addressing these challenges, we introduce PathoLM, a cutting-edge
pathogen language model optimized for the identification of pathogenicity in
bacterial and viral sequences. Leveraging the strengths of pre-trained DNA
models such as the Nucleotide Transformer, PathoLM requires minimal data for
fine-tuning, thereby enhancing pathogen detection capabilities. It effectively
captures a broader genomic context, significantly improving the identification
of novel and divergent pathogens. We developed a comprehensive data set
comprising approximately 30 species of viruses and bacteria, including ESKAPEE
pathogens, seven notably virulent bacterial strains resistant to antibiotics.
Additionally, we curated a species classification dataset centered specifically
on the ESKAPEE group. In comparative assessments, PathoLM dramatically
outperforms existing models like DciPatho, demonstrating robust zero-shot and
few-shot capabilities. Furthermore, we expanded PathoLM-Sp for ESKAPEE species
classification, where it showed superior performance compared to other advanced
deep learning methods, despite the complexities of the task. | cs.CL | PathoLM: Identifying pathogenicity from the DNA sequence through the Genome Foundation Model |
2024-06-19T00:48:44Z | http://arxiv.org/pdf/2406.13131v2 | http://arxiv.org/abs/2406.13131v2 | Ting-Yun Chang, Jesse Thomason, Robin Jia | 2024-06-24T15:13:13Z | cs.CL | This paper studies in-context learning (ICL) by decomposing the output of
large language models into the individual contributions of attention heads and
MLPs (components). We observe curious components: good-performing ones that
individually do well on a classification task, even when the model performs
poorly; bad-performing ones that do much worse than chance; and label-biased
components that always predict the same label. We find that component
accuracies are well-correlated across different demonstration sets and
perturbations of prompt templates, even when the full-model accuracy varies
greatly. Based on our findings, we propose component reweighting, which learns
to linearly re-scale the component activations from a few labeled examples.
Given 24 labeled examples, our method improves by an average of 6.0% accuracy
points over 24-shot ICL across 8 tasks on Llama-2-7B. Overall, this paper both
enriches our understanding of ICL and provides a practical method for
improvement by examining model internals. | cs.CL | When Parts are Greater Than Sums: Individual LLM Components Can Outperform Full Models |
2024-06-19T00:40:19Z | http://arxiv.org/pdf/2406.13124v1 | http://arxiv.org/abs/2406.13124v1 | Rami Aly, Zhiqiang Tang, Samson Tan, George Karypis | 2024-06-19T00:40:19Z | cs.CL | Large Language Models (LLMs) frequently hallucinate, impeding their
reliability in mission-critical situations. One approach to address this issue
is to provide citations to relevant sources alongside generated content,
enhancing the verifiability of generations. However, citing passages accurately
in answers remains a substantial challenge. This paper proposes a
weakly-supervised fine-tuning method leveraging factual consistency models
(FCMs). Our approach alternates between generating texts with citations and
supervised fine-tuning with FCM-filtered citation data. Focused learning is
integrated into the objective, directing the fine-tuning process to emphasise
the factual unit tokens, as measured by an FCM. Results on the ALCE few-shot
citation benchmark with various instruction-tuned LLMs demonstrate superior
performance compared to in-context learning, vanilla supervised fine-tuning,
and state-of-the-art methods, with an average improvement of $34.1$, $15.5$,
and $10.5$ citation F$_1$ points, respectively. Moreover, in a domain transfer
setting we show that the obtained citation generation ability robustly
transfers to unseen datasets. Notably, our citation improvements contribute to
the lowest factual error rate across baselines. | cs.CL | Learning to Generate Answers with Citations via Factual Consistency Models |
2024-06-19T00:28:58Z | http://arxiv.org/pdf/2406.13121v1 | http://arxiv.org/abs/2406.13121v1 | Jinhyuk Lee, Anthony Chen, Zhuyun Dai, Dheeru Dua, Devendra Singh Sachan, Michael Boratko, Yi Luan, Sébastien M. R. Arnold, Vincent Perot, Siddharth Dalmia, Hexiang Hu, Xudong Lin, Panupong Pasupat, Aida Amini, Jeremy R. Cole, Sebastian Riedel, Iftekhar Naim, Ming-Wei Chang, Kelvin Guu | 2024-06-19T00:28:58Z | cs.CL, cs.AI, cs.IR | Long-context language models (LCLMs) have the potential to revolutionize our
approach to tasks traditionally reliant on external tools like retrieval
systems or databases. Leveraging LCLMs' ability to natively ingest and process
entire corpora of information offers numerous advantages. It enhances
user-friendliness by eliminating the need for specialized knowledge of tools,
provides robust end-to-end modeling that minimizes cascading errors in complex
pipelines, and allows for the application of sophisticated prompting techniques
across the entire system. To assess this paradigm shift, we introduce LOFT, a
benchmark of real-world tasks requiring context up to millions of tokens
designed to evaluate LCLMs' performance on in-context retrieval and reasoning.
Our findings reveal LCLMs' surprising ability to rival state-of-the-art
retrieval and RAG systems, despite never having been explicitly trained for
these tasks. However, LCLMs still face challenges in areas like compositional
reasoning that are required in SQL-like tasks. Notably, prompting strategies
significantly influence performance, emphasizing the need for continued
research as context lengths grow. Overall, LOFT provides a rigorous testing
ground for LCLMs, showcasing their potential to supplant existing paradigms and
tackle novel tasks as model capabilities scale. | cs.CL | Can Long-Context Language Models Subsume Retrieval, RAG, SQL, and More? |
2024-06-19T00:01:14Z | http://arxiv.org/pdf/2406.13114v1 | http://arxiv.org/abs/2406.13114v1 | Yuhang Zhou, Jing Zhu, Paiheng Xu, Xiaoyu Liu, Xiyao Wang, Danai Koutra, Wei Ai, Furong Huang | 2024-06-19T00:01:14Z | cs.CL, cs.AI | Large language models (LLMs) have significantly advanced various natural
language processing tasks, but deploying them remains computationally
expensive. Knowledge distillation (KD) is a promising solution, enabling the
transfer of capabilities from larger teacher LLMs to more compact student
models. Particularly, sequence-level KD, which distills rationale-based
reasoning processes instead of merely final outcomes, shows great potential in
enhancing students' reasoning capabilities. However, current methods struggle
with sequence level KD under long-tailed data distributions, adversely
affecting generalization on sparsely represented domains. We introduce the
Multi-Stage Balanced Distillation (BalDistill) framework, which iteratively
balances training data within a fixed computational budget. By dynamically
selecting representative head domain examples and synthesizing tail domain
examples, BalDistill achieves state-of-the-art performance across diverse
long-tailed datasets, enhancing both the efficiency and efficacy of the
distilled models. | cs.CL | Multi-Stage Balanced Distillation: Addressing Long-Tail Challenges in Sequence-Level Knowledge Distillation |
2024-06-18T23:40:00Z | http://arxiv.org/pdf/2406.13106v3 | http://arxiv.org/abs/2406.13106v3 | Ahmed Abdeen Hamed, Tamer E. Fandy | 2024-06-27T08:28:51Z | cs.AI, cs.CL, cs.IR, I.2; I.2.6 | The objective of this research is to introduce a network specialized in
predicting drugs that can be repurposed by investigating real-world evidence
sources, such as clinical trials and biomedical literature. Specifically, it
aims to generate drug combination therapies for complex diseases (e.g., cancer,
Alzheimer's). We present a multilayered network medicine approach, empowered by
a highly configured ChatGPT prompt engineering system, which is constructed on
the fly to extract drug mentions in clinical trials. Additionally, we introduce
a novel algorithm that connects real-world evidence with disease-specific
signaling pathways (e.g., KEGG database). This sheds light on the
repurposability of drugs if they are found to bind with one or more protein
constituents of a signaling pathway. To demonstrate, we instantiated the
framework for breast cancer and found that, out of 46 breast cancer signaling
pathways, the framework identified 38 pathways that were covered by at least
two drugs. This evidence signals the potential for combining those drugs.
Specifically, the most covered signaling pathway, ID hsa:2064, was covered by
108 drugs, some of which can be combined. Conversely, the signaling pathway ID
hsa:1499 was covered by only two drugs, indicating a significant gap for
further research. Our network medicine framework, empowered by GenAI, shows
promise in identifying drug combinations with a high degree of specificity,
knowing the exact signaling pathways and proteins that serve as targets. It is
noteworthy that ChatGPT successfully accelerated the process of identifying
drug mentions in clinical trials, though further investigations are required to
determine the relationships among the drug mentions. | cs.AI | Accelerating Complex Disease Treatment through Network Medicine and GenAI: A Case Study on Drug Repurposing for Breast Cancer |
2024-06-18T22:57:06Z | http://arxiv.org/pdf/2406.13094v1 | http://arxiv.org/abs/2406.13094v1 | Bernd Bohnet, Azade Nova, Aaron T Parisi, Kevin Swersky, Katayoon Goshvadi, Hanjun Dai, Dale Schuurmans, Noah Fiedel, Hanie Sedghi | 2024-06-18T22:57:06Z | cs.CL, cs.AI, cs.LG | We seek to elevate the planning capabilities of Large Language Models
(LLMs)investigating four main directions. First, we construct a comprehensive
benchmark suite encompassing both classical planning domains and natural
language scenarios. This suite includes algorithms to generate instances with
varying levels of difficulty, allowing for rigorous and systematic evaluation
of LLM performance. Second, we investigate the use of in-context learning (ICL)
to enhance LLM planning, exploring the direct relationship between increased
context length and improved planning performance. Third, we demonstrate the
positive impact of fine-tuning LLMs on optimal planning paths, as well as the
effectiveness of incorporating model-driven search procedures. Finally, we
investigate the performance of the proposed methods in out-of-distribution
scenarios, assessing the ability to generalize to novel and unseen planning
challenges. | cs.CL | Exploring and Benchmarking the Planning Capabilities of Large Language Models |
2024-06-18T22:44:50Z | http://arxiv.org/pdf/2406.13092v1 | http://arxiv.org/abs/2406.13092v1 | Yidan Sun, Jianfei Yu, Boyang Li | 2024-06-18T22:44:50Z | cs.CL | Story video-text alignment, a core task in computational story understanding,
aims to align video clips with corresponding sentences in their descriptions.
However, progress on the task has been held back by the scarcity of manually
annotated video-text correspondence and the heavy concentration on English
narrations of Hollywood movies. To address these issues, in this paper, we
construct a large-scale multilingual video story dataset named Multilingual
Synopses of Movie Narratives (M-SYMON), containing 13,166 movie summary videos
from 7 languages, as well as manual annotation of fine-grained video-text
correspondences for 101.5 hours of video. Training on the human annotated data
from SyMoN outperforms the SOTA methods by 15.7 and 16.2 percentage points on
Clip Accuracy and Sentence IoU scores, respectively, demonstrating the
effectiveness of the annotations. As benchmarks for future research, we create
6 baseline approaches with different multilingual training strategies, compare
their performance in both intra-lingual and cross-lingual setups, exemplifying
the challenges of multilingual video-text alignment. | cs.CL | Multilingual Synopses of Movie Narratives: A Dataset for Story Understanding |
2024-06-18T21:31:19Z | http://arxiv.org/pdf/2406.13069v2 | http://arxiv.org/abs/2406.13069v2 | William Merrill, Noah A. Smith, Yanai Elazar | 2024-06-25T15:02:40Z | cs.CL, cs.AI | How novel are texts generated by language models (LMs) relative to their
training corpora? In this work, we investigate the extent to which modern LMs
generate $n$-grams from their training data, evaluating both (i) the
probability LMs assign to complete training $n$-grams and (ii) $n$-novelty, the
proportion of $n$-grams generated by an LM that did not appear in the training
data (for arbitrarily large $n$). To enable arbitrary-length $n$-gram search
over a corpus in constant time, we develop Rusty-DAWG, a novel search tool
inspired by indexing of genomic data. We compare the novelty of LM-generated
text to human-written text and explore factors that affect generation novelty,
focusing on the Pythia models. We find that, for $n > 4$, LM-generated text is
less novel than human-written text, though it is more novel for smaller $n$.
Larger LMs and more constrained decoding strategies both decrease novelty.
Finally, we show that LMs complete $n$-grams with lower loss if they are more
frequent in the training data. Overall, our results reveal factors influencing
the novelty of LM-generated text, and we release Rusty-DAWG to facilitate
further pretraining data research. | cs.CL | Evaluating $n$-Gram Novelty of Language Models Using Rusty-DAWG |
2024-06-18T20:51:34Z | http://arxiv.org/pdf/2406.13050v1 | http://arxiv.org/abs/2406.13050v1 | Yige Shen, Hao Jiang, Hua Qu, Jihong Zhao | 2024-06-18T20:51:34Z | cs.CL | Despite their impressive capabilities, large language models (LLMs) often
face challenges such as temporal misalignment and generating hallucinatory
content. Enhancing LLMs with retrieval mechanisms to fetch relevant information
from external sources offers a promising solution. Inspired by the proverb
"Think twice before you act," we propose a dual-angle evaluated
retrieval-augmented generation framework \textit{Think-then-Act}. Unlike
previous approaches that indiscriminately rewrite queries or perform retrieval
regardless of necessity, or generate temporary responses before deciding on
additional retrieval, which increases model generation costs, our framework
employs a two-phase process: (i) assessing the input query for clarity and
completeness to determine if rewriting is necessary; and (ii) evaluating the
model's capability to answer the query and deciding if additional retrieval is
needed. Experimental results on five datasets show that the
\textit{Think-then-Act} framework significantly improves performance. Our
framework demonstrates notable improvements in accuracy and efficiency compared
to existing baselines and performs well in both English and non-English
contexts. Ablation studies validate the optimal model confidence threshold,
highlighting the resource optimization benefits of our approach. | cs.CL | Think-then-Act: A Dual-Angle Evaluated Retrieval-Augmented Generation |
2024-06-18T20:01:51Z | http://arxiv.org/pdf/2406.13035v2 | http://arxiv.org/abs/2406.13035v2 | Zhongwei Wan, Xinjian Wu, Yu Zhang, Yi Xin, Chaofan Tao, Zhihong Zhu, Xin Wang, Siqi Luo, Jing Xiong, Mi Zhang | 2024-06-23T08:27:48Z | cs.CL | Efficient inference in Large Language Models (LLMs) is impeded by the growing
memory demands of key-value (KV) caching, especially for longer sequences.
Traditional KV cache eviction strategies, which prioritize less critical
KV-pairs based on attention scores, often degrade generation quality, leading
to issues such as context loss or hallucinations. To address this, we introduce
Dynamic Discriminative Operations (D2O), a novel method that utilizes two-level
discriminative strategies to optimize KV cache size without fine-tuning, while
preserving essential context. Initially, by observing varying densities of
attention weights between shallow and deep layers, we use this insight to
determine which layers should avoid excessive eviction to minimize information
loss. Subsequently, for the eviction strategy in each layer, D2O innovatively
incorporates a compensation mechanism that maintains a similarity threshold to
re-discriminate the importance of previously discarded tokens, determining
whether they should be recalled and merged with similar tokens. Our approach
not only achieves significant memory savings and enhances inference throughput
by more than 3 times but also maintains high-quality long-text generation.
Extensive experiments across various benchmarks and LLM architectures have
demonstrated that D2O significantly enhances performance with a constrained KV
cache budget. | cs.CL | D2O: Dynamic Discriminative Operations for Efficient Generative Inference of Large Language Models |
2024-06-18T18:59:37Z | http://arxiv.org/pdf/2406.13009v1 | http://arxiv.org/abs/2406.13009v1 | Alex Chandler, Devesh Surve, Hui Su | 2024-06-18T18:59:37Z | cs.CL, cs.AI | Accurate text summarization is one of the most common and important tasks
performed by Large Language Models, where the costs of human review for an
entire document may be high, but the costs of errors in summarization may be
even greater. We propose Detecting Errors through Ensembling Prompts (DEEP) -
an end-to-end large language model framework for detecting factual errors in
text summarization. Our framework uses a diverse set of LLM prompts to identify
factual inconsistencies, treating their outputs as binary features, which are
then fed into ensembling models. We then calibrate the ensembled models to
produce empirically accurate probabilities that a text is factually consistent
or free of hallucination. We demonstrate that prior models for detecting
factual errors in summaries perform significantly worse without optimizing the
thresholds on subsets of the evaluated dataset. Our framework achieves
state-of-the-art (SOTA) balanced accuracy on the AggreFact-XSUM FTSOTA,
TofuEval Summary-Level, and HaluEval Summarization benchmarks in detecting
factual errors within transformer-generated text summaries. It does so without
any fine-tuning of the language model or reliance on thresholding techniques
not available in practical settings. | cs.CL | Detecting Errors through Ensembling Prompts (DEEP): An End-to-End LLM Framework for Detecting Factual Errors |
2024-06-18T18:38:17Z | http://arxiv.org/pdf/2406.12998v1 | http://arxiv.org/abs/2406.12998v1 | Cheol Jun Cho, Peter Wu, Tejas S. Prabhune, Dhruv Agarwal, Gopala K. Anumanchipalli | 2024-06-18T18:38:17Z | eess.AS, cs.AI, cs.CL, cs.SD | Vocal tract articulation is a natural, grounded control space of speech
production. The spatiotemporal coordination of articulators combined with the
vocal source shapes intelligible speech sounds to enable effective spoken
communication. Based on this physiological grounding of speech, we propose a
new framework of neural encoding-decoding of speech -- articulatory encodec.
The articulatory encodec comprises an articulatory analysis model that infers
articulatory features from speech audio, and an articulatory synthesis model
that synthesizes speech audio from articulatory features. The articulatory
features are kinematic traces of vocal tract articulators and source features,
which are intuitively interpretable and controllable, being the actual physical
interface of speech production. An additional speaker identity encoder is
jointly trained with the articulatory synthesizer to inform the voice texture
of individual speakers. By training on large-scale speech data, we achieve a
fully intelligible, high-quality articulatory synthesizer that generalizes to
unseen speakers. Furthermore, the speaker embedding is effectively disentangled
from articulations, which enables accent-perserving zero-shot voice conversion.
To the best of our knowledge, this is the first demonstration of universal,
high-performance articulatory inference and synthesis, suggesting the proposed
framework as a powerful coding system of speech. | eess.AS | Articulatory Encodec: Vocal Tract Kinematics as a Codec for Speech |
2024-06-18T18:37:24Z | http://arxiv.org/pdf/2406.12997v1 | http://arxiv.org/abs/2406.12997v1 | Akanksha Mehndiratta, Krishna Asawa | 2024-06-18T18:37:24Z | cs.CL | The probabilistic interpretation of Canonical Correlation Analysis (CCA) for
learning low-dimensional real vectors, called as latent variables, has been
exploited immensely in various fields. This study takes a step further by
demonstrating the potential of CCA in discovering a latent state that captures
the contextual information within the textual data under a two-view setting.
The interpretation of CCA discussed in this study utilizes the multi-view
nature of textual data, i.e. the consecutive sentences in a document or turns
in a dyadic conversation, and has a strong theoretical foundation. Furthermore,
this study proposes a model using CCA to perform the Automatic Short Answer
Grading (ASAG) task. The empirical analysis confirms that the proposed model
delivers competitive results and can even beat various sophisticated supervised
techniques. The model is simple, linear, and adaptable and should be used as
the baseline especially when labeled training data is scarce or nonexistent. | cs.CL | Suitability of CCA for Generating Latent State/ Variables in Multi-View Textual Data |
2024-06-18T18:00:03Z | http://arxiv.org/pdf/2406.12975v1 | http://arxiv.org/abs/2406.12975v1 | Xiaoze Liu, Ting Sun, Tianyang Xu, Feijie Wu, Cunxiang Wang, Xiaoqian Wang, Jing Gao | 2024-06-18T18:00:03Z | cs.CL, cs.AI, cs.CY | Large Language Models (LLMs) have transformed machine learning but raised
significant legal concerns due to their potential to produce text that
infringes on copyrights, resulting in several high-profile lawsuits. The legal
landscape is struggling to keep pace with these rapid advancements, with
ongoing debates about whether generated text might plagiarize copyrighted
materials. Current LLMs may infringe on copyrights or overly restrict
non-copyrighted texts, leading to these challenges: (i) the need for a
comprehensive evaluation benchmark to assess copyright compliance from multiple
aspects; (ii) evaluating robustness against safeguard bypassing attacks; and
(iii) developing effective defenses targeted against the generation of
copyrighted text. To tackle these challenges, we introduce a curated dataset to
evaluate methods, test attack strategies, and propose lightweight, real-time
defenses to prevent the generation of copyrighted text, ensuring the safe and
lawful use of LLMs. Our experiments demonstrate that current LLMs frequently
output copyrighted text, and that jailbreaking attacks can significantly
increase the volume of copyrighted output. Our proposed defense mechanisms
significantly reduce the volume of copyrighted text generated by LLMs by
effectively refusing malicious requests. Code is publicly available at
https://github.com/xz-liu/SHIELD | cs.CL | SHIELD: Evaluation and Defense Strategies for Copyright Compliance in LLM Text Generation |
2024-06-18T17:58:28Z | http://arxiv.org/pdf/2406.12845v1 | http://arxiv.org/abs/2406.12845v1 | Haoxiang Wang, Wei Xiong, Tengyang Xie, Han Zhao, Tong Zhang | 2024-06-18T17:58:28Z | cs.LG, cs.CL | Reinforcement learning from human feedback (RLHF) has emerged as the primary
method for aligning large language models (LLMs) with human preferences. The
RLHF process typically starts by training a reward model (RM) using human
preference data. Conventional RMs are trained on pairwise responses to the same
user request, with relative ratings indicating which response humans prefer.
The trained RM serves as a proxy for human preferences. However, due to the
black-box nature of RMs, their outputs lack interpretability, as humans cannot
intuitively understand why an RM thinks a response is good or not. As RMs act
as human preference proxies, we believe they should be human-interpretable to
ensure that their internal decision processes are consistent with human
preferences and to prevent reward hacking in LLM alignment. To build RMs with
interpretable preferences, we propose a two-stage approach: i) train an
Absolute-Rating Multi-Objective Reward Model (ArmoRM) with multi-dimensional
absolute-rating data, each dimension corresponding to a human-interpretable
objective (e.g., honesty, verbosity, safety); ii) employ a Mixture-of-Experts
(MoE) strategy with a gating network that automatically selects the most
suitable reward objectives based on the context. We efficiently trained an
ArmoRM with Llama-3 8B and a gating network consisting of a shallow MLP on top
of the ArmoRM. Our trained model, ArmoRM-Llama3-8B, obtains state-of-the-art
performance on RewardBench, a benchmark evaluating RMs for language modeling.
Notably, the performance of our model surpasses the LLM-as-a-judge method with
GPT-4 judges by a margin, and approaches the performance of the much larger
Nemotron-4 340B reward model. | cs.LG | Interpretable Preferences via Multi-Objective Reward Modeling and Mixture-of-Experts |
2024-06-18T17:52:59Z | http://arxiv.org/pdf/2406.12832v1 | http://arxiv.org/abs/2406.12832v1 | Seyedarmin Azizi, Souvik Kundu, Massoud Pedram | 2024-06-18T17:52:59Z | cs.CL, cs.AI, cs.LG | Low-rank adaptation (LoRA) has become the default approach to fine-tune large
language models (LLMs) due to its significant reduction in trainable
parameters. However, trainable parameter demand for LoRA increases with
increasing model embedding dimensions, leading to high compute costs.
Additionally, its backward updates require storing high-dimensional
intermediate activations and optimizer states, demanding high peak GPU memory.
In this paper, we introduce large model fine-tuning via spectrally decomposed
low-dimensional adaptation (LaMDA), a novel approach to fine-tuning large
language models, which leverages low-dimensional adaptation to achieve
significant reductions in trainable parameters and peak GPU memory footprint.
LaMDA freezes a first projection matrix (PMA) in the adaptation path while
introducing a low-dimensional trainable square matrix, resulting in substantial
reductions in trainable parameters and peak GPU memory usage. LaMDA gradually
freezes a second projection matrix (PMB) during the early fine-tuning stages,
reducing the compute cost associated with weight updates to enhance parameter
efficiency further. We also present an enhancement, LaMDA++, incorporating a
``lite-weight" adaptive rank allocation for the LoRA path via normalized
spectrum analysis of pre-trained model weights. We evaluate LaMDA/LaMDA++
across various tasks, including natural language understanding with the GLUE
benchmark, text summarization, natural language generation, and complex
reasoning on different LLMs. Results show that LaMDA matches or surpasses the
performance of existing alternatives while requiring up to 17.7x fewer
parameter updates and up to 1.32x lower peak GPU memory usage during
fine-tuning. Code will be publicly available. | cs.CL | LaMDA: Large Model Fine-Tuning via Spectrally Decomposed Low-Dimensional Adaptation |
2024-06-18T17:51:24Z | http://arxiv.org/pdf/2406.12830v1 | http://arxiv.org/abs/2406.12830v1 | Akshay Paruchuri, Jake Garrison, Shun Liao, John Hernandez, Jacob Sunshine, Tim Althoff, Xin Liu, Daniel McDuff | 2024-06-18T17:51:24Z | cs.CL | Language models (LM) are capable of remarkably complex linguistic tasks;
however, numerical reasoning is an area in which they frequently struggle. An
important but rarely evaluated form of reasoning is understanding probability
distributions. In this paper, we focus on evaluating the probabilistic
reasoning capabilities of LMs using idealized and real-world statistical
distributions. We perform a systematic evaluation of state-of-the-art LMs on
three tasks: estimating percentiles, drawing samples, and calculating
probabilities. We evaluate three ways to provide context to LMs 1) anchoring
examples from within a distribution or family of distributions, 2) real-world
context, 3) summary statistics on which to base a Normal approximation. Models
can make inferences about distributions, and can be further aided by the
incorporation of real-world context, example shots and simplified assumptions,
even if these assumptions are incorrect or misspecified. To conduct this work,
we developed a comprehensive benchmark distribution dataset with associated
question-answer pairs that we will release publicly. | cs.CL | What Are the Odds? Language Models Are Capable of Probabilistic Reasoning |
2024-06-18T17:46:08Z | http://arxiv.org/pdf/2406.12824v1 | http://arxiv.org/abs/2406.12824v1 | Hitesh Wadhwa, Rahul Seetharaman, Somyaa Aggarwal, Reshmi Ghosh, Samyadeep Basu, Soundararajan Srinivasan, Wenlong Zhao, Shreyas Chaudhari, Ehsan Aghazadeh | 2024-06-18T17:46:08Z | cs.CL, cs.AI | Retrieval Augmented Generation (RAG) enriches the ability of language models
to reason using external context to augment responses for a given user prompt.
This approach has risen in popularity due to practical applications in various
applications of language models in search, question/answering, and chat-bots.
However, the exact nature of how this approach works isn't clearly understood.
In this paper, we mechanistically examine the RAG pipeline to highlight that
language models take shortcut and have a strong bias towards utilizing only the
context information to answer the question, while relying minimally on their
parametric memory. We probe this mechanistic behavior in language models with:
(i) Causal Mediation Analysis to show that the parametric memory is minimally
utilized when answering a question and (ii) Attention Contributions and
Knockouts to show that the last token residual stream do not get enriched from
the subject token in the question, but gets enriched from other informative
tokens in the context. We find this pronounced shortcut behaviour true across
both LLaMa and Phi family of models. | cs.CL | From RAGs to rich parameters: Probing how language models utilize external knowledge over parametric information for factual queries |
2024-06-18T17:43:47Z | http://arxiv.org/pdf/2406.12822v1 | http://arxiv.org/abs/2406.12822v1 | Pinzhen Chen, Simon Yu, Zhicheng Guo, Barry Haddow | 2024-06-18T17:43:47Z | cs.CL, cs.AI | Large language models, particularly multilingual ones, are designed, claimed,
and expected to cater to native speakers of varied languages. We hypothesise
that the current practices of fine-tuning and evaluating these models may
mismatch this intention owing to a heavy reliance on translation, which can
introduce translation artefacts and defects. It remains unknown whether the
nature of the instruction data has an impact on the model output; on the other
hand, it remains questionable whether translated test sets can capture such
nuances. Due to the often coupled practices of using translated data in both
stages, such imperfections could have been overlooked. This work investigates
these issues by using controlled native or translated data during instruction
tuning and evaluation stages and observing model results. Experiments on eight
base models and eight different benchmarks reveal that native or generation
benchmarks display a notable difference between native and translated
instruction data especially when model performance is high, whereas other types
of test sets cannot. Finally, we demonstrate that regularization is beneficial
to bridging this gap on structured but not generative tasks. | cs.CL | Is It Good Data for Multilingual Instruction Tuning or Just Bad Multilingual Evaluation for Large Language Models? |
2024-06-18T17:32:48Z | http://arxiv.org/pdf/2406.12814v1 | http://arxiv.org/abs/2406.12814v1 | Chen Henry Wu, Jing Yu Koh, Ruslan Salakhutdinov, Daniel Fried, Aditi Raghunathan | 2024-06-18T17:32:48Z | cs.LG, cs.CL, cs.CR, cs.CV | Vision-enabled language models (VLMs) are now used to build autonomous
multimodal agents capable of taking actions in real environments. In this
paper, we show that multimodal agents raise new safety risks, even though
attacking agents is more challenging than prior attacks due to limited access
to and knowledge about the environment. Our attacks use adversarial text
strings to guide gradient-based perturbation over one trigger image in the
environment: (1) our captioner attack attacks white-box captioners if they are
used to process images into captions as additional inputs to the VLM; (2) our
CLIP attack attacks a set of CLIP models jointly, which can transfer to
proprietary VLMs. To evaluate the attacks, we curated VisualWebArena-Adv, a set
of adversarial tasks based on VisualWebArena, an environment for web-based
multimodal agent tasks. Within an L-infinity norm of $16/256$ on a single
image, the captioner attack can make a captioner-augmented GPT-4V agent execute
the adversarial goals with a 75% success rate. When we remove the captioner or
use GPT-4V to generate its own captions, the CLIP attack can achieve success
rates of 21% and 43%, respectively. Experiments on agents based on other VLMs,
such as Gemini-1.5, Claude-3, and GPT-4o, show interesting differences in their
robustness. Further analysis reveals several key factors contributing to the
attack's success, and we also discuss the implications for defenses as well.
Project page: https://chenwu.io/attack-agent Code and data:
https://github.com/ChenWu98/agent-attack | cs.LG | Adversarial Attacks on Multimodal Agents |
2024-06-18T17:25:47Z | http://arxiv.org/pdf/2406.12809v1 | http://arxiv.org/abs/2406.12809v1 | Zhe Yang, Yichang Zhang, Tianyu Liu, Jian Yang, Junyang Lin, Chang Zhou, Zhifang Sui | 2024-06-18T17:25:47Z | cs.CL | Large language models (LLMs) have demonstrated impressive capabilities, but
still suffer from inconsistency issues (e.g. LLMs can react differently to
disturbances like rephrasing or inconsequential order change). In addition to
these inconsistencies, we also observe that LLMs, while capable of solving hard
problems, can paradoxically fail at easier ones. To evaluate this hard-to-easy
inconsistency, we develop the ConsisEval benchmark, where each entry comprises
a pair of questions with a strict order of difficulty. Furthermore, we
introduce the concept of consistency score to quantitatively measure this
inconsistency and analyze the potential for improvement in consistency by
relative consistency score. Based on comprehensive experiments across a variety
of existing models, we find: (1) GPT-4 achieves the highest consistency score
of 92.2\% but is still inconsistent to specific questions due to distraction by
redundant information, misinterpretation of questions, etc.; (2) models with
stronger capabilities typically exhibit higher consistency, but exceptions also
exist; (3) hard data enhances consistency for both fine-tuning and in-context
learning. Our data and code will be publicly available on GitHub. | cs.CL | Can Large Language Models Always Solve Easy Problems if They Can Solve Harder Ones? |
2024-06-18T16:58:21Z | http://arxiv.org/pdf/2406.12793v1 | http://arxiv.org/abs/2406.12793v1 | Team GLM, :, Aohan Zeng, Bin Xu, Bowen Wang, Chenhui Zhang, Da Yin, Diego Rojas, Guanyu Feng, Hanlin Zhao, Hanyu Lai, Hao Yu, Hongning Wang, Jiadai Sun, Jiajie Zhang, Jiale Cheng, Jiayi Gui, Jie Tang, Jing Zhang, Juanzi Li, Lei Zhao, Lindong Wu, Lucen Zhong, Mingdao Liu, Minlie Huang, Peng Zhang, Qinkai Zheng, Rui Lu, Shuaiqi Duan, Shudan Zhang, Shulin Cao, Shuxun Yang, Weng Lam Tam, Wenyi Zhao, Xiao Liu, Xiao Xia, Xiaohan Zhang, Xiaotao Gu, Xin Lv, Xinghan Liu, Xinyi Liu, Xinyue Yang, Xixuan Song, Xunkai Zhang, Yifan An, Yifan Xu, Yilin Niu, Yuantao Yang, Yueyan Li, Yushi Bai, Yuxiao Dong, Zehan Qi, Zhaoyu Wang, Zhen Yang, Zhengxiao Du, Zhenyu Hou, Zihan Wang | 2024-06-18T16:58:21Z | cs.CL | We introduce ChatGLM, an evolving family of large language models that we
have been developing over time. This report primarily focuses on the GLM-4
language series, which includes GLM-4, GLM-4-Air, and GLM-4-9B. They represent
our most capable models that are trained with all the insights and lessons
gained from the preceding three generations of ChatGLM. To date, the GLM-4
models are pre-trained on ten trillions of tokens mostly in Chinese and
English, along with a small set of corpus from 24 languages, and aligned
primarily for Chinese and English usage. The high-quality alignment is achieved
via a multi-stage post-training process, which involves supervised fine-tuning
and learning from human feedback. Evaluations show that GLM-4 1) closely rivals
or outperforms GPT-4 in terms of general metrics such as MMLU, GSM8K, MATH,
BBH, GPQA, and HumanEval, 2) gets close to GPT-4-Turbo in instruction following
as measured by IFEval, 3) matches GPT-4 Turbo (128K) and Claude 3 for long
context tasks, and 4) outperforms GPT-4 in Chinese alignments as measured by
AlignBench. The GLM-4 All Tools model is further aligned to understand user
intent and autonomously decide when and which tool(s) touse -- including web
browser, Python interpreter, text-to-image model, and user-defined functions --
to effectively complete complex tasks. In practical applications, it matches
and even surpasses GPT-4 All Tools in tasks like accessing online information
via web browsing and solving math problems using Python interpreter. Over the
course, we have open-sourced a series of models, including ChatGLM-6B (three
generations), GLM-4-9B (128K, 1M), GLM-4V-9B, WebGLM, and CodeGeeX, attracting
over 10 million downloads on Hugging face in the year 2023 alone. The open
models can be accessed through https://github.com/THUDM and
https://huggingface.co/THUDM. | cs.CL | ChatGLM: A Family of Large Language Models from GLM-130B to GLM-4 All Tools |
2024-06-18T16:55:10Z | http://arxiv.org/pdf/2406.12787v1 | http://arxiv.org/abs/2406.12787v1 | Chieh-Yang Huang, Jing Wei, Ting-Hao 'Kenneth' Huang | 2024-06-18T16:55:10Z | cs.CL, cs.HC | This study introduces the leveled-text generation task, aiming to rewrite
educational materials to specific readability levels while preserving meaning.
We assess the capability of GPT-3.5, LLaMA-2 70B, and Mixtral 8x7B, to generate
content at various readability levels through zero-shot and few-shot prompting.
Evaluating 100 processed educational materials reveals that few-shot prompting
significantly improves performance in readability manipulation and information
preservation. LLaMA-2 70B performs better in achieving the desired difficulty
range, while GPT-3.5 maintains original meaning. However, manual inspection
highlights concerns such as misinformation introduction and inconsistent edit
distribution. These findings emphasize the need for further research to ensure
the quality of generated educational content. | cs.CL | Generating Educational Materials with Different Levels of Readability using LLMs |
2024-06-18T16:50:38Z | http://arxiv.org/pdf/2406.12784v1 | http://arxiv.org/abs/2406.12784v1 | Xunzhi Wang, Zhuowei Zhang, Qiongyu Li, Gaonan Chen, Mengting Hu, Zhiyu li, Bitong Luo, Hang Gao, Zhixin Han, Haotian Wang | 2024-06-18T16:50:38Z | cs.CL | The rapid development of large language models (LLMs) has shown promising
practical results. However, their low interpretability often leads to errors in
unforeseen circumstances, limiting their utility. Many works have focused on
creating comprehensive evaluation systems, but previous benchmarks have
primarily assessed problem-solving abilities while neglecting the response's
uncertainty, which may result in unreliability. Recent methods for measuring
LLM reliability are resource-intensive and unable to test black-box models. To
address this, we propose UBENCH, a comprehensive benchmark for evaluating LLM
reliability. UBENCH includes 3,978 multiple-choice questions covering
knowledge, language, understanding, and reasoning abilities. Experimental
results show that UBENCH has achieved state-of-the-art performance, while its
single-sampling method significantly saves computational resources compared to
baseline methods that require multiple samplings. Additionally, based on
UBENCH, we evaluate the reliability of 15 popular LLMs, finding GLM4 to be the
most outstanding, closely followed by GPT-4. We also explore the impact of
Chain-of-Thought prompts, role-playing prompts, option order, and temperature
on LLM reliability, analyzing the varying effects on different LLMs. | cs.CL | UBENCH: Benchmarking Uncertainty in Large Language Models with Multiple Choice Questions |
2024-06-18T16:46:18Z | http://arxiv.org/pdf/2406.12779v1 | http://arxiv.org/abs/2406.12779v1 | Xingming Liao, Nankai Lin, Haowen Li, Lianglun Cheng, Zhuowei Wang, Chong Chen | 2024-06-18T16:46:18Z | cs.CL | Nested Named Entity Recognition (NNER) focuses on addressing overlapped
entity recognition. Compared to Flat Named Entity Recognition (FNER), annotated
resources are scarce in the corpus for NNER. Data augmentation is an effective
approach to address the insufficient annotated corpus. However, there is a
significant lack of exploration in data augmentation methods for NNER. Due to
the presence of nested entities in NNER, existing data augmentation methods
cannot be directly applied to NNER tasks. Therefore, in this work, we focus on
data augmentation for NNER and resort to more expressive structures,
Composited-Nested-Label Classification (CNLC) in which constituents are
combined by nested-word and nested-label, to model nested entities. The dataset
is augmented using the Composited-Nested-Learning (CNL). In addition, we
propose the Confidence Filtering Mechanism (CFM) for a more efficient selection
of generated data. Experimental results demonstrate that this approach results
in improvements in ACE2004 and ACE2005 and alleviates the impact of sample
imbalance. | cs.CL | Composited-Nested-Learning with Data Augmentation for Nested Named Entity Recognition |
2024-06-18T16:44:13Z | http://arxiv.org/pdf/2406.12775v1 | http://arxiv.org/abs/2406.12775v1 | Eden Biran, Daniela Gottesman, Sohee Yang, Mor Geva, Amir Globerson | 2024-06-18T16:44:13Z | cs.CL | Large language models (LLMs) can solve complex multi-step problems, but
little is known about how these computations are implemented internally.
Motivated by this, we study how LLMs answer multi-hop queries such as "The
spouse of the performer of Imagine is". These queries require two information
extraction steps: a latent one for resolving the first hop ("the performer of
Imagine") into the bridge entity (John Lennon), and one for resolving the
second hop ("the spouse of John Lennon") into the target entity (Yoko Ono).
Understanding how the latent step is computed internally is key to
understanding the overall computation. By carefully analyzing the internal
computations of transformer-based LLMs, we discover that the bridge entity is
resolved in the early layers of the model. Then, only after this resolution,
the two-hop query is solved in the later layers. Because the second hop
commences in later layers, there could be cases where these layers no longer
encode the necessary knowledge for correctly predicting the answer. Motivated
by this, we propose a novel "back-patching" analysis method whereby a hidden
representation from a later layer is patched back to an earlier layer. We find
that in up to 57% of previously incorrect cases there exists a back-patch that
results in the correct generation of the answer, showing that the later layers
indeed sometimes lack the needed functionality. Overall our methods and
findings open further opportunities for understanding and improving latent
reasoning in transformer-based LLMs. | cs.CL | Hopping Too Late: Exploring the Limitations of Large Language Models on Multi-Hop Queries |
2024-06-18T16:39:21Z | http://arxiv.org/pdf/2406.12770v2 | http://arxiv.org/abs/2406.12770v2 | Silvia García-Méndez, Francisco de Arriba-Pérez, María del Carmen Somoza-López | 2024-06-19T11:49:03Z | cs.AI, cs.CL | Artificial Intelligence (AI) can potentially transform the industry,
enhancing the production process and minimizing manual, repetitive tasks.
Accordingly, the synergy between high-performance computing and powerful
mathematical models enables the application of sophisticated data analysis
procedures like Machine Learning. However, challenges exist regarding
effective, efficient, and flexible processing to generate valuable knowledge.
Consequently, this work comprehensively describes industrial challenges where
AI can be exploited, focusing on the dairy industry. The conclusions presented
can help researchers apply novel approaches for cattle monitoring and farmers
by proposing advanced technological solutions to their needs. | cs.AI | Informatics & dairy industry coalition: AI trends and present challenges |
2024-06-18T16:22:05Z | http://arxiv.org/pdf/2406.12754v1 | http://arxiv.org/abs/2406.12754v1 | Ruiqi He, Yushu He, Longju Bai, Jiarui Liu, Zhenjie Sun, Zenghao Tang, He Wang, Hanchen Xia, Naihao Deng | 2024-06-18T16:22:05Z | cs.CL, cs.AI | Existing humor datasets and evaluations predominantly focus on English,
lacking resources for culturally nuanced humor in non-English languages like
Chinese. To address this gap, we construct Chumor, a dataset sourced from Ruo
Zhi Ba (RZB), a Chinese Reddit-like platform dedicated to sharing
intellectually challenging and culturally specific jokes. We annotate
explanations for each joke and evaluate human explanations against two
state-of-the-art LLMs, GPT-4o and ERNIE Bot, through A/B testing by native
Chinese speakers. Our evaluation shows that Chumor is challenging even for SOTA
LLMs, and the human explanations for Chumor jokes are significantly better than
explanations generated by the LLMs. | cs.CL | Chumor 1.0: A Truly Funny and Challenging Chinese Humor Understanding Dataset from Ruo Zhi Ba |
2024-06-18T16:20:53Z | http://arxiv.org/pdf/2406.12753v1 | http://arxiv.org/abs/2406.12753v1 | Zhen Huang, Zengzhi Wang, Shijie Xia, Xuefeng Li, Haoyang Zou, Ruijie Xu, Run-Ze Fan, Lyumanshan Ye, Ethan Chern, Yixin Ye, Yikai Zhang, Yuqing Yang, Ting Wu, Binjie Wang, Shichao Sun, Yang Xiao, Yiyuan Li, Fan Zhou, Steffi Chern, Yiwei Qin, Yan Ma, Jiadi Su, Yixiu Liu, Yuxiang Zheng, Shaoting Zhang, Dahua Lin, Yu Qiao, Pengfei Liu | 2024-06-18T16:20:53Z | cs.CL, cs.AI | The evolution of Artificial Intelligence (AI) has been significantly
accelerated by advancements in Large Language Models (LLMs) and Large
Multimodal Models (LMMs), gradually showcasing potential cognitive reasoning
abilities in problem-solving and scientific discovery (i.e., AI4Science) once
exclusive to human intellect. To comprehensively evaluate current models'
performance in cognitive reasoning abilities, we introduce OlympicArena, which
includes 11,163 bilingual problems across both text-only and interleaved
text-image modalities. These challenges encompass a wide range of disciplines
spanning seven fields and 62 international Olympic competitions, rigorously
examined for data leakage. We argue that the challenges in Olympic competition
problems are ideal for evaluating AI's cognitive reasoning due to their
complexity and interdisciplinary nature, which are essential for tackling
complex scientific challenges and facilitating discoveries. Beyond evaluating
performance across various disciplines using answer-only criteria, we conduct
detailed experiments and analyses from multiple perspectives. We delve into the
models' cognitive reasoning abilities, their performance across different
modalities, and their outcomes in process-level evaluations, which are vital
for tasks requiring complex reasoning with lengthy solutions. Our extensive
evaluations reveal that even advanced models like GPT-4o only achieve a 39.97%
overall accuracy, illustrating current AI limitations in complex reasoning and
multimodal integration. Through the OlympicArena, we aim to advance AI towards
superintelligence, equipping it to address more complex challenges in science
and beyond. We also provide a comprehensive set of resources to support AI
research, including a benchmark dataset, an open-source annotation platform, a
detailed evaluation tool, and a leaderboard with automatic submission features. | cs.CL | OlympicArena: Benchmarking Multi-discipline Cognitive Reasoning for Superintelligent AI |
2024-06-18T16:06:38Z | http://arxiv.org/pdf/2406.12746v3 | http://arxiv.org/abs/2406.12746v3 | Miaoyu Li, Haoxin Li, Zilin Du, Boyang Li | 2024-06-23T03:06:42Z | cs.CL | Knowledge-based Visual Qustion-answering (K-VQA) necessitates the use of
background knowledge beyond what is depicted in the image. Current zero-shot
K-VQA methods usually translate an image to a single type of textual decision
context and use a text-based model to answer the question based on it, which
conflicts with the fact that K-VQA questions often require the combination of
multiple question-answering strategies. In light of this, we propose
Rationale-based Ensemble of Answer Context Tactics (REACT) to achieve a dynamic
ensemble of multiple question-answering tactics, comprising Answer Candidate
Generation (ACG) and Rationale-based Strategy Fusion (RSF). In ACG, we generate
three distinctive decision contexts to provide different strategies for each
question, resulting in the generation of three answer candidates. RSF generates
automatic and mechanistic rationales from decision contexts for each candidate,
allowing the model to select the correct answer from all candidates. We conduct
comprehensive experiments on the OK-VQA and A-OKVQA datasets, and our method
significantly outperforms state-of-the-art LLM-based baselines on all datasets. | cs.CL | Rationale-based Ensemble of Multiple QA Strategies for Zero-shot Knowledge-based VQA |
2024-06-18T16:02:18Z | http://arxiv.org/pdf/2406.12742v1 | http://arxiv.org/abs/2406.12742v1 | Bingchen Zhao, Yongshuo Zong, Letian Zhang, Timothy Hospedales | 2024-06-18T16:02:18Z | cs.CV, cs.AI, cs.CL | The advancement of large language models (LLMs) has significantly broadened
the scope of applications in natural language processing, with multi-modal LLMs
extending these capabilities to integrate and interpret visual data. However,
existing benchmarks for visual language models (VLMs) predominantly focus on
single-image inputs, neglecting the crucial aspect of multi-image
understanding. In this paper, we introduce a Multi-Image Relational Benchmark
MIRB, designed to evaluate VLMs' ability to compare, analyze, and reason across
multiple images. Our benchmark encompasses four categories: perception, visual
world knowledge, reasoning, and multi-hop reasoning. Through a comprehensive
evaluation of a wide range of open-source and closed-source models, we
demonstrate that while open-source VLMs were shown to approach the performance
of GPT-4V in single-image tasks, a significant performance gap remains in
multi-image reasoning tasks. Our findings also reveal that even the
state-of-the-art GPT-4V model struggles with our benchmark, underscoring the
need for further research and development in this area. We believe our
contribution of MIRB could serve as a testbed for developing the
next-generation multi-modal models. | cs.CV | Benchmarking Multi-Image Understanding in Vision and Language Models: Perception, Knowledge, Reasoning, and Multi-Hop Reasoning |
2024-06-18T16:00:20Z | http://arxiv.org/pdf/2406.12739v1 | http://arxiv.org/abs/2406.12739v1 | Fabian David Schmidt, Philipp Borchert, Ivan Vulić, Goran Glavaš | 2024-06-18T16:00:20Z | cs.CL | LLMs have become a go-to solution not just for text generation, but also for
natural language understanding (NLU) tasks. Acquiring extensive knowledge
through language modeling on web-scale corpora, they excel on English NLU, yet
struggle to extend their NLU capabilities to underrepresented languages. In
contrast, machine translation models (MT) produce excellent multilingual
representations, resulting in strong translation performance even for
low-resource languages. MT encoders, however, lack the knowledge necessary for
comprehensive NLU that LLMs obtain through language modeling training on
immense corpora. In this work, we get the best both worlds by integrating MT
encoders directly into LLM backbones via sample-efficient self-distillation.
The resulting MT-LLMs preserve the inherent multilingual representational
alignment from the MT encoder, allowing lower-resource languages to tap into
the rich knowledge embedded in English-centric LLMs. Merging the MT encoder and
LLM in a single model, we mitigate the propagation of translation errors and
inference overhead of MT decoding inherent to discrete translation-based
cross-lingual transfer (e.g., translate-test). Evaluation spanning three
prominent NLU tasks and 127 predominantly low-resource languages renders
MT-LLMs highly effective in cross-lingual transfer. MT-LLMs substantially and
consistently outperform translate-test based on the same MT model, showing that
we truly unlock multilingual language understanding for LLMs. | cs.CL | Self-Distillation for Model Stacking Unlocks Cross-Lingual NLU in 200+ Languages |
2024-06-18T15:58:36Z | http://arxiv.org/pdf/2406.12738v1 | http://arxiv.org/abs/2406.12738v1 | Yujiang Wu, Hongjian Song, Jiawen Zhang, Xumeng Wen, Shun Zheng, Jiang Bian | 2024-06-18T15:58:36Z | cs.CL, cs.AI | The development of effective machine learning methodologies for enhancing the
efficiency and accuracy of clinical systems is crucial. Despite significant
research efforts, managing a plethora of diversified clinical tasks and
adapting to emerging new tasks remain significant challenges. This paper
presents a novel paradigm that employs a pre-trained large language model as a
universal clinical multi-task decoder. This approach leverages the flexibility
and diversity of language expressions to handle task topic variations and
associated arguments. The introduction of a new task simply requires the
addition of a new instruction template. We validate this framework across
hundreds of tasks, demonstrating its robustness in facilitating multi-task
predictions, performing on par with traditional multi-task learning and
single-task learning approaches. Moreover, it shows exceptional adaptability to
new tasks, with impressive zero-shot performance in some instances and superior
data efficiency in few-shot scenarios. This novel approach offers a unified
solution to manage a wide array of new and emerging tasks in clinical
applications. | cs.CL | Large Language Model as a Universal Clinical Multi-task Decoder |
2024-06-18T15:46:04Z | http://arxiv.org/pdf/2406.12725v1 | http://arxiv.org/abs/2406.12725v1 | Atharva Naik, Kexun Zhang, Nathaniel Robinson, Aravind Mysore, Clayton Marr, Hong Sng Rebecca Byrnes, Anna Cai, Kalvin Chang, David Mortensen | 2024-06-18T15:46:04Z | cs.CL, cs.AI | Historical linguists have long written a kind of incompletely formalized
''program'' that converts reconstructed words in an ancestor language into
words in one of its attested descendants that consist of a series of ordered
string rewrite functions (called sound laws). They do this by observing pairs
of words in the reconstructed language (protoforms) and the descendent language
(reflexes) and constructing a program that transforms protoforms into reflexes.
However, writing these programs is error-prone and time-consuming. Prior work
has successfully scaffolded this process computationally, but fewer researchers
have tackled Sound Law Induction (SLI), which we approach in this paper by
casting it as Programming by Examples. We propose a language-agnostic solution
that utilizes the programming ability of Large Language Models (LLMs) by
generating Python sound law programs from sound change examples. We evaluate
the effectiveness of our approach for various LLMs, propose effective methods
to generate additional language-agnostic synthetic data to fine-tune LLMs for
SLI, and compare our method with existing automated SLI methods showing that
while LLMs lag behind them they can complement some of their weaknesses. | cs.CL | Can Large Language Models Code Like a Linguist?: A Case Study in Low Resource Sound Law Induction |
2024-06-18T15:41:15Z | http://arxiv.org/pdf/2406.12719v1 | http://arxiv.org/abs/2406.12719v1 | Kushal Raj Bhandari, Sixue Xing, Soham Dan, Jianxi Gao | 2024-06-18T15:41:15Z | cs.CL, cs.AI | Large Language Models (LLMs), originally shown to ace various text
comprehension tasks have also remarkably been shown to tackle table
comprehension tasks without specific training. While previous research has
explored LLM capabilities with tabular dataset tasks, our study assesses the
influence of $\textit{in-context learning}$,$ \textit{model scale}$,
$\textit{instruction tuning}$, and $\textit{domain biases}$ on Tabular Question
Answering (TQA). We evaluate the robustness of LLMs on Wikipedia-based
$\textbf{WTQ}$ and financial report-based $\textbf{TAT-QA}$ TQA datasets,
focusing on their ability to robustly interpret tabular data under various
augmentations and perturbations. Our findings indicate that instructions
significantly enhance performance, with recent models like Llama3 exhibiting
greater robustness over earlier versions. However, data contamination and
practical reliability issues persist, especially with WTQ. We highlight the
need for improved methodologies, including structure-aware self-attention
mechanisms and better handling of domain-specific tabular data, to develop more
reliable LLMs for table comprehension. | cs.CL | On the Robustness of Language Models for Tabular Question Answering |
2024-06-18T15:38:41Z | http://arxiv.org/pdf/2406.12718v2 | http://arxiv.org/abs/2406.12718v2 | Wenbin An, Feng Tian, Sicong Leng, Jiahao Nie, Haonan Lin, QianYing Wang, Guang Dai, Ping Chen, Shijian Lu | 2024-06-21T17:33:21Z | cs.CV, cs.AI, cs.CL | Despite their great success across various multimodal tasks, Large
Vision-Language Models (LVLMs) are facing a prevalent problem with object
hallucinations, where the generated textual responses are inconsistent with
ground-truth objects in the given image. This paper investigates various LVLMs
and pinpoints attention deficiency toward discriminative local image features
as one root cause of object hallucinations. Specifically, LVLMs predominantly
attend to prompt-independent global image features, while failing to capture
prompt-relevant local features, consequently undermining the visual grounding
capacity of LVLMs and leading to hallucinations. To this end, we propose
Assembly of Global and Local Attention (AGLA), a training-free and
plug-and-play approach that mitigates object hallucinations by exploring an
ensemble of global features for response generation and local features for
visual discrimination simultaneously. Our approach exhibits an image-prompt
matching scheme that captures prompt-relevant local features from images,
leading to an augmented view of the input image where prompt-relevant content
is reserved while irrelevant distractions are masked. With the augmented view,
a calibrated decoding distribution can be derived by integrating generative
global features from the original image and discriminative local features from
the augmented image. Extensive experiments show that AGLA consistently
mitigates object hallucinations and enhances general perception capability for
LVLMs across various discriminative and generative benchmarks. Our code will be
released at https://github.com/Lackel/AGLA. | cs.CV | AGLA: Mitigating Object Hallucinations in Large Vision-Language Models with Assembly of Global and Local Attention |
2024-06-18T15:22:12Z | http://arxiv.org/pdf/2406.12708v1 | http://arxiv.org/abs/2406.12708v1 | Yiqiao Jin, Qinlin Zhao, Yiyang Wang, Hao Chen, Kaijie Zhu, Yijia Xiao, Jindong Wang | 2024-06-18T15:22:12Z | cs.CL | Peer review is fundamental to the integrity and advancement of scientific
publication. Traditional methods of peer review analyses often rely on
exploration and statistics of existing peer review data, which do not
adequately address the multivariate nature of the process, account for the
latent variables, and are further constrained by privacy concerns due to the
sensitive nature of the data. We introduce AgentReview, the first large
language model (LLM) based peer review simulation framework, which effectively
disentangles the impacts of multiple latent factors and addresses the privacy
issue. Our study reveals significant insights, including a notable 37.1%
variation in paper decisions due to reviewers' biases, supported by
sociological theories such as the social influence theory, altruism fatigue,
and authority bias. We believe that this study could offer valuable insights to
improve the design of peer review mechanisms. | cs.CL | AgentReview: Exploring Peer Review Dynamics with LLM Agents |
2024-06-18T15:19:51Z | http://arxiv.org/pdf/2406.12707v1 | http://arxiv.org/abs/2406.12707v1 | Haoqiu Yan, Yongxin Zhu, Kai Zheng, Bing Liu, Haoyu Cao, Deqiang Jiang, Linli Xu | 2024-06-18T15:19:51Z | cs.CL, cs.AI, cs.SD, eess.AS | Large Language Model (LLM)-enhanced agents become increasingly prevalent in
Human-AI communication, offering vast potential from entertainment to
professional domains. However, current multi-modal dialogue systems overlook
the acoustic information present in speech, which is crucial for understanding
human communication nuances. This oversight can lead to misinterpretations of
speakers' intentions, resulting in inconsistent or even contradictory responses
within dialogues. To bridge this gap, in this paper, we propose
PerceptiveAgent, an empathetic multi-modal dialogue system designed to discern
deeper or more subtle meanings beyond the literal interpretations of words
through the integration of speech modality perception. Employing LLMs as a
cognitive core, PerceptiveAgent perceives acoustic information from input
speech and generates empathetic responses based on speaking styles described in
natural language. Experimental results indicate that PerceptiveAgent excels in
contextual understanding by accurately discerning the speakers' true intentions
in scenarios where the linguistic meaning is either contrary to or inconsistent
with the speaker's true feelings, producing more nuanced and expressive spoken
dialogues. Code is publicly available at:
\url{https://github.com/Haoqiu-Yan/PerceptiveAgent}. | cs.CL | Talk With Human-like Agents: Empathetic Dialogue Through Perceptible Acoustic Reception and Reaction |
2024-06-18T15:14:35Z | http://arxiv.org/pdf/2406.12702v2 | http://arxiv.org/abs/2406.12702v2 | Abhinav Rao, Monojit Choudhury, Somak Aditya | 2024-06-21T00:05:35Z | cs.CL | We introduce two paradoxes concerning jailbreak of foundation models: First,
it is impossible to construct a perfect jailbreak classifier, and second, a
weaker model cannot consistently detect whether a stronger (in a
pareto-dominant sense) model is jailbroken or not. We provide formal proofs for
these paradoxes and a short case study on Llama and GPT4-o to demonstrate this.
We discuss broader theoretical and practical repercussions of these results. | cs.CL | [WIP] Jailbreak Paradox: The Achilles' Heel of LLMs |
2024-06-18T15:06:06Z | http://arxiv.org/pdf/2406.12692v1 | http://arxiv.org/abs/2406.12692v1 | Arian Askari, Christian Poelitz, Xinye Tang | 2024-06-18T15:06:06Z | cs.CL, cs.AI, cs.DB, cs.HC | Self-correction in text-to-SQL is the process of prompting large language
model (LLM) to revise its previously incorrectly generated SQL, and commonly
relies on manually crafted self-correction guidelines by human experts that are
not only labor-intensive to produce but also limited by the human ability in
identifying all potential error patterns in LLM responses. We introduce MAGIC,
a novel multi-agent method that automates the creation of the self-correction
guideline. MAGIC uses three specialized agents: a manager, a correction, and a
feedback agent. These agents collaborate on the failures of an LLM-based method
on the training set to iteratively generate and refine a self-correction
guideline tailored to LLM mistakes, mirroring human processes but without human
involvement. Our extensive experiments show that MAGIC's guideline outperforms
expert human's created ones. We empirically find out that the guideline
produced by MAGIC enhance the interpretability of the corrections made,
providing insights in analyzing the reason behind the failures and successes of
LLMs in self-correction. We make all agent interactions publicly available to
the research community, to foster further research in this area, offering a
synthetic dataset for future explorations into automatic self-correction
guideline generation. | cs.CL | MAGIC: Generating Self-Correction Guideline for In-Context Text-to-SQL |
2024-06-18T15:00:24Z | http://arxiv.org/pdf/2406.12687v1 | http://arxiv.org/abs/2406.12687v1 | Ankit Aich, Avery Quynh, Pamela Osseyi, Amy Pinkham, Philip Harvey, Brenda Curtis, Colin Depp, Natalie Parde | 2024-06-18T15:00:24Z | cs.CL | NLP in mental health has been primarily social media focused. Real world
practitioners also have high case loads and often domain specific variables, of
which modern LLMs lack context. We take a dataset made by recruiting 644
participants, including individuals diagnosed with Bipolar Disorder (BD),
Schizophrenia (SZ), and Healthy Controls (HC). Participants undertook tasks
derived from a standardized mental health instrument, and the resulting data
were transcribed and annotated by experts across five clinical variables. This
paper demonstrates the application of contemporary language models in
sequence-to-sequence tasks to enhance mental health research. Specifically, we
illustrate how these models can facilitate the deployment of mental health
instruments, data collection, and data annotation with high accuracy and
scalability. We show that small models are capable of annotation for
domain-specific clinical variables, data collection for mental-health
instruments, and perform better then commercial large models. | cs.CL | Using LLMs to Aid Annotation and Collection of Clinically-Enriched Data in Bipolar Disorder and Schizophrenia |
2024-06-18T14:51:54Z | http://arxiv.org/pdf/2406.12680v1 | http://arxiv.org/abs/2406.12680v1 | Fabrice Harel-Canada, Hanyu Zhou, Sreya Mupalla, Zeynep Yildiz, Amit Sahai, Nanyun Peng | 2024-06-18T14:51:54Z | cs.CL | Evaluations of creative stories generated by large language models (LLMs)
often focus on objective properties of the text, such as its style, coherence,
and toxicity. While these metrics are indispensable, they do not speak to a
story's subjective, psychological impact from a reader's perspective. We
introduce the Psychological Depth Scale (PDS), a novel framework rooted in
literary theory that measures an LLM's ability to produce authentic and
narratively complex stories that provoke emotion, empathy, and engagement. We
empirically validate our framework by showing that humans can consistently
evaluate stories based on PDS (0.72 Krippendorff's alpha). We also explore
techniques for automating the PDS to easily scale future analyses. GPT-4o,
combined with a novel Mixture-of-Personas (MoP) prompting strategy, achieves an
average Spearman correlation of $0.51$ with human judgment while Llama-3-70B
scores as high as 0.68 for empathy. Finally, we compared the depth of stories
authored by both humans and LLMs. Surprisingly, GPT-4 stories either surpassed
or were statistically indistinguishable from highly-rated human-written stories
sourced from Reddit. By shifting the focus from text to reader, the
Psychological Depth Scale is a validated, automated, and systematic means of
measuring the capacity of LLMs to connect with humans through the stories they
tell. | cs.CL | Measuring Psychological Depth in Language Models |
2024-06-18T14:51:30Z | http://arxiv.org/pdf/2406.12679v1 | http://arxiv.org/abs/2406.12679v1 | Ankit Aich, Tingting Liu, Salvatore Giorgi, Kelsey Isman, Lyle Ungar, Brenda Curtis | 2024-06-18T14:51:30Z | cs.CL | Large Language Models (LLMs) are increasingly being used in educational and
learning applications. Research has demonstrated that controlling for style, to
fit the needs of the learner, fosters increased understanding, promotes
inclusion, and helps with knowledge distillation. To understand the
capabilities and limitations of contemporary LLMs in style control, we
evaluated five state-of-the-art models: GPT-3.5, GPT-4, GPT-4o, Llama-3, and
Mistral-instruct- 7B across two style control tasks. We observed significant
inconsistencies in the first task, with model performances averaging between
5th and 8th grade reading levels for tasks intended for first-graders, and
standard deviations up to 27.6. For our second task, we observed a
statistically significant improvement in performance from 0.02 to 0.26.
However, we find that even without stereotypes in reference texts, LLMs often
generated culturally insensitive content during their tasks. We provide a
thorough analysis and discussion of the results. | cs.CL | Vernacular? I Barely Know Her: Challenges with Style Control and Stereotyping |
2024-06-18T14:45:50Z | http://arxiv.org/pdf/2406.12673v1 | http://arxiv.org/abs/2406.12673v1 | Daniela Gottesman, Mor Geva | 2024-06-18T14:45:50Z | cs.CL | To evaluate knowledge in large language models (LLMs), current methods query
the model and then evaluate its generated responses. In this work, we ask
whether evaluation can be done $\textit{before}$ the model has generated any
text. Concretely, is it possible to estimate how knowledgeable a model is about
a certain entity, only from its internal computation? We study this question
with two tasks: given a subject entity, the goal is to predict (a) the ability
of the model to answer common questions about the entity, and (b) the
factuality of responses generated by the model about the entity. Experiments
with a variety of LLMs show that KEEN, a simple probe trained over internal
subject representations, succeeds at both tasks - strongly correlating with
both the QA accuracy of the model per-subject and FActScore, a recent
factuality metric in open-ended generation. Moreover, KEEN naturally aligns
with the model's hedging behavior and faithfully reflects changes in the
model's knowledge after fine-tuning. Lastly, we show a more interpretable yet
equally performant variant of KEEN, which highlights a small set of tokens that
correlates with the model's lack of knowledge. Being simple and lightweight,
KEEN can be leveraged to identify gaps and clusters of entity knowledge in
LLMs, and guide decisions such as augmenting queries with retrieval. | cs.CL | Estimating Knowledge in Large Language Models Without Generating a Single Token |
2024-06-18T14:35:12Z | http://arxiv.org/pdf/2406.12665v1 | http://arxiv.org/abs/2406.12665v1 | Saranya Venkatraman, Nafis Irtiza Tripto, Dongwon Lee | 2024-06-18T14:35:12Z | cs.CL, cs.AI | The rise of unifying frameworks that enable seamless interoperability of
Large Language Models (LLMs) has made LLM-LLM collaboration for open-ended
tasks a possibility. Despite this, there have not been efforts to explore such
collaborative writing. We take the next step beyond human-LLM collaboration to
explore this multi-LLM scenario by generating the first exclusively
LLM-generated collaborative stories dataset called CollabStory. We focus on
single-author ($N=1$) to multi-author (up to $N=5$) scenarios, where multiple
LLMs co-author stories. We generate over 32k stories using open-source
instruction-tuned LLMs. Further, we take inspiration from the PAN tasks that
have set the standard for human-human multi-author writing tasks and analysis.
We extend their authorship-related tasks for multi-LLM settings and present
baselines for LLM-LLM collaboration. We find that current baselines are not
able to handle this emerging scenario. Thus, CollabStory is a resource that
could help propel an understanding as well as the development of techniques to
discern the use of multiple LLMs. This is crucial to study in the context of
writing tasks since LLM-LLM collaboration could potentially overwhelm ongoing
challenges related to plagiarism detection, credit assignment, maintaining
academic integrity in educational settings, and addressing copyright
infringement concerns. We make our dataset and code available at
\texttt{\url{https://github.com/saranya-venkatraman/multi_llm_story_writing}}. | cs.CL | CollabStory: Multi-LLM Collaborative Story Generation and Authorship Analysis |
2024-06-18T14:22:16Z | http://arxiv.org/pdf/2406.12651v1 | http://arxiv.org/abs/2406.12651v1 | Huan Xu, Jinlin Wu, Guanglin Cao, Zhen Chen, Zhen Lei, Hongbin Liu | 2024-06-18T14:22:16Z | cs.RO, cs.AI, cs.CL, cs.HC | Ultrasonography has revolutionized non-invasive diagnostic methodologies,
significantly enhancing patient outcomes across various medical domains.
Despite its advancements, integrating ultrasound technology with robotic
systems for automated scans presents challenges, including limited command
understanding and dynamic execution capabilities. To address these challenges,
this paper introduces a novel Ultrasound Embodied Intelligence system that
synergistically combines ultrasound robots with large language models (LLMs)
and domain-specific knowledge augmentation, enhancing ultrasound robots'
intelligence and operational efficiency. Our approach employs a dual strategy:
firstly, integrating LLMs with ultrasound robots to interpret doctors' verbal
instructions into precise motion planning through a comprehensive understanding
of ultrasound domain knowledge, including APIs and operational manuals;
secondly, incorporating a dynamic execution mechanism, allowing for real-time
adjustments to scanning plans based on patient movements or procedural errors.
We demonstrate the effectiveness of our system through extensive experiments,
including ablation studies and comparisons across various models, showcasing
significant improvements in executing medical procedures from verbal commands.
Our findings suggest that the proposed system improves the efficiency and
quality of ultrasound scans and paves the way for further advancements in
autonomous medical scanning technologies, with the potential to transform
non-invasive diagnostics and streamline medical workflows. | cs.RO | Transforming Surgical Interventions with Embodied Intelligence for Ultrasound Robotics |
2024-06-18T14:13:13Z | http://arxiv.org/pdf/2406.12645v1 | http://arxiv.org/abs/2406.12645v1 | Rui Xing, Timothy Baldwin, Jey Han Lau | 2024-06-18T14:13:13Z | cs.CL, cs.AI | An important factor when it comes to generating fact-checking explanations is
the selection of evidence: intuitively, high-quality explanations can only be
generated given the right evidence. In this work, we investigate the impact of
human-curated vs. machine-selected evidence for explanation generation using
large language models. To assess the quality of explanations, we focus on
transparency (whether an explanation cites sources properly) and utility
(whether an explanation is helpful in clarifying a claim). Surprisingly, we
found that large language models generate similar or higher quality
explanations using machine-selected evidence, suggesting carefully curated
evidence (by humans) may not be necessary. That said, even with the best model,
the generated explanations are not always faithful to the sources, suggesting
further room for improvement in explanation generation for fact-checking. | cs.CL | Evaluating Transparency of Machine Generated Fact Checking Explanations |
2024-06-18T14:12:27Z | http://arxiv.org/pdf/2406.12644v2 | http://arxiv.org/abs/2406.12644v2 | Devichand Budagam, Sankalp KJ, Ashutosh Kumar, Vinija Jain, Aman Chadha | 2024-06-27T14:32:07Z | cs.CL, cs.AI | Assessing the effectiveness of large language models (LLMs) in addressing
diverse tasks is essential for comprehending their strengths and weaknesses.
Conventional evaluation techniques typically apply a single prompting strategy
uniformly across datasets, not considering the varying degrees of task
complexity. We introduce the Hierarchical Prompting Taxonomy (HPT), a taxonomy
that employs a Hierarchical Prompt Framework (HPF) composed of five unique
prompting strategies, arranged from the simplest to the most complex, to assess
LLMs more precisely and to offer a clearer perspective. This taxonomy assigns a
score, called the Hierarchical Prompting Score (HP-Score), to datasets as well
as LLMs based on the rules of the taxonomy, providing a nuanced understanding
of their ability to solve diverse tasks and offering a universal measure of
task complexity. Additionally, we introduce the Adaptive Hierarchical Prompt
framework, which automates the selection of appropriate prompting strategies
for each task. This study compares manual and adaptive hierarchical prompt
frameworks using four instruction-tuned LLMs, namely Llama 3 8B, Phi 3 3.8B,
Mistral 7B, and Gemma 7B, across four datasets: BoolQ, CommonSenseQA (CSQA),
IWSLT-2017 en-fr (IWSLT), and SamSum. Experiments demonstrate the effectiveness
of HPT, providing a reliable way to compare different tasks and LLM
capabilities. This paper leads to the development of a universal evaluation
metric that can be used to evaluate both the complexity of the datasets and the
capabilities of LLMs. The implementation of both manual HPF and adaptive HPF is
publicly available. | cs.CL | Hierarchical Prompting Taxonomy: A Universal Evaluation Framework for Large Language Models |
2024-06-18T14:08:01Z | http://arxiv.org/pdf/2406.12641v1 | http://arxiv.org/abs/2406.12641v1 | Zhouhong Gu, Lin Zhang, Xiaoxuan Zhu, Jiangjie Chen, Wenhao Huang, Yikai Zhang, Shusen Wang, Zheyu Ye, Yan Gao, Hongwei Feng, Yanghua Xiao | 2024-06-18T14:08:01Z | cs.CL | Detecting evidence within the context is a key step in the process of
reasoning task. Evaluating and enhancing the capabilities of LLMs in evidence
detection will strengthen context-based reasoning performance. This paper
proposes a benchmark called DetectBench for verifying the ability to detect and
piece together implicit evidence within a long context. DetectBench contains
3,928 multiple-choice questions, with an average of 994 tokens per question.
Each question contains an average of 4.55 pieces of implicit evidence, and
solving the problem typically requires 7.62 logical jumps to find the correct
answer. To enhance the performance of LLMs in evidence detection, this paper
proposes Detective Reasoning Prompt and Finetune. Experiments demonstrate that
the existing LLMs' abilities to detect evidence in long contexts are far
inferior to humans. However, the Detective Reasoning Prompt effectively
enhances the capability of powerful LLMs in evidence detection, while the
Finetuning method shows significant effects in enhancing the performance of
weaker LLMs. Moreover, when the abilities of LLMs in evidence detection are
improved, their final reasoning performance is also enhanced accordingly. | cs.CL | DetectBench: Can Large Language Model Detect and Piece Together Implicit Evidence? |
2024-06-18T14:07:28Z | http://arxiv.org/pdf/2406.12639v1 | http://arxiv.org/abs/2406.12639v1 | Xuan Zhang, Yang Deng, Zifeng Ren, See-Kiong Ng, Tat-Seng Chua | 2024-06-18T14:07:28Z | cs.CL, cs.AI | The evolution of large language models (LLMs) has enhanced the planning
capabilities of language agents in diverse real-world scenarios. Despite these
advancements, the potential of LLM-powered agents to comprehend ambiguous user
instructions for reasoning and decision-making is still under exploration. In
this work, we introduce a new task, Proactive Agent Planning, which requires
language agents to predict clarification needs based on user-agent conversation
and agent-environment interaction, invoke external tools to collect valid
information, and generate a plan to fulfill the user's demands. To study this
practical problem, we establish a new benchmark dataset, Ask-before-Plan. To
tackle the deficiency of LLMs in proactive planning, we propose a novel
multi-agent framework, Clarification-Execution-Planning (\texttt{CEP}), which
consists of three agents specialized in clarification, execution, and planning.
We introduce the trajectory tuning scheme for the clarification agent and
static execution agent, as well as the memory recollection mechanism for the
dynamic execution agent. Extensive evaluations and comprehensive analyses
conducted on the Ask-before-Plan dataset validate the effectiveness of our
proposed framework. | cs.CL | Ask-before-Plan: Proactive Language Agents for Real-World Planning |
2024-06-18T14:07:27Z | http://arxiv.org/pdf/2406.19413v1 | http://arxiv.org/abs/2406.19413v1 | Hetvi Waghela, Jaydip Sen, Sneha Rakshit | 2024-06-18T14:07:27Z | cs.CR, cs.CL, cs.LG | In this paper, we introduce an enhanced textual adversarial attack method,
known as Saliency Attention and Semantic Similarity driven adversarial
Perturbation (SASSP). The proposed scheme is designed to improve the
effectiveness of contextual perturbations by integrating saliency, attention,
and semantic similarity. Traditional adversarial attack methods often struggle
to maintain semantic consistency and coherence while effectively deceiving
target models. Our proposed approach addresses these challenges by
incorporating a three-pronged strategy for word selection and perturbation.
First, we utilize a saliency-based word selection to prioritize words for
modification based on their importance to the model's prediction. Second,
attention mechanisms are employed to focus perturbations on contextually
significant words, enhancing the attack's efficacy. Finally, an advanced
semantic similarity-checking method is employed that includes embedding-based
similarity and paraphrase detection. By leveraging models like Sentence-BERT
for embedding similarity and fine-tuned paraphrase detection models from the
Sentence Transformers library, the scheme ensures that the perturbed text
remains contextually appropriate and semantically consistent with the original.
Empirical evaluations demonstrate that SASSP generates adversarial examples
that not only maintain high semantic fidelity but also effectively deceive
state-of-the-art natural language processing models. Moreover, in comparison to
the original scheme of contextual perturbation CLARE, SASSP has yielded a
higher attack success rate and lower word perturbation rate. | cs.CR | Saliency Attention and Semantic Similarity-Driven Adversarial Perturbation |
2024-06-18T13:55:13Z | http://arxiv.org/pdf/2406.12629v1 | http://arxiv.org/abs/2406.12629v1 | Yixia Li, Boya Xiong, Guanhua Chen, Yun Chen | 2024-06-18T13:55:13Z | cs.CL, cs.AI, cs.CV | Out-of-distribution (OOD) detection is crucial for the safe deployment of
neural networks. Existing CLIP-based approaches perform OOD detection by
devising novel scoring functions or sophisticated fine-tuning methods. In this
work, we propose SeTAR, a novel, training-free OOD detection method that
leverages selective low-rank approximation of weight matrices in
vision-language and vision-only models. SeTAR enhances OOD detection via
post-hoc modification of the model's weight matrices using a simple greedy
search algorithm. Based on SeTAR, we further propose SeTAR+FT, a fine-tuning
extension optimizing model performance for OOD detection tasks. Extensive
evaluations on ImageNet1K and Pascal-VOC benchmarks show SeTAR's superior
performance, reducing the false positive rate by up to 18.95% and 36.80%
compared to zero-shot and fine-tuning baselines. Ablation studies further
validate our approach's effectiveness, robustness, and generalizability across
different model backbones. Our work offers a scalable, efficient solution for
OOD detection, setting a new state-of-the-art in this area. | cs.CL | SeTAR: Out-of-Distribution Detection with Selective Low-Rank Approximation |
2024-06-18T13:49:54Z | http://arxiv.org/pdf/2406.12624v2 | http://arxiv.org/abs/2406.12624v2 | Aman Singh Thakur, Kartik Choudhary, Venkat Srinik Ramayapally, Sankaran Vaidyanathan, Dieuwke Hupkes | 2024-07-02T02:57:01Z | cs.CL, cs.AI | Offering a promising solution to the scalability challenges associated with
human evaluation, the LLM-as-a-judge paradigm is rapidly gaining traction as an
approach to evaluating large language models (LLMs). However, there are still
many open questions about the strengths and weaknesses of this paradigm, and
what potential biases it may hold. In this paper, we present a comprehensive
study of the performance of various LLMs acting as judges. We leverage TriviaQA
as a benchmark for assessing objective knowledge reasoning of LLMs and evaluate
them alongside human annotations which we found to have a high inter-annotator
agreement. Our study includes 9 judge models and 9 exam taker models -- both
base and instruction-tuned. We assess the judge model's alignment across
different model sizes, families, and judge prompts. Among other results, our
research rediscovers the importance of using Cohen's kappa as a metric of
alignment as opposed to simple percent agreement, showing that judges with high
percent agreement can still assign vastly different scores. We find that both
Llama-3 70B and GPT-4 Turbo have an excellent alignment with humans, but in
terms of ranking exam taker models, they are outperformed by both JudgeLM-7B
and the lexical judge Contains, which have up to 34 points lower human
alignment. Through error analysis and various other studies, including the
effects of instruction length and leniency bias, we hope to provide valuable
lessons for using LLMs as judges in the future. | cs.CL | Judging the Judges: Evaluating Alignment and Vulnerabilities in LLMs-as-Judges |
2024-06-18T13:46:10Z | http://arxiv.org/pdf/2406.12621v1 | http://arxiv.org/abs/2406.12621v1 | Adrien Pupier, Maximin Coavoux, Jérôme Goulian, Benjamin Lecouteux | 2024-06-18T13:46:10Z | cs.CL | Direct dependency parsing of the speech signal -- as opposed to parsing
speech transcriptions -- has recently been proposed as a task (Pupier et al.
2022), as a way of incorporating prosodic information in the parsing system and
bypassing the limitations of a pipeline approach that would consist of using
first an Automatic Speech Recognition (ASR) system and then a syntactic parser.
In this article, we report on a set of experiments aiming at assessing the
performance of two parsing paradigms (graph-based parsing and sequence labeling
based parsing) on speech parsing. We perform this evaluation on a large
treebank of spoken French, featuring realistic spontaneous conversations. Our
findings show that (i) the graph based approach obtain better results across
the board (ii) parsing directly from speech outperforms a pipeline approach,
despite having 30% fewer parameters. | cs.CL | Growing Trees on Sounds: Assessing Strategies for End-to-End Dependency Parsing of Speech |
2024-06-18T13:45:50Z | http://arxiv.org/pdf/2406.12620v2 | http://arxiv.org/abs/2406.12620v2 | Jeanne Salle, Louis Jalouzot, Nur Lan, Emmanuel Chemla, Yair Lakretz | 2024-06-24T06:34:35Z | cs.CL | Do architectural differences significantly affect the way models represent
and process language? We propose a new approach, based on metric-learning
encoding models (MLEMs), as a first step to answer this question. The approach
provides a feature-based comparison of how any two layers of any two models
represent linguistic information. We apply the method to BERT, GPT-2 and Mamba.
Unlike previous methods, MLEMs offer a transparent comparison, by identifying
the specific linguistic features responsible for similarities and differences.
More generally, the method uses formal, symbolic descriptions of a domain, and
use these to compare neural representations. As such, the approach can
straightforwardly be extended to other domains, such as speech and vision, and
to other neural systems, including human brains. | cs.CL | What Makes Two Language Models Think Alike? |
2024-06-18T13:45:07Z | http://arxiv.org/pdf/2406.12618v1 | http://arxiv.org/abs/2406.12618v1 | Marius Mosbach, Vagrant Gautam, Tomás Vergara-Browne, Dietrich Klakow, Mor Geva | 2024-06-18T13:45:07Z | cs.CL | Interpretability and analysis (IA) research is a growing subfield within NLP
with the goal of developing a deeper understanding of the behavior or inner
workings of NLP systems and methods. Despite growing interest in the subfield,
a commonly voiced criticism is that it lacks actionable insights and therefore
has little impact on NLP. In this paper, we seek to quantify the impact of IA
research on the broader field of NLP. We approach this with a mixed-methods
analysis of: (1) a citation graph of 185K+ papers built from all papers
published at ACL and EMNLP conferences from 2018 to 2023, and (2) a survey of
138 members of the NLP community. Our quantitative results show that IA work is
well-cited outside of IA, and central in the NLP citation graph. Through
qualitative analysis of survey responses and manual annotation of 556 papers,
we find that NLP researchers build on findings from IA work and perceive it is
important for progress in NLP, multiple subfields, and rely on its findings and
terminology for their own work. Many novel methods are proposed based on IA
findings and highly influenced by them, but highly influential non-IA work
cites IA findings without being driven by them. We end by summarizing what is
missing in IA work today and provide a call to action, to pave the way for a
more impactful future of IA research. | cs.CL | From Insights to Actions: The Impact of Interpretability and Analysis Research on NLP |
2024-06-18T13:43:22Z | http://arxiv.org/pdf/2406.12614v1 | http://arxiv.org/abs/2406.12614v1 | João A. Leite, Olesya Razuvayevskaya, Kalina Bontcheva, Carolina Scarton | 2024-06-18T13:43:22Z | cs.CL, cs.LG | This work introduces EUvsDisinfo, a multilingual dataset of trustworthy and
disinformation articles related to pro-Kremlin themes. It is sourced directly
from the debunk articles written by experts leading the EUvsDisinfo project.
Our dataset is the largest to-date resource in terms of the overall number of
articles and distinct languages. It also provides the largest topical and
temporal coverage. Using this dataset, we investigate the dissemination of
pro-Kremlin disinformation across different languages, uncovering
language-specific patterns targeting specific disinformation topics. We further
analyse the evolution of topic distribution over an eight-year period, noting a
significant surge in disinformation content before the full-scale invasion of
Ukraine in 2022. Lastly, we demonstrate the dataset's applicability in training
models to effectively distinguish between disinformation and trustworthy
content in multilingual settings. | cs.CL | EUvsDisinfo: a Dataset for Multilingual Detection of Pro-Kremlin Disinformation in News Articles |
2024-06-18T13:38:58Z | http://arxiv.org/pdf/2406.12611v1 | http://arxiv.org/abs/2406.12611v1 | Yosuke Kashiwagi, Hayato Futami, Emiru Tsunoo, Siddhant Arora, Shinji Watanabe | 2024-06-18T13:38:58Z | cs.SD, cs.CL, eess.AS | End-to-end multilingual speech recognition models handle multiple languages
through a single model, often incorporating language identification to
automatically detect the language of incoming speech. Since the common scenario
is where the language is already known, these models can perform as
language-specific by using language information as prompts, which is
particularly beneficial for attention-based encoder-decoder architectures.
However, the Connectionist Temporal Classification (CTC) approach, which
enhances recognition via joint decoding and multi-task training, does not
normally incorporate language prompts due to its conditionally independent
output tokens. To overcome this, we introduce an encoder prompting technique
within the self-conditioned CTC framework, enabling language-specific
adaptation of the CTC model in a zero-shot manner. Our method has shown to
significantly reduce errors by 28% on average and by 41% on low-resource
languages. | cs.SD | Rapid Language Adaptation for Multilingual E2E Speech Recognition Using Encoder Prompting |
2024-06-18T13:35:25Z | http://arxiv.org/pdf/2406.12608v1 | http://arxiv.org/abs/2406.12608v1 | Yaoke Wang, Yun Zhu, Wenqiao Zhang, Yueting Zhuang, Yunfei Li, Siliang Tang | 2024-06-18T13:35:25Z | cs.CL, cs.AI | Representation learning on text-attributed graphs (TAGs) is vital for
real-world applications, as they combine semantic textual and contextual
structural information. Research in this field generally consist of two main
perspectives: local-level encoding and global-level aggregating, respectively
refer to textual node information unification (e.g., using Language Models) and
structure-augmented modeling (e.g., using Graph Neural Networks). Most existing
works focus on combining different information levels but overlook the
interconnections, i.e., the contextual textual information among nodes, which
provides semantic insights to bridge local and global levels. In this paper, we
propose GraphBridge, a multi-granularity integration framework that bridges
local and global perspectives by leveraging contextual textual information,
enhancing fine-grained understanding of TAGs. Besides, to tackle scalability
and efficiency challenges, we introduce a graphaware token reduction module.
Extensive experiments across various models and datasets show that our method
achieves state-of-theart performance, while our graph-aware token reduction
module significantly enhances efficiency and solves scalability issues. | cs.CL | Bridging Local Details and Global Context in Text-Attributed Graphs |
2024-06-18T13:34:40Z | http://arxiv.org/pdf/2406.12606v1 | http://arxiv.org/abs/2406.12606v1 | Zhipeng Chen, Kun Zhou, Wayne Xin Zhao, Jingyuan Wang, Ji-Rong Wen | 2024-06-18T13:34:40Z | cs.CL | Large language models (LLMs) are still struggling in aligning with human
preference in complex tasks and scenarios. They are prone to overfit into the
unexpected patterns or superficial styles in the training data. We conduct an
empirical study that only selects the top-10\% most updated parameters in LLMs
for alignment training, and see improvements in the convergence process and
final performance. It indicates the existence of redundant neurons in LLMs for
alignment training. To reduce its influence, we propose a low-redundant
alignment method named \textbf{ALLO}, focusing on optimizing the most related
neurons with the most useful supervised signals. Concretely, we first identify
the neurons that are related to the human preference data by a gradient-based
strategy, then identify the alignment-related key tokens by reward models for
computing loss. Besides, we also decompose the alignment process into the
forgetting and learning stages, where we first forget the tokens with unaligned
knowledge and then learn aligned knowledge, by updating different ratios of
neurons, respectively. Experimental results on 10 datasets have shown the
effectiveness of ALLO. Our code and data are available at
\url{https://github.com/RUCAIBox/ALLO}. | cs.CL | Low-Redundant Optimization for Large Language Model Alignment |
2024-06-18T13:25:18Z | http://arxiv.org/pdf/2406.12593v1 | http://arxiv.org/abs/2406.12593v1 | Tuan-Luc Huynh, Thuy-Trang Vu, Weiqing Wang, Yinwei Wei, Trung Le, Dragan Gasevic, Yuan-Fang Li, Thanh-Toan Do | 2024-06-18T13:25:18Z | cs.IR, cs.AI, cs.CL, cs.LG | Differentiable Search Index (DSI) utilizes Pre-trained Language Models (PLMs)
for efficient document retrieval without relying on external indexes. However,
DSIs need full re-training to handle updates in dynamic corpora, causing
significant computational inefficiencies. We introduce PromptDSI, a
rehearsal-free, prompt-based approach for instance-wise incremental learning in
document retrieval. PromptDSI attaches prompts to the frozen PLM's encoder of
DSI, leveraging its powerful representation to efficiently index new corpora
while maintaining a balance between stability and plasticity. We eliminate the
initial forward pass of prompt-based continual learning methods that doubles
training and inference time. Moreover, we propose a topic-aware prompt pool
that employs neural topic embeddings as fixed keys. This strategy ensures
diverse and effective prompt usage, addressing the challenge of parameter
underutilization caused by the collapse of the query-key matching mechanism.
Our empirical evaluations demonstrate that PromptDSI matches IncDSI in managing
forgetting while significantly enhancing recall by over 4% on new corpora. | cs.IR | PromptDSI: Prompt-based Rehearsal-free Instance-wise Incremental Learning for Document Retrieval |
2024-06-18T13:17:26Z | http://arxiv.org/pdf/2406.12585v1 | http://arxiv.org/abs/2406.12585v1 | Yao-Ching Yu, Chun-Chih Kuo, Ziqi Ye, Yu-Cheng Chang, Yueh-Se Li | 2024-06-18T13:17:26Z | cs.CL, cs.AI | Ensembling multiple models has always been an effective approach to push the
limits of existing performance and is widely used in classification tasks by
simply averaging the classification probability vectors from multiple
classifiers to achieve better accuracy. However, in the thriving open-source
Large Language Model (LLM) community, ensembling methods are rare and typically
limited to ensembling the full-text outputs of LLMs, such as selecting the best
output using a ranker, which leads to underutilization of token-level
probability information. In this paper, we treat the Generation of each token
by LLMs as a Classification (GaC) for ensembling. This approach fully exploits
the probability information at each generation step and better prevents LLMs
from producing early incorrect tokens that lead to snowballing errors. In
experiments, we ensemble state-of-the-art LLMs on several benchmarks, including
exams, mathematics and reasoning, and observe that our method breaks the
existing community performance ceiling. Furthermore, we observed that most of
the tokens in the answer are simple and do not affect the correctness of the
final answer. Therefore, we also experimented with ensembling only key tokens,
and the results showed better performance with lower latency across benchmarks. | cs.CL | Breaking the Ceiling of the LLM Community by Treating Token Generation as a Classification for Ensembling |
2024-06-18T13:02:12Z | http://arxiv.org/pdf/2406.12572v2 | http://arxiv.org/abs/2406.12572v2 | Eldar Kurtic, Amir Moeini, Dan Alistarh | 2024-06-19T12:28:10Z | cs.CL, cs.AI, cs.LG, I.2.7 | We introduce Mathador-LM, a new benchmark for evaluating the mathematical
reasoning on large language models (LLMs), combining ruleset interpretation,
planning, and problem-solving. This benchmark is inspired by the Mathador game,
where the objective is to reach a target number using basic arithmetic
operations on a given set of base numbers, following a simple set of rules. We
show that, across leading LLMs, we obtain stable average performance while
generating benchmark instances dynamically, following a target difficulty
level. Thus, our benchmark alleviates concerns about test-set leakage into
training data, an issue that often undermines popular benchmarks. Additionally,
we conduct a comprehensive evaluation of both open and closed-source
state-of-the-art LLMs on Mathador-LM. Our findings reveal that contemporary
models struggle with Mathador-LM, scoring significantly lower than average 3rd
graders. This stands in stark contrast to their strong performance on popular
mathematical reasoning benchmarks. | cs.CL | Mathador-LM: A Dynamic Benchmark for Mathematical Reasoning on Large Language Models |
2024-06-18T13:01:30Z | http://arxiv.org/pdf/2406.15490v1 | http://arxiv.org/abs/2406.15490v1 | Yuncheng Hua, Yujin Huang, Shuo Huang, Tao Feng, Lizhen Qu, Chris Bain, Richard Bassed, Gholamreza Haffari | 2024-06-18T13:01:30Z | cs.CL, cs.AI, cs.LG, I.2.4 | This paper tackles the task of emotion-cause pair extraction in the
unsupervised domain adaptation setting. The problem is challenging as the
distributions of the events causing emotions in target domains are dramatically
different than those in source domains, despite the distributions of emotional
expressions between domains are overlapped. Inspired by causal discovery, we
propose a novel deep latent model in the variational autoencoder (VAE)
framework, which not only captures the underlying latent structures of data but
also utilizes the easily transferable knowledge of emotions as the bridge to
link the distributions of events in different domains. To facilitate knowledge
transfer across domains, we also propose a novel variational posterior
regularization technique to disentangle the latent representations of emotions
from those of events in order to mitigate the damage caused by the spurious
correlations related to the events in source domains. Through extensive
experiments, we demonstrate that our model outperforms the strongest baseline
by approximately 11.05% on a Chinese benchmark and 2.45% on a English benchmark
in terms of weighted-average F1 score. The source code will be publicly
available upon acceptance. | cs.CL | Causal Discovery Inspired Unsupervised Domain Adaptation for Emotion-Cause Pair Extraction |
2024-06-18T12:58:01Z | http://arxiv.org/pdf/2406.12570v1 | http://arxiv.org/abs/2406.12570v1 | Ivan Ong, Boon King Quek | 2024-06-18T12:58:01Z | cs.CL | In this paper, we study the problem of detecting machine-generated text when
the large language model (LLM) it is possibly derived from is unknown. We do so
by apply ensembling methods to the outputs from DetectGPT classifiers (Mitchell
et al. 2023), a zero-shot model for machine-generated text detection which is
highly accurate when the generative (or base) language model is the same as the
discriminative (or scoring) language model. We find that simple summary
statistics of DetectGPT sub-model outputs yield an AUROC of 0.73 (relative to
0.61) while retaining its zero-shot nature, and that supervised learning
methods sharply boost the accuracy to an AUROC of 0.94 but require a training
dataset. This suggests the possibility of further generalisation to create a
highly-accurate, model-agnostic machine-generated text detector. | cs.CL | Applying Ensemble Methods to Model-Agnostic Machine-Generated Text Detection |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.