publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2024-06-03T20:37:27Z | http://arxiv.org/pdf/2406.01775v1 | http://arxiv.org/abs/2406.01775v1 | Kerim Büyükakyüz | 2024-06-03T20:37:27Z | cs.CL | The advent of large language models (LLMs) has revolutionized natural
language processing, enabling unprecedented capabilities in understanding and
generating human-like text. However, the computational cost and convergence
times associated with fine-tuning these models remain significant challenges.
Low-Rank Adaptation (LoRA) has emerged as a promising method to mitigate these
issues by introducing efficient fine-tuning techniques with a reduced number of
trainable parameters. In this paper, we present OLoRA, an enhancement to the
LoRA method that leverages orthonormal matrix initialization through QR
decomposition. OLoRA significantly accelerates the convergence of LLM training
while preserving the efficiency benefits of LoRA, such as the number of
trainable parameters and GPU memory footprint. Our empirical evaluations
demonstrate that OLoRA not only converges faster but also exhibits improved
performance compared to standard LoRA across a variety of language modeling
tasks. This advancement opens new avenues for more efficient and accessible
fine-tuning of LLMs, potentially enabling broader adoption and innovation in
natural language applications. | cs.CL | OLoRA: Orthonormal Low-Rank Adaptation of Large Language Models |
2024-06-03T20:25:12Z | http://arxiv.org/pdf/2406.01771v1 | http://arxiv.org/abs/2406.01771v1 | Wen Lai, Mohsen Mesgar, Alexander Fraser | 2024-06-03T20:25:12Z | cs.CL | To democratize large language models (LLMs) to most natural languages, it is
imperative to make these models capable of understanding and generating texts
in many languages, in particular low-resource ones. While recent multilingual
LLMs demonstrate remarkable performance in such capabilities, these LLMs still
support a limited number of human languages due to the lack of training data
for low-resource languages. Moreover, these LLMs are not yet aligned with human
preference for downstream tasks, which is crucial for the success of LLMs in
English. In this paper, we introduce xLLaMA-100 and xBLOOM-100 (collectively
xLLMs-100), which scale the multilingual capabilities of LLaMA and BLOOM to 100
languages. To do so, we construct two datasets: a multilingual instruction
dataset including 100 languages, which represents the largest language coverage
to date, and a cross-lingual human feedback dataset encompassing 30 languages.
We perform multilingual instruction tuning on the constructed instruction data
and further align the LLMs with human feedback using the DPO algorithm on our
cross-lingual human feedback dataset. We evaluate the multilingual
understanding and generating capabilities of xLLMs-100 on five multilingual
benchmarks. Experimental results show that xLLMs-100 consistently outperforms
its peers across the benchmarks by considerable margins, defining a new
state-of-the-art multilingual LLM that supports 100 languages. | cs.CL | LLMs Beyond English: Scaling the Multilingual Capability of LLMs with Cross-Lingual Feedback |
2024-06-03T19:40:28Z | http://arxiv.org/pdf/2406.06575v1 | http://arxiv.org/abs/2406.06575v1 | Luyao Shi, Michael Kazda, Bradley Sears, Nick Shropshire, Ruchir Puri | 2024-06-03T19:40:28Z | cs.CL, cs.AI | Electronic design engineers are challenged to find relevant information
efficiently for a myriad of tasks within design construction, verification and
technology development. Large language models (LLM) have the potential to help
improve productivity by serving as conversational agents that effectively
function as subject-matter experts. In this paper we demonstrate Ask-EDA, a
chat agent designed to serve as a 24x7 expert available to provide guidance to
design engineers. Ask-EDA leverages LLM, hybrid retrieval augmented generation
(RAG) and abbreviation de-hallucination (ADH) techniques to deliver more
relevant and accurate responses. We curated three evaluation datasets, namely
q2a-100, cmds-100 and abbr-100. Each dataset is tailored to assess a distinct
aspect: general design question answering, design command handling and
abbreviation resolution. We demonstrated that hybrid RAG offers over a 40%
improvement in Recall on the q2a-100 dataset and over a 60% improvement on the
cmds-100 dataset compared to not using RAG, while ADH yields over a 70%
enhancement in Recall on the abbr-100 dataset. The evaluation results show that
Ask-EDA can effectively respond to design-related inquiries. | cs.CL | Ask-EDA: A Design Assistant Empowered by LLM, Hybrid RAG and Abbreviation De-hallucination |
2024-06-03T19:34:39Z | http://arxiv.org/pdf/2406.01749v1 | http://arxiv.org/abs/2406.01749v1 | Kristiina Jokinen, Phillip Schneider, Taiga Mori | 2024-06-03T19:34:39Z | cs.CL | Conversational grounding is a collaborative mechanism for establishing mutual
knowledge among participants engaged in a dialogue. This experimental study
analyzes information-seeking conversations to investigate the capabilities of
large language models in classifying dialogue turns related to explicit or
implicit grounding and predicting grounded knowledge elements. Our experimental
results reveal challenges encountered by large language models in the two tasks
and discuss ongoing research efforts to enhance large language model-based
conversational grounding comprehension through pipeline architectures and
knowledge bases. These initiatives aim to develop more effective dialogue
systems that are better equipped to handle the intricacies of grounded
knowledge in conversations. | cs.CL | Towards Harnessing Large Language Models for Comprehension of Conversational Grounding |
2024-06-03T18:44:13Z | http://arxiv.org/pdf/2406.06574v1 | http://arxiv.org/abs/2406.06574v1 | Charles de Dampierre, Andrei Mogoutov, Nicolas Baumard | 2024-06-03T18:44:13Z | cs.CL, cs.AI | LLMs are now responsible for making many decisions on behalf of humans: from
answering questions to classifying things, they have become an important part
of everyday life. While computation and model architecture have been rapidly
expanding in recent years, the efforts towards curating training datasets are
still in their beginnings. This underappreciation of training datasets has led
LLMs to create biased and low-quality content. In order to solve that issue, we
present Bunka, a software that leverages AI and Cognitive Science to improve
the refinement of textual datasets. We show how Topic Modeling coupled with
2-dimensional Cartography can increase the transparency of datasets. We then
show how the same Topic Modeling techniques can be applied to Preferences
datasets to accelerate the fine-tuning process and increase the capacities of
the model on different benchmarks. Lastly, we show how using Frame Analysis can
give insights into existing biases in the training corpus. Overall, we argue
that we need better tools to explore and increase the quality and transparency
of LLMs training datasets. | cs.CL | Towards Transparency: Exploring LLM Trainings Datasets through Visual Topic Modeling and Semantic Frame |
2024-06-03T18:27:44Z | http://arxiv.org/pdf/2406.01721v1 | http://arxiv.org/abs/2406.01721v1 | Haokun Lin, Haobo Xu, Yichen Wu, Jingzhi Cui, Yingtao Zhang, Linzhan Mou, Linqi Song, Zhenan Sun, Ying Wei | 2024-06-03T18:27:44Z | cs.CL | Quantizing large language models (LLMs) presents significant challenges,
primarily due to outlier activations that compromise the efficiency of low-bit
representation. Traditional approaches mainly focus on solving Normal
Outliers-activations with consistently high magnitudes across all tokens.
However, these techniques falter when dealing with Massive Outliers, which are
significantly higher in value and often cause substantial performance losses
during low-bit quantization. In this study, we propose DuQuant, an innovative
quantization strategy employing rotation and permutation transformations to
more effectively eliminate both types of outliers. Initially, DuQuant
constructs rotation matrices informed by specific outlier dimensions,
redistributing these outliers across adjacent channels within different
rotation blocks. Subsequently, a zigzag permutation is applied to ensure a
balanced distribution of outliers among blocks, minimizing block-wise variance.
An additional rotation further enhances the smoothness of the activation
landscape, thereby improving model performance. DuQuant streamlines the
quantization process and demonstrates superior outlier management, achieving
top-tier results in multiple tasks with various LLM architectures even under
4-bit weight-activation quantization. Our code is available at
https://github.com/Hsu1023/DuQuant. | cs.CL | Rotation and Permutation for Advanced Outlier Management and Efficient Quantization of LLMs |
2024-06-03T18:15:56Z | http://arxiv.org/pdf/2406.06573v1 | http://arxiv.org/abs/2406.06573v1 | Robert Osazuwa Ness, Katie Matton, Hayden Helm, Sheng Zhang, Junaid Bajwa, Carey E. Priebe, Eric Horvitz | 2024-06-03T18:15:56Z | cs.CL, cs.LG, I.2.7 | Large language models (LLM) have achieved impressive performance on medical
question-answering benchmarks. However, high benchmark accuracy does not imply
that the performance generalizes to real-world clinical settings. Medical
question-answering benchmarks rely on assumptions consistent with quantifying
LLM performance but that may not hold in the open world of the clinic. Yet LLMs
learn broad knowledge that can help the LLM generalize to practical conditions
regardless of unrealistic assumptions in celebrated benchmarks. We seek to
quantify how well LLM medical question-answering benchmark performance
generalizes when benchmark assumptions are violated. Specifically, we present
an adversarial method that we call MedFuzz (for medical fuzzing). MedFuzz
attempts to modify benchmark questions in ways aimed at confounding the LLM. We
demonstrate the approach by targeting strong assumptions about patient
characteristics presented in the MedQA benchmark. Successful "attacks" modify a
benchmark item in ways that would be unlikely to fool a medical expert but
nonetheless "trick" the LLM into changing from a correct to an incorrect
answer. Further, we present a permutation test technique that can ensure a
successful attack is statistically significant. We show how to use performance
on a "MedFuzzed" benchmark, as well as individual successful attacks. The
methods show promise at providing insights into the ability of an LLM to
operate robustly in more realistic settings. | cs.CL | MedFuzz: Exploring the Robustness of Large Language Models in Medical Question Answering |
2024-06-03T17:59:43Z | http://arxiv.org/pdf/2406.01592v1 | http://arxiv.org/abs/2406.01592v1 | Yun-Chun Chen, Selena Ling, Zhiqin Chen, Vladimir G. Kim, Matheus Gadelha, Alec Jacobson | 2024-06-03T17:59:43Z | cs.CV, cs.AI, cs.CL, cs.GR, cs.LG | We propose a novel technique for adding geometric details to an input coarse
3D mesh guided by a text prompt. Our method is composed of three stages. First,
we generate a single-view RGB image conditioned on the input coarse geometry
and the input text prompt. This single-view image generation step allows the
user to pre-visualize the result and offers stronger conditioning for
subsequent multi-view generation. Second, we use our novel multi-view normal
generation architecture to jointly generate six different views of the normal
images. The joint view generation reduces inconsistencies and leads to sharper
details. Third, we optimize our mesh with respect to all views and generate a
fine, detailed geometry as output. The resulting method produces an output
within seconds and offers explicit user control over the coarse structure,
pose, and desired details of the resulting 3D mesh. Project page:
https://text-mesh-refinement.github.io. | cs.CV | Text-guided Controllable Mesh Refinement for Interactive 3D Modeling |
2024-06-03T17:53:00Z | http://arxiv.org/pdf/2406.01574v4 | http://arxiv.org/abs/2406.01574v4 | Yubo Wang, Xueguang Ma, Ge Zhang, Yuansheng Ni, Abhranil Chandra, Shiguang Guo, Weiming Ren, Aaran Arulraj, Xuan He, Ziyan Jiang, Tianle Li, Max Ku, Kai Wang, Alex Zhuang, Rongqi Fan, Xiang Yue, Wenhu Chen | 2024-06-23T15:57:16Z | cs.CL | In the age of large-scale language models, benchmarks like the Massive
Multitask Language Understanding (MMLU) have been pivotal in pushing the
boundaries of what AI can achieve in language comprehension and reasoning
across diverse domains. However, as models continue to improve, their
performance on these benchmarks has begun to plateau, making it increasingly
difficult to discern differences in model capabilities. This paper introduces
MMLU-Pro, an enhanced dataset designed to extend the mostly knowledge-driven
MMLU benchmark by integrating more challenging, reasoning-focused questions and
expanding the choice set from four to ten options. Additionally, MMLU-Pro
eliminates the trivial and noisy questions in MMLU. Our experimental results
show that MMLU-Pro not only raises the challenge, causing a significant drop in
accuracy by 16% to 33% compared to MMLU but also demonstrates greater stability
under varying prompts. With 24 different prompt styles tested, the sensitivity
of model scores to prompt variations decreased from 4-5% in MMLU to just 2% in
MMLU-Pro. Additionally, we found that models utilizing Chain of Thought (CoT)
reasoning achieved better performance on MMLU-Pro compared to direct answering,
which is in stark contrast to the findings on the original MMLU, indicating
that MMLU-Pro includes more complex reasoning questions. Our assessments
confirm that MMLU-Pro is a more discriminative benchmark to better track
progress in the field. | cs.CL | MMLU-Pro: A More Robust and Challenging Multi-Task Language Understanding Benchmark |
2024-06-03T17:47:53Z | http://arxiv.org/pdf/2406.01566v1 | http://arxiv.org/abs/2406.01566v1 | Yixuan Mei, Yonghao Zhuang, Xupeng Miao, Juncheng Yang, Zhihao Jia, Rashmi Vinayak | 2024-06-03T17:47:53Z | cs.DC, cs.CL, cs.LG | This paper introduces Helix, a distributed system for high-throughput,
low-latency large language model (LLM) serving on heterogeneous GPU clusters. A
key idea behind Helix is to formulate inference computation of LLMs over
heterogeneous GPUs and network connections as a max-flow problem for a
directed, weighted graph, whose nodes represent GPU instances and edges capture
both GPU and network heterogeneity through their capacities. Helix then uses a
mixed integer linear programming (MILP) algorithm to discover highly optimized
strategies to serve LLMs. This approach allows Helix to jointly optimize model
placement and request scheduling, two highly entangled tasks in heterogeneous
LLM serving. Our evaluation on several heterogeneous cluster settings ranging
from 24 to 42 GPU nodes shows that Helix improves serving throughput by up to
2.7$\times$ and reduces prompting and decoding latency by up to 2.8$\times$ and
1.3$\times$, respectively, compared to best existing approaches. | cs.DC | Helix: Distributed Serving of Large Language Models via Max-Flow on Heterogeneous GPUs |
2024-06-03T17:45:41Z | http://arxiv.org/pdf/2406.01563v1 | http://arxiv.org/abs/2406.01563v1 | Fangcong Yin, Xi Ye, Greg Durrett | 2024-06-03T17:45:41Z | cs.CL | Recent work in interpretability shows that large language models (LLMs) can
be adapted for new tasks in a learning-free way: it is possible to intervene on
LLM representations to elicit desired behaviors for alignment. For instance,
adding certain bias vectors to the outputs of certain attention heads is
reported to boost the truthfulness of models. In this work, we show that
localized fine-tuning serves as an effective alternative to such representation
intervention methods. We introduce a framework called Localized Fine-Tuning on
LLM Representations (LoFiT), which identifies a subset of attention heads that
are most important for learning a specific task, then trains offset vectors to
add to the model's hidden representations at those selected heads. LoFiT
localizes to a sparse set of heads (3%) and learns the offset vectors from
limited training data, comparable to the settings used for representation
intervention. For truthfulness and reasoning tasks, we find that LoFiT's
intervention vectors are more effective for LLM adaptation than vectors from
representation intervention methods such as Inference-time Intervention. We
also find that the localization step is important: selecting a task-specific
set of attention heads can lead to higher performance than intervening on heads
selected for a different task. Finally, for the tasks we study, LoFiT achieves
comparable performance to other parameter-efficient fine-tuning methods such as
LoRA, despite modifying 20x-200x fewer parameters than these methods. | cs.CL | LoFiT: Localized Fine-tuning on LLM Representations |
2024-06-03T17:44:11Z | http://arxiv.org/pdf/2406.01561v2 | http://arxiv.org/abs/2406.01561v2 | Mingyuan Zhou, Zhendong Wang, Huangjie Zheng, Hai Huang | 2024-06-22T04:48:56Z | cs.CV, cs.AI, cs.CL, cs.LG, stat.ML | Diffusion-based text-to-image generation models trained on extensive
text-image pairs have shown the capacity to generate photorealistic images
consistent with textual descriptions. However, a significant limitation of
these models is their slow sample generation, which requires iterative
refinement through the same network. In this paper, we enhance Score identity
Distillation (SiD) by developing long and short classifier-free guidance (LSG)
to efficiently distill pretrained Stable Diffusion models without using real
training data. SiD aims to optimize a model-based explicit score matching loss,
utilizing a score-identity-based approximation alongside the proposed LSG for
practical computation. By training exclusively with fake images synthesized
with its one-step generator, SiD equipped with LSG rapidly improves FID and
CLIP scores, achieving state-of-the-art FID performance while maintaining a
competitive CLIP score. Specifically, its data-free distillation of Stable
Diffusion 1.5 achieves a record low FID of 8.15 on the COCO-2014 validation
set, with a CLIP score of 0.304 at an LSG scale of 1.5, and a FID of 9.56 with
a CLIP score of 0.313 at an LSG scale of 2. Our SiD-LSG code and distilled
one-step text-to-image generators are available at
https://github.com/mingyuanzhou/SiD-LSG | cs.CV | Long and Short Guidance in Score identity Distillation for One-Step Text-to-Image Generation |
2024-06-03T17:31:06Z | http://arxiv.org/pdf/2406.01549v1 | http://arxiv.org/abs/2406.01549v1 | Kun Zhu, Xiaocheng Feng, Xiyuan Du, Yuxuan Gu, Weijiang Yu, Haotian Wang, Qianglong Chen, Zheng Chu, Jingchang Chen, Bing Qin | 2024-06-03T17:31:06Z | cs.CL, cs.AI | Retrieval-augmented generation integrates the capabilities of large language
models with relevant information retrieved from an extensive corpus, yet
encounters challenges when confronted with real-world noisy data. One recent
solution is to train a filter module to find relevant content but only achieve
suboptimal noise compression. In this paper, we propose to introduce the
information bottleneck theory into retrieval-augmented generation. Our approach
involves the filtration of noise by simultaneously maximizing the mutual
information between compression and ground output, while minimizing the mutual
information between compression and retrieved passage. In addition, we derive
the formula of information bottleneck to facilitate its application in novel
comprehensive evaluations, the selection of supervised fine-tuning data, and
the construction of reinforcement learning rewards. Experimental results
demonstrate that our approach achieves significant improvements across various
question answering datasets, not only in terms of the correctness of answer
generation but also in the conciseness with $2.5\%$ compression rate. | cs.CL | An Information Bottleneck Perspective for Effective Noise Filtering on Retrieval-Augmented Generation |
2024-06-03T17:13:27Z | http://arxiv.org/pdf/2406.01538v2 | http://arxiv.org/abs/2406.01538v2 | Ebrahim Feghhi, Nima Hadidi, Bryan Song, Idan A. Blank, Jonathan C. Kao | 2024-06-20T20:35:36Z | cs.CL, cs.AI | Given the remarkable capabilities of large language models (LLMs), there has
been a growing interest in evaluating their similarity to the human brain. One
approach towards quantifying this similarity is by measuring how well a model
predicts neural signals, also called "brain score". Internal representations
from LLMs achieve state-of-the-art brain scores, leading to speculation that
they share computational principles with human language processing. This
inference is only valid if the subset of neural activity predicted by LLMs
reflects core elements of language processing. Here, we question this
assumption by analyzing three neural datasets used in an impactful study on
LLM-to-brain mappings, with a particular focus on an fMRI dataset where
participants read short passages. We first find that when using shuffled
train-test splits, as done in previous studies with these datasets, a trivial
feature that encodes temporal autocorrelation not only outperforms LLMs but
also accounts for the majority of neural variance that LLMs explain. We
therefore use contiguous splits moving forward. Second, we explain the
surprisingly high brain scores of untrained LLMs by showing they do not account
for additional neural variance beyond two simple features: sentence length and
sentence position. This undermines evidence used to claim that the transformer
architecture biases computations to be more brain-like. Third, we find that
brain scores of trained LLMs on this dataset can largely be explained by
sentence length, position, and pronoun-dereferenced static word embeddings; a
small, additional amount is explained by sense-specific embeddings and
contextual representations of sentence structure. We conclude that
over-reliance on brain scores can lead to over-interpretations of similarity
between LLMs and brains, and emphasize the importance of deconstructing what
LLMs are mapping to in neural signals. | cs.CL | What Are Large Language Models Mapping to in the Brain? A Case Against Over-Reliance on Brain Scores |
2024-06-03T17:07:46Z | http://arxiv.org/pdf/2406.06572v1 | http://arxiv.org/abs/2406.06572v1 | Zijian Li, Qingyan Guo, Jiawei Shao, Lei Song, Jiang Bian, Jun Zhang, Rui Wang | 2024-06-03T17:07:46Z | cs.CL, cs.AI, cs.IR | Retrieval augmented generation has revolutionized large language model (LLM)
outputs by providing factual supports. Nevertheless, it struggles to capture
all the necessary knowledge for complex reasoning questions. Existing retrieval
methods typically divide reference documents into passages, treating them in
isolation. These passages, however, are often interrelated, such as passages
that are contiguous or share the same keywords. Therefore, recognizing the
relatedness is crucial for enhancing the retrieval process. In this paper, we
propose a novel retrieval method, called GNN-Ret, which leverages graph neural
networks (GNNs) to enhance retrieval by considering the relatedness between
passages. Specifically, we first construct a graph of passages by connecting
passages that are structure-related and keyword-related. A graph neural network
(GNN) is then leveraged to exploit the relationships between passages and
improve the retrieval of supporting passages. Furthermore, we extend our method
to handle multi-hop reasoning questions using a recurrent graph neural network
(RGNN), named RGNN-Ret. At each step, RGNN-Ret integrates the graphs of
passages from previous steps, thereby enhancing the retrieval of supporting
passages. Extensive experiments on benchmark datasets demonstrate that GNN-Ret
achieves higher accuracy for question answering with a single query of LLMs
than strong baselines that require multiple queries, and RGNN-Ret further
improves accuracy and achieves state-of-the-art performance, with up to 10.4%
accuracy improvement on the 2WikiMQA dataset. | cs.CL | Graph Neural Network Enhanced Retrieval for Question Answering of LLMs |
2024-06-03T16:46:18Z | http://arxiv.org/pdf/2406.01514v3 | http://arxiv.org/abs/2406.01514v3 | Haozheng Luo, Jiahao Yu, Wenxin Zhang, Jialong Li, Jerry Yao-Chieh Hu, Xinyu Xing, Han Liu | 2024-06-06T04:25:40Z | cs.CL, cs.AI, cs.CR | We introduce a low-resource safety enhancement method for aligning large
language models (LLMs) without the need for supervised fine-tuning (SFT) or
reinforcement learning from human feedback (RLHF). Our main idea is to exploit
knowledge distillation to extract the alignment information from existing
well-aligned LLMs and integrate it into unaligned LLMs in a plug-and-play
fashion. Methodology, we employ delta debugging to identify the critical
components of knowledge necessary for effective distillation. On the harmful
question dataset, our method significantly enhances the average defense success
rate by approximately 14.41%, reaching as high as 51.39%, in 17 unaligned
pre-trained LLMs, without compromising performance. | cs.CL | Decoupled Alignment for Robust Plug-and-Play Adaptation |
2024-06-03T16:43:10Z | http://arxiv.org/pdf/2406.01512v1 | http://arxiv.org/abs/2406.01512v1 | Yiqian Yang, Hyejeong Jo, Yiqun Duan, Qiang Zhang, Jinni Zhou, Won Hee Lee, Renjing Xu, Hui Xiong | 2024-06-03T16:43:10Z | cs.CL | Deciphering language from brain activity is a crucial task in brain-computer
interface (BCI) research. Non-invasive cerebral signaling techniques including
electroencephalography (EEG) and magnetoencephalography (MEG) are becoming
increasingly popular due to their safety and practicality, avoiding invasive
electrode implantation. However, current works under-investigated three points:
1) a predominant focus on EEG with limited exploration of MEG, which provides
superior signal quality; 2) poor performance on unseen text, indicating the
need for models that can better generalize to diverse linguistic contexts; 3)
insufficient integration of information from other modalities, which could
potentially constrain our capacity to comprehensively understand the intricate
dynamics of brain activity.
This study presents a novel approach for translating MEG signals into text
using a speech-decoding framework with multiple alignments. Our method is the
first to introduce an end-to-end multi-alignment framework for totally unseen
text generation directly from MEG signals. We achieve an impressive BLEU-1
score on the $\textit{GWilliams}$ dataset, significantly outperforming the
baseline from 5.49 to 10.44 on the BLEU-1 metric. This improvement demonstrates
the advancement of our model towards real-world applications and underscores
its potential in advancing BCI research. Code is available at
$\href{https://github.com/NeuSpeech/MAD-MEG2text}{https://github.com/NeuSpeech/MAD-MEG2text}$. | cs.CL | MAD: Multi-Alignment MEG-to-Text Decoding |
2024-06-03T16:43:04Z | http://arxiv.org/pdf/2406.06571v2 | http://arxiv.org/abs/2406.06571v2 | Quandong Wang, Yuxuan Yuan, Xiaoyu Yang, Ruike Zhang, Kang Zhao, Wei Liu, Jian Luan, Daniel Povey, Bin Wang | 2024-06-17T09:23:13Z | cs.CL, cs.AI, I.2.7 | While Large Language Models (LLMs) have achieved remarkable success in
various fields, the efficiency of training and inference remains a major
challenge. To address this issue, we propose SUBLLM, short for
Subsampling-Upsampling-Bypass Large Language Model, an innovative architecture
that extends the core decoder-only framework by incorporating subsampling,
upsampling, and bypass modules. The subsampling modules are responsible for
shortening the sequence, while the upsampling modules restore the sequence
length, and the bypass modules enhance convergence. In comparison to LLaMA, the
proposed SUBLLM exhibits significant enhancements in both training and
inference speeds as well as memory usage, while maintaining competitive
few-shot performance. During training, SUBLLM increases speeds by 26% and cuts
memory by 10GB per GPU. In inference, it boosts speeds by up to 37% and reduces
memory by 1GB per GPU. The training and inference speeds can be enhanced by 34%
and 52% respectively when the context window is expanded to 8192. We shall
release the source code of the proposed architecture in the published version. | cs.CL | SUBLLM: A Novel Efficient Architecture with Token Sequence Subsampling for LLM |
2024-06-03T16:34:01Z | http://arxiv.org/pdf/2406.01506v1 | http://arxiv.org/abs/2406.01506v1 | Kiho Park, Yo Joong Choe, Yibo Jiang, Victor Veitch | 2024-06-03T16:34:01Z | cs.CL, cs.AI, cs.LG, stat.ML | Understanding how semantic meaning is encoded in the representation spaces of
large language models is a fundamental problem in interpretability. In this
paper, we study the two foundational questions in this area. First, how are
categorical concepts, such as {'mammal', 'bird', 'reptile', 'fish'},
represented? Second, how are hierarchical relations between concepts encoded?
For example, how is the fact that 'dog' is a kind of 'mammal' encoded? We show
how to extend the linear representation hypothesis to answer these questions.
We find a remarkably simple structure: simple categorical concepts are
represented as simplices, hierarchically related concepts are orthogonal in a
sense we make precise, and (in consequence) complex concepts are represented as
polytopes constructed from direct sums of simplices, reflecting the
hierarchical structure. We validate these theoretical results on the Gemma
large language model, estimating representations for 957 hierarchically related
concepts using data from WordNet. | cs.CL | The Geometry of Categorical and Hierarchical Concepts in Large Language Models |
2024-06-03T16:21:38Z | http://arxiv.org/pdf/2406.01495v1 | http://arxiv.org/abs/2406.01495v1 | Zi-Yi Dou, Cheng-Fu Yang, Xueqing Wu, Kai-Wei Chang, Nanyun Peng | 2024-06-03T16:21:38Z | cs.CL | Self-training can potentially improve the performance of language agents
without relying on demonstrations from humans or stronger models. The general
process involves generating samples from a model, evaluating their quality, and
updating the model by training on high-quality samples. However, self-training
can face limitations because achieving good performance requires a good amount
of high-quality samples, yet relying solely on model sampling for obtaining
such samples can be inefficient. In addition, these methods often disregard
low-quality samples, failing to leverage them effectively. To address these
limitations, we present Reflection-Reinforced Self-Training (Re-ReST), which
leverages a reflection model to refine low-quality samples and subsequently
uses these improved samples to augment self-training. The reflection model
takes both the model output and feedback from an external environment (e.g.,
unit test results in code generation) as inputs and produces improved samples
as outputs. By employing this technique, we effectively enhance the quality of
inferior samples, and enrich the self-training dataset with higher-quality
samples efficiently. We perform extensive experiments on open-source language
agents across tasks, including multi-hop question answering, sequential
decision-making, code generation, visual question answering, and text-to-image
generation. Results demonstrate improvements over self-training baselines
across settings. Moreover, ablation studies confirm the reflection model's
efficiency in generating quality self-training samples and its compatibility
with self-consistency decoding. | cs.CL | Reflection-Reinforced Self-Training for Language Agents |
2024-06-03T15:57:29Z | http://arxiv.org/pdf/2406.01468v1 | http://arxiv.org/abs/2406.01468v1 | Hakaze Cho, Yoshihiro Sakai, Kenshiro Tanaka, Mariko Kato, Naoya Inoue | 2024-06-03T15:57:29Z | cs.CL, cs.AI, cs.LG | In this paper, we investigate the output token probability information in the
output embedding of language models. We provide an approximate common
log-linear encoding of output token probabilities within the output embedding
vectors and demonstrate that it is accurate and sparse when the output space is
large and output logits are concentrated. Based on such findings, we edit the
encoding in output embedding to modify the output probability distribution
accurately. Moreover, the sparsity we find in output probability encoding
suggests that a large number of dimensions in the output embedding do not
contribute to causal language modeling. Therefore, we attempt to delete the
output-unrelated dimensions and find more than 30% of the dimensions can be
deleted without significant movement in output distribution and degeneration on
sequence generation. Additionally, in training dynamics, we use such encoding
as a probe and find that the output embeddings capture token frequency
information in early steps, even before an obvious convergence starts. | cs.CL | Understanding Token Probability Encoding in Output Embeddings |
2024-06-03T15:55:24Z | http://arxiv.org/pdf/2406.06570v1 | http://arxiv.org/abs/2406.06570v1 | Vishal Kumar | 2024-06-03T15:55:24Z | cs.CL | Computational Epigraphy refers to the process of extracting text from stone
inscription, transliteration, interpretation, and attribution with the aid of
computational methods. Traditional epigraphy methods are time consuming, and
tend to damage the stone inscriptions while extracting text. Additionally,
interpretation and attribution are subjective and can vary between different
epigraphers. However, using modern computation methods can not only be used to
extract text, but also interpret and attribute the text in a robust way. We
survey and document the existing computational methods that aid in the
above-mentioned tasks in epigraphy. | cs.CL | Review of Computational Epigraphy |
2024-06-03T15:51:04Z | http://arxiv.org/pdf/2406.01462v1 | http://arxiv.org/abs/2406.01462v1 | Yuda Song, Gokul Swamy, Aarti Singh, J. Andrew Bagnell, Wen Sun | 2024-06-03T15:51:04Z | cs.LG, cs.AI, cs.CL | Learning from human preference data has emerged as the dominant paradigm for
fine-tuning large language models (LLMs). The two most common families of
techniques -- online reinforcement learning (RL) such as Proximal Policy
Optimization (PPO) and offline contrastive methods such as Direct Preference
Optimization (DPO) -- were positioned as equivalent in prior work due to the
fact that both have to start from the same offline preference dataset. To
further expand our theoretical understanding of the similarities and
differences between online and offline techniques for preference fine-tuning,
we conduct a rigorous analysis through the lens of dataset coverage, a concept
that captures how the training data covers the test distribution and is widely
used in RL. We prove that a global coverage condition is both necessary and
sufficient for offline contrastive methods to converge to the optimal policy,
but a weaker partial coverage condition suffices for online RL methods. This
separation provides one explanation of why online RL methods can perform better
than offline methods, especially when the offline preference data is not
diverse enough. Finally, motivated by our preceding theoretical observations,
we derive a hybrid preference optimization (HyPO) algorithm that uses offline
data for contrastive-based preference optimization and online data for KL
regularization. Theoretically and empirically, we demonstrate that HyPO is more
performant than its pure offline counterpart DPO, while still preserving its
computation and memory efficiency. | cs.LG | Understanding Preference Fine-Tuning Through the Lens of Coverage |
2024-06-03T15:49:03Z | http://arxiv.org/pdf/2406.06569v1 | http://arxiv.org/abs/2406.06569v1 | Anjanava Biswas, Wrick Talukdar | 2024-06-03T15:49:03Z | cs.CL, cs.AI, cs.LG | Accurate and comprehensive clinical documentation is crucial for delivering
high-quality healthcare, facilitating effective communication among providers,
and ensuring compliance with regulatory requirements. However, manual
transcription and data entry processes can be time-consuming, error-prone, and
susceptible to inconsistencies, leading to incomplete or inaccurate medical
records. This paper proposes a novel approach to augment clinical documentation
by leveraging synthetic data generation techniques to generate realistic and
diverse clinical transcripts. We present a methodology that combines
state-of-the-art generative models, such as Generative Adversarial Networks
(GANs) and Variational Autoencoders (VAEs), with real-world clinical transcript
and other forms of clinical data to generate synthetic transcripts. These
synthetic transcripts can then be used to supplement existing documentation
workflows, providing additional training data for natural language processing
models and enabling more accurate and efficient transcription processes.
Through extensive experiments on a large dataset of anonymized clinical
transcripts, we demonstrate the effectiveness of our approach in generating
high-quality synthetic transcripts that closely resemble real-world data.
Quantitative evaluation metrics, including perplexity scores and BLEU scores,
as well as qualitative assessments by domain experts, validate the fidelity and
utility of the generated synthetic transcripts. Our findings highlight
synthetic data generation's potential to address clinical documentation
challenges, improving patient care, reducing administrative burdens, and
enhancing healthcare system efficiency. | cs.CL | Enhancing Clinical Documentation with Synthetic Data: Leveraging Generative Models for Improved Accuracy |
2024-06-03T15:43:57Z | http://arxiv.org/pdf/2406.01457v1 | http://arxiv.org/abs/2406.01457v1 | Toan V. Tran, Li Xiong | 2024-06-03T15:43:57Z | cs.LG, cs.CL, cs.CR | Synthetic tabular data generation with differential privacy is a crucial
problem to enable data sharing with formal privacy. Despite a rich history of
methodological research and development, developing differentially private
tabular data generators that can provide realistic synthetic datasets remains
challenging. This paper introduces DP-LLMTGen -- a novel framework for
differentially private tabular data synthesis that leverages pretrained large
language models (LLMs). DP-LLMTGen models sensitive datasets using a two-stage
fine-tuning procedure with a novel loss function specifically designed for
tabular data. Subsequently, it generates synthetic data through sampling the
fine-tuned LLMs. Our empirical evaluation demonstrates that DP-LLMTGen
outperforms a variety of existing mechanisms across multiple datasets and
privacy settings. Additionally, we conduct an ablation study and several
experimental analyses to deepen our understanding of LLMs in addressing this
important problem. Finally, we highlight the controllable generation ability of
DP-LLMTGen through a fairness-constrained generation setting. | cs.LG | Differentially Private Tabular Data Synthesis using Large Language Models |
2024-06-03T15:38:40Z | http://arxiv.org/pdf/2406.01446v1 | http://arxiv.org/abs/2406.01446v1 | Ara Yeroyan, Nikolay Karpov | 2024-06-03T15:38:40Z | cs.CL, cs.LG, eess.AS, eess.SP | In recent years, automatic speech recognition (ASR) systems have
significantly improved, especially in languages with a vast amount of
transcribed speech data. However, ASR systems tend to perform poorly for
low-resource languages with fewer resources, such as minority and regional
languages. This study introduces a novel pipeline designed to generate ASR
training datasets from audiobooks, which typically feature a single transcript
associated with hours-long audios. The common structure of these audiobooks
poses a unique challenge due to the extensive length of audio segments, whereas
optimal ASR training requires segments ranging from 4 to 15 seconds. To address
this, we propose a method for effectively aligning audio with its corresponding
text and segmenting it into lengths suitable for ASR training. Our approach
simplifies data preparation for ASR systems in low-resource languages and
demonstrates its application through a case study involving the Armenian
language. Our method, which is "portable" to many low-resource languages, not
only mitigates the issue of data scarcity but also enhances the performance of
ASR models for underrepresented languages. | cs.CL | Enabling ASR for Low-Resource Languages: A Comprehensive Dataset Creation Approach |
2024-06-03T15:30:36Z | http://arxiv.org/pdf/2406.01441v2 | http://arxiv.org/abs/2406.01441v2 | Yongjing Yin, Jiali Zeng, Yafu Li, Fandong Meng, Yue Zhang | 2024-07-02T08:00:23Z | cs.CL | The fine-tuning of open-source large language models (LLMs) for machine
translation has recently received considerable attention, marking a shift
towards data-centric research from traditional neural machine translation.
However, the area of data collection for instruction fine-tuning in machine
translation remains relatively underexplored. In this paper, we present
LexMatcher, a simple yet effective method for data curation, the design of
which is driven by the coverage of senses found in bilingual dictionaries. The
construction process comprises data retrieval from an existing corpus and data
augmentation that supplements the infrequent senses of polysemous words.
Utilizing LLaMA2 as our base model, our approach outperforms the established
baselines on the WMT2022 test sets and also exhibits remarkable performance in
tasks related to word sense disambiguation and specialized terminology
translation. These results underscore the effectiveness of LexMatcher in
enhancing LLM-based machine translation. The code, data, and models are
available at https://github.com/ARIES-LM/Lexmatcher-MT.git. | cs.CL | LexMatcher: Dictionary-centric Data Collection for LLM-based Machine Translation |
2024-06-03T15:28:21Z | http://arxiv.org/pdf/2406.01436v1 | http://arxiv.org/abs/2406.01436v1 | Cheng-Hsun Hsueh, Paul Kuo-Ming Huang, Tzu-Han Lin, Che-Wei Liao, Hung-Chieh Fang, Chao-Wei Huang, Yun-Nung Chen | 2024-06-03T15:28:21Z | cs.CL | Knowledge editing is a rising technique for efficiently updating factual
knowledge in Large Language Models (LLMs) with minimal alteration of
parameters. However, recent studies have identified concerning side effects,
such as knowledge distortion and the deterioration of general abilities, that
have emerged after editing. This survey presents a comprehensive study of these
side effects, providing a unified view of the challenges associated with
knowledge editing in LLMs. We discuss related works and summarize potential
research directions to overcome these limitations. Our work highlights the
limitations of current knowledge editing methods, emphasizing the need for
deeper understanding of inner knowledge structures of LLMs and improved
knowledge editing methods. To foster future research, we have released the
complementary materials such as paper collection publicly at
https://github.com/MiuLab/EditLLM-Survey | cs.CL | Editing the Mind of Giants: An In-Depth Exploration of Pitfalls of Knowledge Editing in Large Language Models |
2024-06-03T15:26:06Z | http://arxiv.org/pdf/2406.01428v2 | http://arxiv.org/abs/2406.01428v2 | Martin J. Hetz, Nicolas Carl, Sarah Haggenmüller, Christoph Wies, Maurice Stephan Michel, Frederik Wessels, Titus J. Brinker | 2024-06-04T05:39:15Z | cs.CL, cs.CV | Large Language Models (LLMs) are revolutionizing medical Question-Answering
(medQA) through extensive use of medical literature. However, their performance
is often hampered by outdated training data and a lack of explainability, which
limits clinical applicability. This study aimed to create and assess UroBot, a
urology-specialized chatbot, by comparing it with state-of-the-art models and
the performance of urologists on urological board questions, ensuring full
clinician-verifiability. UroBot was developed using OpenAI's GPT-3.5, GPT-4,
and GPT-4o models, employing retrieval-augmented generation (RAG) and the
latest 2023 guidelines from the European Association of Urology (EAU). The
evaluation included ten runs of 200 European Board of Urology (EBU) In-Service
Assessment (ISA) questions, with performance assessed by the mean Rate of
Correct Answers (RoCA). UroBot-4o achieved an average RoCA of 88.4%, surpassing
GPT-4o by 10.8%, with a score of 77.6%. It was also clinician-verifiable and
exhibited the highest run agreement as indicated by Fleiss' Kappa (k = 0.979).
By comparison, the average performance of urologists on board questions, as
reported in the literature, is 68.7%. UroBot's clinician-verifiable nature and
superior accuracy compared to both existing models and urologists on board
questions highlight its potential for clinical integration. The study also
provides the necessary code and instructions for further development of UroBot. | cs.CL | Superhuman performance in urology board questions by an explainable large language model enabled for context integration of the European Association of Urology guidelines: the UroBot study |
2024-06-03T15:25:13Z | http://arxiv.org/pdf/2406.01424v1 | http://arxiv.org/abs/2406.01424v1 | Aleksandar Petrov, Tom A. Lamb, Alasdair Paren, Philip H. S. Torr, Adel Bibi | 2024-06-03T15:25:13Z | cs.LG, cs.AI, cs.CL | Zero-shot and in-context learning enable solving tasks without model
fine-tuning, making them essential for developing generative model solutions.
Therefore, it is crucial to understand whether a pretrained model can be
prompted to approximate any function, i.e., whether it is a universal
in-context approximator. While it was recently shown that transformer models do
possess this property, these results rely on their attention mechanism. Hence,
these findings do not apply to fully recurrent architectures like RNNs, LSTMs,
and the increasingly popular SSMs. We demonstrate that RNNs, LSTMs, GRUs,
Linear RNNs, and linear gated architectures such as Mamba and Hawk/Griffin can
also serve as universal in-context approximators. To streamline our argument,
we introduce a programming language called LSRL that compiles to these fully
recurrent architectures. LSRL may be of independent interest for further
studies of fully recurrent models, such as constructing interpretability
benchmarks. We also study the role of multiplicative gating and observe that
architectures incorporating such gating (e.g., LSTMs, GRUs, Hawk/Griffin) can
implement certain operations more stably, making them more viable candidates
for practical in-context universal approximation. | cs.LG | Universal In-Context Approximation By Prompting Fully Recurrent Models |
2024-06-03T15:20:06Z | http://arxiv.org/pdf/2406.01422v1 | http://arxiv.org/abs/2406.01422v1 | Yingwei Ma, Qingping Yang, Rongyu Cao, Binhua Li, Fei Huang, Yongbin Li | 2024-06-03T15:20:06Z | cs.SE, cs.CL | Recently, Large Language Model (LLM) based agents have advanced the
significant development of Automatic Software Engineering (ASE). Although
verified effectiveness, the designs of the existing methods mainly focus on the
local information of codes, e.g., issues, classes, and functions, leading to
limitations in capturing the global context and interdependencies within the
software system. From the practical experiences of the human SE developers, we
argue that an excellent understanding of the whole repository will be the
critical path to ASE. However, understanding the whole repository raises
various challenges, e.g., the extremely long code input, the noisy code
information, the complex dependency relationships, etc. To this end, we develop
a novel ASE method named RepoUnderstander by guiding agents to comprehensively
understand the whole repositories. Specifically, we first condense the critical
information of the whole repository into the repository knowledge graph in a
top-to-down mode to decrease the complexity of repository. Subsequently, we
empower the agents the ability of understanding whole repository by proposing a
Monte Carlo tree search based repository exploration strategy. In addition, to
better utilize the repository-level knowledge, we guide the agents to
summarize, analyze, and plan. Then, they can manipulate the tools to
dynamically acquire information and generate the patches to solve the
real-world GitHub issues. Extensive experiments demonstrate the superiority and
effectiveness of the proposed RepoUnderstander. It achieved 18.5\% relative
improvement on the SWE-bench Lite benchmark compared to SWE-agent. | cs.SE | How to Understand Whole Software Repository? |
2024-06-03T14:56:09Z | http://arxiv.org/pdf/2406.01392v2 | http://arxiv.org/abs/2406.01392v2 | Da Ma, Lu Chen, Pengyu Wang, Hongshen Xu, Hanqi Li, Liangtai Sun, Su Zhu, Shuai Fan, Kai Yu | 2024-06-06T16:38:34Z | cs.CL | Large language models (LLMs) have demonstrated proficiency across various
natural language processing (NLP) tasks but often require additional training,
such as continual pre-training and supervised fine-tuning. However, the costs
associated with this, primarily due to their large parameter count, remain
high. This paper proposes leveraging \emph{sparsity} in pre-trained LLMs to
expedite this training process. By observing sparsity in activated neurons
during forward iterations, we identify the potential for computational
speed-ups by excluding inactive neurons. We address associated challenges by
extending existing neuron importance evaluation metrics and introducing a
ladder omission rate scheduler. Our experiments on Llama-2 demonstrate that
Sparsity-Accelerated Training (SAT) achieves comparable or superior performance
to standard training while significantly accelerating the process.
Specifically, SAT achieves a $45\%$ throughput improvement in continual
pre-training and saves $38\%$ training time in supervised fine-tuning in
practice. It offers a simple, hardware-agnostic, and easily deployable
framework for additional LLM training. Our code is available at
https://github.com/OpenDFM/SAT. | cs.CL | Sparsity-Accelerated Training for Large Language Models |
2024-06-03T14:45:21Z | http://arxiv.org/pdf/2406.01382v1 | http://arxiv.org/abs/2406.01382v1 | Keyon Vafa, Ashesh Rambachan, Sendhil Mullainathan | 2024-06-03T14:45:21Z | cs.CL, cs.AI | What makes large language models (LLMs) impressive is also what makes them
hard to evaluate: their diversity of uses. To evaluate these models, we must
understand the purposes they will be used for. We consider a setting where
these deployment decisions are made by people, and in particular, people's
beliefs about where an LLM will perform well. We model such beliefs as the
consequence of a human generalization function: having seen what an LLM gets
right or wrong, people generalize to where else it might succeed. We collect a
dataset of 19K examples of how humans make generalizations across 79 tasks from
the MMLU and BIG-Bench benchmarks. We show that the human generalization
function can be predicted using NLP methods: people have consistent structured
ways to generalize. We then evaluate LLM alignment with the human
generalization function. Our results show that -- especially for cases where
the cost of mistakes is high -- more capable models (e.g. GPT-4) can do worse
on the instances people choose to use them for, exactly because they are not
aligned with the human generalization function. | cs.CL | Do Large Language Models Perform the Way People Expect? Measuring the Human Generalization Function |
2024-06-03T14:40:31Z | http://arxiv.org/pdf/2406.01375v1 | http://arxiv.org/abs/2406.01375v1 | Haoran Que, Jiaheng Liu, Ge Zhang, Chenchen Zhang, Xingwei Qu, Yinghao Ma, Feiyu Duan, Zhiqi Bai, Jiakai Wang, Yuanxing Zhang, Xu Tan, Jie Fu, Wenbo Su, Jiamang Wang, Lin Qu, Bo Zheng | 2024-06-03T14:40:31Z | cs.CL | Continual Pre-Training (CPT) on Large Language Models (LLMs) has been widely
used to expand the model's fundamental understanding of specific downstream
domains (e.g., math and code). For the CPT on domain-specific LLMs, one
important question is how to choose the optimal mixture ratio between the
general-corpus (e.g., Dolma, Slim-pajama) and the downstream domain-corpus.
Existing methods usually adopt laborious human efforts by grid-searching on a
set of mixture ratios, which require high GPU training consumption costs.
Besides, we cannot guarantee the selected ratio is optimal for the specific
domain. To address the limitations of existing methods, inspired by the Scaling
Law for performance prediction, we propose to investigate the Scaling Law of
the Domain-specific Continual Pre-Training (D-CPT Law) to decide the optimal
mixture ratio with acceptable training costs for LLMs of different sizes.
Specifically, by fitting the D-CPT Law, we can easily predict the general and
downstream performance of arbitrary mixture ratios, model sizes, and dataset
sizes using small-scale training costs on limited experiments. Moreover, we
also extend our standard D-CPT Law on cross-domain settings and propose the
Cross-Domain D-CPT Law to predict the D-CPT law of target domains, where very
small training costs (about 1% of the normal training costs) are needed for the
target domains. Comprehensive experimental results on six downstream domains
demonstrate the effectiveness and generalizability of our proposed D-CPT Law
and Cross-Domain D-CPT Law. | cs.CL | D-CPT Law: Domain-specific Continual Pre-Training Scaling Law for Large Language Models |
2024-06-03T14:39:06Z | http://arxiv.org/pdf/2406.01372v2 | http://arxiv.org/abs/2406.01372v2 | Cem Bozsahin | 2024-06-04T05:52:20Z | cs.CL | TheBench is a tool to study monadic structures in natural language. It is for
writing monadic grammars to explore analyses, compare diverse languages through
their categories, and to train models of grammar from form-meaning pairs where
syntax is latent variable.
Monadic structures are binary combinations of elements that employ semantics
of composition only. TheBench is essentially old-school categorial grammar to
syntacticize the idea, with the implication that although syntax is autonomous
(recall \emph{colorless green ideas sleep furiously}), the treasure is in the
baggage it carries at every step, viz. semantics, more narrowly,
predicate-argument structures indicating choice of categorial reference and its
consequent placeholders for decision in such structures.
There is some new thought in old school. Unlike traditional categorial
grammars, application is turned into composition in monadic analysis. Moreover,
every correspondence requires specifying two command relations, one on
syntactic command and the other on semantic command. A monadic grammar of
TheBench contains only synthetic elements (called `objects' in category theory
of mathematics) that are shaped by this analytic invariant, viz. composition.
Both ingredients (command relations) of any analytic step must therefore be
functions (`arrows' in category theory). TheBench is one implementation of the
idea for iterative development of such functions along with grammar of
synthetic elements. | cs.CL | Linguistic Analysis, Description, and Typological Exploration with Categorial Grammar (TheBench Guide) |
2024-06-03T14:32:30Z | http://arxiv.org/pdf/2406.01364v1 | http://arxiv.org/abs/2406.01364v1 | Diego Dorn, Alexandre Variengien, Charbel-Raphaël Segerie, Vincent Corruble | 2024-06-03T14:32:30Z | cs.CR, cs.AI, cs.CL | Input-output safeguards are used to detect anomalies in the traces produced
by Large Language Models (LLMs) systems. These detectors are at the core of
diverse safety-critical applications such as real-time monitoring, offline
evaluation of traces, and content moderation. However, there is no widely
recognized methodology to evaluate them. To fill this gap, we introduce the
Benchmarks for the Evaluation of LLM Safeguards (BELLS), a structured
collection of tests, organized into three categories: (1) established failure
tests, based on already-existing benchmarks for well-defined failure modes,
aiming to compare the performance of current input-output safeguards; (2)
emerging failure tests, to measure generalization to never-seen-before failure
modes and encourage the development of more general safeguards; (3) next-gen
architecture tests, for more complex scaffolding (such as LLM-agents and
multi-agent systems), aiming to foster the development of safeguards that could
adapt to future applications for which no safeguard currently exists.
Furthermore, we implement and share the first next-gen architecture test, using
the MACHIAVELLI environment, along with an interactive visualization of the
dataset. | cs.CR | BELLS: A Framework Towards Future Proof Benchmarks for the Evaluation of LLM Safeguards |
2024-06-03T14:31:47Z | http://arxiv.org/pdf/2406.01363v1 | http://arxiv.org/abs/2406.01363v1 | Sichun Luo, Wei Shao, Yuxuan Yao, Jian Xu, Mingyang Liu, Qintong Li, Bowei He, Maolin Wang, Guanzhi Deng, Hanxu Hou, Xinyi Zhang, Linqi Song | 2024-06-03T14:31:47Z | cs.CL, cs.IR | Nowadays, large language models (LLMs) have been integrated with conventional
recommendation models to improve recommendation performance. However, while
most of the existing works have focused on improving the model performance, the
privacy issue has only received comparatively less attention. In this paper, we
review recent advancements in privacy within LLM-based recommendation,
categorizing them into privacy attacks and protection mechanisms. Additionally,
we highlight several challenges and propose future directions for the community
to address these critical problems. | cs.CL | Privacy in LLM-based Recommendation: Recent Advances and Future Directions |
2024-06-03T14:24:29Z | http://arxiv.org/pdf/2406.01359v2 | http://arxiv.org/abs/2406.01359v2 | Ken Deng, Jiaheng Liu, He Zhu, Congnan Liu, Jingxin Li, Jiakai Wang, Peng Zhao, Chenchen Zhang, Yanan Wu, Xueqiao Yin, Yuanxing Zhang, Wenbo Su, Bangyu Xiang, Tiezheng Ge, Bo Zheng | 2024-06-04T03:13:43Z | cs.CL, cs.SE | Code completion models have made significant progress in recent years.
Recently, repository-level code completion has drawn more attention in modern
software development, and several baseline methods and benchmarks have been
proposed. However, existing repository-level code completion methods often fall
short of fully using the extensive context of a project repository, such as the
intricacies of relevant files and class hierarchies. Besides, the existing
benchmarks usually focus on limited code completion scenarios, which cannot
reflect the repository-level code completion abilities well of existing
methods. To address these limitations, we propose the R2C2-Coder to enhance and
benchmark the real-world repository-level code completion abilities of code
Large Language Models, where the R2C2-Coder includes a code prompt construction
method R2C2-Enhance and a well-designed benchmark R2C2-Bench. Specifically,
first, in R2C2-Enhance, we first construct the candidate retrieval pool and
then assemble the completion prompt by retrieving from the retrieval pool for
each completion cursor position. Second, based on R2C2 -Enhance, we can
construct a more challenging and diverse R2C2-Bench with training, validation
and test splits, where a context perturbation strategy is proposed to simulate
the real-world repository-level code completion well. Extensive results on
multiple benchmarks demonstrate the effectiveness of our R2C2-Coder. | cs.CL | R2C2-Coder: Enhancing and Benchmarking Real-world Repository-level Code Completion Abilities of Code Large Language Models |
2024-06-03T13:58:04Z | http://arxiv.org/pdf/2406.01333v1 | http://arxiv.org/abs/2406.01333v1 | Zhenhua Liu, Tong Zhu, Chuanyuan Tan, Haonan Lu, Bing Liu, Wenliang Chen | 2024-06-03T13:58:04Z | cs.CL, cs.AI | Large Language Models (LLMs) have shown their impressive capabilities, while
also raising concerns about the data contamination problems due to privacy
issues and leakage of benchmark datasets in the pre-training phase. Therefore,
it is vital to detect the contamination by checking whether an LLM has been
pre-trained on the target texts. Recent studies focus on the generated texts
and compute perplexities, which are superficial features and not reliable. In
this study, we propose to utilize the probing technique for pre-training data
detection by examining the model's internal activations. Our method is simple
and effective and leads to more trustworthy pre-training data detection.
Additionally, we propose ArxivMIA, a new challenging benchmark comprising arxiv
abstracts from Computer Science and Mathematics categories. Our experiments
demonstrate that our method outperforms all baselines, and achieves
state-of-the-art performance on both WikiMIA and ArxivMIA, with additional
experiments confirming its efficacy (Our code and dataset are available at
https://github.com/zhliu0106/probing-lm-data). | cs.CL | Probing Language Models for Pre-training Data Detection |
2024-06-03T13:28:43Z | http://arxiv.org/pdf/2406.06567v1 | http://arxiv.org/abs/2406.06567v1 | Yilong Chen, Linhao Zhang, Junyuan Shang, Zhenyu Zhang, Tingwen Liu, Shuohuan Wang, Yu Sun | 2024-06-03T13:28:43Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) with billions of parameters demonstrate
impressive performance. However, the widely used Multi-Head Attention (MHA) in
LLMs incurs substantial computational and memory costs during inference. While
some efforts have optimized attention mechanisms by pruning heads or sharing
parameters among heads, these methods often lead to performance degradation or
necessitate substantial continued pre-training costs to restore performance.
Based on the analysis of attention redundancy, we design a Decoupled-Head
Attention (DHA) mechanism. DHA adaptively configures group sharing for key
heads and value heads across various layers, achieving a better balance between
performance and efficiency. Inspired by the observation of clustering similar
heads, we propose to progressively transform the MHA checkpoint into the DHA
model through linear fusion of similar head parameters step by step, retaining
the parametric knowledge of the MHA checkpoint. We construct DHA models by
transforming various scales of MHA checkpoints given target head budgets. Our
experiments show that DHA remarkably requires a mere 0.25\% of the original
model's pre-training budgets to achieve 97.6\% of performance while saving 75\%
of KV cache. Compared to Group-Query Attention (GQA), DHA achieves a 5$\times$
training acceleration, a maximum of 13.93\% performance improvement under
0.01\% pre-training budget, and 4\% relative improvement under 0.05\%
pre-training budget. | cs.LG | DHA: Learning Decoupled-Head Attention from Transformer Checkpoints via Adaptive Heads Fusion |
2024-06-03T13:24:37Z | http://arxiv.org/pdf/2406.01311v1 | http://arxiv.org/abs/2406.01311v1 | Sushant Gautam | 2024-06-03T13:24:37Z | cs.CL | Fact-checking is a crucial natural language processing (NLP) task that
verifies the truthfulness of claims by considering reliable evidence.
Traditional methods are often limited by labour-intensive data curation and
rule-based approaches. In this paper, we present FactGenius, a novel method
that enhances fact-checking by combining zero-shot prompting of large language
models (LLMs) with fuzzy text matching on knowledge graphs (KGs). Leveraging
DBpedia, a structured linked data dataset derived from Wikipedia, FactGenius
refines LLM-generated connections using similarity measures to ensure accuracy.
The evaluation of FactGenius on the FactKG, a benchmark dataset for fact
verification, demonstrates that it significantly outperforms existing
baselines, particularly when fine-tuning RoBERTa as a classifier. The two-stage
approach of filtering and validating connections proves crucial, achieving
superior performance across various reasoning types and establishing FactGenius
as a promising tool for robust fact-checking. The code and materials are
available at https://github.com/SushantGautam/FactGenius. | cs.CL | FactGenius: Combining Zero-Shot Prompting and Fuzzy Relation Mining to Improve Fact Verification with Knowledge Graphs |
2024-06-03T13:20:05Z | http://arxiv.org/pdf/2406.01306v1 | http://arxiv.org/abs/2406.01306v1 | Fanyi Qu, Hao Sun, Yunfang Wu | 2024-06-03T13:20:05Z | cs.CL | Within the context of reading comprehension, the task of Distractor
Generation (DG) aims to generate several incorrect options to confuse readers.
Traditional supervised methods for DG rely heavily on expensive human-annotated
distractor labels. In this paper, we propose an unsupervised DG framework,
leveraging Large Language Models (LLMs) as cost-effective annotators to enhance
the DG capability of smaller student models. Specially, to perform knowledge
distilling, we propose a dual task training strategy that integrates pseudo
distractors from LLMs and the original answer in-formation as the objective
targets with a two-stage training process. Moreover, we devise a counterfactual
contrastive decoding mechanism for increasing the distracting capability of the
DG model. Experiments show that our unsupervised generation method with
Bart-base greatly surpasses GPT-3.5-turbo performance with only 200 times fewer
model parameters. Our proposed unsupervised DG method offers a cost-effective
framework for practical reading comprehension applications, without the need of
laborious distractor annotation and costly large-size models | cs.CL | Unsupervised Distractor Generation via Large Language Model Distilling and Counterfactual Contrastive Decoding |
2024-06-03T13:13:35Z | http://arxiv.org/pdf/2406.01304v3 | http://arxiv.org/abs/2406.01304v3 | Dong Chen, Shaoxin Lin, Muhan Zeng, Daoguang Zan, Jian-Gang Wang, Anton Cheshkov, Jun Sun, Hao Yu, Guoliang Dong, Artem Aliev, Jie Wang, Xiao Cheng, Guangtai Liang, Yuchi Ma, Pan Bian, Tao Xie, Qianxiang Wang | 2024-06-11T03:52:03Z | cs.CL, cs.AI, cs.SE | GitHub issue resolving recently has attracted significant attention from
academia and industry. SWE-bench is proposed to measure the performance in
resolving issues. In this paper, we propose CodeR, which adopts a multi-agent
framework and pre-defined task graphs to Repair & Resolve reported bugs and add
new features within code Repository. On SWE-bench lite, CodeR is able to solve
28.33% of issues, when submitting only once for each issue. We examine the
performance impact of each design of CodeR and offer insights to advance this
research direction. | cs.CL | CodeR: Issue Resolving with Multi-Agent and Task Graphs |
2024-06-03T13:05:46Z | http://arxiv.org/pdf/2406.01297v1 | http://arxiv.org/abs/2406.01297v1 | Ryo Kamoi, Yusen Zhang, Nan Zhang, Jiawei Han, Rui Zhang | 2024-06-03T13:05:46Z | cs.CL | Self-correction is an approach to improving responses from large language
models (LLMs) by refining the responses using LLMs during inference. Prior work
has proposed various self-correction frameworks using different sources of
feedback, including self-evaluation and external feedback. However, there is
still no consensus on the question of when LLMs can correct their own mistakes,
as recent studies also report negative results. In this work, we critically
survey broad papers and discuss the conditions required for successful
self-correction. We first find that prior studies often do not define their
research questions in detail and involve impractical frameworks or unfair
evaluations that over-evaluate self-correction. To tackle these issues, we
categorize research questions in self-correction research and provide a
checklist for designing appropriate experiments. Our critical survey based on
the newly categorized research questions shows that (1) no prior work
demonstrates successful self-correction with feedback from prompted LLMs in
general tasks, (2) self-correction works well in tasks that can use reliable
external feedback, and (3) large-scale fine-tuning enables self-correction. | cs.CL | When Can LLMs Actually Correct Their Own Mistakes? A Critical Survey of Self-Correction of LLMs |
2024-06-03T12:59:17Z | http://arxiv.org/pdf/2406.01288v1 | http://arxiv.org/abs/2406.01288v1 | Xiaosen Zheng, Tianyu Pang, Chao Du, Qian Liu, Jing Jiang, Min Lin | 2024-06-03T12:59:17Z | cs.CL, cs.AI, cs.CR, cs.LG | Recently, Anil et al. (2024) show that many-shot (up to hundreds of)
demonstrations can jailbreak state-of-the-art LLMs by exploiting their
long-context capability. Nevertheless, is it possible to use few-shot
demonstrations to efficiently jailbreak LLMs within limited context sizes?
While the vanilla few-shot jailbreaking may be inefficient, we propose improved
techniques such as injecting special system tokens like [/INST] and employing
demo-level random search from a collected demo pool. These simple techniques
result in surprisingly effective jailbreaking against aligned LLMs (even with
advanced defenses). For examples, our method achieves >80% (mostly >95%) ASRs
on Llama-2-7B and Llama-3-8B without multiple restarts, even if the models are
enhanced by strong defenses such as perplexity detection and/or SmoothLLM,
which is challenging for suffix-based jailbreaking. In addition, we conduct
comprehensive and elaborate (e.g., making sure to use correct system prompts)
evaluations against other aligned LLMs and advanced defenses, where our method
consistently achieves nearly 100% ASRs. Our code is available at
https://github.com/sail-sg/I-FSJ. | cs.CL | Improved Few-Shot Jailbreaking Can Circumvent Aligned Language Models and Their Defenses |
2024-06-03T12:51:52Z | http://arxiv.org/pdf/2406.01283v1 | http://arxiv.org/abs/2406.01283v1 | Jungmin Yun, Mihyeon Kim, Youngbin Kim | 2024-06-03T12:51:52Z | cs.CL, cs.AI | Transformer-based models have achieved dominant performance in numerous NLP
tasks. Despite their remarkable successes, pre-trained transformers such as
BERT suffer from a computationally expensive self-attention mechanism that
interacts with all tokens, including the ones unfavorable to classification
performance. To overcome these challenges, we propose integrating two
strategies: token pruning and token combining. Token pruning eliminates less
important tokens in the attention mechanism's key and value as they pass
through the layers. Additionally, we adopt fuzzy logic to handle uncertainty
and alleviate potential mispruning risks arising from an imbalanced
distribution of each token's importance. Token combining, on the other hand,
condenses input sequences into smaller sizes in order to further compress the
model. By integrating these two approaches, we not only improve the model's
performance but also reduce its computational demands. Experiments with various
datasets demonstrate superior performance compared to baseline models,
especially with the best improvement over the existing BERT model, achieving
+5%p in accuracy and +5.6%p in F1 score. Additionally, memory cost is reduced
to 0.61x, and a speedup of 1.64x is achieved. | cs.CL | Focus on the Core: Efficient Attention via Pruned Token Compression for Document Classification |
2024-06-03T12:45:40Z | http://arxiv.org/pdf/2406.01276v2 | http://arxiv.org/abs/2406.01276v2 | Zhenya Huang, Yuting Ning, Longhu Qin, Shiwei Tong, Shangzi Xue, Tong Xiao, Xin Lin, Jiayu Liu, Qi Liu, Enhong Chen, Shijing Wang | 2024-06-04T11:44:59Z | cs.CL | Educational resource understanding is vital to online learning platforms,
which have demonstrated growing applications recently. However, researchers and
developers always struggle with using existing general natural language
toolkits or domain-specific models. The issue raises a need to develop an
effective and easy-to-use one that benefits AI education-related research and
applications. To bridge this gap, we present a unified, modularized, and
extensive library, EduNLP, focusing on educational resource understanding. In
the library, we decouple the whole workflow to four key modules with consistent
interfaces including data configuration, processing, model implementation, and
model evaluation. We also provide a configurable pipeline to unify the data
usage and model usage in standard ways, where users can customize their own
needs. For the current version, we primarily provide 10 typical models from
four categories, and 5 common downstream-evaluation tasks in the education
domain on 8 subjects for users' usage. The project is released at:
https://github.com/bigdata-ustc/EduNLP. | cs.CL | EduNLP: Towards a Unified and Modularized Library for Educational Resources |
2024-06-03T12:10:26Z | http://arxiv.org/pdf/2406.01252v1 | http://arxiv.org/abs/2406.01252v1 | Boxi Cao, Keming Lu, Xinyu Lu, Jiawei Chen, Mengjie Ren, Hao Xiang, Peilin Liu, Yaojie Lu, Ben He, Xianpei Han, Le Sun, Hongyu Lin, Bowen Yu | 2024-06-03T12:10:26Z | cs.CL, cs.AI, stat.ML | Alignment is the most critical step in building large language models (LLMs)
that meet human needs. With the rapid development of LLMs gradually surpassing
human capabilities, traditional alignment methods based on human-annotation are
increasingly unable to meet the scalability demands. Therefore, there is an
urgent need to explore new sources of automated alignment signals and technical
approaches. In this paper, we systematically review the recently emerging
methods of automated alignment, attempting to explore how to achieve effective,
scalable, automated alignment once the capabilities of LLMs exceed those of
humans. Specifically, we categorize existing automated alignment methods into 4
major categories based on the sources of alignment signals and discuss the
current status and potential development of each category. Additionally, we
explore the underlying mechanisms that enable automated alignment and discuss
the essential factors that make automated alignment technologies feasible and
effective from the fundamental role of alignment. | cs.CL | Towards Scalable Automated Alignment of LLMs: A Survey |
2024-06-03T11:56:07Z | http://arxiv.org/pdf/2406.01238v1 | http://arxiv.org/abs/2406.01238v1 | Zixuan Dong, Baoyun Peng, Yufei Wang, Jia Fu, Xiaodong Wang, Yongxue Shan, Xin Zhou | 2024-06-03T11:56:07Z | cs.CL | While large language models (LLMs) have shown remarkable capabilities in
natural language processing, they struggle with complex, multi-step reasoning
tasks involving knowledge graphs (KGs). Existing approaches that integrate LLMs
and KGs either underutilize the reasoning abilities of LLMs or suffer from
prohibitive computational costs due to tight coupling. To address these
limitations, we propose a novel collaborative framework named EffiQA that can
strike a balance between performance and efficiency via an iterative paradigm.
EffiQA consists of three stages: global planning, efficient KG exploration, and
self-reflection. Specifically, EffiQA leverages the commonsense capability of
LLMs to explore potential reasoning pathways through global planning. Then, it
offloads semantic pruning to a small plug-in model for efficient KG
exploration. Finally, the exploration results are fed to LLMs for
self-reflection to further improve the global planning and efficient KG
exploration. Empirical evidence on multiple KBQA benchmarks shows EffiQA's
effectiveness, achieving an optimal balance between reasoning accuracy and
computational costs. We hope the proposed new framework will pave the way for
efficient, knowledge-intensive querying by redefining the integration of LLMs
and KGs, fostering future research on knowledge-based question answering. | cs.CL | EffiQA: Efficient Question-Answering with Strategic Multi-Model Collaboration on Knowledge Graphs |
2024-06-03T11:52:52Z | http://arxiv.org/pdf/2406.01233v1 | http://arxiv.org/abs/2406.01233v1 | Viktor Shcherbakov, Fedor Krasnov | 2024-06-03T11:52:52Z | cs.IR, cs.CL | Product search is uniquely different from search for documents, Internet
resources or vacancies, therefore it requires the development of specialized
search systems. The present work describes the H1 embdedding model, designed
for an offline term indexing of product descriptions at e-commerce platforms.
The model is compared to other state-of-the-art (SoTA) embedding models within
a framework of hybrid product search system that incorporates the advantages of
lexical methods for product retrieval and semantic embedding-based methods. We
propose an approach to building semantically rich term vocabularies for search
indexes. Compared to other production semantic models, H1 paired with the
proposed approach stands out due to its ability to process multi-word product
terms as one token. As an example, for search queries "new balance shoes",
"gloria jeans kids wear" brand entity will be represented as one token - "new
balance", "gloria jeans". This results in an increased precision of the system
without affecting the recall. The hybrid search system with proposed model
scores mAP@12 = 56.1% and R@1k = 86.6% on the WANDS public dataset, beating
other SoTA analogues. | cs.IR | Multi-word Term Embeddings Improve Lexical Product Retrieval |
2024-06-03T11:46:42Z | http://arxiv.org/pdf/2406.01224v1 | http://arxiv.org/abs/2406.01224v1 | Yi Su, Yunpeng Tai, Yixin Ji, Juntao Li, Bowen Yan, Min Zhang | 2024-06-03T11:46:42Z | cs.CL | Large Language Models (LLMs) have demonstrated an impressive capability known
as In-context Learning (ICL), which enables them to acquire knowledge from
textual demonstrations without the need for parameter updates. However, many
studies have highlighted that the model's performance is sensitive to the
choice of demonstrations, presenting a significant challenge for practical
applications where we lack prior knowledge of user queries. Consequently, we
need to construct an extensive demonstration pool and incorporate external
databases to assist the model, leading to considerable time and financial
costs. In light of this, some recent research has shifted focus towards
zero-shot ICL, aiming to reduce the model's reliance on external information by
leveraging their inherent generative capabilities. Despite the effectiveness of
these approaches, the content generated by the model may be unreliable, and the
generation process is time-consuming. To address these issues, we propose
Demonstration Augmentation for In-context Learning (DAIL), which employs the
model's previously predicted historical samples as demonstrations for
subsequent ones. DAIL brings no additional inference cost and does not rely on
the model's generative capabilities. Our experiments reveal that DAIL can
significantly improve the model's performance over direct zero-shot inference
and can even outperform few-shot ICL without any external information. | cs.CL | Demonstration Augmentation for Zero-shot In-context Learning |
2024-06-03T11:29:19Z | http://arxiv.org/pdf/2406.01213v1 | http://arxiv.org/abs/2406.01213v1 | Zhuojun Ding, Wei Wei, Xiaoye Qu, Dangyang Chen | 2024-06-03T11:29:19Z | cs.CL, cs.AI | Cross-lingual named entity recognition (NER) aims to train an NER model for
the target language leveraging only labeled source language data and unlabeled
target language data. Prior approaches either perform label projection on
translated source language data or employ a source model to assign pseudo
labels for target language data and train a target model on these
pseudo-labeled data to generalize to the target language. However, these
automatic labeling procedures inevitably introduce noisy labels, thus leading
to a performance drop. In this paper, we propose a Global-Local Denoising
framework (GLoDe) for cross-lingual NER. Specifically, GLoDe introduces a
progressive denoising strategy to rectify incorrect pseudo labels by leveraging
both global and local distribution information in the semantic space. The
refined pseudo-labeled target language data significantly improves the model's
generalization ability. Moreover, previous methods only consider improving the
model with language-agnostic features, however, we argue that target
language-specific features are also important and should never be ignored. To
this end, we employ a simple auxiliary task to achieve this goal. Experimental
results on two benchmark datasets with six target languages demonstrate that
our proposed GLoDe significantly outperforms current state-of-the-art methods. | cs.CL | Improving Pseudo Labels with Global-Local Denoising Framework for Cross-lingual Named Entity Recognition |
2024-06-03T10:59:50Z | http://arxiv.org/pdf/2406.01198v1 | http://arxiv.org/abs/2406.01198v1 | Kun Sun, Rong Wang | 2024-06-03T10:59:50Z | cs.CL, cs.AI | Automated essay scoring (AES) involves predicting a score that reflects the
writing quality of an essay. Most existing AES systems produce only a single
overall score. However, users and L2 learners expect scores across different
dimensions (e.g., vocabulary, grammar, coherence) for English essays in
real-world applications. To address this need, we have developed two models
that automatically score English essays across multiple dimensions by employing
fine-tuning and other strategies on two large datasets. The results demonstrate
that our systems achieve impressive performance in evaluation using three
criteria: precision, F1 score, and Quadratic Weighted Kappa. Furthermore, our
system outperforms existing methods in overall scoring. | cs.CL | Automatic Essay Multi-dimensional Scoring with Fine-tuning and Multiple Regression |
2024-06-03T10:59:33Z | http://arxiv.org/pdf/2406.01197v2 | http://arxiv.org/abs/2406.01197v2 | Tzu-Lin Kuo, Tzu-Wei Chiu, Tzung-Sheng Lin, Sheng-Yang Wu, Chao-Wei Huang, Yun-Nung Chen | 2024-06-04T04:12:39Z | cs.IR, cs.CL | Generative Retrieval (GR) is an emerging paradigm in information retrieval
that leverages generative models to directly map queries to relevant document
identifiers (DocIDs) without the need for traditional query processing or
document reranking. This survey provides a comprehensive overview of GR,
highlighting key developments, indexing and retrieval strategies, and
challenges. We discuss various document identifier strategies, including
numerical and string-based identifiers, and explore different document
representation methods. Our primary contribution lies in outlining future
research directions that could profoundly impact the field: improving the
quality of query generation, exploring learnable document identifiers,
enhancing scalability, and integrating GR with multi-task learning frameworks.
By examining state-of-the-art GR techniques and their applications, this survey
aims to provide a foundational understanding of GR and inspire further
innovations in this transformative approach to information retrieval. We also
make the complementary materials such as paper collection publicly available at
https://github.com/MiuLab/GenIR-Survey/ | cs.IR | A Survey of Generative Information Retrieval |
2024-06-03T10:21:48Z | http://arxiv.org/pdf/2406.01179v2 | http://arxiv.org/abs/2406.01179v2 | Guanhua Huang, Yuchen Zhang, Zhe Li, Yongjian You, Mingze Wang, Zhouwang Yang | 2024-06-26T12:43:56Z | cs.CL, cs.AI | The widespread use of large language models (LLMs) has sparked concerns about
the potential misuse of AI-generated text, as these models can produce content
that closely resembles human-generated text. Current detectors for AI-generated
text (AIGT) lack robustness against adversarial perturbations, with even minor
changes in characters or words causing a reversal in distinguishing between
human-created and AI-generated text. This paper investigates the robustness of
existing AIGT detection methods and introduces a novel detector, the Siamese
Calibrated Reconstruction Network (SCRN). The SCRN employs a reconstruction
network to add and remove noise from text, extracting a semantic representation
that is robust to local perturbations. We also propose a siamese calibration
technique to train the model to make equally confidence predictions under
different noise, which improves the model's robustness against adversarial
perturbations. Experiments on four publicly available datasets show that the
SCRN outperforms all baseline methods, achieving 6.5\%-18.25\% absolute
accuracy improvement over the best baseline method under adversarial attacks.
Moreover, it exhibits superior generalizability in cross-domain, cross-genre,
and mixed-source scenarios. The code is available at
\url{https://github.com/CarlanLark/Robust-AIGC-Detector}. | cs.CL | Are AI-Generated Text Detectors Robust to Adversarial Perturbations? |
2024-06-03T10:08:23Z | http://arxiv.org/pdf/2406.01171v2 | http://arxiv.org/abs/2406.01171v2 | Yu-Min Tseng, Yu-Chao Huang, Teng-Yun Hsiao, Wei-Lin Chen, Chao-Wei Huang, Yu Meng, Yun-Nung Chen | 2024-06-26T09:37:48Z | cs.CL | The concept of persona, originally adopted in dialogue literature, has
re-surged as a promising framework for tailoring large language models (LLMs)
to specific context (e.g., personalized search, LLM-as-a-judge). However, the
growing research on leveraging persona in LLMs is relatively disorganized and
lacks a systematic taxonomy. To close the gap, we present a comprehensive
survey to categorize the current state of the field. We identify two lines of
research, namely (1) LLM Role-Playing, where personas are assigned to LLMs, and
(2) LLM Personalization, where LLMs take care of user personas. Additionally,
we introduce existing methods for LLM personality evaluation. To the best of
our knowledge, we present the first survey for role-playing and personalization
in LLMs under the unified view of persona. We continuously maintain a paper
collection to foster future endeavors:
https://github.com/MiuLab/PersonaLLM-Survey | cs.CL | Two Tales of Persona in LLMs: A Survey of Role-Playing and Personalization |
2024-06-03T09:38:28Z | http://arxiv.org/pdf/2406.01145v1 | http://arxiv.org/abs/2406.01145v1 | Guangyi Liu, Yongqi Zhang, Yong Li, Quanming Yao | 2024-06-03T09:38:28Z | cs.CL | The task of reasoning over Knowledge Graphs (KGs) poses a significant
challenge for Large Language Models (LLMs) due to the complex structure and
large amounts of irrelevant information. Existing LLM reasoning methods
overlook the importance of compositional learning on KG to supply with precise
knowledge. Besides, the fine-tuning and frequent interaction with LLMs incur
substantial time and resource costs. This paper focuses on the Question
Answering over Knowledge Graph (KGQA) task and proposes an
Explore-then-Determine (EtD) framework that synergizes LLMs with graph neural
networks (GNNs) for reasoning over KGs. The Explore stage employs a lightweight
GNN to explore promising candidates and relevant fine-grained knowledge to the
questions, while the Determine stage utilizes the explored information to
construct a knowledge-enhanced multiple-choice prompt, guiding a frozen LLM to
determine the final answer. Extensive experiments on three benchmark KGQA
datasets demonstrate that EtD achieves state-of-the-art performance and
generates faithful reasoning results. | cs.CL | Explore then Determine: A GNN-LLM Synergy Framework for Reasoning over Knowledge Graph |
2024-06-03T09:11:13Z | http://arxiv.org/pdf/2406.01126v1 | http://arxiv.org/abs/2406.01126v1 | Wenjing Yue, Xiaoling Wang, Wei Zhu, Ming Guan, Huanran Zheng, Pengfei Wang, Changzhi Sun, Xin Ma | 2024-06-03T09:11:13Z | cs.CL, cs.AI | Large language models (LLMs) have performed remarkably well in various
natural language processing tasks by benchmarking, including in the Western
medical domain. However, the professional evaluation benchmarks for LLMs have
yet to be covered in the traditional Chinese medicine(TCM) domain, which has a
profound history and vast influence. To address this research gap, we introduce
TCM-Bench, an comprehensive benchmark for evaluating LLM performance in TCM. It
comprises the TCM-ED dataset, consisting of 5,473 questions sourced from the
TCM Licensing Exam (TCMLE), including 1,300 questions with authoritative
analysis. It covers the core components of TCMLE, including TCM basis and
clinical practice. To evaluate LLMs beyond accuracy of question answering, we
propose TCMScore, a metric tailored for evaluating the quality of answers
generated by LLMs for TCM related questions. It comprehensively considers the
consistency of TCM semantics and knowledge. After conducting comprehensive
experimental analyses from diverse perspectives, we can obtain the following
findings: (1) The unsatisfactory performance of LLMs on this benchmark
underscores their significant room for improvement in TCM. (2) Introducing
domain knowledge can enhance LLMs' performance. However, for in-domain models
like ZhongJing-TCM, the quality of generated analysis text has decreased, and
we hypothesize that their fine-tuning process affects the basic LLM
capabilities. (3) Traditional metrics for text generation quality like Rouge
and BertScore are susceptible to text length and surface semantic ambiguity,
while domain-specific metrics such as TCMScore can further supplement and
explain their evaluation results. These findings highlight the capabilities and
limitations of LLMs in the TCM and aim to provide a more profound assistance to
medical research. | cs.CL | TCMBench: A Comprehensive Benchmark for Evaluating Large Language Models in Traditional Chinese Medicine |
2024-06-03T09:10:42Z | http://arxiv.org/pdf/2406.01124v3 | http://arxiv.org/abs/2406.01124v3 | Zitao Song, Chao Yang, Chaojie Wang, Bo An, Shuang Li | 2024-06-28T07:54:19Z | cs.LG, cs.CL | Modern high-stakes systems, such as healthcare or robotics, often generate
vast streaming event sequences. Our goal is to design an efficient,
plug-and-play tool to elicit logic tree-based explanations from Large Language
Models (LLMs) to provide customized insights into each observed event sequence.
Built on the temporal point process model for events, our method employs the
likelihood function as a score to evaluate generated logic trees. We propose an
amortized Expectation-Maximization (EM) learning framework and treat the logic
tree as latent variables. In the E-step, we evaluate the posterior distribution
over the latent logic trees using an LLM prior and the likelihood of the
observed event sequences. LLM provides a high-quality prior for the latent
logic trees, however, since the posterior is built over a discrete
combinatorial space, we cannot get the closed-form solution. We propose to
generate logic tree samples from the posterior using a learnable GFlowNet,
which is a diversity-seeking generator for structured discrete variables. The
M-step employs the generated logic rules to approximate marginalization over
the posterior, facilitating the learning of model parameters and refining the
tunable LLM prior parameters. In the online setting, our locally built,
lightweight model will iteratively extract the most relevant rules from LLMs
for each sequence using only a few iterations. Empirical demonstrations
showcase the promising performance and adaptability of our framework. | cs.LG | Latent Logic Tree Extraction for Event Sequence Explanation from LLMs |
2024-06-03T08:31:35Z | http://arxiv.org/pdf/2406.01096v1 | http://arxiv.org/abs/2406.01096v1 | Wrick Talukdar, Anjanava Biswas | 2024-06-03T08:31:35Z | cs.CL, cs.LG | While supervised learning models have shown remarkable performance in various
natural language processing (NLP) tasks, their success heavily relies on the
availability of large-scale labeled datasets, which can be costly and
time-consuming to obtain. Conversely, unsupervised learning techniques can
leverage abundant unlabeled text data to learn rich representations, but they
do not directly optimize for specific NLP tasks. This paper presents a novel
hybrid approach that synergizes unsupervised and supervised learning to improve
the accuracy of NLP task modeling. While supervised models excel at specific
tasks, they rely on large labeled datasets. Unsupervised techniques can learn
rich representations from abundant unlabeled text but don't directly optimize
for tasks. Our methodology integrates an unsupervised module that learns
representations from unlabeled corpora (e.g., language models, word embeddings)
and a supervised module that leverages these representations to enhance
task-specific models. We evaluate our approach on text classification and named
entity recognition (NER), demonstrating consistent performance gains over
supervised baselines. For text classification, contextual word embeddings from
a language model pretrain a recurrent or transformer-based classifier. For NER,
word embeddings initialize a BiLSTM sequence labeler. By synergizing
techniques, our hybrid approach achieves SOTA results on benchmark datasets,
paving the way for more data-efficient and robust NLP systems. | cs.CL | Synergizing Unsupervised and Supervised Learning: A Hybrid Approach for Accurate Natural Language Task Modeling |
2024-06-03T07:44:32Z | http://arxiv.org/pdf/2406.06566v1 | http://arxiv.org/abs/2406.06566v1 | Carolina Fortuna, Vid Hanžel, Blaž Bertalanič | 2024-06-03T07:44:32Z | cs.CL, cs.AI, cs.LG | In this paper, we investigate the integration of Retrieval Augmented
Generation (RAG) with large language models (LLMs) such as ChatGPT, Gemini, and
Llama to enhance the accuracy and specificity of responses to complex questions
about electricity datasets. Recognizing the limitations of LLMs in generating
precise and contextually relevant answers due to their dependency on the
patterns in training data rather than factual understanding, we propose a
solution that leverages a specialized electricity knowledge graph. This
approach facilitates the retrieval of accurate, real-time data which is then
synthesized with the generative capabilities of LLMs. Our findings illustrate
that the RAG approach not only reduces the incidence of incorrect information
typically generated by LLMs but also significantly improves the quality of the
output by grounding responses in verifiable data. This paper details our
methodology, presents a comparative analysis of responses with and without RAG,
and discusses the implications of our findings for future applications of AI in
specialized sectors like energy data analysis. | cs.CL | RAG Enabled Conversations about Household Electricity Monitoring |
2024-06-03T07:42:45Z | http://arxiv.org/pdf/2406.01070v1 | http://arxiv.org/abs/2406.01070v1 | Jun Gao, Ziqiang Cao, Shaoyao Huang, Luozheng Qin, Chunhui Ai | 2024-06-03T07:42:45Z | cs.CL | ChatGPT is instruct-tuned to generate general and human-expected content to
align with human preference through Reinforcement Learning from Human Feedback
(RLHF), meanwhile resulting in generated responses not salient enough.
Therefore, in this case, ChatGPT may fail to satisfy domain requirements in
zero-shot settings, leading to poor ROUGE scores. Inspired by the In-Context
Learning (ICL) and retelling ability of ChatGPT, this paper proposes PADS, a
\textbf{P}ipeline for \textbf{A}ssisting ChatGPT in \textbf{D}omain
\textbf{S}ummarization. PADS consists of a retriever to retrieve similar
examples from corpora and a rank model to rerank the multiple candidate
summaries generated by ChatGPT. Specifically, given an inference document, we
first retrieve an in-context demonstration via the retriever. Then, we require
ChatGPT to generate $k$ candidate summaries for the inference document at a
time under the guidance of the retrieved demonstration. Finally, the rank model
independently scores the $k$ candidate summaries according to their quality and
selects the optimal one. We extensively explore dense and sparse retrieval
methods to select effective demonstrations for reference and efficiently train
the rank model to reflect the quality of candidate summaries for each given
summarized document. Additionally, PADS contains merely 400M trainable
parameters originating from the rank model and we merely collect 2.5k data to
train it. We evaluate PADS on five datasets from different domains, and the
result indicates that each module in PADS is committed to effectively guiding
ChatGPT to generate salient summaries fitting different domain requirements.
Specifically, in the popular summarization dataset Gigaword, PADS achieves over
+8 gain on ROUGE-L, compared with the naive ChatGPT in the zero-shot setting.
\footnote{Our code are available at \url{https://github.com/jungao1106/PADS}} | cs.CL | Guiding ChatGPT to Generate Salient Domain Summaries |
2024-06-03T07:02:57Z | http://arxiv.org/pdf/2406.01052v1 | http://arxiv.org/abs/2406.01052v1 | Jiangming Liu | 2024-06-03T07:02:57Z | cs.CL | Discourse Representation Structure (DRS) is an innovative semantic
representation designed to capture the meaning of texts with arbitrary lengths
across languages. The semantic representation parsing is essential for
achieving natural language understanding through logical forms. Nevertheless,
the performance of DRS parsing models remains constrained when trained
exclusively on monolingual data. To tackle this issue, we introduce a
cross-lingual training strategy. The proposed method is model-agnostic yet
highly effective. It leverages cross-lingual training data and fully exploits
the alignments between languages encoded in pre-trained language models. The
experiments conducted on the standard benchmarks demonstrate that models
trained using the cross-lingual training method exhibit significant
improvements in DRS clause and graph parsing in English, German, Italian and
Dutch. Comparing our final models to previous works, we achieve
state-of-the-art results in the standard benchmarks. Furthermore, the detailed
analysis provides deep insights into the performance of the parsers, offering
inspiration for future research in DRS parsing. We keep updating new results on
benchmarks to the appendix. | cs.CL | MACT: Model-Agnostic Cross-Lingual Training for Discourse Representation Structure Parsing |
2024-06-03T06:55:10Z | http://arxiv.org/pdf/2406.01045v1 | http://arxiv.org/abs/2406.01045v1 | Fatemeh Shiri, Van Nguyen, Farhad Moghimifar, John Yoo, Gholamreza Haffari, Yuan-Fang Li | 2024-06-03T06:55:10Z | cs.CL, cs.AI | Large Language Models (LLMs) demonstrate significant capabilities in
processing natural language data, promising efficient knowledge extraction from
diverse textual sources to enhance situational awareness and support
decision-making. However, concerns arise due to their susceptibility to
hallucination, resulting in contextually inaccurate content. This work focuses
on harnessing LLMs for automated Event Extraction, introducing a new method to
address hallucination by decomposing the task into Event Detection and Event
Argument Extraction. Moreover, the proposed method integrates dynamic
schema-aware augmented retrieval examples into prompts tailored for each
specific inquiry, thereby extending and adapting advanced prompting techniques
such as Retrieval-Augmented Generation. Evaluation findings on prominent event
extraction benchmarks and results from a synthesized benchmark illustrate the
method's superior performance compared to baseline approaches. | cs.CL | Decompose, Enrich, and Extract! Schema-aware Event Extraction using LLMs |
2024-06-03T06:20:12Z | http://arxiv.org/pdf/2406.01026v2 | http://arxiv.org/abs/2406.01026v2 | Mengge Xue, Zhenyu Hu, Liqun Liu, Kuo Liao, Shuang Li, Honglin Han, Meng Zhao, Chengguo Yin | 2024-06-06T06:32:45Z | cs.CL | Multiple-Choice Questions (MCQs) constitute a critical area of research in
the study of Large Language Models (LLMs). Previous works have investigated the
selection bias problem in MCQs within few-shot scenarios, in which the LLM's
performance may be influenced by the presentation of answer choices, leaving
the selection bias during Supervised Fine-Tuning (SFT) unexplored. In this
paper, we reveal that selection bias persists in the SFT phase , primarily due
to the LLM's inadequate Multiple Choice Symbol Binding (MCSB) ability. This
limitation implies that the model struggles to associate the answer options
with their corresponding symbols (e.g., A/B/C/D) effectively. To enhance the
model's MCSB capability, we first incorporate option contents into the loss
function and subsequently adjust the weights of the option symbols and
contents, guiding the model to understand the option content of the current
symbol. Based on this, we introduce an efficient SFT algorithm for MCQs, termed
Point-wise Intelligent Feedback (PIF). PIF constructs negative instances by
randomly combining the incorrect option contents with all candidate symbols,
and proposes a point-wise loss to provide feedback on these negative samples
into LLMs. Our experimental results demonstrate that PIF significantly reduces
the model's selection bias by improving its MCSB capability. Remarkably, PIF
exhibits a substantial enhancement in the accuracy for MCQs. | cs.CL | Strengthened Symbol Binding Makes Large Language Models Reliable Multiple-Choice Selectors |
2024-06-03T06:07:44Z | http://arxiv.org/pdf/2406.01021v1 | http://arxiv.org/abs/2406.01021v1 | Emily Ohman, Riikka Rossi | 2024-06-03T06:07:44Z | cs.CL | What can we learn from the classics of Finnish literature by using
computational emotion analysis? This article tries to answer this question by
examining how computational methods of sentiment analysis can be used in the
study of literary works in conjunction with a qualitative or more 'traditional'
approach to literature and affect. We present and develop a simple but robust
computational approach of affect analysis that uses a carefully curated emotion
lexicon adapted to Finnish turn-of-the-century literary texts combined with
word embeddings to map out the semantic emotional spaces of seminal works of
Finnish literature. We focus our qualitative analysis on selected case studies:
four works by Juhani Aho, Minna Canth, Maria Jotuni, and F. E. Sillanp\"a\"a,
but provide emotion arcs for a total of 975 Finnish novels.
We argue that a computational analysis of a text's lexicon can be valuable in
evaluating the large distribution of the emotional valence in a text and
provide guidelines to help other researchers replicate our findings. We show
that computational approaches have a place in traditional studies on affect in
literature as a support tool for close-reading-based analyses, but also
allowing for large-scale comparison between, for example, genres or national
canons. | cs.CL | Combining Qualitative and Computational Approaches for Literary Analysis of Finnish Novels |
2024-06-03T05:50:00Z | http://arxiv.org/pdf/2406.01014v1 | http://arxiv.org/abs/2406.01014v1 | Junyang Wang, Haiyang Xu, Haitao Jia, Xi Zhang, Ming Yan, Weizhou Shen, Ji Zhang, Fei Huang, Jitao Sang | 2024-06-03T05:50:00Z | cs.CL, cs.CV | Mobile device operation tasks are increasingly becoming a popular multi-modal
AI application scenario. Current Multi-modal Large Language Models (MLLMs),
constrained by their training data, lack the capability to function effectively
as operation assistants. Instead, MLLM-based agents, which enhance capabilities
through tool invocation, are gradually being applied to this scenario. However,
the two major navigation challenges in mobile device operation tasks, task
progress navigation and focus content navigation, are significantly complicated
under the single-agent architecture of existing work. This is due to the overly
long token sequences and the interleaved text-image data format, which limit
performance. To address these navigation challenges effectively, we propose
Mobile-Agent-v2, a multi-agent architecture for mobile device operation
assistance. The architecture comprises three agents: planning agent, decision
agent, and reflection agent. The planning agent generates task progress, making
the navigation of history operations more efficient. To retain focus content,
we design a memory unit that updates with task progress. Additionally, to
correct erroneous operations, the reflection agent observes the outcomes of
each operation and handles any mistakes accordingly. Experimental results
indicate that Mobile-Agent-v2 achieves over a 30% improvement in task
completion compared to the single-agent architecture of Mobile-Agent. The code
is open-sourced at https://github.com/X-PLUG/MobileAgent. | cs.CL | Mobile-Agent-v2: Mobile Device Operation Assistant with Effective Navigation via Multi-Agent Collaboration |
2024-06-03T05:47:05Z | http://arxiv.org/pdf/2406.06565v1 | http://arxiv.org/abs/2406.06565v1 | Jinjie Ni, Fuzhao Xue, Xiang Yue, Yuntian Deng, Mahir Shah, Kabir Jain, Graham Neubig, Yang You | 2024-06-03T05:47:05Z | cs.CL, cs.AI, cs.LG | Evaluating large language models (LLMs) is challenging. Traditional
ground-truth-based benchmarks fail to capture the comprehensiveness and nuance
of real-world queries, while LLM-as-judge benchmarks suffer from grading biases
and limited query quantity. Both of them may also become contaminated over
time. User-facing evaluation, such as Chatbot Arena, provides reliable signals
but is costly and slow. In this work, we propose MixEval, a new paradigm for
establishing efficient, gold-standard LLM evaluation by strategically mixing
off-the-shelf benchmarks. It bridges (1) comprehensive and well-distributed
real-world user queries and (2) efficient and fairly-graded ground-truth-based
benchmarks, by matching queries mined from the web with similar queries from
existing benchmarks. Based on MixEval, we further build MixEval-Hard, which
offers more room for model improvement. Our benchmarks' advantages lie in (1) a
0.96 model ranking correlation with Chatbot Arena arising from the highly
impartial query distribution and grading mechanism, (2) fast, cheap, and
reproducible execution (6% of the time and cost of MMLU), and (3) dynamic
evaluation enabled by the rapid and stable data update pipeline. We provide
extensive meta-evaluation and analysis for our and existing LLM benchmarks to
deepen the community's understanding of LLM evaluation and guide future
research directions. | cs.CL | MixEval: Deriving Wisdom of the Crowd from LLM Benchmark Mixtures |
2024-06-03T05:46:53Z | http://arxiv.org/pdf/2406.01013v2 | http://arxiv.org/abs/2406.01013v2 | Ahmed M. Ahmed, Rafael Rafailov, Stepan Sharkov, Xuechen Li, Sanmi Koyejo | 2024-06-18T20:53:08Z | cs.LG, cs.CL | Reinforcement Learning from Human Feedback (RLHF) has enabled significant
advancements within language modeling for powerful, instruction-following
models. However, the alignment of these models remains a pressing challenge as
the policy tends to overfit the learned ``proxy" reward model past an
inflection point of utility as measured by a ``gold" reward model that is more
performant -- a phenomenon known as overoptimisation. Prior work has mitigated
this issue by computing a pessimistic statistic over an ensemble of reward
models, which is common in Offline Reinforcement Learning but incredibly costly
for language models with high memory requirements, making such approaches
infeasible for sufficiently large models. To this end, we propose using a
shared encoder but separate linear heads. We find this leads to similar
performance as the full ensemble while allowing tremendous savings in memory
and time required for training for models of similar size. | cs.LG | Scalable Ensembling For Mitigating Reward Overoptimisation |
2024-06-03T05:40:34Z | http://arxiv.org/pdf/2406.06564v1 | http://arxiv.org/abs/2406.06564v1 | Kaiye Zhou, Shucheng Wang | 2024-06-03T05:40:34Z | cs.LG, cs.AI, cs.CL | In the era of large language models, the demand for efficient use of
computational resources has become critically important. Although
parameter-efficient fine-tuning techniques have achieved results comparable to
full fine-tuning, their application during the pre-training phase poses
significant challenges. Specifically, employing parameter-efficient strategies
at the onset of pre-training can severely compromise efficiency, especially in
larger models. In this paper, building upon the fine-tuning method LoRA, we
introduce a novel parameter-efficient training technique that frequently alters
trainable part of parameters, facilitating effective pre-training. Our method
not only achieves memory reductions and computational overhead comparable to
current state-of-the-art parameter-efficient algorithms during the pre-training
phase but also maintains accuracy levels comparable to those of full
pre-training. We provide both theoretical analyses and empirical evidence to
demonstrate the effectiveness of our approach. | cs.LG | Revolutionizing Large Language Model Training through Dynamic Parameter Adjustment |
2024-06-03T05:36:57Z | http://arxiv.org/pdf/2406.01006v1 | http://arxiv.org/abs/2406.01006v1 | Yangruibo Ding, Jinjun Peng, Marcus J. Min, Gail Kaiser, Junfeng Yang, Baishakhi Ray | 2024-06-03T05:36:57Z | cs.CL, cs.AI, cs.SE | Code Large Language Models (Code LLMs) have excelled at tasks like code
completion but often miss deeper semantics such as execution effects and
dynamic states. This paper aims to bridge the gap between Code LLMs' reliance
on static text data and the need for thorough semantic understanding for
complex tasks like debugging and program repair. We introduce a novel strategy
to train Code LLMs with comprehensive semantics, encompassing high-level
functional descriptions, local execution effects of individual statements, and
overall input/output behavior, thereby linking static code text with dynamic
execution states. We begin by collecting PyX, a clean code corpus of fully
executable samples with functional descriptions and execution tracing. We
propose training Code LLMs to write code and represent and reason about
execution behaviors using natural language, mimicking human verbal debugging.
This approach led to the development of SemCoder, a Code LLM with only 6.7B
parameters, which shows competitive performance with GPT-3.5-turbo on code
generation and execution reasoning tasks. SemCoder achieves 81.1% on HumanEval
(GPT-3.5-turbo: 76.8%) and 54.5% on CRUXEval-I (GPT-3.5-turbo: 50.3%). We also
study the effectiveness of SemCoder's monologue-style execution reasoning
compared to concrete scratchpad reasoning, showing that our approach integrates
semantics from multiple dimensions more smoothly. Finally, we demonstrate the
potential of applying learned semantics to improve Code LLMs' debugging and
self-refining capabilities. | cs.CL | SemCoder: Training Code Language Models with Comprehensive Semantics |
2024-06-03T05:15:04Z | http://arxiv.org/pdf/2406.00999v1 | http://arxiv.org/abs/2406.00999v1 | Weijun Li, Qiongkai Xu, Mark Dras | 2024-06-03T05:15:04Z | cs.LG, cs.CL, cs.CR, I.2.7; I.2.11 | Recent studies have shown that distributed machine learning is vulnerable to
gradient inversion attacks, where private training data can be reconstructed by
analyzing the gradients of the models shared in training. Previous attacks
established that such reconstructions are possible using gradients from all
parameters in the entire models. However, we hypothesize that most of the
involved modules, or even their sub-modules, are at risk of training data
leakage, and we validate such vulnerabilities in various intermediate layers of
language models. Our extensive experiments reveal that gradients from a single
Transformer layer, or even a single linear component with 0.54% parameters, are
susceptible to training data leakage. Additionally, we show that applying
differential privacy on gradients during training offers limited protection
against the novel vulnerability of data disclosure. | cs.LG | Seeing the Forest through the Trees: Data Leakage from Partial Transformer Gradients |
2024-06-03T04:36:38Z | http://arxiv.org/pdf/2406.00984v1 | http://arxiv.org/abs/2406.00984v1 | Hiroaki Yamagiwa, Ryoma Hashimoto, Kiwamu Arakane, Ken Murakami, Shou Soeda, Momose Oyama, Mariko Okada, Hidetoshi Shimodaira | 2024-06-03T04:36:38Z | cs.CL | Natural language processing (NLP) is utilized in a wide range of fields,
where words in text are typically transformed into feature vectors called
embeddings. BioConceptVec is a specific example of embeddings tailored for
biology, trained on approximately 30 million PubMed abstracts using models such
as skip-gram. Generally, word embeddings are known to solve analogy tasks
through simple vector arithmetic. For instance, $\mathrm{\textit{king}} -
\mathrm{\textit{man}} + \mathrm{\textit{woman}}$ predicts
$\mathrm{\textit{queen}}$. In this study, we demonstrate that BioConceptVec
embeddings, along with our own embeddings trained on PubMed abstracts, contain
information about drug-gene relations and can predict target genes from a given
drug through analogy computations. We also show that categorizing drugs and
genes using biological pathways improves performance. Furthermore, we
illustrate that vectors derived from known relations in the past can predict
unknown future relations in datasets divided by year. | cs.CL | Predicting Drug-Gene Relations via Analogy Tasks with Word Embeddings |
2024-06-03T04:34:30Z | http://arxiv.org/pdf/2406.00983v1 | http://arxiv.org/abs/2406.00983v1 | Junyu Lu, Bo Xu, Xiaokun Zhang, Kaiyuan Liu, Dongyu Zhang, Liang Yang, Hongfei Lin | 2024-06-03T04:34:30Z | cs.CL, cs.AI | Current methods of toxic language detection (TLD) typically rely on specific
tokens to conduct decisions, which makes them suffer from lexical bias, leading
to inferior performance and generalization. Lexical bias has both "useful" and
"misleading" impacts on understanding toxicity. Unfortunately, instead of
distinguishing between these impacts, current debiasing methods typically
eliminate them indiscriminately, resulting in a degradation in the detection
accuracy of the model. To this end, we propose a Counterfactual Causal
Debiasing Framework (CCDF) to mitigate lexical bias in TLD. It preserves the
"useful impact" of lexical bias and eliminates the "misleading impact".
Specifically, we first represent the total effect of the original sentence and
biased tokens on decisions from a causal view. We then conduct counterfactual
inference to exclude the direct causal effect of lexical bias from the total
effect. Empirical evaluations demonstrate that the debiased TLD model
incorporating CCDF achieves state-of-the-art performance in both accuracy and
fairness compared to competitive baselines applied on several vanilla models.
The generalization capability of our model outperforms current debiased models
for out-of-distribution data. | cs.CL | Take its Essence, Discard its Dross! Debiasing for Toxic Language Detection via Counterfactual Causal Effect |
2024-06-03T04:28:10Z | http://arxiv.org/pdf/2406.00980v1 | http://arxiv.org/abs/2406.00980v1 | Julian Martin Eisenschlos, Hernán Maina, Guido Ivetta, Luciana Benotti | 2024-06-03T04:28:10Z | cs.CL, cs.CV | Recently, large multi-modal models (LMMs) have emerged with the capacity to
perform vision tasks such as captioning and visual question answering (VQA)
with unprecedented accuracy. Applications such as helping the blind or visually
impaired have a critical need for precise answers. It is specially important
for models to be well calibrated and be able to quantify their uncertainty in
order to selectively decide when to answer and when to abstain or ask for
clarifications. We perform the first in-depth analysis of calibration methods
and metrics for VQA with in-context learning LMMs. Studying VQA on two
answerability benchmarks, we show that the likelihood score of visually
grounded models is better calibrated than in their text-only counterparts for
in-context learning, where sampling based methods are generally superior, but
no clear winner arises. We propose Avg BLEU, a calibration score combining the
benefits of both sampling and likelihood methods across modalities. | cs.CL | Selectively Answering Visual Questions |
2024-06-03T04:16:30Z | http://arxiv.org/pdf/2406.00976v1 | http://arxiv.org/abs/2406.00976v1 | Yongxin Zhu, Dan Su, Liqiang He, Linli Xu, Dong Yu | 2024-06-03T04:16:30Z | cs.CL, cs.SD, eess.AS | While recent advancements in speech language models have achieved significant
progress, they face remarkable challenges in modeling the long acoustic
sequences of neural audio codecs. In this paper, we introduce
\textbf{G}enerative \textbf{P}re-trained \textbf{S}peech \textbf{T}ransformer
(GPST), a hierarchical transformer designed for efficient speech language
modeling. GPST quantizes audio waveforms into two distinct types of discrete
speech representations and integrates them within a hierarchical transformer
architecture, allowing for a unified one-stage generation process and enhancing
Hi-Res audio generation capabilities. By training on large corpora of speeches
in an end-to-end unsupervised manner, GPST can generate syntactically
consistent speech with diverse speaker identities. Given a brief 3-second
prompt, GPST can produce natural and coherent personalized speech,
demonstrating in-context learning abilities. Moreover, our approach can be
easily extended to spoken cross-lingual speech generation by incorporating
multi-lingual semantic tokens and universal acoustic tokens. Experimental
results indicate that GPST significantly outperforms the existing speech
language models in terms of word error rate, speech quality, and speaker
similarity. See \url{https://youngsheen.github.io/GPST/demo} for demo samples. | cs.CL | Generative Pre-trained Speech Language Model with Efficient Hierarchical Transformer |
2024-06-03T04:14:21Z | http://arxiv.org/pdf/2406.00975v2 | http://arxiv.org/abs/2406.00975v2 | Masha Belyi, Robert Friel, Shuai Shao, Atindriyo Sanyal | 2024-06-05T15:45:04Z | cs.CL, cs.AI | Retriever Augmented Generation (RAG) systems have become pivotal in enhancing
the capabilities of language models by incorporating external knowledge
retrieval mechanisms. However, a significant challenge in deploying these
systems in industry applications is the detection and mitigation of
hallucinations: instances where the model generates information that is not
grounded in the retrieved context. Addressing this issue is crucial for
ensuring the reliability and accuracy of responses generated by large language
models (LLMs) in diverse industry settings. Current hallucination detection
techniques fail to deliver accuracy, low latency, and low cost simultaneously.
We introduce Luna: a DeBERTA-large (440M) encoder, finetuned for hallucination
detection in RAG settings. We demonstrate that Luna outperforms GPT-3.5 and
commercial evaluation frameworks on the hallucination detection task, with 97%
and 91% reduction in cost and latency, respectively. Luna is lightweight and
generalizes across multiple industry verticals and out-of-domain data, making
it an ideal candidate for industry LLM applications. | cs.CL | Luna: An Evaluation Foundation Model to Catch Language Model Hallucinations with High Accuracy and Low Cost |
2024-06-03T03:58:41Z | http://arxiv.org/pdf/2406.06563v1 | http://arxiv.org/abs/2406.06563v1 | Tianwen Wei, Bo Zhu, Liang Zhao, Cheng Cheng, Biye Li, Weiwei Lü, Peng Cheng, Jianhao Zhang, Xiaoyu Zhang, Liang Zeng, Xiaokun Wang, Yutuan Ma, Rui Hu, Shuicheng Yan, Han Fang, Yahui Zhou | 2024-06-03T03:58:41Z | cs.CL, cs.AI | In this technical report, we introduce the training methodologies implemented
in the development of Skywork-MoE, a high-performance mixture-of-experts (MoE)
large language model (LLM) with 146 billion parameters and 16 experts. It is
initialized from the pre-existing dense checkpoints of our Skywork-13B model.
We explore the comparative effectiveness of upcycling versus training from
scratch initializations. Our findings suggest that the choice between these two
approaches should consider both the performance of the existing dense
checkpoints and the MoE training budget. We highlight two innovative
techniques: gating logit normalization, which improves expert diversification,
and adaptive auxiliary loss coefficients, allowing for layer-specific
adjustment of auxiliary loss coefficients. Our experimental results validate
the effectiveness of these methods. Leveraging these techniques and insights,
we trained our upcycled Skywork-MoE on a condensed subset of our SkyPile
corpus. The evaluation results demonstrate that our model delivers strong
performance across a wide range of benchmarks. | cs.CL | Skywork-MoE: A Deep Dive into Training Techniques for Mixture-of-Experts Language Models |
2024-06-03T03:45:31Z | http://arxiv.org/pdf/2406.00969v1 | http://arxiv.org/abs/2406.00969v1 | Nikhil Mehta, Dan Goldwasser | 2024-06-03T03:45:31Z | cs.CL | The large scale usage of social media, combined with its significant impact,
has made it increasingly important to understand it. In particular, identifying
user communities, can be helpful for many downstream tasks. However,
particularly when models are trained on past data and tested on future, doing
this is difficult.
In this paper, we hypothesize to take advantage of Large Language Models
(LLMs), to better identify user communities. Due to the fact that many LLMs,
such as ChatGPT, are fixed and must be treated as black-boxes, we propose an
approach to better prompt them, by training a smaller LLM to do this. We devise
strategies to train this smaller model, showing how it can improve the larger
LLMs ability to detect communities. Experimental results show improvements on
Reddit and Twitter data, on the tasks of community detection, bot detection,
and news media profiling. | cs.CL | Using RL to Identify Divisive Perspectives Improves LLMs Abilities to Identify Communities on Social Media |
2024-06-03T03:21:49Z | http://arxiv.org/pdf/2406.06562v1 | http://arxiv.org/abs/2406.06562v1 | Jifeng Song, Kai Huang, Xiangyu Yin, Boyuan Yang, Wei Gao | 2024-06-03T03:21:49Z | cs.CL, cs.AI | Sparse activation, which selectively activates only an input-dependent set of
neurons in inference, is a useful technique to reduce the computing cost of
Large Language Models (LLMs) without retraining or adaptation efforts. However,
whether it can be applied to the recently emerging Small Language Models (SLMs)
remains questionable, because SLMs are generally less over-parameterized than
LLMs. In this paper, we aim to achieve sparse activation in SLMs. We first show
that the existing sparse activation schemes in LLMs that build on neurons'
output magnitudes cannot be applied to SLMs, and activating neurons based on
their attribution scores is a better alternative. Further, we demonstrated and
quantified the large errors of existing attribution metrics when being used for
sparse activation, due to the interdependency among attribution scores of
neurons across different layers. Based on these observations, we proposed a new
attribution metric that can provably correct such errors and achieve precise
sparse activation. Experiments over multiple popular SLMs and datasets show
that our approach can achieve 80% sparsification ratio with <5% model accuracy
loss, comparable to the sparse activation achieved in LLMs. The source code is
available at: https://github.com/pittisl/Sparse-Activation. | cs.CL | Achieving Sparse Activation in Small Language Models |
2024-06-03T03:09:01Z | http://arxiv.org/pdf/2406.00954v1 | http://arxiv.org/abs/2406.00954v1 | Shiqi Liu, Sannyuya Liu, Lele Sha, Zijie Zeng, Dragan Gasevic, Zhi Liu | 2024-06-03T03:09:01Z | cs.CL, cs.AI | Various machine learning approaches have gained significant popularity for
the automated classification of educational text to identify indicators of
learning engagement -- i.e. learning engagement classification (LEC). LEC can
offer comprehensive insights into human learning processes, attracting
significant interest from diverse research communities, including Natural
Language Processing (NLP), Learning Analytics, and Educational Data Mining.
Recently, Large Language Models (LLMs), such as ChatGPT, have demonstrated
remarkable performance in various NLP tasks. However, their comprehensive
evaluation and improvement approaches in LEC tasks have not been thoroughly
investigated. In this study, we propose the Annotation Guidelines-based
Knowledge Augmentation (AGKA) approach to improve LLMs. AGKA employs GPT 4.0 to
retrieve label definition knowledge from annotation guidelines, and then
applies the random under-sampler to select a few typical examples.
Subsequently, we conduct a systematic evaluation benchmark of LEC, which
includes six LEC datasets covering behavior classification (question and
urgency level), emotion classification (binary and epistemic emotion), and
cognition classification (opinion and cognitive presence). The study results
demonstrate that AGKA can enhance non-fine-tuned LLMs, particularly GPT 4.0 and
Llama 3 70B. GPT 4.0 with AGKA few-shot outperforms full-shot fine-tuned models
such as BERT and RoBERTa on simple binary classification datasets. However, GPT
4.0 lags in multi-class tasks that require a deep understanding of complex
semantic information. Notably, Llama 3 70B with AGKA is a promising combination
based on open-source LLM, because its performance is on par with closed-source
GPT 4.0 with AGKA. In addition, LLMs struggle to distinguish between labels
with similar names in multi-class classification. | cs.CL | Annotation Guidelines-Based Knowledge Augmentation: Towards Enhancing Large Language Models for Educational Text Classification |
2024-06-03T02:56:14Z | http://arxiv.org/pdf/2406.00944v1 | http://arxiv.org/abs/2406.00944v1 | Shicheng Xu, Liang Pang, Huawei Shen, Xueqi Cheng | 2024-06-03T02:56:14Z | cs.CL, cs.AI, cs.IR | Retrieval-augmented generation (RAG) utilizes retrieved texts to enhance
large language models (LLMs). However, studies show that RAG is not
consistently effective and can even mislead LLMs due to noisy or incorrect
retrieved texts. This suggests that RAG possesses a duality including both
benefit and detriment. Although many existing methods attempt to address this
issue, they lack a theoretical explanation for the duality in RAG. The benefit
and detriment within this duality remain a black box that cannot be quantified
or compared in an explainable manner. This paper takes the first step in
theoretically giving the essential explanation of benefit and detriment in RAG
by: (1) decoupling and formalizing them from RAG prediction, (2) approximating
the gap between their values by representation similarity and (3) establishing
the trade-off mechanism between them, to make them explainable, quantifiable,
and comparable. We demonstrate that the distribution difference between
retrieved texts and LLMs' knowledge acts as double-edged sword, bringing both
benefit and detriment. We also prove that the actual effect of RAG can be
predicted at token level. Based on our theory, we propose a practical novel
method, X-RAG, which achieves collaborative generation between pure LLM and RAG
at token level to preserve benefit and avoid detriment. Experiments in
real-world tasks based on LLMs including OPT, LLaMA-2, and Mistral show the
effectiveness of our method and support our theoretical results. | cs.CL | Unveil the Duality of Retrieval-Augmented Generation: Theoretical Analysis and Practical Solution |
2024-06-03T02:25:33Z | http://arxiv.org/pdf/2406.00083v2 | http://arxiv.org/abs/2406.00083v2 | Jiaqi Xue, Mengxin Zheng, Yebowen Hu, Fei Liu, Xun Chen, Qian Lou | 2024-06-06T13:38:42Z | cs.CR, cs.AI, cs.CL, cs.IR, cs.LG | Large Language Models (LLMs) are constrained by outdated information and a
tendency to generate incorrect data, commonly referred to as "hallucinations."
Retrieval-Augmented Generation (RAG) addresses these limitations by combining
the strengths of retrieval-based methods and generative models. This approach
involves retrieving relevant information from a large, up-to-date dataset and
using it to enhance the generation process, leading to more accurate and
contextually appropriate responses. Despite its benefits, RAG introduces a new
attack surface for LLMs, particularly because RAG databases are often sourced
from public data, such as the web. In this paper, we propose \TrojRAG{} to
identify the vulnerabilities and attacks on retrieval parts (RAG database) and
their indirect attacks on generative parts (LLMs). Specifically, we identify
that poisoning several customized content passages could achieve a retrieval
backdoor, where the retrieval works well for clean queries but always returns
customized poisoned adversarial queries. Triggers and poisoned passages can be
highly customized to implement various attacks. For example, a trigger could be
a semantic group like "The Republican Party, Donald Trump, etc." Adversarial
passages can be tailored to different contents, not only linked to the triggers
but also used to indirectly attack generative LLMs without modifying them.
These attacks can include denial-of-service attacks on RAG and semantic
steering attacks on LLM generations conditioned by the triggers. Our
experiments demonstrate that by just poisoning 10 adversarial passages can
induce 98.2\% success rate to retrieve the adversarial passages. Then, these
passages can increase the reject ratio of RAG-based GPT-4 from 0.01\% to 74.6\%
or increase the rate of negative responses from 0.22\% to 72\% for targeted
queries. | cs.CR | BadRAG: Identifying Vulnerabilities in Retrieval Augmented Generation of Large Language Models |
2024-06-03T02:20:03Z | http://arxiv.org/pdf/2406.00936v1 | http://arxiv.org/abs/2406.00936v1 | Ji-Lun Peng, Sijia Cheng, Egil Diau, Yung-Yu Shih, Po-Heng Chen, Yen-Ting Lin, Yun-Nung Chen | 2024-06-03T02:20:03Z | cs.CL | LLMs have gotten attention across various research domains due to their
exceptional performance on a wide range of complex tasks. Therefore, refined
methods to evaluate the capabilities of LLMs are needed to determine the tasks
and responsibility they should undertake. Our study mainly discussed how LLMs,
as useful tools, should be effectively assessed. We proposed the two-stage
framework: from ``core ability'' to ``agent'', clearly explaining how LLMs can
be applied based on their specific capabilities, along with the evaluation
methods in each stage. Core ability refers to the capabilities that LLMs need
in order to generate high-quality natural language texts. After confirming LLMs
possess core ability, they can solve real-world and complex tasks as agent. In
the "core ability" stage, we discussed the reasoning ability, societal impact,
and domain knowledge of LLMs. In the ``agent'' stage, we demonstrated embodied
action, planning, and tool learning of LLMs agent applications. Finally, we
examined the challenges currently confronting the evaluation methods for LLMs,
as well as the directions for future development. | cs.CL | A Survey of Useful LLM Evaluation |
2024-06-03T01:32:52Z | http://arxiv.org/pdf/2406.00922v2 | http://arxiv.org/abs/2406.00922v2 | Shuyue Stella Li, Vidhisha Balachandran, Shangbin Feng, Jonathan Ilgen, Emma Pierson, Pang Wei Koh, Yulia Tsvetkov | 2024-06-04T13:55:05Z | cs.CL, cs.AI | In high-stakes domains like clinical reasoning, AI assistants powered by
large language models (LLMs) are yet to be reliable and safe. We identify a key
obstacle towards reliability: existing LLMs are trained to answer any question,
even with incomplete context in the prompt or insufficient parametric
knowledge. We propose to change this paradigm to develop more careful LLMs that
ask follow-up questions to gather necessary and sufficient information and
respond reliably. We introduce MEDIQ, a framework to simulate realistic
clinical interactions, which incorporates a Patient System and an adaptive
Expert System. The Patient may provide incomplete information in the beginning;
the Expert refrains from making diagnostic decisions when unconfident, and
instead elicits missing details from the Patient via follow-up questions. To
evaluate MEDIQ, we convert MEDQA and CRAFT-MD -- medical benchmarks for
diagnostic question answering -- into an interactive setup. We develop a
reliable Patient system and prototype several Expert systems, first showing
that directly prompting state-of-the-art LLMs to ask questions degrades the
quality of clinical reasoning, indicating that adapting LLMs to interactive
information-seeking settings is nontrivial. We then augment the Expert with a
novel abstention module to better estimate model confidence and decide whether
to ask more questions, thereby improving diagnostic accuracy by 20.3%; however,
performance still lags compared to an (unrealistic in practice) upper bound
when full information is given upfront. Further analyses reveal that
interactive performance can be improved by filtering irrelevant contexts and
reformatting conversations. Overall, our paper introduces a novel problem
towards LLM reliability, a novel MEDIQ framework, and highlights important
future directions to extend the information-seeking abilities of LLM assistants
in critical domains. | cs.CL | MEDIQ: Question-Asking LLMs for Adaptive and Reliable Clinical Reasoning |
2024-06-03T00:27:29Z | http://arxiv.org/pdf/2406.01638v3 | http://arxiv.org/abs/2406.01638v3 | Chenxi Liu, Qianxiong Xu, Hao Miao, Sun Yang, Lingzheng Zhang, Cheng Long, Ziyue Li, Rui Zhao | 2024-06-14T01:39:29Z | cs.LG, cs.AI, cs.CL | The widespread adoption of scalable mobile sensing has led to large amounts
of time series data for real-world applications. A fundamental application is
multivariate time series forecasting (MTSF), which aims to predict future time
series values based on historical observations. Existing MTSF methods suffer
from limited parameterization and small-scale training data. Recently, Large
language models (LLMs) have been introduced in time series, which achieve
promising forecasting performance but incur heavy computational costs. To solve
these challenges, we propose TimeCMA, an LLM-empowered framework for time
series forecasting with cross-modality alignment. We design a dual-modality
encoding module with two branches, where the time series encoding branch
extracts relatively low-quality yet pure embeddings of time series through an
inverted Transformer. In addition, the LLM-empowered encoding branch wraps the
same time series as prompts to obtain high-quality yet entangled prompt
embeddings via a Pre-trained LLM. Then, we design a cross-modality alignment
module to retrieve high-quality and pure time series embeddings from the prompt
embeddings. Moreover, we develop a time series forecasting module to decode the
aligned embeddings while capturing dependencies among multiple variables for
forecasting. Notably, we tailor the prompt to encode sufficient temporal
information into a last token and design the last token embedding storage to
reduce computational costs. Extensive experiments on real data offer insight
into the accuracy and efficiency of the proposed framework. | cs.LG | TimeCMA: Towards LLM-Empowered Time Series Forecasting via Cross-Modality Alignment |
2024-06-02T23:43:27Z | http://arxiv.org/pdf/2406.00899v1 | http://arxiv.org/abs/2406.00899v1 | Xinjian Li, Shinnosuke Takamichi, Takaaki Saeki, William Chen, Sayaka Shiota, Shinji Watanabe | 2024-06-02T23:43:27Z | cs.CL, cs.SD, eess.AS | In this study, we introduce YODAS (YouTube-Oriented Dataset for Audio and
Speech), a large-scale, multilingual dataset comprising currently over 500k
hours of speech data in more than 100 languages, sourced from both labeled and
unlabeled YouTube speech datasets. The labeled subsets, including manual or
automatic subtitles, facilitate supervised model training. Conversely, the
unlabeled subsets are apt for self-supervised learning applications. YODAS is
distinctive as the first publicly available dataset of its scale, and it is
distributed under a Creative Commons license. We introduce the collection
methodology utilized for YODAS, which contributes to the large-scale speech
dataset construction. Subsequently, we provide a comprehensive analysis of
speech, text contained within the dataset. Finally, we describe the speech
recognition baselines over the top-15 languages. | cs.CL | YODAS: Youtube-Oriented Dataset for Audio and Speech |
2024-06-02T23:39:15Z | http://arxiv.org/pdf/2406.00898v1 | http://arxiv.org/abs/2406.00898v1 | Erfan Loweimi, Andrea Carmantini, Peter Bell, Steve Renals, Zoran Cvetkovic | 2024-06-02T23:39:15Z | cs.SD, cs.CL, eess.AS | In this paper, we analyse the error patterns of the raw waveform acoustic
models in TIMIT's phone recognition task. Our analysis goes beyond the
conventional phone error rate (PER) metric. We categorise the phones into three
groups: {affricate, diphthong, fricative, nasal, plosive, semi-vowel, vowel,
silence}, {consonant, vowel+, silence}, and {voiced, unvoiced, silence} and,
compute the PER for each broad phonetic class in each category. We also
construct a confusion matrix for each category using the substitution errors
and compare the confusion patterns with those of the Filterbank and Wav2vec 2.0
systems. Our raw waveform acoustic models consists of parametric (Sinc2Net) or
non-parametric CNNs and Bidirectional LSTMs, achieving down to 13.7%/15.2% PERs
on TIMIT Dev/Test sets, outperforming reported PERs for raw waveform models in
the literature. We also investigate the impact of transfer learning from WSJ on
the phonetic error patterns and confusion matrices. It reduces the PER to
11.8%/13.7% on the Dev/Test sets. | cs.SD | Phonetic Error Analysis of Raw Waveform Acoustic Models with Parametric and Non-Parametric CNNs |
2024-06-02T23:24:30Z | http://arxiv.org/pdf/2406.00894v1 | http://arxiv.org/abs/2406.00894v1 | Nicholas Roberts, Samuel Guo, Zhiqi Gao, Satya Sai Srinath Namburi GNVV, Sonia Cromp, Chengjun Wu, Chengyu Duan, Frederic Sala | 2024-06-02T23:24:30Z | cs.LG, cs.AI, cs.CL | While Transformers underpin modern large language models (LMs), there is a
growing list of alternative architectures with new capabilities, promises, and
tradeoffs. This makes choosing the right LM architecture challenging.
Recently-proposed $\textit{hybrid architectures}$ seek a best-of-all-worlds
approach that reaps the benefits of all architectures. Hybrid design is
difficult for two reasons: it requires manual expert-driven search, and new
hybrids must be trained from scratch. We propose $\textbf{Manticore}$, a
framework that addresses these challenges. Manticore $\textit{automates the
design of hybrid architectures}$ while reusing pretrained models to create
$\textit{pretrained}$ hybrids. Our approach augments ideas from differentiable
Neural Architecture Search (NAS) by incorporating simple projectors that
translate features between pretrained blocks from different architectures. We
then fine-tune hybrids that combine pretrained models from different
architecture families -- such as the GPT series and Mamba -- end-to-end. With
Manticore, we enable LM selection without training multiple models, the
construction of pretrained hybrids from existing pretrained models, and the
ability to $\textit{program}$ pretrained hybrids to have certain capabilities.
Manticore hybrids outperform existing manually-designed hybrids, achieve strong
performance on Long Range Arena (LRA) tasks, and can improve on pretrained
transformers and state space models. | cs.LG | Pretrained Hybrids with MAD Skills |
2024-06-02T23:13:56Z | http://arxiv.org/pdf/2406.00888v1 | http://arxiv.org/abs/2406.00888v1 | Omar Shaikh, Michelle Lam, Joey Hejna, Yijia Shao, Michael Bernstein, Diyi Yang | 2024-06-02T23:13:56Z | cs.CL, cs.HC | Language models are aligned to emulate the collective voice of many,
resulting in outputs that align with no one in particular. Steering LLMs away
from generic output is possible through supervised finetuning or RLHF, but
requires prohibitively large datasets for new ad-hoc tasks. We argue that it is
instead possible to align an LLM to a specific setting by leveraging a very
small number ($<10$) of demonstrations as feedback. Our method, Demonstration
ITerated Task Optimization (DITTO), directly aligns language model outputs to a
user's demonstrated behaviors. Derived using ideas from online imitation
learning, DITTO cheaply generates online comparison data by treating users'
demonstrations as preferred over output from the LLM and its intermediate
checkpoints. We evaluate DITTO's ability to learn fine-grained style and task
alignment across domains such as news articles, emails, and blog posts.
Additionally, we conduct a user study soliciting a range of demonstrations from
participants ($N=16$). Across our benchmarks and user study, we find that
win-rates for DITTO outperform few-shot prompting, supervised fine-tuning, and
other self-play methods by an average of 19% points. By using demonstrations as
feedback directly, DITTO offers a novel method for effective customization of
LLMs. | cs.CL | Show, Don't Tell: Aligning Language Models with Demonstrated Feedback |
2024-06-02T20:57:27Z | http://arxiv.org/pdf/2406.00867v1 | http://arxiv.org/abs/2406.00867v1 | Parastoo Falakaflaki, Mehrnoush Shamsfard | 2024-06-02T20:57:27Z | cs.CL, cs.AI | This study explores the formality style transfer in Persian, particularly
relevant in the face of the increasing prevalence of informal language on
digital platforms, which poses challenges for existing Natural Language
Processing (NLP) tools. The aim is to transform informal text into formal while
retaining the original meaning, addressing both lexical and syntactic
differences. We introduce a novel model, Fa-BERT2BERT, based on the Fa-BERT
architecture, incorporating consistency learning and gradient-based dynamic
weighting. This approach improves the model's understanding of syntactic
variations, balancing loss components effectively during training. Our
evaluation of Fa-BERT2BERT against existing methods employs new metrics
designed to accurately measure syntactic and stylistic changes. Results
demonstrate our model's superior performance over traditional techniques across
various metrics, including BLEU, BERT score, Rouge-l, and proposed metrics
underscoring its ability to adeptly navigate the complexities of Persian
language style transfer. This study significantly contributes to Persian
language processing by enhancing the accuracy and functionality of NLP models
and thereby supports the development of more efficient and reliable NLP
applications, capable of handling language style transformation effectively,
thereby streamlining content moderation, enhancing data mining results, and
facilitating cross-cultural communication. | cs.CL | Formality Style Transfer in Persian |
2024-06-02T19:35:19Z | http://arxiv.org/pdf/2406.00842v1 | http://arxiv.org/abs/2406.00842v1 | Ori Ernst, Ori Shapira, Aviv Slobodkin, Sharon Adar, Mohit Bansal, Jacob Goldberger, Ran Levy, Ido Dagan | 2024-06-02T19:35:19Z | cs.CL | Multi-document summarization (MDS) is a challenging task, often decomposed to
subtasks of salience and redundancy detection, followed by text generation. In
this context, alignment of corresponding sentences between a reference summary
and its source documents has been leveraged to generate training data for some
of the component tasks. Yet, this enabling alignment step has usually been
applied heuristically on the sentence level on a limited number of subtasks. In
this paper, we propose extending the summary-source alignment framework by (1)
applying it at the more fine-grained proposition span level, (2) annotating
alignment manually in a multi-document setup, and (3) revealing the great
potential of summary-source alignments to yield several datasets for at least
six different tasks. Specifically, for each of the tasks, we release a manually
annotated test set that was derived automatically from the alignment
annotation. We also release development and train sets in the same way, but
from automatically derived alignments. Using the datasets, each task is
demonstrated with baseline models and corresponding evaluation metrics to spur
future research on this broad challenge. | cs.CL | The Power of Summary-Source Alignments |
2024-06-02T19:27:56Z | http://arxiv.org/pdf/2406.10238v1 | http://arxiv.org/abs/2406.10238v1 | Minjia Mao, Xiaohang Zhao, Xiao Fang | 2024-06-02T19:27:56Z | cs.CL, cs.LG, cs.SI | An infodemic refers to an enormous amount of true information and
misinformation disseminated during a disease outbreak. Detecting misinformation
at the early stage of an infodemic is key to manage it and reduce its harm to
public health. An early stage infodemic is characterized by a large volume of
unlabeled information concerning a disease. As a result, conventional
misinformation detection methods are not suitable for this misinformation
detection task because they rely on labeled information in the infodemic domain
to train their models. To address the limitation of conventional methods,
state-of-the-art methods learn their models using labeled information in other
domains to detect misinformation in the infodemic domain. The efficacy of these
methods depends on their ability to mitigate both covariate shift and concept
shift between the infodemic domain and the domains from which they leverage
labeled information. These methods focus on mitigating covariate shift but
overlook concept shift, rendering them less effective for the task. In
response, we theoretically show the necessity of tackling both covariate shift
and concept shift as well as how to operationalize each of them. Built on the
theoretical analysis, we develop a novel misinformation detection method that
addresses both covariate shift and concept shift. Using two real-world
datasets, we conduct extensive empirical evaluations to demonstrate the
superior performance of our method over state-of-the-art misinformation
detection methods as well as prevalent domain adaptation methods that can be
tailored to solve the misinformation detection task. | cs.CL | Early Detection of Misinformation for Infodemic Management: A Domain Adaptation Approach |
2024-06-02T19:17:00Z | http://arxiv.org/pdf/2406.00839v1 | http://arxiv.org/abs/2406.00839v1 | Kaixin Lan, Tao Fang, Derek F. Wong, Yabo Xu, Lidia S. Chao, Cecilia G. Zhao | 2024-06-02T19:17:00Z | cs.CL, cs.AI | Pre-trained Language Models (PLMs) have shown impressive results in various
Natural Language Generation (NLG) tasks, such as powering chatbots and
generating stories. However, an ethical concern arises due to their potential
to produce verbatim copies of paragraphs from their training data. This is
problematic as PLMs are trained on corpora constructed by human authors. As
such, there is a pressing need for research to promote the generation of
original content by these models. In this study, we introduce a unique
"self-plagiarism" contrastive decoding strategy, aimed at boosting the
originality of text produced by PLMs. Our method entails modifying prompts in
LLMs to develop an amateur model and a professional model. Specifically, the
amateur model is urged to plagiarize using three plagiarism templates we have
designed, while the professional model maintains its standard language model
status. This strategy employs prompts to stimulate the model's capacity to
identify non-original candidate token combinations and subsequently impose
penalties. The application of this strategy is integrated prior to the model's
final layer, ensuring smooth integration with most existing PLMs (T5, GPT,
LLaMA) without necessitating further adjustments. Implementing our strategy, we
observe a significant decline in non-original sequences comprised of more than
three words in the academic AASC dataset and the story-based ROCStories
dataset. | cs.CL | FOCUS: Forging Originality through Contrastive Use in Self-Plagiarism for Language Models |
2024-06-02T18:42:57Z | http://arxiv.org/pdf/2406.00832v2 | http://arxiv.org/abs/2406.00832v2 | Lin Gui, Cristina Gârbacea, Victor Veitch | 2024-06-05T05:23:40Z | cs.CL, cs.LG | This paper concerns the problem of aligning samples from large language
models to human preferences using best-of-$n$ sampling, where we draw $n$
samples, rank them, and return the best one. We consider two fundamental
problems. First: what is the relationship between best-of-$n$ and approaches to
alignment that train LLMs to output samples with a high expected reward (e.g.,
RLHF or DPO)? To answer this, we embed both the best-of-$n$ distribution and
the sampling distributions learned by alignment procedures in a common class of
tiltings of the base LLM distribution. We then show that, within this class,
best-of-$n$ is essentially optimal in terms of the trade-off between win-rate
against the base model vs KL distance from the base model. That is, best-of-$n$
is the best choice of alignment distribution if the goal is to maximize win
rate. However, best-of-$n$ requires drawing $n$ samples for each inference, a
substantial cost. To avoid this, the second problem we consider is how to
fine-tune a LLM to mimic the best-of-$n$ sampling distribution. We derive
BoNBoN Alignment to achieve this by exploiting the special structure of the
best-of-$n$ distribution. Experiments show that BoNBoN alignment yields
substantial improvements in producing a model that is preferred to the base
policy while minimally affecting off-target aspects. | cs.CL | BoNBoN Alignment for Large Language Models and the Sweetness of Best-of-n Sampling |
2024-06-02T17:47:57Z | http://arxiv.org/pdf/2406.16903v1 | http://arxiv.org/abs/2406.16903v1 | Changyu Du, Stavros Nousias, André Borrmann | 2024-06-02T17:47:57Z | cs.HC, cs.AI, cs.CL, cs.LG | Facing increasingly complex BIM authoring software and the accompanying
expensive learning costs, designers often seek to interact with the software in
a more intelligent and lightweight manner. They aim to automate modeling
workflows, avoiding obstacles and difficulties caused by software usage,
thereby focusing on the design process itself. To address this issue, we
proposed an LLM-based autonomous agent framework that can function as a copilot
in the BIM authoring tool, answering software usage questions, understanding
the user's design intentions from natural language, and autonomously executing
modeling tasks by invoking the appropriate tools. In a case study based on the
BIM authoring software Vectorworks, we implemented a software prototype to
integrate the proposed framework seamlessly into the BIM authoring scenario. We
evaluated the planning and reasoning capabilities of different LLMs within this
framework when faced with complex instructions. Our work demonstrates the
significant potential of LLM-based agents in design automation and intelligent
interaction. | cs.HC | Towards a copilot in BIM authoring tool using a large language model-based agent for intelligent human-machine interaction |
2024-06-02T17:47:06Z | http://arxiv.org/pdf/2406.10237v1 | http://arxiv.org/abs/2406.10237v1 | Changyu Du, Zihan Deng, Stavros Nousias, André Borrmann | 2024-06-02T17:47:06Z | cs.IR, cs.CE, cs.CL, cs.HC, cs.LG | The complexity of BIM software presents significant barriers to the
widespread adoption of BIM and model-based design within the Architecture,
Engineering, and Construction (AEC) sector. End-users frequently express
concerns regarding the additional effort required to create a sufficiently
detailed BIM model when compared with conventional 2D drafting. This study
explores the potential of sequential recommendation systems to accelerate the
BIM modeling process. By treating BIM software commands as recommendable items,
we introduce a novel end-to-end approach that predicts the next-best command
based on user historical interactions. Our framework extensively preprocesses
real-world, large-scale BIM log data, utilizes the transformer architectures
from the latest large language models as the backbone network, and ultimately
results in a prototype that provides real-time command suggestions within the
BIM authoring tool Vectorworks. Subsequent experiments validated that our
proposed model outperforms the previous study, demonstrating the immense
potential of the recommendation system in enhancing design efficiency. | cs.IR | Towards commands recommender system in BIM authoring tool using transformers |
2024-06-02T16:53:21Z | http://arxiv.org/pdf/2406.00799v3 | http://arxiv.org/abs/2406.00799v3 | Sahar Abdelnabi, Aideen Fay, Giovanni Cherubin, Ahmed Salem, Mario Fritz, Andrew Paverd | 2024-06-20T13:33:08Z | cs.CR, cs.CL, cs.CY | Large Language Models (LLMs) are routinely used in retrieval-augmented
applications to orchestrate tasks and process inputs from users and other
sources. These inputs, even in a single LLM interaction, can come from a
variety of sources, of varying trustworthiness and provenance. This opens the
door to prompt injection attacks, where the LLM receives and acts upon
instructions from supposedly data-only sources, thus deviating from the user's
original instructions. We define this as task drift, and we propose to catch it
by scanning and analyzing the LLM's activations. We compare the LLM's
activations before and after processing the external input in order to detect
whether this input caused instruction drift. We develop two probing methods and
find that simply using a linear classifier can detect drift with near perfect
ROC AUC on an out-of-distribution test set. We show that this approach
generalizes surprisingly well to unseen task domains, such as prompt
injections, jailbreaks, and malicious instructions, without being trained on
any of these attacks. Our setup does not require any modification of the LLM
(e.g., fine-tuning) or any text generation, thus maximizing deployability and
cost efficiency and avoiding reliance on unreliable model output. To foster
future research on activation-based task inspection, decoding, and
interpretability, we will release our large-scale TaskTracker toolkit,
comprising a dataset of over 500K instances, representations from 4 SoTA
language models, and inspection tools. | cs.CR | Are you still on track!? Catching LLM Task Drift with Activations |
2024-06-02T16:03:31Z | http://arxiv.org/pdf/2406.00789v1 | http://arxiv.org/abs/2406.00789v1 | Md Taimur Ahad | 2024-06-02T16:03:31Z | cs.CL, cs.CV | Despite the observable benefit of Natural Language Processing (NLP) in
processing a large amount of textual medical data within a limited time for
information retrieval, a handful of research efforts have been devoted to
uncovering novel data-cleaning methods. Data cleaning in NLP is at the centre
point for extracting validated information. Another observed limitation in the
NLP domain is having limited medical corpora that provide answers to a given
medical question. Realising the limitations and challenges from two
perspectives, this research aims to clean a medical dataset using ensemble
techniques and to develop a corpus. The corpora expect that it will answer the
question based on the semantic relationship of corpus sequences. However, the
data cleaning method in this research suggests that the ensemble technique
provides the highest accuracy (94%) compared to the single process, which
includes vectorisation, exploratory data analysis, and feeding the vectorised
data. The second aim of having an adequate corpus was realised by extracting
answers from the dataset. This research is significant in machine learning,
specifically data cleaning and the medical sector, but it also underscores the
importance of NLP in the medical field, where accurate and timely information
extraction can be a matter of life and death. It establishes text data
processing using NLP as a powerful tool for extracting valuable information
like image data. | cs.CL | Developing an efficient corpus using Ensemble Data cleaning approach |
2024-06-02T15:57:29Z | http://arxiv.org/pdf/2406.00787v1 | http://arxiv.org/abs/2406.00787v1 | Bar Iluz, Yanai Elazar, Asaf Yehudai, Gabriel Stanovsky | 2024-06-02T15:57:29Z | cs.CL | Most works on gender bias focus on intrinsic bias -- removing traces of
information about a protected group from the model's internal representation.
However, these works are often disconnected from the impact of such debiasing
on downstream applications, which is the main motivation for debiasing in the
first place. In this work, we systematically test how methods for intrinsic
debiasing affect neural machine translation models, by measuring the extrinsic
bias of such systems under different design choices. We highlight three
challenges and mismatches between the debiasing techniques and their end-goal
usage, including the choice of embeddings to debias, the mismatch between words
and sub-word tokens debiasing, and the effect on different target languages. We
find that these considerations have a significant impact on downstream
performance and the success of debiasing. | cs.CL | Applying Intrinsic Debiasing on Downstream Tasks: Challenges and Considerations for Machine Translation |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.