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-05-31T03:59:15Z | http://arxiv.org/pdf/2405.20612v1 | http://arxiv.org/abs/2405.20612v1 | Hanzhang Zhou, Zijian Feng, Zixiao Zhu, Junlang Qian, Kezhi Mao | 2024-05-31T03:59:15Z | cs.CL, cs.AI | Large language models (LLMs) have demonstrated impressive capabilities in
various tasks using the in-context learning (ICL) paradigm. However, their
effectiveness is often compromised by inherent bias, leading to prompt
brittleness, i.e., sensitivity to design settings such as example selection,
order, and prompt formatting. Previous studies have addressed LLM bias through
external adjustment of model outputs, but the internal mechanisms that lead to
such bias remain unexplored. Our work delves into these mechanisms,
particularly investigating how feedforward neural networks (FFNs) and attention
heads result in the bias of LLMs. By Interpreting the contribution of
individual FFN vectors and attention heads, we identify the biased LLM
components that skew LLMs' prediction toward specific labels. To mitigate these
biases, we introduce UniBias, an inference-only method that effectively
identifies and eliminates biased FFN vectors and attention heads. Extensive
experiments across 12 NLP datasets demonstrate that UniBias significantly
enhances ICL performance and alleviates prompt brittleness of LLMs. | cs.CL | UniBias: Unveiling and Mitigating LLM Bias through Internal Attention and FFN Manipulation |
2024-05-31T03:57:19Z | http://arxiv.org/pdf/2405.20611v1 | http://arxiv.org/abs/2405.20611v1 | Gary A. McCully, John D. Hastings, Shengjie Xu, Adam Fortier | 2024-05-31T03:57:19Z | cs.CR, cs.CL, cs.LG, cs.SE, D.4.6; I.2.6; I.5.1 | Detecting vulnerabilities within compiled binaries is challenging due to lost
high-level code structures and other factors such as architectural
dependencies, compilers, and optimization options. To address these obstacles,
this research explores vulnerability detection by using natural language
processing (NLP) embedding techniques with word2vec, BERT, and RoBERTa to learn
semantics from intermediate representation (LLVM) code. Long short-term memory
(LSTM) neural networks were trained on embeddings from encoders created using
approximately 118k LLVM functions from the Juliet dataset. This study is
pioneering in its comparison of word2vec models with multiple bidirectional
transformer (BERT, RoBERTa) embeddings built using LLVM code to train neural
networks to detect vulnerabilities in compiled binaries. word2vec Continuous
Bag of Words (CBOW) models achieved 92.3% validation accuracy in detecting
vulnerabilities, outperforming word2vec Skip-Gram, BERT, and RoBERTa. This
suggests that complex contextual NLP embeddings may not provide advantages over
simpler word2vec models for this task when a limited number (e.g. 118K) of data
samples are used to train the bidirectional transformer-based models. The
comparative results provide novel insights into selecting optimal embeddings
for learning compiler-independent semantic code representations to advance
machine learning detection of vulnerabilities in compiled binaries. | cs.CR | Bi-Directional Transformers vs. word2vec: Discovering Vulnerabilities in Lifted Compiled Code |
2024-05-31T03:48:00Z | http://arxiv.org/pdf/2405.20608v1 | http://arxiv.org/abs/2405.20608v1 | Cheng Liu, Wei Xiang, Bang Wang | 2024-05-31T03:48:00Z | cs.CL | Event Causality Identification (ECI) aims to detect whether there exists a
causal relation between two events in a document. Existing studies adopt a kind
of identifying after learning paradigm, where events' representations are first
learned and then used for the identification. Furthermore, they mainly focus on
the causality existence, but ignoring causal direction. In this paper, we take
care of the causal direction and propose a new identifying while learning mode
for the ECI task. We argue that a few causal relations can be easily identified
with high confidence, and the directionality and structure of these identified
causalities can be utilized to update events' representations for boosting next
round of causality identification. To this end, this paper designs an
*iterative learning and identifying framework*: In each iteration, we construct
an event causality graph, on which events' causal structure representations are
updated for boosting causal identification. Experiments on two public datasets
show that our approach outperforms the state-of-the-art algorithms in both
evaluations for causality existence identification and direction
identification. | cs.CL | Identifying while Learning for Document Event Causality Identification |
2024-05-31T03:26:42Z | http://arxiv.org/pdf/2405.20602v1 | http://arxiv.org/abs/2405.20602v1 | Seunghwan An, Gyeongdong Woo, Jaesung Lim, ChangHyun Kim, Sungchul Hong, Jong-June Jeon | 2024-05-31T03:26:42Z | cs.LG, cs.CL | In this paper, our goal is to generate synthetic data for heterogeneous
(mixed-type) tabular datasets with high machine learning utility (MLu). Given
that the MLu performance relies on accurately approximating the conditional
distributions, we focus on devising a synthetic data generation method based on
conditional distribution estimation. We propose a novel synthetic data
generation method, MaCoDE, by redefining the multi-class classification task of
Masked Language Modeling (MLM) as histogram-based non-parametric conditional
density estimation. Our proposed method enables estimating conditional
densities across arbitrary combinations of target and conditional variables.
Furthermore, we demonstrate that our proposed method bridges the theoretical
gap between distributional learning and MLM. To validate the effectiveness of
our proposed model, we conduct synthetic data generation experiments on 10
real-world datasets. Given the analogy between predicting masked input tokens
in MLM and missing data imputation, we also evaluate the performance of
multiple imputations on incomplete datasets with various missing data
mechanisms. Moreover, our proposed model offers the advantage of enabling
adjustments to data privacy levels without requiring re-training. | cs.LG | Masked Language Modeling Becomes Conditional Density Estimation for Tabular Data Synthesis |
2024-05-31T02:56:49Z | http://arxiv.org/pdf/2405.20588v1 | http://arxiv.org/abs/2405.20588v1 | Taolin Zhang, Qizhou Chen, Dongyang Li, Chengyu Wang, Xiaofeng He, Longtao Huang, Hui Xue, Jun Huang | 2024-05-31T02:56:49Z | cs.CL | Recently, while large language models (LLMs) have demonstrated impressive
results, they still suffer from hallucination, i.e., the generation of false
information. Model editing is the task of fixing factual mistakes in LLMs; yet,
most previous works treat it as a one-time task, paying little attention to
ever-emerging mistakes generated by LLMs. We address the task of sequential
model editing (SME) that aims to rectify mistakes continuously. A Dynamic
Auxiliary Fusion Network (DAFNet) is designed to enhance the semantic
interaction among the factual knowledge within the entire sequence, preventing
catastrophic forgetting during the editing process of multiple knowledge
triples. Specifically, (1) for semantic fusion within a relation triple, we
aggregate the intra-editing attention flow into auto-regressive self-attention
with token-level granularity in LLMs. We further leverage multi-layer diagonal
inter-editing attention flow to update the weighted representations of the
entire sequence-level granularity. (2) Considering that auxiliary parameters
are required to store the knowledge for sequential editing, we construct a new
dataset named \textbf{DAFSet}, fulfilling recent, popular, long-tail and robust
properties to enhance the generality of sequential editing. Experiments show
DAFNet significantly outperforms strong baselines in single-turn and sequential
editing. The usage of DAFSet also consistently improves the performance of
other auxiliary network-based methods in various scenarios | cs.CL | DAFNet: Dynamic Auxiliary Fusion for Sequential Model Editing in Large Language Models |
2024-05-31T02:53:22Z | http://arxiv.org/pdf/2405.20585v1 | http://arxiv.org/abs/2405.20585v1 | Mohammed-Khalil Ghali, Abdelrahman Farrag, Hajar Sakai, Hicham El Baz, Yu Jin, Sarah Lam | 2024-05-31T02:53:22Z | cs.CL, cs.AI | In the rapidly evolving field of healthcare and beyond, the integration of
generative AI in Electronic Health Records (EHRs) represents a pivotal
advancement, addressing a critical gap in current information extraction
techniques. This paper introduces GAMedX, a Named Entity Recognition (NER)
approach utilizing Large Language Models (LLMs) to efficiently extract entities
from medical narratives and unstructured text generated throughout various
phases of the patient hospital visit. By addressing the significant challenge
of processing unstructured medical text, GAMedX leverages the capabilities of
generative AI and LLMs for improved data extraction. Employing a unified
approach, the methodology integrates open-source LLMs for NER, utilizing
chained prompts and Pydantic schemas for structured output to navigate the
complexities of specialized medical jargon. The findings reveal significant
ROUGE F1 score on one of the evaluation datasets with an accuracy of 98\%. This
innovation enhances entity extraction, offering a scalable, cost-effective
solution for automated forms filling from unstructured data. As a result,
GAMedX streamlines the processing of unstructured narratives, and sets a new
standard in NER applications, contributing significantly to theoretical and
practical advancements beyond the medical technology sphere. | cs.CL | GAMedX: Generative AI-based Medical Entity Data Extractor Using Large Language Models |
2024-05-31T02:28:41Z | http://arxiv.org/pdf/2405.20582v1 | http://arxiv.org/abs/2405.20582v1 | Alissa A. Valentine, Lauren A. Lepow, Alexander W. Charney, Isotta Landi | 2024-05-31T02:28:41Z | cs.CL, cs.AI, cs.LG | In psychiatry, negative patient descriptions and stigmatizing language can
contribute to healthcare disparities in two ways: (1) read by patients they can
harm their trust and engagement with the medical center; (2) read by future
providers they may negatively influence the future perspective of a patient. By
leveraging large language models, this work aims to identify the sentiment
expressed in psychiatric clinical notes based on the reader's point of view.
Extracting sentences from the Mount Sinai Health System's large and diverse
clinical notes, we used prompts and in-context learning to adapt three large
language models (GPT-3.5, Llama 2, Mistral) to classify the sentiment conveyed
by the sentences according to the provider or non-provider point of view.
Results showed that GPT-3.5 aligns best to provider point of view, whereas
Mistral aligns best to non-provider point of view. | cs.CL | The Point of View of a Sentiment: Towards Clinician Bias Detection in Psychiatric Notes |
2024-05-31T02:05:45Z | http://arxiv.org/pdf/2405.20574v1 | http://arxiv.org/abs/2405.20574v1 | Chanjun Park, Hyeonwoo Kim, Dahyun Kim, Seonghwan Cho, Sanghoon Kim, Sukyung Lee, Yungi Kim, Hwalsuk Lee | 2024-05-31T02:05:45Z | cs.CL, cs.AI | This paper introduces the Open Ko-LLM Leaderboard and the Ko-H5 Benchmark as
vital tools for evaluating Large Language Models (LLMs) in Korean.
Incorporating private test sets while mirroring the English Open LLM
Leaderboard, we establish a robust evaluation framework that has been well
integrated in the Korean LLM community. We perform data leakage analysis that
shows the benefit of private test sets along with a correlation study within
the Ko-H5 benchmark and temporal analyses of the Ko-H5 score. Moreover, we
present empirical support for the need to expand beyond set benchmarks. We hope
the Open Ko-LLM Leaderboard sets precedent for expanding LLM evaluation to
foster more linguistic diversity. | cs.CL | Open Ko-LLM Leaderboard: Evaluating Large Language Models in Korean with Ko-H5 Benchmark |
2024-05-30T23:50:20Z | http://arxiv.org/pdf/2405.20541v1 | http://arxiv.org/abs/2405.20541v1 | Zachary Ankner, Cody Blakeney, Kartik Sreenivasan, Max Marion, Matthew L. Leavitt, Mansheej Paul | 2024-05-30T23:50:20Z | cs.LG, cs.CL | In this work, we investigate whether small language models can determine
high-quality subsets of large-scale text datasets that improve the performance
of larger language models. While existing work has shown that pruning based on
the perplexity of a larger model can yield high-quality data, we investigate
whether smaller models can be used for perplexity-based pruning and how pruning
is affected by the domain composition of the data being pruned. We demonstrate
that for multiple dataset compositions, perplexity-based pruning of pretraining
data can \emph{significantly} improve downstream task performance: pruning
based on perplexities computed with a 125 million parameter model improves the
average performance on downstream tasks of a 3 billion parameter model by up to
2.04 and achieves up to a $1.45\times$ reduction in pretraining steps to reach
commensurate baseline performance. Furthermore, we demonstrate that such
perplexity-based data pruning also yields downstream performance gains in the
over-trained and data-constrained regimes. | cs.LG | Perplexed by Perplexity: Perplexity-Based Data Pruning With Small Reference Models |
2024-05-30T23:20:25Z | http://arxiv.org/pdf/2405.20535v1 | http://arxiv.org/abs/2405.20535v1 | Xinlu Zhang, Zhiyu Zoey Chen, Xi Ye, Xianjun Yang, Lichang Chen, William Yang Wang, Linda Ruth Petzold | 2024-05-30T23:20:25Z | cs.AI, cs.CL | Instruction Fine-Tuning (IFT) significantly enhances the zero-shot
capabilities of pretrained Large Language Models (LLMs). While coding data is
known to boost reasoning abilities during LLM pretraining, its role in
activating internal reasoning capacities during IFT remains understudied. This
paper investigates a key question: How does coding data impact LLMs' reasoning
capacities during the IFT stage? To explore this, we thoroughly examine the
impact of coding data across different coding data proportions, model families,
sizes, and reasoning domains, from various perspectives. Specifically, we
create three IFT datasets with increasing coding data proportions, fine-tune
six LLM backbones across different families and scales on these datasets,
evaluate the tuned models' performance across twelve tasks in three reasoning
domains, and analyze the outcomes from three broad-to-granular perspectives:
overall, domain-level, and task-specific. Our holistic analysis provides
valuable insights in each perspective. First, coding data tuning enhances the
overall reasoning capabilities of LLMs across different model families and
scales. Moreover, the effect of coding data varies among different domains but
shows consistent trends across model families and scales within each domain.
Additionally, coding data generally yields comparable task-specific benefits
across different model families, with the optimal coding data proportions in
IFT datasets being task-specific. | cs.AI | Unveiling the Impact of Coding Data Instruction Fine-Tuning on Large Language Models Reasoning |
2024-05-30T23:04:53Z | http://arxiv.org/pdf/2405.20529v1 | http://arxiv.org/abs/2405.20529v1 | Steven Moore, Eamon Costello, Huy A. Nguyen, John Stamper | 2024-05-30T23:04:53Z | cs.AI, cs.CL | Evaluating multiple-choice questions (MCQs) involves either labor intensive
human assessments or automated methods that prioritize readability, often
overlooking deeper question design flaws. To address this issue, we introduce
the Scalable Automatic Question Usability Evaluation Toolkit (SAQUET), an
open-source tool that leverages the Item-Writing Flaws (IWF) rubric for a
comprehensive and automated quality evaluation of MCQs. By harnessing the
latest in large language models such as GPT-4, advanced word embeddings, and
Transformers designed to analyze textual complexity, SAQUET effectively
pinpoints and assesses a wide array of flaws in MCQs. We first demonstrate the
discrepancy between commonly used automated evaluation metrics and the human
assessment of MCQ quality. Then we evaluate SAQUET on a diverse dataset of MCQs
across the five domains of Chemistry, Statistics, Computer Science, Humanities,
and Healthcare, showing how it effectively distinguishes between flawed and
flawless questions, providing a level of analysis beyond what is achievable
with traditional metrics. With an accuracy rate of over 94% in detecting the
presence of flaws identified by human evaluators, our findings emphasize the
limitations of existing evaluation methods and showcase potential in improving
the quality of educational assessments. | cs.AI | An Automatic Question Usability Evaluation Toolkit |
2024-05-30T23:01:10Z | http://arxiv.org/pdf/2405.20527v1 | http://arxiv.org/abs/2405.20527v1 | Francesco Ronzano, Jay Nanavati | 2024-05-30T23:01:10Z | cs.CL, cs.AI, 68T50, I.2.7; I.2.6 | Taking advantage of the widespread use of ontologies to organise and
harmonize knowledge across several distinct domains, this paper proposes a
novel approach to improve an embedding-Large Language Model (embedding-LLM) of
interest by infusing the knowledge formalized by a reference ontology:
ontological knowledge infusion aims at boosting the ability of the considered
LLM to effectively model the knowledge domain described by the infused
ontology. The linguistic information (i.e. concept synonyms and descriptions)
and structural information (i.e. is-a relations) formalized by the ontology are
utilized to compile a comprehensive set of concept definitions, with the
assistance of a powerful generative LLM (i.e. GPT-3.5-turbo). These concept
definitions are then employed to fine-tune the target embedding-LLM using a
contrastive learning framework. To demonstrate and evaluate the proposed
approach, we utilize the biomedical disease ontology MONDO. The results show
that embedding-LLMs enhanced by ontological disease knowledge exhibit an
improved capability to effectively evaluate the similarity of in-domain
sentences from biomedical documents mentioning diseases, without compromising
their out-of-domain performance. | cs.CL | Towards Ontology-Enhanced Representation Learning for Large Language Models |
2024-05-30T22:57:49Z | http://arxiv.org/pdf/2405.20526v1 | http://arxiv.org/abs/2405.20526v1 | Steven Moore, Robin Schmucker, Tom Mitchell, John Stamper | 2024-05-30T22:57:49Z | cs.AI, cs.CL | Knowledge Components (KCs) linked to assessments enhance the measurement of
student learning, enrich analytics, and facilitate adaptivity. However,
generating and linking KCs to assessment items requires significant effort and
domain-specific knowledge. To streamline this process for higher-education
courses, we employed GPT-4 to generate KCs for multiple-choice questions (MCQs)
in Chemistry and E-Learning. We analyzed discrepancies between the KCs
generated by the Large Language Model (LLM) and those made by humans through
evaluation from three domain experts in each subject area. This evaluation
aimed to determine whether, in instances of non-matching KCs, evaluators showed
a preference for the LLM-generated KCs over their human-created counterparts.
We also developed an ontology induction algorithm to cluster questions that
assess similar KCs based on their content. Our most effective LLM strategy
accurately matched KCs for 56% of Chemistry and 35% of E-Learning MCQs, with
even higher success when considering the top five KC suggestions. Human
evaluators favored LLM-generated KCs, choosing them over human-assigned ones
approximately two-thirds of the time, a preference that was statistically
significant across both domains. Our clustering algorithm successfully grouped
questions by their underlying KCs without needing explicit labels or contextual
information. This research advances the automation of KC generation and
classification for assessment items, alleviating the need for student data or
predefined KC labels. | cs.AI | Automated Generation and Tagging of Knowledge Components from Multiple-Choice Questions |
2024-05-30T22:08:20Z | http://arxiv.org/pdf/2405.20512v1 | http://arxiv.org/abs/2405.20512v1 | Aquia Richburg, Marine Carpuat | 2024-05-30T22:08:20Z | cs.CL, cs.LG | A new paradigm for machine translation has recently emerged: fine-tuning
large language models (LLM) on parallel text has been shown to outperform
dedicated translation systems trained in a supervised fashion on much larger
amounts of parallel data (Xu et al., 2024a; Alves et al., 2024). However, it
remains unclear whether this paradigm can enable massively multilingual machine
translation or whether it requires fine-tuning dedicated models for a small
number of language pairs. How does translation fine-tuning impact the MT
capabilities of LLMs for zero-shot languages, zero-shot language pairs, and
translation tasks that do not involve English? To address these questions, we
conduct an extensive empirical evaluation of the translation quality of the
TOWER family of language models (Alves et al., 2024) on 132 translation tasks
from the multi-parallel FLORES-200 data. We find that translation fine-tuning
improves translation quality even for zero-shot languages on average, but that
the impact is uneven depending on the language pairs involved. These results
call for further research to effectively enable massively multilingual
translation with LLMs. | cs.CL | How Multilingual Are Large Language Models Fine-Tuned for Translation? |
2024-05-30T21:51:01Z | http://arxiv.org/pdf/2405.20505v1 | http://arxiv.org/abs/2405.20505v1 | Edouard Yvinec, Gabriel Kasser | 2024-05-30T21:51:01Z | cs.CL, cs.LG | The wide acceptance of large language models (LLMs) has unlocked new
applications and social risks. Popular countermeasures aim at detecting
misinformation, usually involve domain specific models trained to recognize the
relevance of any information. Instead of evaluating the validity of the
information, we propose to investigate LLM generated text from the perspective
of trust. In this study, we define trust as the ability to know if an input
text was generated by a LLM or a human. To do so, we design SPOT, an efficient
method, that classifies the source of any, standalone, text input based on
originality score. This score is derived from the prediction of a given LLM to
detect other LLMs. We empirically demonstrate the robustness of the method to
the architecture, training data, evaluation data, task and compression of
modern LLMs. | cs.CL | SPOT: Text Source Prediction from Originality Score Thresholding |
2024-05-30T21:44:15Z | http://arxiv.org/pdf/2406.17793v1 | http://arxiv.org/abs/2406.17793v1 | Sylvia Worlali Azumah, Nelly Elsayed, Zag ElSayed, Murat Ozer, Amanda La Guardia | 2024-05-30T21:44:15Z | cs.LG, cs.CL, cs.CY | Cyberbullying is a significant concern intricately linked to technology that
can find resolution through technological means. Despite its prevalence,
technology also provides solutions to mitigate cyberbullying. To address
growing concerns regarding the adverse impact of cyberbullying on individuals'
online experiences, various online platforms and researchers are actively
adopting measures to enhance the safety of digital environments. While
researchers persist in crafting detection models to counteract or minimize
cyberbullying, malicious actors are deploying adversarial techniques to
circumvent these detection methods. This paper focuses on detecting
cyberbullying in adversarial attack content within social networking site text
data, specifically emphasizing hate speech. Utilizing a deep learning-based
approach with a correction algorithm, this paper yielded significant results.
An LSTM model with a fixed epoch of 100 demonstrated remarkable performance,
achieving high accuracy, precision, recall, F1-score, and AUC-ROC scores of
87.57%, 88.73%, 87.57%, 88.15%, and 91% respectively. Additionally, the LSTM
model's performance surpassed that of previous studies. | cs.LG | Deep Learning Approaches for Detecting Adversarial Cyberbullying and Hate Speech in Social Networks |
2024-05-30T21:36:12Z | http://arxiv.org/pdf/2405.20495v1 | http://arxiv.org/abs/2405.20495v1 | Souradip Chakraborty, Soumya Suvra Ghosal, Ming Yin, Dinesh Manocha, Mengdi Wang, Amrit Singh Bedi, Furong Huang | 2024-05-30T21:36:12Z | cs.CL, cs.LG | Aligning foundation models is essential for their safe and trustworthy
deployment. However, traditional fine-tuning methods are computationally
intensive and require updating billions of model parameters. A promising
alternative, alignment via decoding, adjusts the response distribution directly
without model updates to maximize a target reward $r$, thus providing a
lightweight and adaptable framework for alignment. However, principled decoding
methods rely on oracle access to an optimal Q-function ($Q^*$), which is often
unavailable in practice. Hence, prior SoTA methods either approximate this
$Q^*$ using $Q^{\pi_{\texttt{sft}}}$ (derived from the reference $\texttt{SFT}$
model) or rely on short-term rewards, resulting in sub-optimal decoding
performance. In this work, we propose Transfer $Q^*$, which implicitly
estimates the optimal value function for a target reward $r$ through a baseline
model $\rho_{\texttt{BL}}$ aligned with a baseline reward $\rho_{\texttt{BL}}$
(which can be different from the target reward $r$). Theoretical analyses of
Transfer $Q^*$ provide a rigorous characterization of its optimality, deriving
an upper bound on the sub-optimality gap and identifying a hyperparameter to
control the deviation from the pre-trained reference $\texttt{SFT}$ model based
on user needs. Our approach significantly reduces the sub-optimality gap
observed in prior SoTA methods and demonstrates superior empirical performance
across key metrics such as coherence, diversity, and quality in extensive tests
on several synthetic and real datasets. | cs.CL | Transfer Q Star: Principled Decoding for LLM Alignment |
2024-05-30T21:19:24Z | http://arxiv.org/pdf/2405.20485v1 | http://arxiv.org/abs/2405.20485v1 | Harsh Chaudhari, Giorgio Severi, John Abascal, Matthew Jagielski, Christopher A. Choquette-Choo, Milad Nasr, Cristina Nita-Rotaru, Alina Oprea | 2024-05-30T21:19:24Z | cs.CR, cs.CL, cs.LG | Retrieval Augmented Generation (RAG) expands the capabilities of modern large
language models (LLMs) in chatbot applications, enabling developers to adapt
and personalize the LLM output without expensive training or fine-tuning. RAG
systems use an external knowledge database to retrieve the most relevant
documents for a given query, providing this context to the LLM generator. While
RAG achieves impressive utility in many applications, its adoption to enable
personalized generative models introduces new security risks. In this work, we
propose new attack surfaces for an adversary to compromise a victim's RAG
system, by injecting a single malicious document in its knowledge database. We
design Phantom, general two-step attack framework against RAG augmented LLMs.
The first step involves crafting a poisoned document designed to be retrieved
by the RAG system within the top-k results only when an adversarial trigger, a
specific sequence of words acting as backdoor, is present in the victim's
queries. In the second step, a specially crafted adversarial string within the
poisoned document triggers various adversarial attacks in the LLM generator,
including denial of service, reputation damage, privacy violations, and harmful
behaviors. We demonstrate our attacks on multiple LLM architectures, including
Gemma, Vicuna, and Llama. | cs.CR | Phantom: General Trigger Attacks on Retrieval Augmented Language Generation |
2024-05-30T20:56:41Z | http://arxiv.org/pdf/2405.20477v2 | http://arxiv.org/abs/2405.20477v2 | Eric Chamoun, Michael Schlichktrull, Andreas Vlachos | 2024-06-04T16:03:57Z | cs.CL | Scientific writing is a challenging task, particularly for novice researchers
who often rely on feedback from experienced peers. Recent work has primarily
focused on improving surface form and style rather than manuscript content. In
this paper, we propose a novel task: automated focused feedback generation for
scientific writing assistance. We present SWIF$^{2}$T: a Scientific WrIting
Focused Feedback Tool. It is designed to generate specific, actionable and
coherent comments, which identify weaknesses in a scientific paper and/or
propose revisions to it. Our approach consists of four components - planner,
investigator, reviewer and controller - leveraging multiple Large Language
Models (LLMs) to implement them. We compile a dataset of 300 peer reviews
citing weaknesses in scientific papers and conduct human evaluation. The
results demonstrate the superiority in specificity, reading comprehension, and
overall helpfulness of SWIF$^{2}$T's feedback compared to other approaches. In
our analysis, we also identified cases where automatically generated reviews
were judged better than human ones, suggesting opportunities for integration of
AI-generated feedback in scientific writing. | cs.CL | Automated Focused Feedback Generation for Scientific Writing Assistance |
2024-05-30T20:34:37Z | http://arxiv.org/pdf/2405.20468v2 | http://arxiv.org/abs/2405.20468v2 | Mathieu Ciancone, Imene Kerboua, Marion Schaeffer, Wissam Siblini | 2024-06-17T14:14:54Z | cs.CL, cs.IR, cs.LG | Recently, numerous embedding models have been made available and widely used
for various NLP tasks. The Massive Text Embedding Benchmark (MTEB) has
primarily simplified the process of choosing a model that performs well for
several tasks in English, but extensions to other languages remain challenging.
This is why we expand MTEB to propose the first massive benchmark of sentence
embeddings for French. We gather 15 existing datasets in an easy-to-use
interface and create three new French datasets for a global evaluation of 8
task categories. We compare 51 carefully selected embedding models on a large
scale, conduct comprehensive statistical tests, and analyze the correlation
between model performance and many of their characteristics. We find out that
even if no model is the best on all tasks, large multilingual models
pre-trained on sentence similarity perform exceptionally well. Our work comes
with open-source code, new datasets and a public leaderboard. | cs.CL | MTEB-French: Resources for French Sentence Embedding Evaluation and Analysis |
2024-05-30T20:16:27Z | http://arxiv.org/pdf/2405.20461v1 | http://arxiv.org/abs/2405.20461v1 | Eliyar Asgarieh, Kapil Thadani, Neil O'Hare | 2024-05-30T20:16:27Z | cs.CL | News articles typically mention numerous entities, a large fraction of which
are tangential to the story. Detecting the salience of entities in articles is
thus important to applications such as news search, analysis and summarization.
In this work, we explore new approaches for efficient and effective salient
entity detection by fine-tuning pretrained transformer models with
classification heads that use entity tags or contextualized entity
representations directly. Experiments show that these straightforward
techniques dramatically outperform prior work across datasets with varying
sizes and salience definitions. We also study knowledge distillation techniques
to effectively reduce the computational cost of these models without affecting
their accuracy. Finally, we conduct extensive analyses and ablation experiments
to characterize the behavior of the proposed models. | cs.CL | Scalable Detection of Salient Entities in News Articles |
2024-05-30T18:53:53Z | http://arxiv.org/pdf/2405.20419v1 | http://arxiv.org/abs/2405.20419v1 | Simon A. Lee, Trevor Brokowski, Jeffrey N. Chiang | 2024-05-30T18:53:53Z | cs.LG, cs.AI, cs.CL | The rapid emergence of antibiotic-resistant bacteria is recognized as a
global healthcare crisis, undermining the efficacy of life-saving antibiotics.
This crisis is driven by the improper and overuse of antibiotics, which
escalates bacterial resistance. In response, this study explores the use of
clinical decision support systems, enhanced through the integration of
electronic health records (EHRs), to improve antibiotic stewardship. However,
EHR systems present numerous data-level challenges, complicating the effective
synthesis and utilization of data. In this work, we transform EHR data into a
serialized textual representation and employ pretrained foundation models to
demonstrate how this enhanced feature representation can aid in antibiotic
susceptibility predictions. Our results suggest that this text representation,
combined with foundation models, provides a valuable tool to increase
interpretability and support antibiotic stewardship efforts. | cs.LG | Enhancing Antibiotic Stewardship using a Natural Language Approach for Better Feature Representation |
2024-05-30T18:38:36Z | http://arxiv.org/pdf/2405.20413v1 | http://arxiv.org/abs/2405.20413v1 | Haibo Jin, Andy Zhou, Joe D. Menke, Haohan Wang | 2024-05-30T18:38:36Z | cs.CR, cs.CL, cs.CV, cs.LG | Large Language Models (LLMs) are typically harmless but remain vulnerable to
carefully crafted prompts known as ``jailbreaks'', which can bypass protective
measures and induce harmful behavior. Recent advancements in LLMs have
incorporated moderation guardrails that can filter outputs, which trigger
processing errors for certain malicious questions. Existing red-teaming
benchmarks often neglect to include questions that trigger moderation
guardrails, making it difficult to evaluate jailbreak effectiveness. To address
this issue, we introduce JAMBench, a harmful behavior benchmark designed to
trigger and evaluate moderation guardrails. JAMBench involves 160 manually
crafted instructions covering four major risk categories at multiple severity
levels. Furthermore, we propose a jailbreak method, JAM (Jailbreak Against
Moderation), designed to attack moderation guardrails using jailbreak prefixes
to bypass input-level filters and a fine-tuned shadow model functionally
equivalent to the guardrail model to generate cipher characters to bypass
output-level filters. Our extensive experiments on four LLMs demonstrate that
JAM achieves higher jailbreak success ($\sim$ $\times$ 19.88) and lower
filtered-out rates ($\sim$ $\times$ 1/6) than baselines. | cs.CR | Jailbreaking Large Language Models Against Moderation Guardrails via Cipher Characters |
2024-05-30T18:28:31Z | http://arxiv.org/pdf/2405.20410v1 | http://arxiv.org/abs/2405.20410v1 | Hongyu Gong, Bandhav Veluri | 2024-05-30T18:28:31Z | cs.CL, cs.AI, cs.SD, eess.AS | Expressive speech-to-speech translation (S2ST) is a key research topic in
seamless communication, which focuses on the preservation of semantics and
speaker vocal style in translated speech. Early works synthesized speaker style
aligned speech in order to directly learn the mapping from speech to target
speech spectrogram. Without reliance on style aligned data, recent studies
leverage the advances of language modeling (LM) and build cascaded LMs on
semantic and acoustic tokens. This work proposes SeamlessExpressiveLM, a single
speech language model for expressive S2ST. We decompose the complex
source-to-target speech mapping into intermediate generation steps with
chain-of-thought prompting. The model is first guided to translate target
semantic content and then transfer the speaker style to multi-stream acoustic
units. Evaluated on Spanish-to-English and Hungarian-to-English translations,
SeamlessExpressiveLM outperforms cascaded LMs in both semantic quality and
style transfer, meanwhile achieving better parameter efficiency. | cs.CL | SeamlessExpressiveLM: Speech Language Model for Expressive Speech-to-Speech Translation with Chain-of-Thought |
2024-05-30T18:21:05Z | http://arxiv.org/pdf/2406.00069v1 | http://arxiv.org/abs/2406.00069v1 | Chengwei Wei, Kee Kiat Koo, Amir Tavanaei, Karim Bouyarmane | 2024-05-30T18:21:05Z | cs.CL, cs.LG | Large Language Models (LLMs) have facilitated structured data generation,
with applications in domains like tabular data, document databases, product
catalogs, etc. However, concerns persist about generation veracity due to
incorrect references or hallucinations, necessitating the incorporation of some
form of model confidence for mitigation. Existing confidence estimation methods
on LLM generations primarily focus on the confidence at the individual token
level or the entire output sequence level, limiting their applicability to
structured data generation, which consists of an intricate mix of both
independent and correlated entries at the sub-structure level. In this paper,
we first investigate confidence estimation methods for generated
sub-structure-level data. We introduce the concept of Confidence Network that
applies on the hidden state of the LLM transformer, as a more targeted estimate
than the traditional token conditional probability. We further propose
Confidence-Aware sub-structure Beam Search (CABS), a novel decoding method
operating at the sub-structure level in structured data generation. CABS
enhances the faithfulness of structured data generation by considering
confidence scores from the Confidence Network for each sub-structure-level data
and iteratively refining the prompts. Results show that CABS outperforms
traditional token-level beam search for structured data generation by 16.7%
Recall at 90% precision averagely on the problem of product attribute
generation. | cs.CL | Confidence-Aware Sub-Structure Beam Search (CABS): Mitigating Hallucination in Structured Data Generation with Large Language Models |
2024-05-30T18:16:41Z | http://arxiv.org/pdf/2405.20404v1 | http://arxiv.org/abs/2405.20404v1 | Yurui Chang, Bochuan Cao, Yujia Wang, Jinghui Chen, Lu Lin | 2024-05-30T18:16:41Z | cs.CL, cs.LG | Large Language Models (LLMs) have demonstrated impressive performances in
complex text generation tasks. However, the contribution of the input prompt to
the generated content still remains obscure to humans, underscoring the
necessity of elucidating and explaining the causality between input and output
pairs. Existing works for providing prompt-specific explanation often confine
model output to be classification or next-word prediction. Few initial attempts
aiming to explain the entire language generation often treat input prompt texts
independently, ignoring their combinatorial effects on the follow-up
generation. In this study, we introduce a counterfactual explanation framework
based on joint prompt attribution, XPrompt, which aims to explain how a few
prompt texts collaboratively influences the LLM's complete generation.
Particularly, we formulate the task of prompt attribution for generation
interpretation as a combinatorial optimization problem, and introduce a
probabilistic algorithm to search for the casual input combination in the
discrete space. We define and utilize multiple metrics to evaluate the produced
explanations, demonstrating both faithfulness and efficiency of our framework. | cs.CL | XPrompt:Explaining Large Language Model's Generation via Joint Prompt Attribution |
2024-05-30T18:07:13Z | http://arxiv.org/pdf/2406.15444v1 | http://arxiv.org/abs/2406.15444v1 | Ujjwala Anantheswaran, Himanshu Gupta, Kevin Scaria, Shreyas Verma, Chitta Baral, Swaroop Mishra | 2024-05-30T18:07:13Z | cs.CL | Large Language Models (LLMs) excel at various tasks, including solving math
word problems (MWPs), but struggle with real-world problems containing
irrelevant information. To address this, we propose a prompting framework that
generates adversarial variants of MWPs by adding irrelevant variables. We
introduce a dataset, ProbleMATHIC, containing both adversarial and
non-adversarial MWPs. Our experiments reveal that LLMs are susceptible to
distraction by numerical noise, resulting in an average relative performance
drop of ~26% on adversarial MWPs. To mitigate this, we fine-tune LLMs (Llama-2,
Mistral) on the adversarial samples from our dataset. Fine-tuning on
adversarial training instances improves performance on adversarial MWPs by ~8%,
indicating increased robustness to noise and better ability to identify
relevant data for reasoning. Finally, to assess the generalizability of our
prompting framework, we introduce GSM-8K-Adv, an adversarial variant of the
GSM-8K benchmark. LLMs continue to struggle when faced with adversarial
information, reducing performance by up to ~6%. | cs.CL | Investigating the Robustness of LLMs on Math Word Problems |
2024-05-30T17:59:51Z | http://arxiv.org/pdf/2405.20341v1 | http://arxiv.org/abs/2405.20341v1 | Tal Reiss, George Kour, Naama Zwerdling, Ateret Anaby-Tavor, Yedid Hoshen | 2024-05-30T17:59:51Z | cs.LG, cs.CL | When first deploying an anomaly detection system, e.g., to detect
out-of-scope queries in chatbots, there are no observed data, making
data-driven approaches ineffective. Zero-shot anomaly detection methods offer a
solution to such "cold-start" cases, but unfortunately they are often not
accurate enough. This paper studies the realistic but underexplored cold-start
setting where an anomaly detection model is initialized using zero-shot
guidance, but subsequently receives a small number of contaminated observations
(namely, that may include anomalies). The goal is to make efficient use of both
the zero-shot guidance and the observations. We propose ColdFusion, a method
that effectively adapts the zero-shot anomaly detector to contaminated
observations. To support future development of this new setting, we propose an
evaluation suite consisting of evaluation protocols and metrics. | cs.LG | From Zero to Hero: Cold-Start Anomaly Detection |
2024-05-30T17:59:31Z | http://arxiv.org/pdf/2405.20335v1 | http://arxiv.org/abs/2405.20335v1 | Bolin Ni, JingCheng Hu, Yixuan Wei, Houwen Peng, Zheng Zhang, Gaofeng Meng, Han Hu | 2024-05-30T17:59:31Z | cs.CL | In this work, we present Xwin-LM, a comprehensive suite of alignment
methodologies for large language models (LLMs). This suite encompasses several
key techniques, including supervised finetuning (SFT), reward modeling (RM),
rejection sampling finetuning (RS), and direct preference optimization (DPO).
The key components are as follows: (1) Xwin-LM-SFT, models initially finetuned
with high-quality instruction data; (2) Xwin-Pair, a large-scale, multi-turn
preference dataset meticulously annotated using GPT-4; (3) Xwin-RM, reward
models trained on Xwin-Pair, developed at scales of 7B, 13B, and 70B
parameters; (4) Xwin-Set, a multiwise preference dataset in which each prompt
is linked to 64 unique responses generated by Xwin-LM-SFT and scored by
Xwin-RM; (5) Xwin-LM-RS, models finetuned with the highest-scoring responses
from Xwin-Set; (6) Xwin-LM-DPO, models further optimized on Xwin-Set using the
DPO algorithm. Our evaluations on AlpacaEval and MT-bench demonstrate
consistent and significant improvements across the pipeline, demonstrating the
strength and scalability of Xwin-LM. The repository
https://github.com/Xwin-LM/Xwin-LM will be continually updated to foster
community research. | cs.CL | Xwin-LM: Strong and Scalable Alignment Practice for LLMs |
2024-05-30T17:59:04Z | http://arxiv.org/pdf/2405.20331v1 | http://arxiv.org/abs/2405.20331v1 | Laura Kopf, Philine Lou Bommer, Anna Hedström, Sebastian Lapuschkin, Marina M. -C. Höhne, Kirill Bykov | 2024-05-30T17:59:04Z | cs.LG, cs.AI, cs.CL | A crucial aspect of understanding the complex nature of Deep Neural Networks
(DNNs) is the ability to explain learned concepts within their latent
representations. While various methods exist to connect neurons to textual
descriptions of human-understandable concepts, evaluating the quality of these
explanation methods presents a major challenge in the field due to a lack of
unified, general-purpose quantitative evaluation. In this work, we introduce
CoSy (Concept Synthesis) -- a novel, architecture-agnostic framework to
evaluate the quality of textual explanations for latent neurons. Given textual
explanations, our proposed framework leverages a generative model conditioned
on textual input to create data points representing the textual explanation.
Then, the neuron's response to these explanation data points is compared with
the response to control data points, providing a quality estimate of the given
explanation. We ensure the reliability of our proposed framework in a series of
meta-evaluation experiments and demonstrate practical value through insights
from benchmarking various concept-based textual explanation methods for
Computer Vision tasks, showing that tested explanation methods significantly
differ in quality. | cs.LG | CoSy: Evaluating Textual Explanations of Neurons |
2024-05-30T17:56:05Z | http://arxiv.org/pdf/2405.20362v1 | http://arxiv.org/abs/2405.20362v1 | Varun Magesh, Faiz Surani, Matthew Dahl, Mirac Suzgun, Christopher D. Manning, Daniel E. Ho | 2024-05-30T17:56:05Z | cs.CL, cs.CY | Legal practice has witnessed a sharp rise in products incorporating
artificial intelligence (AI). Such tools are designed to assist with a wide
range of core legal tasks, from search and summarization of caselaw to document
drafting. But the large language models used in these tools are prone to
"hallucinate," or make up false information, making their use risky in
high-stakes domains. Recently, certain legal research providers have touted
methods such as retrieval-augmented generation (RAG) as "eliminating"
(Casetext, 2023) or "avoid[ing]" hallucinations (Thomson Reuters, 2023), or
guaranteeing "hallucination-free" legal citations (LexisNexis, 2023). Because
of the closed nature of these systems, systematically assessing these claims is
challenging. In this article, we design and report on the first preregistered
empirical evaluation of AI-driven legal research tools. We demonstrate that the
providers' claims are overstated. While hallucinations are reduced relative to
general-purpose chatbots (GPT-4), we find that the AI research tools made by
LexisNexis (Lexis+ AI) and Thomson Reuters (Westlaw AI-Assisted Research and
Ask Practical Law AI) each hallucinate between 17% and 33% of the time. We also
document substantial differences between systems in responsiveness and
accuracy. Our article makes four key contributions. It is the first to assess
and report the performance of RAG-based proprietary legal AI tools. Second, it
introduces a comprehensive, preregistered dataset for identifying and
understanding vulnerabilities in these systems. Third, it proposes a clear
typology for differentiating between hallucinations and accurate legal
responses. Last, it provides evidence to inform the responsibilities of legal
professionals in supervising and verifying AI outputs, which remains a central
open question for the responsible integration of AI into law. | cs.CL | Hallucination-Free? Assessing the Reliability of Leading AI Legal Research Tools |
2024-05-30T17:55:28Z | http://arxiv.org/pdf/2405.20318v1 | http://arxiv.org/abs/2405.20318v1 | Roberto Ceraolo, Dmitrii Kharlapenko, Amélie Reymond, Rada Mihalcea, Mrinmaya Sachan, Bernhard Schölkopf, Zhijing Jin | 2024-05-30T17:55:28Z | cs.CL, cs.AI, cs.LG, stat.ML | Humans have an innate drive to seek out causality. Whether fuelled by
curiosity or specific goals, we constantly question why things happen, how they
are interconnected, and many other related phenomena. To develop AI agents
capable of addressing this natural human quest for causality, we urgently need
a comprehensive dataset of natural causal questions. Unfortunately, existing
datasets either contain only artificially-crafted questions that do not reflect
real AI usage scenarios or have limited coverage of questions from specific
sources. To address this gap, we present CausalQuest, a dataset of 13,500
naturally occurring questions sourced from social networks, search engines, and
AI assistants. We formalize the definition of causal questions and establish a
taxonomy for finer-grained classification. Through a combined effort of human
annotators and large language models (LLMs), we carefully label the dataset. We
find that 42% of the questions humans ask are indeed causal, with the majority
seeking to understand the causes behind given effects. Using this dataset, we
train efficient classifiers (up to 2.85B parameters) for the binary task of
identifying causal questions, achieving high performance with F1 scores of up
to 0.877. We conclude with a rich set of future research directions that can
build upon our data and models. | cs.CL | CausalQuest: Collecting Natural Causal Questions for AI Agents |
2024-05-30T17:54:40Z | http://arxiv.org/pdf/2405.20315v1 | http://arxiv.org/abs/2405.20315v1 | Ziwei Ji, Yuzhe Gu, Wenwei Zhang, Chengqi Lyu, Dahua Lin, Kai Chen | 2024-05-30T17:54:40Z | cs.CL, cs.AI | Reducing the `$\textit{hallucination}$' problem of Large Language Models
(LLMs) is crucial for their wide applications. A comprehensive and fine-grained
measurement of the hallucination is the first key step for the governance of
this issue but is under-explored in the community. Thus, we present
$\textbf{ANAH}$, a bilingual dataset that offers $\textbf{AN}$alytical
$\textbf{A}$nnotation of $\textbf{H}$allucinations in LLMs within Generative
Question Answering. Each answer sentence in our dataset undergoes rigorous
annotation, involving the retrieval of a reference fragment, the judgment of
the hallucination type, and the correction of hallucinated content. ANAH
consists of ~12k sentence-level annotations for ~4.3k LLM responses covering
over 700 topics, constructed by a human-in-the-loop pipeline. Thanks to the
fine granularity of the hallucination annotations, we can quantitatively
confirm that the hallucinations of LLMs progressively accumulate in the answer
and use ANAH to train and evaluate hallucination annotators. We conduct
extensive experiments on studying generative and discriminative annotators and
show that, although current open-source LLMs have difficulties in fine-grained
hallucination annotation, the generative annotator trained with ANAH can
surpass all open-source LLMs and GPT-3.5, obtain performance competitive with
GPT-4, and exhibits better generalization ability on unseen questions. | cs.CL | ANAH: Analytical Annotation of Hallucinations in Large Language Models |
2024-05-30T17:54:35Z | http://arxiv.org/pdf/2405.20314v2 | http://arxiv.org/abs/2405.20314v2 | Wei Zhong, Manasa Bharadwaj | 2024-06-01T15:24:10Z | cs.CL | Speculative decoding (SD) has attracted a significant amount of research
attention due to the substantial speedup it can achieve for LLM inference.
However, despite the high speedups they offer, speculative decoding methods
often achieve optimal performance on high-end devices or with a substantial GPU
memory overhead. Given limited memory and the necessity of quantization, a
high-performing model on a high-end GPU can slow down by up to 7 times. To this
end, we propose Skippy Simultaneous Speculative Decoding (or S3D), a
cost-effective self-speculative SD method based on simultaneous multi-token
decoding and mid-layer skipping. When compared against recent effective
open-source SD systems, our method has achieved one of the top
performance-memory ratios while requiring minimal architecture changes and
training data. Leveraging our memory efficiency, we created a smaller yet more
effective SD model based on Phi-3. It is 1.4 to 2 times faster than the
quantized EAGLE model and operates in half-precision while using less VRAM. | cs.CL | S3D: A Simple and Cost-Effective Self-Speculative Decoding Scheme for Low-Memory GPUs |
2024-05-30T17:52:36Z | http://arxiv.org/pdf/2405.20309v1 | http://arxiv.org/abs/2405.20309v1 | Ajay Patel, Markus Hofmarcher, Claudiu Leoveanu-Condrei, Marius-Constantin Dinu, Chris Callison-Burch, Sepp Hochreiter | 2024-05-30T17:52:36Z | cs.LG, cs.AI, cs.CL | Training models to act as agents that can effectively navigate and perform
actions in a complex environment, such as a web browser, has typically been
challenging due to lack of training data. Large language models (LLMs) have
recently demonstrated some capability to navigate novel environments as agents
in a zero-shot or few-shot fashion, purely guided by natural language
instructions as prompts. Recent research has also demonstrated LLMs have the
capability to exceed their base performance through self-improvement, i.e.
fine-tuning on data generated by the model itself. In this work, we explore the
extent to which LLMs can self-improve their performance as agents in
long-horizon tasks in a complex environment using the WebArena benchmark. In
WebArena, an agent must autonomously navigate and perform actions on web pages
to achieve a specified objective. We explore fine-tuning on three distinct
synthetic training data mixtures and achieve a 31\% improvement in task
completion rate over the base model on the WebArena benchmark through a
self-improvement procedure. We additionally contribute novel evaluation metrics
for assessing the performance, robustness, capabilities, and quality of
trajectories of our fine-tuned agent models to a greater degree than simple,
aggregate-level benchmark scores currently used to measure self-improvement. | cs.LG | Large Language Models Can Self-Improve At Web Agent Tasks |
2024-05-30T17:50:04Z | http://arxiv.org/pdf/2405.20304v1 | http://arxiv.org/abs/2405.20304v1 | Shyam Sundhar Ramesh, Yifan Hu, Iason Chaimalas, Viraj Mehta, Pier Giuseppe Sessa, Haitham Bou Ammar, Ilija Bogunovic | 2024-05-30T17:50:04Z | cs.CL, cs.LG | Adapting large language models (LLMs) for specific tasks usually involves
fine-tuning through reinforcement learning with human feedback (RLHF) on
preference data. While these data often come from diverse labelers' groups
(e.g., different demographics, ethnicities, company teams, etc.), traditional
RLHF approaches adopt a "one-size-fits-all" approach, i.e., they
indiscriminately assume and optimize a single preference model, thus not being
robust to unique characteristics and needs of the various groups. To address
this limitation, we propose a novel Group Robust Preference Optimization (GRPO)
method to align LLMs to individual groups' preferences robustly. Our approach
builds upon reward-free direct preference optimization methods, but unlike
previous approaches, it seeks a robust policy which maximizes the worst-case
group performance. To achieve this, GRPO adaptively and sequentially weights
the importance of different groups, prioritizing groups with worse cumulative
loss. We theoretically study the feasibility of GRPO and analyze its
convergence for the log-linear policy class. By fine-tuning LLMs with GRPO
using diverse group-based global opinion data, we significantly improved
performance for the worst-performing groups, reduced loss imbalances across
groups, and improved probability accuracies compared to non-robust baselines. | cs.CL | Group Robust Preference Optimization in Reward-free RLHF |
2024-05-30T17:38:44Z | http://arxiv.org/pdf/2405.20285v1 | http://arxiv.org/abs/2405.20285v1 | Panagiotis C. Theocharopoulos, Spiros V. Georgakopoulos, Sotiris K. Tasoulis, Vassilis P. Plagianakos | 2024-05-30T17:38:44Z | cs.CL | With the increasing use of Artificial Intelligence in Natural Language
Processing, concerns have been raised regarding the detection of AI-generated
text in various domains. This study aims to investigate this issue by proposing
a methodology to accurately distinguish AI-generated and human-written book
reviews. Our approach utilizes transfer learning, enabling the model to
identify generated text across different topics while improving its ability to
detect variations in writing style and vocabulary. To evaluate the
effectiveness of the proposed methodology, we developed a dataset consisting of
real book reviews and AI-generated reviews using the recently proposed Vicuna
open-source language model. The experimental results demonstrate that it is
feasible to detect the original source of text, achieving an accuracy rate of
96.86%. Our efforts are oriented toward the exploration of the capabilities and
limitations of Large Language Models in the context of text identification.
Expanding our knowledge in these aspects will be valuable for effectively
navigating similar models in the future and ensuring the integrity and
authenticity of human-generated content. | cs.CL | Who Writes the Review, Human or AI? |
2024-05-30T17:29:15Z | http://arxiv.org/pdf/2405.20274v1 | http://arxiv.org/abs/2405.20274v1 | Siva Uday Sampreeth Chebolu, Franck Dernoncourt, Nedim Lipka, Thamar Solorio | 2024-05-30T17:29:15Z | cs.CL, cs.AI, cs.LG | Aspect-Based Sentiment Analysis (ABSA) has experienced tremendous expansion
and diversity due to various shared tasks spanning several languages and fields
and organized via SemEval workshops and Germeval. Nonetheless, a few
shortcomings still need to be addressed, such as the lack of low-resource
language evaluations and the emphasis on sentence-level analysis. To thoroughly
assess ABSA techniques in the context of complete reviews, this research
presents a novel task, Review-Level Opinion Aspect Sentiment Target (ROAST).
ROAST seeks to close the gap between sentence-level and text-level ABSA by
identifying every ABSA constituent at the review level. We extend the available
datasets to enable ROAST, addressing the drawbacks noted in previous research
by incorporating low-resource languages, numerous languages, and a variety of
topics. Through this effort, ABSA research will be able to cover more ground
and get a deeper comprehension of the task and its practical application in a
variety of languages and domains (https://github.com/RiTUAL-UH/ROAST-ABSA). | cs.CL | ROAST: Review-level Opinion Aspect Sentiment Target Joint Detection |
2024-05-30T17:26:02Z | http://arxiv.org/pdf/2405.20271v1 | http://arxiv.org/abs/2405.20271v1 | Massimo Bini, Karsten Roth, Zeynep Akata, Anna Khoreva | 2024-05-30T17:26:02Z | cs.LG, cs.CL, cs.CV | Parameter-efficient finetuning (PEFT) has become ubiquitous to adapt
foundation models to downstream task requirements while retaining their
generalization ability. However, the amount of additionally introduced
parameters and compute for successful adaptation and hyperparameter searches
can explode quickly, especially when deployed at scale to serve numerous
individual requests. To ensure effective, parameter-efficient, and
hyperparameter-robust adaptation, we propose the ETHER transformation family,
which performs Efficient fineTuning via HypErplane Reflections. By design,
ETHER transformations require a minimal number of parameters, are less likely
to deteriorate model performance, and exhibit robustness to hyperparameter and
learning rate choices. In particular, we introduce ETHER and its relaxation
ETHER+, which match or outperform existing PEFT methods with significantly
fewer parameters ($\sim$$10$-$100$ times lower than LoRA or OFT) across
multiple image synthesis and natural language tasks without exhaustive
hyperparameter tuning. Finally, we investigate the recent emphasis on
Hyperspherical Energy retention for adaptation and raise questions on its
practical utility. The code is available at https://github.com/mwbini/ether. | cs.LG | ETHER: Efficient Finetuning of Large-Scale Models with Hyperplane Reflections |
2024-05-30T17:21:15Z | http://arxiv.org/pdf/2405.20269v1 | http://arxiv.org/abs/2405.20269v1 | Guy Mor-Lan, Effi Levi, Tamir Sheafer, Shaul R. Shenhav | 2024-05-30T17:21:15Z | cs.CL | We introduce IsraParlTweet, a new linked corpus of Hebrew-language
parliamentary discussions from the Knesset (Israeli Parliament) between the
years 1992-2023 and Twitter posts made by Members of the Knesset between the
years 2008-2023, containing a total of 294.5 million Hebrew tokens. In addition
to raw text, the corpus contains comprehensive metadata on speakers and Knesset
sessions as well as several linguistic annotations. As a result, IsraParlTweet
can be used to conduct a wide variety of quantitative and qualitative analyses
and provide valuable insights into political discourse in Israel. | cs.CL | IsraParlTweet: The Israeli Parliamentary and Twitter Resource |
2024-05-30T17:19:19Z | http://arxiv.org/pdf/2405.20267v3 | http://arxiv.org/abs/2405.20267v3 | Ruochen Zhao, Wenxuan Zhang, Yew Ken Chia, Deli Zhao, Lidong Bing | 2024-06-12T15:53:49Z | cs.CL | As LLMs evolve on a daily basis, there is an urgent need for a trustworthy
evaluation method that can provide robust evaluation results in a timely
fashion. Currently, as static benchmarks are prone to contamination concerns,
users tend to trust human voting platforms, such as Chatbot Arena. However,
human annotations require extensive manual efforts. To provide an automatic,
robust, and trustworthy evaluation framework, we innovatively propose the
Auto-Arena of LLMs, which automates the entire evaluation process with LLM
agents. Firstly, an examiner LLM devises queries. Then, a pair of candidate
LLMs engage in a multi-round peer-battle around the query, during which the
LLM's true performance gaps become visible. Finally, a committee of LLM judges
collectively discuss and determine the winner, which alleviates bias and
promotes fairness. In our extensive experiment on the 17 newest LLMs,
Auto-Arena shows the highest correlation with human preferences, providing a
promising alternative to human evaluation platforms. | cs.CL | Auto Arena of LLMs: Automating LLM Evaluations with Agent Peer-battles and Committee Discussions |
2024-05-30T17:06:03Z | http://arxiv.org/pdf/2405.20253v1 | http://arxiv.org/abs/2405.20253v1 | Andy Liu, Mona Diab, Daniel Fried | 2024-05-30T17:06:03Z | cs.CL | The task of persona-steered text generation requires large language models
(LLMs) to generate text that reflects the distribution of views that an
individual fitting a persona could have. People have multifaceted personas, but
prior work on bias in LLM-generated opinions has only explored multiple-choice
settings or one-dimensional personas. We define an incongruous persona as a
persona with multiple traits where one trait makes its other traits less likely
in human survey data, e.g. political liberals who support increased military
spending. We find that LLMs are 9.7% less steerable towards incongruous
personas than congruous ones, sometimes generating the stereotypical stance
associated with its demographic rather than the target stance. Models that we
evaluate that are fine-tuned with Reinforcement Learning from Human Feedback
(RLHF) are more steerable, especially towards stances associated with political
liberals and women, but present significantly less diverse views of personas.
We also find variance in LLM steerability that cannot be predicted from
multiple-choice opinion evaluation. Our results show the importance of
evaluating models in open-ended text generation, as it can surface new LLM
opinion biases. Moreover, such a setup can shed light on our ability to steer
models toward a richer and more diverse range of viewpoints. | cs.CL | Evaluating Large Language Model Biases in Persona-Steered Generation |
2024-05-30T17:05:45Z | http://arxiv.org/pdf/2405.20252v1 | http://arxiv.org/abs/2405.20252v1 | Yuchi Liu, Jaskirat Singh, Gaowen Liu, Ali Payani, Liang Zheng | 2024-05-30T17:05:45Z | cs.CL | Large language models (LLMs) have shown great progress in responding to user
questions, allowing for a multitude of diverse applications. Yet, the quality
of LLM outputs heavily depends on the prompt design, where a good prompt might
enable the LLM to answer a very challenging question correctly. Therefore,
recent works have developed many strategies for improving the prompt, including
both manual crafting and in-domain optimization. However, their efficacy in
unrestricted scenarios remains questionable, as the former depends on human
design for specific questions and the latter usually generalizes poorly to
unseen scenarios. To address these problems, we give LLMs the freedom to design
the best prompts according to themselves. Specifically, we include a hierarchy
of LLMs, first constructing a prompt with precise instructions and accurate
wording in a hierarchical manner, and then using this prompt to generate the
final answer to the user query. We term this pipeline Hierarchical Multi-Agent
Workflow, or HMAW. In contrast with prior works, HMAW imposes no human
restriction and requires no training, and is completely task-agnostic while
capable of adjusting to the nuances of the underlying task. Through both
quantitative and qualitative experiments across multiple benchmarks, we verify
that despite its simplicity, the proposed approach can create detailed and
suitable prompts, further boosting the performance of current LLMs. | cs.CL | Towards Hierarchical Multi-Agent Workflows for Zero-Shot Prompt Optimization |
2024-05-30T16:54:42Z | http://arxiv.org/pdf/2405.20245v1 | http://arxiv.org/abs/2405.20245v1 | Franz Louis Cesista, Rui Aguiar, Jason Kim, Paolo Acilo | 2024-05-30T16:54:42Z | cs.CL, cs.AI, cs.IR, cs.LG | Business Document Information Extraction (BDIE) is the problem of
transforming a blob of unstructured information (raw text, scanned documents,
etc.) into a structured format that downstream systems can parse and use. It
has two main tasks: Key-Information Extraction (KIE) and Line Items Recognition
(LIR). In this paper, we argue that BDIE is best modeled as a Tool Use problem,
where the tools are these downstream systems. We then present Retrieval
Augmented Structured Generation (RASG), a novel general framework for BDIE that
achieves state of the art (SOTA) results on both KIE and LIR tasks on BDIE
benchmarks.
The contributions of this paper are threefold: (1) We show, with ablation
benchmarks, that Large Language Models (LLMs) with RASG are already competitive
with or surpasses current SOTA Large Multimodal Models (LMMs) without RASG on
BDIE benchmarks. (2) We propose a new metric class for Line Items Recognition,
General Line Items Recognition Metric (GLIRM), that is more aligned with
practical BDIE use cases compared to existing metrics, such as ANLS*, DocILE,
and GriTS. (3) We provide a heuristic algorithm for backcalculating bounding
boxes of predicted line items and tables without the need for vision encoders.
Finally, we claim that, while LMMs might sometimes offer marginal performance
benefits, LLMs + RASG is oftentimes superior given real-world applications and
constraints of BDIE. | cs.CL | Retrieval Augmented Structured Generation: Business Document Information Extraction As Tool Use |
2024-05-30T16:19:02Z | http://arxiv.org/pdf/2405.20218v1 | http://arxiv.org/abs/2405.20218v1 | Mariya Pavlova, Bernard Casey, Miaosen Wang | 2024-05-30T16:19:02Z | cs.AI, cs.CL | We present ESG-FTSE, the first corpus comprised of news articles with
Environmental, Social and Governance (ESG) relevance annotations. In recent
years, investors and regulators have pushed ESG investing to the mainstream due
to the urgency of climate change. This has led to the rise of ESG scores to
evaluate an investment's credentials as socially responsible. While demand for
ESG scores is high, their quality varies wildly. Quantitative techniques can be
applied to improve ESG scores, thus, responsible investing. To contribute to
resource building for ESG and financial text mining, we pioneer the ESG-FTSE
corpus. We further present the first of its kind ESG annotation schema. It has
three levels: a binary classification (relevant versus irrelevant news
articles), ESG classification (ESG-related news articles), and target company.
Both supervised and unsupervised learning experiments for ESG relevance
detection were conducted to demonstrate that the corpus can be used in
different settings to derive accurate ESG predictions. Keywords: corpus
annotation, ESG labels, annotation schema, news article, natural language
processing | cs.AI | ESG-FTSE: A corpus of news articles with ESG relevance labels and use cases |
2024-05-30T16:17:40Z | http://arxiv.org/pdf/2405.20215v3 | http://arxiv.org/abs/2405.20215v3 | Chen Zhang, Chengguang Tang, Dading Chong, Ke Shi, Guohua Tang, Feng Jiang, Haizhou Li | 2024-06-14T08:23:33Z | cs.CL | Mainstream approaches to aligning large language models (LLMs) heavily rely
on human preference data, particularly when models require periodic updates.
The standard process for iterative alignment of LLMs involves collecting new
human feedback for each update. However, the data collection process is costly
and challenging to scale. To address this issue, we introduce the "TS-Align"
framework, which fine-tunes a policy model using pairwise feedback data
automatically mined from its outputs. This automatic mining process is
efficiently accomplished through the collaboration between a large-scale
teacher model and a small-scale student model. The policy fine-tuning process
can be iteratively repeated using on-policy generations within our proposed
teacher-student collaborative framework. Through extensive experiments, we
demonstrate that our final aligned policy outperforms the base policy model
with an average win rate of 69.7% across seven conversational or
instruction-following datasets. Furthermore, we show that the ranking
capability of the teacher is effectively distilled into the student through our
pipeline, resulting in a small-scale yet effective reward model for policy
model alignment. | cs.CL | TS-Align: A Teacher-Student Collaborative Framework for Scalable Iterative Finetuning of Large Language Models |
2024-05-30T16:16:25Z | http://arxiv.org/pdf/2405.20213v1 | http://arxiv.org/abs/2405.20213v1 | Vijay Jaisankar, Sambaran Bandyopadhyay, Kalp Vyas, Varre Chaitanya, Shwetha Somasundaram | 2024-05-30T16:16:25Z | cs.AI, cs.CL, cs.LG | A poster from a long input document can be considered as a one-page
easy-to-read multimodal (text and images) summary presented on a nice template
with good design elements. Automatic transformation of a long document into a
poster is a very less studied but challenging task. It involves content
summarization of the input document followed by template generation and
harmonization. In this work, we propose a novel deep submodular function which
can be trained on ground truth summaries to extract multimodal content from the
document and explicitly ensures good coverage, diversity and alignment of text
and images. Then, we use an LLM based paraphraser and propose to generate a
template with various design aspects conditioned on the input content. We show
the merits of our approach through extensive automated and human evaluations. | cs.AI | PostDoc: Generating Poster from a Long Multimodal Document Using Deep Submodular Optimization |
2024-05-30T16:07:54Z | http://arxiv.org/pdf/2405.20204v2 | http://arxiv.org/abs/2405.20204v2 | Andreas Koukounas, Georgios Mastrapas, Michael Günther, Bo Wang, Scott Martens, Isabelle Mohr, Saba Sturua, Mohammad Kalim Akram, Joan Fontanals Martínez, Saahil Ognawala, Susana Guzman, Maximilian Werk, Nan Wang, Han Xiao | 2024-06-26T12:31:48Z | cs.CL, cs.AI, cs.CV, cs.IR, 68T50, I.2.7 | Contrastive Language-Image Pretraining (CLIP) is widely used to train models
to align images and texts in a common embedding space by mapping them to
fixed-sized vectors. These models are key to multimodal information retrieval
and related tasks. However, CLIP models generally underperform in text-only
tasks compared to specialized text models. This creates inefficiencies for
information retrieval systems that keep separate embeddings and models for
text-only and multimodal tasks. We propose a novel, multi-task contrastive
training method to address this issue, which we use to train the jina-clip-v1
model to achieve the state-of-the-art performance on both text-image and
text-text retrieval tasks. | cs.CL | Jina CLIP: Your CLIP Model Is Also Your Text Retriever |
2024-05-30T15:57:19Z | http://arxiv.org/pdf/2405.20192v1 | http://arxiv.org/abs/2405.20192v1 | Shuyang Jiang, Yusheng Liao, Ya Zhang, Yu Wang, Yanfeng Wang | 2024-05-30T15:57:19Z | cs.CL | Fine-tuning on task-specific question-answer pairs is a predominant method
for enhancing the performance of instruction-tuned large language models (LLMs)
on downstream tasks. However, in certain specialized domains, such as
healthcare or harmless content generation, it is nearly impossible to obtain a
large volume of high-quality data that matches the downstream distribution. To
improve the performance of LLMs in data-scarce domains with domain-mismatched
data, we re-evaluated the Transformer architecture and discovered that not all
parameter updates during fine-tuning contribute positively to downstream
performance. Our analysis reveals that within the self-attention and
feed-forward networks, only the fine-tuned attention parameters are
particularly beneficial when the training set's distribution does not fully
align with the test set. Based on this insight, we propose an effective
inference-time intervention method: Training All parameters but Inferring with
only Attention (\trainallInfAttn). We empirically validate \trainallInfAttn
using two general instruction-tuning datasets and evaluate it on seven
downstream tasks involving math, reasoning, and knowledge understanding across
LLMs of different parameter sizes and fine-tuning techniques. Our comprehensive
experiments demonstrate that \trainallInfAttn achieves superior improvements
compared to both the fully fine-tuned model and the base model in most
scenarios, with significant performance gains. The high tolerance of
\trainallInfAttn to data mismatches makes it resistant to jailbreaking tuning
and enhances specialized tasks using general data. | cs.CL | TAIA: Large Language Models are Out-of-Distribution Data Learners |
2024-05-30T15:47:54Z | http://arxiv.org/pdf/2405.20179v1 | http://arxiv.org/abs/2405.20179v1 | Zichao Hu, Junyi Jessy Li, Arjun Guha, Joydeep Biswas | 2024-05-30T15:47:54Z | cs.CL, cs.AI, cs.RO | Large language models (LLMs) have shown great promise at generating robot
programs from natural language given domain-specific robot application
programming interfaces (APIs). However, the performance gap between proprietary
LLMs and smaller open-weight LLMs remains wide. This raises a question: Can we
fine-tune smaller open-weight LLMs for generating domain-specific robot
programs to close the performance gap with proprietary LLMs? While
Self-Instruct is a promising solution by generating a diverse set of training
data, it cannot verify the correctness of these programs. In contrast, a robot
simulator with a well-defined world can identify execution errors but limits
the diversity of programs that it can verify. In this work, we introduce
Robo-Instruct, which brings the best of both worlds -- it promotes the
diversity of Self-Instruct while providing the correctness of simulator-based
checking. Robo-Instruct introduces RoboSim to synthesize a consistent world
state on the fly by inferring properties relevant to the program being checked,
and simulating actions accordingly. Furthermore, the instructions and programs
generated by Self-Instruct may be subtly inconsistent -- such as the program
missing a step implied by the instruction. Robo-Instruct further addresses this
with InstAlign, an instruction-program alignment procedure that revises the
task instruction to reflect the actual results of the generated program. Given
a few seed task descriptions and the robot APIs, Robo-Instruct is capable of
generating a training dataset using only a small open-weight model. This
dataset can then be used to fine-tune small open-weight language models,
enabling them to match or even exceed the performance of several proprietary
LLMs, such as GPT-3.5-Turbo and Gemini-Pro. | cs.CL | Robo-Instruct: Simulator-Augmented Instruction Alignment For Finetuning CodeLLMs |
2024-05-30T15:45:13Z | http://arxiv.org/pdf/2405.20175v1 | http://arxiv.org/abs/2405.20175v1 | Kuang-Ming Chen, Hung-yi Lee | 2024-05-30T15:45:13Z | cs.CL, cs.AI | The rapid development of large language models (LLMs) in recent years has
largely focused on English, resulting in models that respond exclusively in
English. To adapt these models to other languages, continual pre-training (CP)
is often employed, followed by supervised fine-tuning (SFT) to maintain
conversational abilities. However, CP and SFT can reduce a model's ability to
filter harmful content. We propose Instruction Continual Pre-training (InsCP),
which integrates instruction tags into the CP process to prevent loss of
conversational proficiency while acquiring new languages. Our experiments
demonstrate that InsCP retains conversational and Reinforcement Learning from
Human Feedback (RLHF) abilities. Empirical evaluations on language alignment,
reliability, and knowledge benchmarks confirm the efficacy of InsCP. Notably,
this approach requires only 0.1 billion tokens of high-quality
instruction-following data, thereby reducing resource consumption. | cs.CL | InstructionCP: A fast approach to transfer Large Language Models into target language |
2024-05-30T15:44:27Z | http://arxiv.org/pdf/2405.20172v3 | http://arxiv.org/abs/2405.20172v3 | Alaa Nfissi, Wassim Bouachir, Nizar Bouguila, Brian Mishara | 2024-06-05T22:28:13Z | cs.SD, cs.AI, cs.CL, cs.LG, eess.AS, I.2.7; I.2.6; I.2.1; I.2.8 | In speech emotion recognition (SER), using predefined features without
considering their practical importance may lead to high dimensional datasets,
including redundant and irrelevant information. Consequently, high-dimensional
learning often results in decreasing model accuracy while increasing
computational complexity. Our work underlines the importance of carefully
considering and analyzing features in order to build efficient SER systems. We
present a new supervised SER method based on an efficient feature engineering
approach. We pay particular attention to the explainability of results to
evaluate feature relevance and refine feature sets. This is performed
iteratively through feature evaluation loop, using Shapley values to boost
feature selection and improve overall framework performance. Our approach
allows thus to balance the benefits between model performance and transparency.
The proposed method outperforms human-level performance (HLP) and
state-of-the-art machine learning methods in emotion recognition on the TESS
dataset. The source code of this paper is publicly available at
https://github.com/alaaNfissi/Iterative-Feature-Boosting-for-Explainable-Speech-Emotion-Recognition. | cs.SD | Iterative Feature Boosting for Explainable Speech Emotion Recognition |
2024-05-30T15:38:54Z | http://arxiv.org/pdf/2405.20163v1 | http://arxiv.org/abs/2405.20163v1 | Rosario Uceda-Sosa, Karthikeyan Natesan Ramamurthy, Maria Chang, Moninder Singh | 2024-05-30T15:38:54Z | cs.CL, cs.AI | The ability to summarize and organize knowledge into abstract concepts is key
to learning and reasoning. Many industrial applications rely on the consistent
and systematic use of concepts, especially when dealing with decision-critical
knowledge. However, we demonstrate that, when methodically questioned, large
language models (LLMs) often display and demonstrate significant
inconsistencies in their knowledge. Computationally, the basic aspects of the
conceptualization of a given domain can be represented as Is-A hierarchies in a
knowledge graph (KG) or ontology, together with a few properties or axioms that
enable straightforward reasoning. We show that even simple ontologies can be
used to reveal conceptual inconsistencies across several LLMs. We also propose
strategies that domain experts can use to evaluate and improve the coverage of
key domain concepts in LLMs of various sizes. In particular, we have been able
to significantly enhance the performance of LLMs of various sizes with openly
available weights using simple knowledge-graph (KG) based prompting strategies. | cs.CL | Reasoning about concepts with LLMs: Inconsistencies abound |
2024-05-30T15:23:34Z | http://arxiv.org/pdf/2405.20145v1 | http://arxiv.org/abs/2405.20145v1 | Frederick Riemenschneider, Kevin Krahn | 2024-05-30T15:23:34Z | cs.CL, I.2.7 | Historical languages present unique challenges to the NLP community, with one
prominent hurdle being the limited resources available in their closed corpora.
This work describes our submission to the constrained subtask of the SIGTYP
2024 shared task, focusing on PoS tagging, morphological tagging, and
lemmatization for 13 historical languages. For PoS and morphological tagging we
adapt a hierarchical tokenization method from Sun et al. (2023) and combine it
with the advantages of the DeBERTa-V3 architecture, enabling our models to
efficiently learn from every character in the training data. We also
demonstrate the effectiveness of character-level T5 models on the lemmatization
task. Pre-trained from scratch with limited data, our models achieved first
place in the constrained subtask, nearly reaching the performance levels of the
unconstrained task's winner. Our code is available at
https://github.com/bowphs/SIGTYP-2024-hierarchical-transformers | cs.CL | Heidelberg-Boston @ SIGTYP 2024 Shared Task: Enhancing Low-Resource Language Analysis With Character-Aware Hierarchical Transformers |
2024-05-30T15:14:24Z | http://arxiv.org/pdf/2405.20139v1 | http://arxiv.org/abs/2405.20139v1 | Costas Mavromatis, George Karypis | 2024-05-30T15:14:24Z | cs.CL, cs.AI, cs.LG | Knowledge Graphs (KGs) represent human-crafted factual knowledge in the form
of triplets (head, relation, tail), which collectively form a graph. Question
Answering over KGs (KGQA) is the task of answering natural questions grounding
the reasoning to the information provided by the KG. Large Language Models
(LLMs) are the state-of-the-art models for QA tasks due to their remarkable
ability to understand natural language. On the other hand, Graph Neural
Networks (GNNs) have been widely used for KGQA as they can handle the complex
graph information stored in the KG. In this work, we introduce GNN-RAG, a novel
method for combining language understanding abilities of LLMs with the
reasoning abilities of GNNs in a retrieval-augmented generation (RAG) style.
First, a GNN reasons over a dense KG subgraph to retrieve answer candidates for
a given question. Second, the shortest paths in the KG that connect question
entities and answer candidates are extracted to represent KG reasoning paths.
The extracted paths are verbalized and given as input for LLM reasoning with
RAG. In our GNN-RAG framework, the GNN acts as a dense subgraph reasoner to
extract useful graph information, while the LLM leverages its natural language
processing ability for ultimate KGQA. Furthermore, we develop a retrieval
augmentation (RA) technique to further boost KGQA performance with GNN-RAG.
Experimental results show that GNN-RAG achieves state-of-the-art performance in
two widely used KGQA benchmarks (WebQSP and CWQ), outperforming or matching
GPT-4 performance with a 7B tuned LLM. In addition, GNN-RAG excels on multi-hop
and multi-entity questions outperforming competing approaches by 8.9--15.5%
points at answer F1. | cs.CL | GNN-RAG: Graph Neural Retrieval for Large Language Model Reasoning |
2024-05-30T15:10:37Z | http://arxiv.org/pdf/2405.20131v1 | http://arxiv.org/abs/2405.20131v1 | Yingshan Chang, Yonatan Bisk | 2024-05-30T15:10:37Z | cs.CL, cs.AI | Counting is a fundamental example of generalization, whether viewed through
the mathematical lens of Peano's axioms defining the natural numbers or the
cognitive science literature for children learning to count. The argument holds
for both cases that learning to count means learning to count infinitely. While
few papers have tried to distill transformer "reasoning" to the simplest case
of counting, investigating length generalization does occur throughout the
literature. In the "train short, test long" paradigm of NLP, length refers to
the training sentence length. In formal language recognition, length refers to
the input sequence length, or the maximum stack size induced by a pushdown
automata. In general problem solving, length refers to the number of hops in a
deductive reasoning chain or the recursion depth. For all cases, counting is
central to task success. And crucially, generalizing counting inductively is
central to success on OOD instances. This work provides extensive empirical
results on training language models to count. We experiment with architectures
ranging from RNNs, Transformers, State-Space Models and RWKV. We present
carefully-designed task formats, auxiliary tasks and positional embeddings to
avoid limitations in generalization with OOD-position and OOD-vocabulary. We
find that while traditional RNNs trivially achieve inductive counting,
Transformers have to rely on positional embeddings to count out-of-domain. As
counting is the basis for many arguments concerning the expressivity of
Transformers, our finding calls for the community to reexamine the application
scope of primitive functions defined in formal characterizations. Finally,
modern RNNs also largely underperform traditional RNNs in generalizing counting
inductively. We discuss how design choices that enable parallelized training of
modern RNNs cause them to lose merits of a recurrent nature. | cs.CL | Language Models Need Inductive Biases to Count Inductively |
2024-05-30T14:41:39Z | http://arxiv.org/pdf/2405.20101v1 | http://arxiv.org/abs/2405.20101v1 | Ihab Asaad, Maxime Jacquelin, Olivier Perrotin, Laurent Girin, Thomas Hueber | 2024-05-30T14:41:39Z | cs.SD, cs.CL, eess.AS | Most speech self-supervised learning (SSL) models are trained with a pretext
task which consists in predicting missing parts of the input signal, either
future segments (causal prediction) or segments masked anywhere within the
input (non-causal prediction). Learned speech representations can then be
efficiently transferred to downstream tasks (e.g., automatic speech or speaker
recognition). In the present study, we investigate the use of a speech SSL
model for speech inpainting, that is reconstructing a missing portion of a
speech signal from its surrounding context, i.e., fulfilling a downstream task
that is very similar to the pretext task. To that purpose, we combine an SSL
encoder, namely HuBERT, with a neural vocoder, namely HiFiGAN, playing the role
of a decoder. In particular, we propose two solutions to match the HuBERT
output with the HiFiGAN input, by freezing one and fine-tuning the other, and
vice versa. Performance of both approaches was assessed in single- and
multi-speaker settings, for both informed and blind inpainting configurations
(i.e., the position of the mask is known or unknown, respectively), with
different objective metrics and a perceptual evaluation. Performances show that
if both solutions allow to correctly reconstruct signal portions up to the size
of 200ms (and even 400ms in some cases), fine-tuning the SSL encoder provides a
more accurate signal reconstruction in the single-speaker setting case, while
freezing it (and training the neural vocoder instead) is a better strategy when
dealing with multi-speaker data. | cs.SD | Fill in the Gap! Combining Self-supervised Representation Learning with Neural Audio Synthesis for Speech Inpainting |
2024-05-30T14:31:33Z | http://arxiv.org/pdf/2405.20092v1 | http://arxiv.org/abs/2405.20092v1 | Jingchang Chen, Hongxuan Tang, Zheng Chu, Qianglong Chen, Zekun Wang, Ming Liu, Bing Qin | 2024-05-30T14:31:33Z | cs.CL, cs.SE | Despite recent progress made by large language models in code generation,
they still struggle with programs that meet complex requirements. Recent work
utilizes plan-and-solve decomposition to decrease the complexity and leverage
self-tests to refine the generated program. Yet, planning deep-inside
requirements in advance can be challenging, and the tests need to be accurate
to accomplish self-improvement. To this end, we propose FunCoder, a code
generation framework incorporating the divide-and-conquer strategy with
functional consensus. Specifically, FunCoder recursively branches off
sub-functions as smaller goals during code generation, represented by a tree
hierarchy. These sub-functions are then composited to attain more complex
objectives. Additionally, we designate functions via a consensus formed by
identifying similarities in program behavior, mitigating error propagation.
FunCoder outperforms state-of-the-art methods by +9.8% on average in HumanEval,
MBPP, xCodeEval and MATH with GPT-3.5 and GPT-4. Moreover, our method
demonstrates superiority on smaller models: With FunCoder, StableCode-3b
surpasses GPT-3.5 by +18.6% and achieves 97.7% of GPT-4's performance on
HumanEval. Further analysis reveals that our proposed dynamic function
decomposition is capable of handling complex requirements, and the functional
consensus prevails over self-testing in correctness evaluation. | cs.CL | Divide-and-Conquer Meets Consensus: Unleashing the Power of Functions in Code Generation |
2024-05-30T14:25:56Z | http://arxiv.org/pdf/2405.20089v1 | http://arxiv.org/abs/2405.20089v1 | David Stap, Eva Hasler, Bill Byrne, Christof Monz, Ke Tran | 2024-05-30T14:25:56Z | cs.CL | Fine-tuning large language models (LLMs) for machine translation has shown
improvements in overall translation quality. However, it is unclear what is the
impact of fine-tuning on desirable LLM behaviors that are not present in neural
machine translation models, such as steerability, inherent document-level
translation abilities, and the ability to produce less literal translations. We
perform an extensive translation evaluation on the LLaMA and Falcon family of
models with model size ranging from 7 billion up to 65 billion parameters. Our
results show that while fine-tuning improves the general translation quality of
LLMs, several abilities degrade. In particular, we observe a decline in the
ability to perform formality steering, to produce technical translations
through few-shot examples, and to perform document-level translation. On the
other hand, we observe that the model produces less literal translations after
fine-tuning on parallel data. We show that by including monolingual data as
part of the fine-tuning data we can maintain the abilities while simultaneously
enhancing overall translation quality. Our findings emphasize the need for
fine-tuning strategies that preserve the benefits of LLMs for machine
translation. | cs.CL | The Fine-Tuning Paradox: Boosting Translation Quality Without Sacrificing LLM Abilities |
2024-05-30T14:09:43Z | http://arxiv.org/pdf/2405.20079v1 | http://arxiv.org/abs/2405.20079v1 | Elena Grazia Gado, Tommaso Martorella, Luca Zunino, Paola Mejia-Domenzain, Vinitra Swamy, Jibril Frej, Tanja Käser | 2024-05-30T14:09:43Z | cs.CL, cs.CY, cs.LG | Intelligent Tutoring Systems (ITS) enhance personalized learning by
predicting student answers to provide immediate and customized instruction.
However, recent research has primarily focused on the correctness of the answer
rather than the student's performance on specific answer choices, limiting
insights into students' thought processes and potential misconceptions. To
address this gap, we present MCQStudentBert, an answer forecasting model that
leverages the capabilities of Large Language Models (LLMs) to integrate
contextual understanding of students' answering history along with the text of
the questions and answers. By predicting the specific answer choices students
are likely to make, practitioners can easily extend the model to new answer
choices or remove answer choices for the same multiple-choice question (MCQ)
without retraining the model. In particular, we compare MLP, LSTM, BERT, and
Mistral 7B architectures to generate embeddings from students' past
interactions, which are then incorporated into a finetuned BERT's
answer-forecasting mechanism. We apply our pipeline to a dataset of language
learning MCQ, gathered from an ITS with over 10,000 students to explore the
predictive accuracy of MCQStudentBert, which incorporates student interaction
patterns, in comparison to correct answer prediction and traditional
mastery-learning feature-based approaches. This work opens the door to more
personalized content, modularization, and granular support. | cs.CL | Student Answer Forecasting: Transformer-Driven Answer Choice Prediction for Language Learning |
2024-05-30T13:38:52Z | http://arxiv.org/pdf/2405.20053v1 | http://arxiv.org/abs/2405.20053v1 | Avelina Asada Hadji-Kyriacou, Ognjen Arandjelovic | 2024-05-30T13:38:52Z | cs.CL, cs.AI, cs.LG | Pre-trained Language Models (LMs) exhibit strong zero-shot and in-context
learning capabilities; however, their behaviors are often difficult to control.
By utilizing Reinforcement Learning from Human Feedback (RLHF), it is possible
to fine-tune unsupervised LMs to follow instructions and produce outputs that
reflect human preferences. Despite its benefits, RLHF has been shown to
potentially harm a language model's reasoning capabilities and introduce
artifacts such as hallucinations where the model may fabricate facts. To
address this issue we introduce Direct Preference Heads (DPH), a fine-tuning
framework that enables LMs to learn human preference signals through an
auxiliary reward head without directly affecting the output distribution of the
language modeling head. We perform a theoretical analysis of our objective
function and find strong ties to Conservative Direct Preference Optimization
(cDPO). Finally we evaluate our models on GLUE, RACE, and the GPT4All
evaluation suite and demonstrate that our method produces models which achieve
higher scores than those fine-tuned with Supervised Fine-Tuning (SFT) or Direct
Preference Optimization (DPO) alone. | cs.CL | Would I Lie To You? Inference Time Alignment of Language Models using Direct Preference Heads |
2024-05-30T13:07:54Z | http://arxiv.org/pdf/2405.20787v1 | http://arxiv.org/abs/2405.20787v1 | Yang Zhou, Shimin Shan, Hongkui Wei, Zhehuan Zhao, Wenshuo Feng | 2024-05-30T13:07:54Z | cs.CL | Relation Extraction (RE) aims at recognizing the relation between pairs of
entities mentioned in a text. Advances in LLMs have had a tremendous impact on
NLP. In this work, we propose a textual data augmentation framework called PGA
for improving the performance of models for RE in the scientific domain. The
framework introduces two ways of data augmentation, utilizing a LLM to obtain
pseudo-samples with the same sentence meaning but with different
representations and forms by paraphrasing the original training set samples. As
well as instructing LLM to generate sentences that implicitly contain
information about the corresponding labels based on the relation and entity of
the original training set samples. These two kinds of pseudo-samples
participate in the training of the RE model together with the original dataset,
respectively. The PGA framework in the experiment improves the F1 scores of the
three mainstream models for RE within the scientific domain. Also, using a LLM
to obtain samples can effectively reduce the cost of manually labeling data. | cs.CL | PGA-SciRE: Harnessing LLM on Data Augmentation for Enhancing Scientific Relation Extraction |
2024-05-30T12:57:35Z | http://arxiv.org/pdf/2405.20018v1 | http://arxiv.org/abs/2405.20018v1 | Ziyan Wang, Meng Fang, Tristan Tomilin, Fei Fang, Yali Du | 2024-05-30T12:57:35Z | cs.MA, cs.CL, cs.LG | The role of natural language constraints in Safe Multi-agent Reinforcement
Learning (MARL) is crucial, yet often overlooked. While Safe MARL has vast
potential, especially in fields like robotics and autonomous vehicles, its full
potential is limited by the need to define constraints in pre-designed
mathematical terms, which requires extensive domain expertise and reinforcement
learning knowledge, hindering its broader adoption. To address this limitation
and make Safe MARL more accessible and adaptable, we propose a novel approach
named Safe Multi-agent Reinforcement Learning with Natural Language constraints
(SMALL). Our method leverages fine-tuned language models to interpret and
process free-form textual constraints, converting them into semantic embeddings
that capture the essence of prohibited states and behaviours. These embeddings
are then integrated into the multi-agent policy learning process, enabling
agents to learn policies that minimize constraint violations while optimizing
rewards. To evaluate the effectiveness of SMALL, we introduce the LaMaSafe, a
multi-task benchmark designed to assess the performance of multiple agents in
adhering to natural language constraints. Empirical evaluations across various
environments demonstrate that SMALL achieves comparable rewards and
significantly fewer constraint violations, highlighting its effectiveness in
understanding and enforcing natural language constraints. | cs.MA | Safe Multi-agent Reinforcement Learning with Natural Language Constraints |
2024-05-30T12:50:32Z | http://arxiv.org/pdf/2405.20015v1 | http://arxiv.org/abs/2405.20015v1 | Zhenxing Niu, Yuyao Sun, Haodong Ren, Haoxuan Ji, Quan Wang, Xiaoke Ma, Gang Hua, Rong Jin | 2024-05-30T12:50:32Z | cs.AI, cs.CL | This paper focuses on jailbreaking attacks against large language models
(LLMs), eliciting them to generate objectionable content in response to harmful
user queries. Unlike previous LLM-jailbreaks that directly orient to LLMs, our
approach begins by constructing a multimodal large language model (MLLM)
through the incorporation of a visual module into the target LLM. Subsequently,
we conduct an efficient MLLM-jailbreak to generate jailbreaking embeddings
embJS. Finally, we convert the embJS into text space to facilitate the
jailbreaking of the target LLM. Compared to direct LLM-jailbreaking, our
approach is more efficient, as MLLMs are more vulnerable to jailbreaking than
pure LLM. Additionally, to improve the attack success rate (ASR) of
jailbreaking, we propose an image-text semantic matching scheme to identify a
suitable initial input. Extensive experiments demonstrate that our approach
surpasses current state-of-the-art methods in terms of both efficiency and
effectiveness. Moreover, our approach exhibits superior cross-class
jailbreaking capabilities. | cs.AI | Efficient LLM-Jailbreaking by Introducing Visual Modality |
2024-05-30T12:42:05Z | http://arxiv.org/pdf/2405.20003v1 | http://arxiv.org/abs/2405.20003v1 | Alexander Nikitin, Jannik Kossen, Yarin Gal, Pekka Marttinen | 2024-05-30T12:42:05Z | cs.LG, cs.AI, cs.CL | Uncertainty quantification in Large Language Models (LLMs) is crucial for
applications where safety and reliability are important. In particular,
uncertainty can be used to improve the trustworthiness of LLMs by detecting
factually incorrect model responses, commonly called hallucinations.
Critically, one should seek to capture the model's semantic uncertainty, i.e.,
the uncertainty over the meanings of LLM outputs, rather than uncertainty over
lexical or syntactic variations that do not affect answer correctness. To
address this problem, we propose Kernel Language Entropy (KLE), a novel method
for uncertainty estimation in white- and black-box LLMs. KLE defines positive
semidefinite unit trace kernels to encode the semantic similarities of LLM
outputs and quantifies uncertainty using the von Neumann entropy. It considers
pairwise semantic dependencies between answers (or semantic clusters),
providing more fine-grained uncertainty estimates than previous methods based
on hard clustering of answers. We theoretically prove that KLE generalizes the
previous state-of-the-art method called semantic entropy and empirically
demonstrate that it improves uncertainty quantification performance across
multiple natural language generation datasets and LLM architectures. | cs.LG | Kernel Language Entropy: Fine-grained Uncertainty Quantification for LLMs from Semantic Similarities |
2024-05-30T12:18:06Z | http://arxiv.org/pdf/2405.19988v1 | http://arxiv.org/abs/2405.19988v1 | Minttu Alakuijala, Reginald McLean, Isaac Woungang, Nariman Farsad, Samuel Kaski, Pekka Marttinen, Kai Yuan | 2024-05-30T12:18:06Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | Natural language is often the easiest and most convenient modality for humans
to specify tasks for robots. However, learning to ground language to behavior
typically requires impractical amounts of diverse, language-annotated
demonstrations collected on each target robot. In this work, we aim to separate
the problem of what to accomplish from how to accomplish it, as the former can
benefit from substantial amounts of external observation-only data, and only
the latter depends on a specific robot embodiment. To this end, we propose
Video-Language Critic, a reward model that can be trained on readily available
cross-embodiment data using contrastive learning and a temporal ranking
objective, and use it to score behavior traces from a separate reinforcement
learning actor. When trained on Open X-Embodiment data, our reward model
enables 2x more sample-efficient policy training on Meta-World tasks than a
sparse reward only, despite a significant domain gap. Using in-domain data but
in a challenging task generalization setting on Meta-World, we further
demonstrate more sample-efficient training than is possible with prior
language-conditioned reward models that are either trained with binary
classification, use static images, or do not leverage the temporal information
present in video data. | cs.RO | Video-Language Critic: Transferable Reward Functions for Language-Conditioned Robotics |
2024-05-30T11:46:42Z | http://arxiv.org/pdf/2405.19967v2 | http://arxiv.org/abs/2405.19967v2 | Hossam M. Zawbaa, Wael Rashwan, Sourav Dutta, Haytham Assem | 2024-05-31T08:54:24Z | cs.CL, cs.AI, cs.LG | Detecting out-of-scope user utterances is essential for task-oriented
dialogues and intent classification. Current methodologies face difficulties
with the unpredictable distribution of outliers and often rely on assumptions
about data distributions. We present the Dual Encoder for Threshold-Based
Re-Classification (DETER) to address these challenges. This end-to-end
framework efficiently detects out-of-scope intents without requiring
assumptions on data distributions or additional post-processing steps. The core
of DETER utilizes dual text encoders, the Universal Sentence Encoder (USE) and
the Transformer-based Denoising AutoEncoder (TSDAE), to generate user utterance
embeddings, which are classified through a branched neural architecture.
Further, DETER generates synthetic outliers using self-supervision and
incorporates out-of-scope phrases from open-domain datasets. This approach
ensures a comprehensive training set for out-of-scope detection. Additionally,
a threshold-based re-classification mechanism refines the model's initial
predictions. Evaluations on the CLINC-150, Stackoverflow, and Banking77
datasets demonstrate DETER's efficacy. Our model outperforms previous
benchmarks, increasing up to 13% and 5% in F1 score for known and unknown
intents on CLINC-150 and Stackoverflow, and 16% for known and 24% % for unknown
intents on Banking77. The source code has been released at
https://github.com/Hossam-Mohammed-tech/Intent_Classification_OOS. | cs.CL | Improved Out-of-Scope Intent Classification with Dual Encoding and Threshold-based Re-Classification |
2024-05-30T11:25:42Z | http://arxiv.org/pdf/2405.19958v1 | http://arxiv.org/abs/2405.19958v1 | Yi Liu, Xiangyu Liu, Xiangrong Zhu, Wei Hu | 2024-05-30T11:25:42Z | cs.CL, cs.AI | Multi-aspect controllable text generation aims to control the generated texts
in attributes from multiple aspects (e.g., "positive" from sentiment and
"sport" from topic). For ease of obtaining training samples, existing works
neglect attribute correlations formed by the intertwining of different
attributes. Particularly, the stereotype formed by imbalanced attribute
correlations significantly affects multi-aspect control. In this paper, we
propose MAGIC, a new multi-aspect controllable text generation method with
disentangled counterfactual augmentation. We alleviate the issue of imbalanced
attribute correlations during training using counterfactual feature vectors in
the attribute latent space by disentanglement. During inference, we enhance
attribute correlations by target-guided counterfactual augmentation to further
improve multi-aspect control. Experiments show that MAGIC outperforms
state-of-the-art baselines in both imbalanced and balanced attribute
correlation scenarios. Our source code and data are available at
https://github.com/nju-websoft/MAGIC. | cs.CL | Multi-Aspect Controllable Text Generation with Disentangled Counterfactual Augmentation |
2024-05-30T11:18:52Z | http://arxiv.org/pdf/2405.19954v1 | http://arxiv.org/abs/2405.19954v1 | Ehud Malul, Yair Meidan, Dudu Mimran, Yuval Elovici, Asaf Shabtai | 2024-05-30T11:18:52Z | cs.CR, cs.CL, cs.DC, cs.LG | A key challenge associated with Kubernetes configuration files (KCFs) is that
they are often highly complex and error-prone, leading to security
vulnerabilities and operational setbacks. Rule-based (RB) tools for KCF
misconfiguration detection rely on static rule sets, making them inherently
limited and unable to detect newly-discovered misconfigurations. RB tools also
suffer from misdetection, since mistakes are likely when coding the detection
rules. Recent methods for detecting and remediating KCF misconfigurations are
limited in terms of their scalability and detection coverage, or due to the
fact that they have high expertise requirements and do not offer automated
remediation along with misconfiguration detection. Novel approaches that employ
LLMs in their pipeline rely on API-based, general-purpose, and mainly
commercial models. Thus, they pose security challenges, have inconsistent
classification performance, and can be costly. In this paper, we propose
GenKubeSec, a comprehensive and adaptive, LLM-based method, which, in addition
to detecting a wide variety of KCF misconfigurations, also identifies the exact
location of the misconfigurations and provides detailed reasoning about them,
along with suggested remediation. When empirically compared with three
industry-standard RB tools, GenKubeSec achieved equivalent precision (0.990)
and superior recall (0.999). When a random sample of KCFs was examined by a
Kubernetes security expert, GenKubeSec's explanations as to misconfiguration
localization, reasoning and remediation were 100% correct, informative and
useful. To facilitate further advancements in this domain, we share the unique
dataset we collected, a unified misconfiguration index we developed for label
standardization, our experimentation code, and GenKubeSec itself as an
open-source tool. | cs.CR | GenKubeSec: LLM-Based Kubernetes Misconfiguration Detection, Localization, Reasoning, and Remediation |
2024-05-30T11:13:57Z | http://arxiv.org/pdf/2406.15443v1 | http://arxiv.org/abs/2406.15443v1 | Jake Vasilakes, Zhixue Zhao, Ivan Vykopal, Michal Gregor, Martin Hyben, Carolina Scarton | 2024-05-30T11:13:57Z | cs.CL, cs.AI | Addressing online disinformation requires analysing narratives across
languages to help fact-checkers and journalists sift through large amounts of
data. The ExU project focuses on developing AI-based models for multilingual
disinformation analysis, addressing the tasks of rumour stance classification
and claim retrieval. We describe the ExU project proposal and summarise the
results of a user requirements survey regarding the design of tools to support
fact-checking. | cs.CL | ExU: AI Models for Examining Multilingual Disinformation Narratives and Understanding their Spread |
2024-05-30T09:50:38Z | http://arxiv.org/pdf/2405.19893v1 | http://arxiv.org/abs/2405.19893v1 | Chunjing Gan, Dan Yang, Binbin Hu, Hanxiao Zhang, Siyuan Li, Ziqi Liu, Yue Shen, Lin Ju, Zhiqiang Zhang, Jinjie Gu, Lei Liang, Jun Zhou | 2024-05-30T09:50:38Z | cs.LG, cs.AI, cs.CL | In recent years, large language models (LLMs) have made remarkable
achievements in various domains. However, the untimeliness and cost of
knowledge updates coupled with hallucination issues of LLMs have curtailed
their applications in knowledge intensive tasks, where retrieval augmented
generation (RAG) can be of help. Nevertheless, existing retrieval augmented
models typically use similarity as a bridge between queries and documents and
follow a retrieve then read procedure. In this work, we argue that similarity
is not always the panacea and totally relying on similarity would sometimes
degrade the performance of retrieval augmented generation. To this end, we
propose MetRag, a Multi layEred Thoughts enhanced Retrieval Augmented
Generation framework. To begin with, beyond existing similarity oriented
thought, we embrace a small scale utility model that draws supervision from an
LLM for utility oriented thought and further come up with a smarter model by
comprehensively combining the similarity and utility oriented thoughts.
Furthermore, given the fact that the retrieved document set tends to be huge
and using them in isolation makes it difficult to capture the commonalities and
characteristics among them, we propose to make an LLM as a task adaptive
summarizer to endow retrieval augmented generation with compactness-oriented
thought. Finally, with multi layered thoughts from the precedent stages, an LLM
is called for knowledge augmented generation. Extensive experiments on
knowledge-intensive tasks have demonstrated the superiority of MetRag. | cs.LG | Similarity is Not All You Need: Endowing Retrieval Augmented Generation with Multi Layered Thoughts |
2024-05-30T09:42:54Z | http://arxiv.org/pdf/2405.19883v1 | http://arxiv.org/abs/2405.19883v1 | Jianliang He, Siyu Chen, Fengzhuo Zhang, Zhuoran Yang | 2024-05-30T09:42:54Z | cs.LG, cs.AI, cs.CL | In this work, from a theoretical lens, we aim to understand why large
language model (LLM) empowered agents are able to solve decision-making
problems in the physical world. To this end, consider a hierarchical
reinforcement learning (RL) model where the LLM Planner and the Actor perform
high-level task planning and low-level execution, respectively. Under this
model, the LLM Planner navigates a partially observable Markov decision process
(POMDP) by iteratively generating language-based subgoals via prompting. Under
proper assumptions on the pretraining data, we prove that the pretrained LLM
Planner effectively performs Bayesian aggregated imitation learning (BAIL)
through in-context learning. Additionally, we highlight the necessity for
exploration beyond the subgoals derived from BAIL by proving that naively
executing the subgoals returned by LLM leads to a linear regret. As a remedy,
we introduce an $\epsilon$-greedy exploration strategy to BAIL, which is proven
to incur sublinear regret when the pretraining error is small. Finally, we
extend our theoretical framework to include scenarios where the LLM Planner
serves as a world model for inferring the transition model of the environment
and to multi-agent settings, enabling coordination among multiple Actors. | cs.LG | From Words to Actions: Unveiling the Theoretical Underpinnings of LLM-Driven Autonomous Systems |
2024-05-30T09:32:14Z | http://arxiv.org/pdf/2405.19877v1 | http://arxiv.org/abs/2405.19877v1 | Arto Bendiken | 2024-05-30T09:32:14Z | cs.AI, cs.CL, I.2.4; I.2.7 | We present KNOW--the Knowledge Navigator Ontology for the World--the first
ontology designed to capture everyday knowledge to augment large language
models (LLMs) in real-world generative AI use cases such as personal AI
assistants. Our domain is human life, both its everyday concerns and its major
milestones. We have limited the initial scope of the modeled concepts to only
established human universals: spacetime (places, events) plus social (people,
groups, organizations). The inclusion criteria for modeled concepts are
pragmatic, beginning with universality and utility. We compare and contrast
previous work such as Schema.org and Cyc--as well as attempts at a synthesis of
knowledge graphs and language models--noting how LLMs already encode internally
much of the commonsense tacit knowledge that took decades to capture in the Cyc
project. We also make available code-generated software libraries for the 12
most popular programming languages, enabling the direct use of ontology
concepts in software engineering. We emphasize simplicity and developer
experience in promoting AI interoperability. | cs.AI | KNOW: A Real-World Ontology for Knowledge Capture with Large Language Models |
2024-05-30T09:28:56Z | http://arxiv.org/pdf/2405.19874v1 | http://arxiv.org/abs/2405.19874v1 | Hao Zhao, Maksym Andriushchenko, Francesco Croce, Nicolas Flammarion | 2024-05-30T09:28:56Z | cs.CL, cs.AI, cs.LG | In-context learning (ICL) allows LLMs to learn from examples without changing
their weights, which is a particularly promising capability for long-context
LLMs that can potentially learn from many examples. Recently, Lin et al. (2024)
proposed URIAL, a method using only three in-context examples to align base
LLMs, achieving non-trivial instruction following performance. In this work, we
show that, while effective, ICL alignment with URIAL still underperforms
compared to instruction fine-tuning on established benchmarks such as MT-Bench
and AlpacaEval 2.0 (LC), especially with more capable base LMs. Unlike for
tasks such as classification, translation, or summarization, adding more ICL
demonstrations for long-context LLMs does not systematically improve
instruction following performance. To address this limitation, we derive a
greedy selection approach for ICL examples that noticeably improves
performance, yet without bridging the gap to instruction fine-tuning. Finally,
we provide a series of ablation studies to better understand the reasons behind
the remaining gap, and we show how some aspects of ICL depart from the existing
knowledge and are specific to the instruction tuning setting. Overall, our work
advances the understanding of ICL as an alignment technique. We provide our
code at https://github.com/tml-epfl/icl-alignment. | cs.CL | Is In-Context Learning Sufficient for Instruction Following in LLMs? |
2024-05-30T09:03:42Z | http://arxiv.org/pdf/2405.19856v1 | http://arxiv.org/abs/2405.19856v1 | Jia Li, Ge Li, Yunfei Zhao, Yongmin Li, Huanyu Liu, Hao Zhu, Lecheng Wang, Kaibo Liu, Zheng Fang, Lanshen Wang, Jiazheng Ding, Xuanming Zhang, Yuqi Zhu, Yihong Dong, Zhi Jin, Binhua Li, Fei Huang, Yongbin Li | 2024-05-30T09:03:42Z | cs.CL, cs.SE | How to evaluate the coding abilities of Large Language Models (LLMs) remains
an open question. We find that existing benchmarks are poorly aligned with
real-world code repositories and are insufficient to evaluate the coding
abilities of LLMs.
To address the knowledge gap, we propose a new benchmark named DevEval, which
has three advances. (1) DevEval aligns with real-world repositories in multiple
dimensions, e.g., code distributions and dependency distributions. (2) DevEval
is annotated by 13 developers and contains comprehensive annotations (e.g.,
requirements, original repositories, reference code, and reference
dependencies). (3) DevEval comprises 1,874 testing samples from 117
repositories, covering 10 popular domains (e.g., Internet, Database). Based on
DevEval, we propose repository-level code generation and evaluate 8 popular
LLMs on DevEval (e.g., gpt-4, gpt-3.5, StarCoder 2, DeepSeek Coder, CodeLLaMa).
Our experiments reveal these LLMs' coding abilities in real-world code
repositories. For example, in our experiments, the highest Pass@1 of
gpt-4-turbo is only 53.04%. We also analyze LLMs' failed cases and summarize
their shortcomings. We hope DevEval can facilitate the development of LLMs in
real code repositories. DevEval, prompts, and LLMs' predictions have been
released. | cs.CL | DevEval: A Manually-Annotated Code Generation Benchmark Aligned with Real-World Code Repositories |
2024-05-30T08:50:55Z | http://arxiv.org/pdf/2405.19846v2 | http://arxiv.org/abs/2405.19846v2 | Chaochen Gao, Xing Wu, Qi Fu, Songlin Hu | 2024-06-20T02:26:48Z | cs.CL, cs.AI | Large language models, initially pre-trained with a limited context length,
can better handle longer texts by continuing training on a corpus with extended
contexts. However, obtaining effective long-context data is challenging due to
the scarcity and uneven distribution of long documents across different
domains. To address this issue, we propose a Query-centric data synthesis
method, abbreviated as Quest. Quest is an interpretable method based on the
observation that documents retrieved by similar queries are relevant but
low-redundant, thus well-suited for synthesizing long-context data. The method
is also scalable and capable of constructing large amounts of long-context
data. Using Quest, we synthesize a long-context dataset up to 128k context
length, significantly outperforming other data synthesis methods on multiple
long-context benchmark datasets. In addition, we further verify that the Quest
method is predictable through scaling law experiments, making it a reliable
solution for advancing long-context models. | cs.CL | Quest: Query-centric Data Synthesis Approach for Long-context Scaling of Large Language Model |
2024-05-30T08:49:34Z | http://arxiv.org/pdf/2405.19842v1 | http://arxiv.org/abs/2405.19842v1 | Chengwei Dai, Kun Li, Wei Zhou, Songlin Hu | 2024-05-30T08:49:34Z | cs.CL, cs.AI | Large language models (LLMs) exhibit enhanced reasoning at larger scales,
driving efforts to distill these capabilities into smaller models via
teacher-student learning. Previous works simply fine-tune student models on
teachers' generated Chain-of-Thoughts (CoTs) data. Although these methods
enhance in-domain (IND) reasoning performance, they struggle to generalize to
out-of-domain (OOD) tasks. We believe that the widespread spurious correlations
between questions and answers may lead the model to preset a specific answer
which restricts the diversity and generalizability of its reasoning process. In
this paper, we propose Cascading Decomposed CoTs Distillation (CasCoD) to
address these issues by decomposing the traditional single-step learning
process into two cascaded learning steps. Specifically, by restructuring the
training objectives -- removing the answer from outputs and concatenating the
question with the rationale as input -- CasCoD's two-step learning process
ensures that students focus on learning rationales without interference from
the preset answers, thus improving reasoning generalizability. Extensive
experiments demonstrate the effectiveness of CasCoD on both IND and OOD
benchmark reasoning datasets. Code can be found at
https://github.com/C-W-D/CasCoD. | cs.CL | Improve Student's Reasoning Generalizability through Cascading Decomposed CoTs Distillation |
2024-05-30T08:41:33Z | http://arxiv.org/pdf/2405.19831v2 | http://arxiv.org/abs/2405.19831v2 | Stephen Meisenbacher, Florian Matthes | 2024-05-31T07:24:55Z | cs.CL | The study of Differential Privacy (DP) in Natural Language Processing often
views the task of text privatization as a $\textit{rewriting}$ task, in which
sensitive input texts are rewritten to hide explicit or implicit private
information. In order to evaluate the privacy-preserving capabilities of a DP
text rewriting mechanism, $\textit{empirical privacy}$ tests are frequently
employed. In these tests, an adversary is modeled, who aims to infer sensitive
information (e.g., gender) about the author behind a (privatized) text. Looking
to improve the empirical protections provided by DP rewriting methods, we
propose a simple post-processing method based on the goal of aligning rewritten
texts with their original counterparts, where DP rewritten texts are rewritten
$\textit{again}$. Our results show that such an approach not only produces
outputs that are more semantically reminiscent of the original inputs, but also
texts which score on average better in empirical privacy evaluations.
Therefore, our approach raises the bar for DP rewriting methods in their
empirical privacy evaluations, providing an extra layer of protection against
malicious adversaries. | cs.CL | Just Rewrite It Again: A Post-Processing Method for Enhanced Semantic Similarity and Privacy Preservation of Differentially Private Rewritten Text |
2024-05-30T08:10:50Z | http://arxiv.org/pdf/2405.19799v2 | http://arxiv.org/abs/2405.19799v2 | Jiahui Xu, Feng Jiang, Anningzhe Gao, Haizhou Li | 2024-06-03T08:13:10Z | cs.CL | The advancement of large language models (LLMs) has propelled the development
of dialogue systems. Unlike the popular ChatGPT-like assistant model, which
only satisfies the user's preferences, task-oriented dialogue systems have also
faced new requirements and challenges in the broader business field. They are
expected to provide correct responses at each dialogue turn, at the same time,
achieve the overall goal defined by the task. By understanding rhetorical
structures and topic structures via topic segmentation and discourse parsing, a
dialogue system may do a better planning to achieve both objectives. However,
while both structures belong to discourse structure in linguistics, rhetorical
structure and topic structure are mostly modeled separately or with one
assisting the other in the prior work. The interaction between these two
structures has not been considered for joint modeling and mutual learning.
Furthermore, unsupervised learning techniques to achieve the above are not well
explored. To fill this gap, we propose an unsupervised mutual learning
framework of two structures leveraging the global and local connections between
them. We extend the topic modeling between non-adjacent discourse units to
ensure global structural relevance with rhetorical structures. We also
incorporate rhetorical structures into the topic structure through a graph
neural network model to ensure local coherence consistency. Finally, we utilize
the similarity between the two fused structures for mutual learning. The
experimental results demonstrate that our methods outperform all strong
baselines on two dialogue rhetorical datasets (STAC and Molweni), as well as
dialogue topic datasets (Doc2Dial and TIAGE). We provide our code at
https://github.com/Jeff-Sue/URT. | cs.CL | Unsupervised Mutual Learning of Dialogue Discourse Parsing and Topic Segmentation |
2024-05-30T08:03:15Z | http://arxiv.org/pdf/2405.19795v1 | http://arxiv.org/abs/2405.19795v1 | Ohjoon Kwon, Donghyeon Jeon, Nayoung Choi, Gyu-Hwung Cho, Changbong Kim, Hyunwoo Lee, Inho Kang, Sun Kim, Taiwoo Park | 2024-05-30T08:03:15Z | cs.CL, cs.AI | Most prior safety research of large language models (LLMs) has focused on
enhancing the alignment of LLMs to better suit the safety requirements of
humans. However, internalizing such safeguard features into larger models
brought challenges of higher training cost and unintended degradation of
helpfulness. To overcome such challenges, a modular approach employing a
smaller LLM to detect harmful user queries is regarded as a convenient solution
in designing LLM-based system with safety requirements.
In this paper, we leverage a smaller LLM for both harmful query detection and
safeguard response generation. We introduce our safety requirements and the
taxonomy of harmfulness categories, and then propose a multi-task learning
mechanism fusing the two tasks into a single model. We demonstrate the
effectiveness of our approach, providing on par or surpassing harmful query
detection and safeguard response performance compared to the publicly available
LLMs. | cs.CL | SLM as Guardian: Pioneering AI Safety with Small Language Models |
2024-05-30T08:01:20Z | http://arxiv.org/pdf/2405.19793v1 | http://arxiv.org/abs/2405.19793v1 | Li Zhang, Peter Jansen, Tianyi Zhang, Peter Clark, Chris Callison-Burch, Niket Tandon | 2024-05-30T08:01:20Z | cs.CL | Planning in textual environments have been shown to be a long-standing
challenge even for current models. A recent, promising line of work uses LLMs
to generate a formal representation of the environment that can be solved by a
symbolic planner. However, existing methods rely on a fully-observed
environment where all entity states are initially known, so a one-off
representation can be constructed, leading to a complete plan. In contrast, we
tackle partially-observed environments where there is initially no sufficient
information to plan for the end-goal. We propose PDDLEGO that iteratively
construct a planning representation that can lead to a partial plan for a given
sub-goal. By accomplishing the sub-goal, more information is acquired to
augment the representation, eventually achieving the end-goal. We show that
plans produced by few-shot PDDLEGO are 43% more efficient than generating plans
end-to-end on the Coin Collector simulation, with strong performance (98%) on
the more complex Cooking World simulation where end-to-end LLMs fail to
generate coherent plans (4%). | cs.CL | PDDLEGO: Iterative Planning in Textual Environments |
2024-05-30T07:54:07Z | http://arxiv.org/pdf/2405.19787v2 | http://arxiv.org/abs/2405.19787v2 | Dylan Zhang, Justin Wang, Francois Charton | 2024-05-31T01:23:41Z | cs.CL, cs.AI, cs.LG, cs.LO, cs.PL | Instruction tuning -- tuning large language models on instruction-output
pairs -- is a promising technique for making models better adapted to the real
world. Yet, the key factors driving the model's capability to understand and
follow instructions not seen during training remain under-explored. Our
investigation begins with a series of synthetic experiments within the
theoretical framework of a Turing-complete algorithm called Markov algorithm,
which allows fine-grained control over the instruction-tuning data.
Generalization and robustness with respect to the training distribution emerge
once a diverse enough set of tasks is provided, even though very few examples
are provided for each task. We extend these initial results to a real-world
application scenario of code generation and find that a more diverse
instruction set, extending beyond code-related tasks, improves the performance
of code generation. Our observations suggest that a more diverse semantic space
for instruction-tuning sets greatly improves the model's ability to follow
instructions and perform tasks. | cs.CL | From Symbolic Tasks to Code Generation: Diversification Yields Better Task Performers |
2024-05-30T07:48:00Z | http://arxiv.org/pdf/2405.19782v1 | http://arxiv.org/abs/2405.19782v1 | Wei Cheng, Yuhan Wu, Wei Hu | 2024-05-30T07:48:00Z | cs.SE, cs.CL | Recent years have witnessed the deployment of code language models (LMs) in
various code intelligence tasks such as code completion. Yet, it is challenging
for pre-trained LMs to generate correct completions in private repositories.
Previous studies retrieve cross-file context based on import relations or text
similarity, which is insufficiently relevant to completion targets. In this
paper, we propose a dataflow-guided retrieval augmentation approach, called
DraCo, for repository-level code completion. DraCo parses a private repository
into code entities and establishes their relations through an extended dataflow
analysis, forming a repo-specific context graph. Whenever triggering code
completion, DraCo precisely retrieves relevant background knowledge from the
repo-specific context graph and generates well-formed prompts to query code
LMs. Furthermore, we construct a large Python dataset, ReccEval, with more
diverse completion targets. Our experiments demonstrate the superior accuracy
and applicable efficiency of DraCo, improving code exact match by 3.43% and
identifier F1-score by 3.27% on average compared to the state-of-the-art
approach. | cs.SE | Dataflow-Guided Retrieval Augmentation for Repository-Level Code Completion |
2024-05-30T07:44:16Z | http://arxiv.org/pdf/2405.19778v3 | http://arxiv.org/abs/2405.19778v3 | Jeiyoon Park, Chanjun Park, Heuiseok Lim | 2024-06-05T02:57:20Z | cs.CL, cs.AI | With the recent introduction of Assistants API, it is expected that
document-based language models will be actively used in various domains,
especially Role-playing. However, a key challenge lies in utilizing
protagonist's persona: Assistants API often fails to achieve with its search
because the information extraction part is different each time and it often
omits important information such as protagonist's backstory or relationships.
It is hard to maintain a consistent persona simply by using the persona
document as input to the Assistants API. To address the challenge of achieving
stable persona consistency, we propose CharacterGPT, a novel persona
reconstruction framework to alleviate the shortcomings of the Assistants API.
Our method involves Character Persona Training (CPT), an effective persona
rebuilding process that updates the character persona by extracting the
character's traits from given summary of the novel for each character as if the
story in a novel progresses. In our experiments, we ask each character to take
the Big Five Inventory personality test in various settings and analyze the
results. To assess whether it can think outside the box, we let each character
generate short novels. Extensive experiments and human evaluation demonstrate
that CharacterGPT presents new possibilities for role-playing agent research.
Code and results are available at: https://github.com/Jeiyoon/charactergpt | cs.CL | Enhancing Consistency and Role-Specific Knowledge Capturing by Rebuilding Fictional Character's Persona |
2024-05-30T07:19:31Z | http://arxiv.org/pdf/2405.19763v1 | http://arxiv.org/abs/2405.19763v1 | Kuo Liao, Shuang Li, Meng Zhao, Liqun Liu, Mengge Xue, Zhenyu Hu, Honglin Han, Chengguo Yin | 2024-05-30T07:19:31Z | cs.CL | Recent strides in large language models (LLMs) have yielded remarkable
performance, leveraging reinforcement learning from human feedback (RLHF) to
significantly enhance generation and alignment capabilities. However, RLHF
encounters numerous challenges, including the objective mismatch issue, leading
to suboptimal performance in Natural Language Understanding (NLU) tasks. To
address this limitation, we propose a novel Reinforcement Learning framework
enhanced with Label-sensitive Reward (RLLR) to amplify the performance of LLMs
in NLU tasks. By incorporating label-sensitive pairs into reinforcement
learning, our method aims to adeptly capture nuanced label-sensitive semantic
features during RL, thereby enhancing natural language understanding.
Experiments conducted on five diverse foundation models across eight tasks
showcase promising results. In comparison to Supervised Fine-tuning models
(SFT), RLLR demonstrates an average performance improvement of 1.54%. Compared
with RLHF models, the improvement averages at 0.69%. These results reveal the
effectiveness of our method for LLMs in NLU tasks. Code and data available at:
https://github.com/MagiaSN/ACL2024_RLLR. | cs.CL | Enhancing Reinforcement Learning with Label-Sensitive Reward for Natural Language Understanding |
2024-05-30T06:45:23Z | http://arxiv.org/pdf/2405.19744v1 | http://arxiv.org/abs/2405.19744v1 | Chong Li, Wen Yang, Jiajun Zhang, Jinliang Lu, Shaonan Wang, Chengqing Zong | 2024-05-30T06:45:23Z | cs.CL, cs.AI | Large language models respond well in high-resource languages like English
but struggle in low-resource languages. It may arise from the lack of
high-quality instruction following data in these languages. Directly
translating English samples into these languages can be a solution but
unreliable, leading to responses with translation errors and lacking
language-specific or cultural knowledge. To address this issue, we propose a
novel method to construct cross-lingual instruction following samples with
instruction in English and response in low-resource languages. Specifically,
the language model first learns to generate appropriate English instructions
according to the natural web texts in other languages as responses. The
candidate cross-lingual instruction tuning samples are further refined and
diversified. We have employed this method to build a large-scale cross-lingual
instruction tuning dataset on 10 languages, namely X-Instruction. The
instruction data built using our method incorporate more language-specific
knowledge compared with the naive translation method. Experimental results have
shown that the response quality of the model tuned on X-Instruction greatly
exceeds the model distilled from a powerful teacher model, reaching or even
surpassing the ones of ChatGPT. In addition, we find that models tuned on
cross-lingual instruction following samples can follow the instruction in the
output language without further tuning. | cs.CL | X-Instruction: Aligning Language Model in Low-resource Languages with Self-curated Cross-lingual Instructions |
2024-05-30T06:38:32Z | http://arxiv.org/pdf/2405.19740v1 | http://arxiv.org/abs/2405.19740v1 | Jiatong Li, Renjun Hu, Kunzhe Huang, Yan Zhuang, Qi Liu, Mengxiao Zhu, Xing Shi, Wei Lin | 2024-05-30T06:38:32Z | cs.CL, cs.AI, cs.CY | Expert-designed close-ended benchmarks serve as vital tools in assessing the
knowledge capacity of large language models (LLMs). Despite their widespread
use, concerns have mounted regarding their reliability due to limited test
scenarios and an unavoidable risk of data contamination. To rectify this, we
present PertEval, a toolkit devised for in-depth probing of LLMs' knowledge
capacity through knowledge-invariant perturbations. These perturbations employ
human-like restatement techniques to generate on-the-fly test samples from
static benchmarks, meticulously retaining knowledge-critical content while
altering irrelevant details. Our toolkit further includes a suite of transition
analyses that compare performance on raw vs. perturbed test sets to precisely
assess LLMs' genuine knowledge capacity. Six state-of-the-art LLMs are
re-evaluated using PertEval. Results reveal significantly inflated performance
of the LLMs on raw benchmarks, including an absolute 21% overestimation for
GPT-4. Additionally, through a nuanced response pattern analysis, we discover
that PertEval retains LLMs' uncertainty to specious knowledge, potentially
being resolved through rote memorization and leading to inflated performance.
We also find that the detailed transition analyses by PertEval could illuminate
weaknesses in existing LLMs' knowledge mastery and guide the development of
refinement. Given these insights, we posit that PertEval can act as an
essential tool that, when applied alongside any close-ended benchmark, unveils
the true knowledge capacity of LLMs, marking a significant step toward more
trustworthy LLM evaluation. | cs.CL | PertEval: Unveiling Real Knowledge Capacity of LLMs with Knowledge-Invariant Perturbations |
2024-05-30T06:32:11Z | http://arxiv.org/pdf/2405.19737v1 | http://arxiv.org/abs/2405.19737v1 | Chengwei Dai, Kun Li, Wei Zhou, Songlin Hu | 2024-05-30T06:32:11Z | cs.CL, cs.AI | As Large Language Models (LLMs) scale up and gain powerful Chain-of-Thoughts
(CoTs) reasoning abilities, practical resource constraints drive efforts to
distill these capabilities into more compact Smaller Language Models (SLMs). We
find that CoTs consist mainly of simple reasoning forms, with a small
proportion ($\approx 4.7\%$) of key reasoning steps that truly impact
conclusions. However, previous distillation methods typically involve
supervised fine-tuning student SLMs only on correct CoTs data produced by
teacher LLMs, resulting in students struggling to learn the key reasoning
steps, instead imitating the teacher's reasoning forms and making errors or
omissions on these steps. To address these issues, drawing an analogy to human
learning, where analyzing mistakes according to correct solutions often reveals
the crucial steps leading to successes or failures, we propose
mistak\textbf{E}-\textbf{D}riven key reason\textbf{I}ng step
distilla\textbf{T}ion (\textbf{EDIT}), a novel method that further aids SLMs
learning key reasoning steps rather than mere simple fine-tuning. Firstly, to
expose these crucial steps in CoTs, we design specific prompts to generate dual
CoTs data with similar reasoning paths but divergent conclusions. Then, we
apply the minimum edit distance algorithm on the dual CoTs data to locate these
key steps and optimize the likelihood of these steps. Extensive experiments
validate the effectiveness of EDIT across both in-domain and out-of-domain
benchmark reasoning datasets. Further analysis shows that EDIT can generate
high-quality CoTs with more correct key reasoning steps. Notably, we also
explore how different mistake patterns affect performance and find that EDIT
benefits more from logical errors than from knowledge or mathematical
calculation errors in dual CoTs\footnote{Code can be found at
\url{https://github.com/C-W-D/EDIT}}. | cs.CL | Beyond Imitation: Learning Key Reasoning Steps from Dual Chain-of-Thoughts in Reasoning Distillation |
2024-05-30T06:24:14Z | http://arxiv.org/pdf/2405.19732v3 | http://arxiv.org/abs/2405.19732v3 | Zixian Guo, Ming Liu, Zhilong Ji, Jinfeng Bai, Yiwen Guo, Wangmeng Zuo | 2024-06-06T04:59:27Z | cs.CV, cs.CL, cs.LG | Learning a skill generally relies on both practical experience by doer and
insightful high-level guidance by instructor. Will this strategy also work well
for solving complex non-convex optimization problems? Here, a common
gradient-based optimizer acts like a disciplined doer, making locally optimal
update at each step. Recent methods utilize large language models (LLMs) to
optimize solutions for concrete problems by inferring from natural language
instructions, akin to a high-level instructor. In this paper, we show that
these two optimizers are complementary to each other, suggesting a
collaborative optimization approach. The gradient-based optimizer and LLM-based
optimizer are combined in an interleaved manner. We instruct LLMs using task
descriptions and timely optimization trajectories recorded during
gradient-based optimization. Inferred results from LLMs are used as restarting
points for the next stage of gradient optimization. By leveraging both the
locally rigorous gradient-based optimizer and the high-level deductive
LLM-based optimizer, our combined optimization method consistently yields
improvements over competitive baseline prompt tuning methods. Our results
demonstrate the synergistic effect of conventional gradient-based optimization
and the inference ability of LLMs. The code is released at
https://github.com/guozix/LLM-catalyst. | cs.CV | Two Optimizers Are Better Than One: LLM Catalyst Empowers Gradient-Based Optimization for Prompt Tuning |
2024-05-30T05:53:49Z | http://arxiv.org/pdf/2405.19716v1 | http://arxiv.org/abs/2405.19716v1 | Yihe Deng, Pan Lu, Fan Yin, Ziniu Hu, Sheng Shen, James Zou, Kai-Wei Chang, Wei Wang | 2024-05-30T05:53:49Z | cs.CV, cs.CL | Large vision language models (LVLMs) integrate large language models (LLMs)
with pre-trained vision encoders, thereby activating the perception capability
of the model to understand image inputs for different queries and conduct
subsequent reasoning. Improving this capability requires high-quality
vision-language data, which is costly and labor-intensive to acquire.
Self-training approaches have been effective in single-modal settings to
alleviate the need for labeled data by leveraging model's own generation.
However, effective self-training remains a challenge regarding the unique
visual perception and reasoning capability of LVLMs. To address this, we
introduce Self-Training on Image Comprehension (STIC), which emphasizes a
self-training approach specifically for image comprehension. First, the model
self-constructs a preference dataset for image descriptions using unlabeled
images. Preferred responses are generated through a step-by-step prompt, while
dis-preferred responses are generated from either corrupted images or
misleading prompts. To further self-improve reasoning on the extracted visual
information, we let the model reuse a small portion of existing
instruction-tuning data and append its self-generated image descriptions to the
prompts. We validate the effectiveness of STIC across seven different
benchmarks, demonstrating substantial performance gains of 4.0% on average
while using 70% less supervised fine-tuning data than the current method.
Further studies investigate various components of STIC and highlight its
potential to leverage vast quantities of unlabeled images for self-training.
Code and data are made publicly available. | cs.CV | Enhancing Large Vision Language Models with Self-Training on Image Comprehension |
2024-05-30T05:49:38Z | http://arxiv.org/pdf/2405.19715v2 | http://arxiv.org/abs/2405.19715v2 | Kaixuan Huang, Xudong Guo, Mengdi Wang | 2024-06-21T01:01:42Z | cs.CL, cs.AI, cs.LG | Speculative decoding reduces the inference latency of a target large language
model via utilizing a smaller and faster draft model. Its performance depends
on a hyperparameter K -- the candidate length, i.e., the number of candidate
tokens for the target model to verify in each round. However, previous methods
often use simple heuristics to choose K, which may result in sub-optimal
performance. We study the choice of the candidate length K and formulate it as
a Markov Decision Process. We theoretically show that the optimal policy of
this Markov decision process takes the form of a threshold policy, i.e., the
current speculation should stop and be verified when the probability of getting
a rejection exceeds a threshold value. Motivated by this theory, we propose
SpecDec++, an enhanced version of speculative decoding that adaptively
determines the candidate length on the fly. We augment the draft model with a
trained acceptance prediction head to predict the conditional acceptance
probability of the candidate tokens. SpecDec++ will stop the current
speculation when the predicted probability that at least one token gets
rejected exceeds a threshold. We implement SpecDec++ and apply it to the
llama-2-chat 7B & 70B model pair. Our adaptive method achieves a 2.04x speedup
on the Alpaca dataset (an additional 7.2% improvement over the baseline
speculative decoding). On the GSM8K and HumanEval datasets, our method achieves
a 2.26x speedup (9.4% improvement) and 2.23x speedup (11.1% improvement),
respectively. | cs.CL | SpecDec++: Boosting Speculative Decoding via Adaptive Candidate Lengths |
2024-05-30T05:26:57Z | http://arxiv.org/pdf/2405.19701v2 | http://arxiv.org/abs/2405.19701v2 | Lavanya Prahallad, Radhika Mamidi | 2024-06-03T15:59:34Z | cs.CL, cs.AI | Gender bias in machine translation (MT) sys- tems poses a significant
challenge to achieving accurate and inclusive translations. This paper examines
gender bias in machine translation systems for languages such as Telugu and
Kan- nada from the Dravidian family, analyzing how gender inflections affect
translation accuracy and neutrality using Google Translate and Chat- GPT. It
finds that while plural forms can reduce bias, individual-centric sentences
often main- tain the bias due to historical stereotypes. The study evaluates
the Chain of Thought process- ing, noting significant bias mitigation from 80%
to 4% in Telugu and from 40% to 0% in Kan- nada. It also compares Telugu and
Kannada translations, emphasizing the need for language specific strategies to
address these challenges and suggesting directions for future research to
enhance fairness in both data preparation and prompts during inference. | cs.CL | Significance of Chain of Thought in Gender Bias Mitigation for English-Dravidian Machine Translation |
2024-05-30T03:44:54Z | http://arxiv.org/pdf/2405.19670v3 | http://arxiv.org/abs/2405.19670v3 | Yutao Zhu, Zhaoheng Huang, Zhicheng Dou, Ji-Rong Wen | 2024-06-08T07:14:13Z | cs.CL | Retrieval-augmented generation (RAG) is a promising way to improve large
language models (LLMs) for generating more factual, accurate, and up-to-date
content. Existing methods either optimize prompts to guide LLMs in leveraging
retrieved information or directly fine-tune LLMs to adapt to RAG scenarios.
Although fine-tuning can yield better performance, it often compromises the
LLMs' general generation capabilities by modifying their parameters. This
limitation poses challenges in practical applications, especially when LLMs are
already deployed, as parameter adjustments may affect their original
functionality. To address this, we propose a novel method that involves
learning scalable and pluggable virtual tokens for RAG. By maintaining the
LLMs' original parameters and fine-tuning only the embeddings of these
pluggable tokens, our approach not only enhances LLMs' performance but also
preserves their general generation capabilities. Furthermore, we design several
training strategies to improve the scalability, flexibility, and
generalizability of our method. Comprehensive experiments across nine
question-answering tasks demonstrate the superiority of our approach. | cs.CL | One Token Can Help! Learning Scalable and Pluggable Virtual Tokens for Retrieval-Augmented Large Language Models |
2024-05-30T03:20:56Z | http://arxiv.org/pdf/2405.19660v2 | http://arxiv.org/abs/2405.19660v2 | Ruiyi Wang, Stephanie Milani, Jamie C. Chiu, Jiayin Zhi, Shaun M. Eack, Travis Labrum, Samuel M. Murphy, Nev Jones, Kate Hardy, Hong Shen, Fei Fang, Zhiyu Zoey Chen | 2024-06-18T22:33:48Z | cs.CL | Mental illness remains one of the most critical public health issues. Despite
its importance, many mental health professionals highlight a disconnect between
their training and actual real-world patient practice. To help bridge this gap,
we propose PATIENT-{\Psi}, a novel patient simulation framework for cognitive
behavior therapy (CBT) training. To build PATIENT-{\Psi}, we construct diverse
patient cognitive models based on CBT principles and use large language models
(LLMs) programmed with these cognitive models to act as a simulated therapy
patient. We propose an interactive training scheme, PATIENT-{\Psi}-TRAINER, for
mental health trainees to practice a key skill in CBT -- formulating the
cognitive model of the patient -- through role-playing a therapy session with
PATIENT-{\Psi}. To evaluate PATIENT-{\Psi}, we conducted a comprehensive user
study of 13 mental health trainees and 20 experts. The results demonstrate that
practice using PATIENT-{\Psi}-TRAINER enhances the perceived skill acquisition
and confidence of the trainees beyond existing forms of training such as
textbooks, videos, and role-play with non-patients. Based on the experts'
perceptions, PATIENT-{\Psi} is perceived to be closer to real patient
interactions than GPT-4, and PATIENT-{\Psi}-TRAINER holds strong promise to
improve trainee competencies. Our code and data are released at
\url{https://github.com/ruiyiw/patient-psi}. | cs.CL | PATIENT-Ψ: Using Large Language Models to Simulate Patients for Training Mental Health Professionals |
2024-05-30T03:12:04Z | http://arxiv.org/pdf/2405.19653v1 | http://arxiv.org/abs/2405.19653v1 | Patrick Emami, Zhaonan Li, Saumya Sinha, Truc Nguyen | 2024-05-30T03:12:04Z | cs.LG, cs.CL, cs.SY, eess.SY | Data-driven simulation surrogates help computational scientists study complex
systems. They can also help inform impactful policy decisions. We introduce a
learning framework for surrogate modeling where language is used to interface
with the underlying system being simulated. We call a language description of a
system a "system caption", or SysCap. To address the lack of datasets of paired
natural language SysCaps and simulation runs, we use large language models
(LLMs) to synthesize high-quality captions. Using our framework, we train
multimodal text and timeseries regression models for two real-world simulators
of complex energy systems. Our experiments demonstrate the feasibility of
designing language interfaces for real-world surrogate models at comparable
accuracy to standard baselines. We qualitatively and quantitatively show that
SysCaps unlock text-prompt-style surrogate modeling and new generalization
abilities beyond what was previously possible. We will release the generated
SysCaps datasets and our code to support follow-on studies. | cs.LG | SysCaps: Language Interfaces for Simulation Surrogates of Complex Systems |
2024-05-30T03:00:47Z | http://arxiv.org/pdf/2405.19648v1 | http://arxiv.org/abs/2405.19648v1 | Ernesto Quevedo, Jorge Yero, Rachel Koerner, Pablo Rivas, Tomas Cerny | 2024-05-30T03:00:47Z | cs.CL, cs.AI, cs.LG, I.2.7 | Concerns regarding the propensity of Large Language Models (LLMs) to produce
inaccurate outputs, also known as hallucinations, have escalated. Detecting
them is vital for ensuring the reliability of applications relying on
LLM-generated content. Current methods often demand substantial resources and
rely on extensive LLMs or employ supervised learning with multidimensional
features or intricate linguistic and semantic analyses difficult to reproduce
and largely depend on using the same LLM that hallucinated. This paper
introduces a supervised learning approach employing two simple classifiers
utilizing only four numerical features derived from tokens and vocabulary
probabilities obtained from other LLM evaluators, which are not necessarily the
same. The method yields promising results, surpassing state-of-the-art outcomes
in multiple tasks across three different benchmarks. Additionally, we provide a
comprehensive examination of the strengths and weaknesses of our approach,
highlighting the significance of the features utilized and the LLM employed as
an evaluator. We have released our code publicly at
https://github.com/Baylor-AI/HalluDetect. | cs.CL | Detecting Hallucinations in Large Language Model Generation: A Token Probability Approach |
2024-05-30T02:55:49Z | http://arxiv.org/pdf/2405.20354v1 | http://arxiv.org/abs/2405.20354v1 | John Hawkins, David Tivey | 2024-05-30T02:55:49Z | cs.DL, cs.AI, cs.CL, cs.LG | Identifying critical research within the growing body of academic work is an
essential element of quality research. Systematic review processes, used in
evidence-based medicine, formalise this as a procedure that must be followed in
a research program. However, it comes with an increasing burden in terms of the
time required to identify the important articles of research for a given topic.
In this work, we develop a method for building a general-purpose filtering
system that matches a research question, posed as a natural language
description of the required content, against a candidate set of articles
obtained via the application of broad search terms. Our results demonstrate
that transformer models, pre-trained on biomedical literature then fine tuned
for the specific task, offer a promising solution to this problem. The model
can remove large volumes of irrelevant articles for most research questions. | cs.DL | Literature Filtering for Systematic Reviews with Transformers |
2024-05-30T02:37:35Z | http://arxiv.org/pdf/2405.19635v1 | http://arxiv.org/abs/2405.19635v1 | Yao Yao, Zuchao Li, Hai Zhao | 2024-05-30T02:37:35Z | cs.CL | The burgeoning size of Large Language Models (LLMs) has led to enhanced
capabilities in generating responses, albeit at the expense of increased
inference times and elevated resource demands. Existing methods of
acceleration, predominantly hinged on knowledge distillation, generally
necessitate fine-tuning of considerably large models, such as Llama-7B, posing
a challenge for average users. Furthermore, present techniques for expediting
inference and reducing costs operate independently. To address these issues, we
introduce a novel and intuitive Guidance-based Knowledge Transfer (GKT)
framework. This approach leverages a larger LLM as a ''teacher'' to create
guidance prompts, paired with a smaller ''student'' model to finalize
responses. Remarkably, GKT requires no fine-tuning and doesn't necessitate the
teacher and student models to have the same vocabulary, allowing for extensive
batch generation to accelerate the process while ensuring user customization.
GKT can be seamlessly integrated into cloud-edge collaboration architectures,
and is versatile enough for plug-and-play application across various models. It
excels in both efficiency and affordability, epitomizing a ''cheap and
cheerful'' solution. GKT achieves a maximum accuracy improvement of 14.18%,
along with a 10.72 times speed-up on GSM8K and an accuracy improvement of 14.00
% along with a 7.73 times speed-up in CSQA. When utilizing ChatGPT as teacher
model and Llama2-70B as the student model, we can achieve 95.00% of ChatGPT's
performance at 52% of the cost. The results highlight substantial enhancements
in accuracy and processing speed on the GSM8K and CSQA datasets, surpassing the
performance of using either the student or teacher models in isolation. | cs.CL | GKT: A Novel Guidance-Based Knowledge Transfer Framework For Efficient Cloud-edge Collaboration LLM Deployment |
2024-05-30T02:09:51Z | http://arxiv.org/pdf/2405.19616v2 | http://arxiv.org/abs/2405.19616v2 | Sean Williams, James Huckle | 2024-06-01T03:00:37Z | cs.AI, cs.CL, cs.LG | We introduce a comprehensive Linguistic Benchmark designed to evaluate the
limitations of Large Language Models (LLMs) in domains such as logical
reasoning, spatial intelligence, and linguistic understanding, among others.
Through a series of straightforward questions, it uncovers the significant
limitations of well-regarded models to perform tasks that humans manage with
ease. It also highlights the potential of prompt engineering to mitigate some
errors and underscores the necessity for better training methodologies. Our
findings stress the importance of grounding LLMs with human reasoning and
common sense, emphasising the need for human-in-the-loop for enterprise
applications. We hope this work paves the way for future research to enhance
the usefulness and reliability of new models. | cs.AI | Easy Problems That LLMs Get Wrong |
2024-05-30T01:27:43Z | http://arxiv.org/pdf/2405.19597v1 | http://arxiv.org/abs/2405.19597v1 | Vijay Lingam, Atula Tejaswi, Aditya Vavre, Aneesh Shetty, Gautham Krishna Gudur, Joydeep Ghosh, Alex Dimakis, Eunsol Choi, Aleksandar Bojchevski, Sujay Sanghavi | 2024-05-30T01:27:43Z | cs.LG, cs.AI, cs.CL | Popular parameter-efficient fine-tuning (PEFT) methods, such as LoRA and its
variants, freeze pre-trained model weights \(W\) and inject learnable matrices
\(\Delta W\). These \(\Delta W\) matrices are structured for efficient
parameterization, often using techniques like low-rank approximations or
scaling vectors. However, these methods typically show a performance gap
compared to full fine-tuning. Although recent PEFT methods have narrowed this
gap, they do so at the cost of additional learnable parameters. We propose
SVFT, a simple approach that fundamentally differs from existing methods: the
structure imposed on \(\Delta W\) depends on the specific weight matrix \(W\).
Specifically, SVFT updates \(W\) as a sparse combination of outer products of
its singular vectors, training only the coefficients (scales) of these sparse
combinations. This approach allows fine-grained control over expressivity
through the number of coefficients. Extensive experiments on language and
vision benchmarks show that SVFT recovers up to 96% of full fine-tuning
performance while training only 0.006 to 0.25% of parameters, outperforming
existing methods that only recover up to 85% performance using 0.03 to 0.8% of
the trainable parameter budget. | cs.LG | SVFT: Parameter-Efficient Fine-Tuning with Singular Vectors |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.