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-25T13:19:41Z | http://arxiv.org/pdf/2406.17534v2 | http://arxiv.org/abs/2406.17534v2 | Huiyao Chen, Yu Zhao, Zulong Chen, Mengjia Wang, Liangyue Li, Meishan Zhang, Min Zhang | 2024-06-29T09:24:33Z | cs.CL | Hierarchical text classification (HTC) is an important task with broad
applications, while few-shot HTC has gained increasing interest recently. While
in-context learning (ICL) with large language models (LLMs) has achieved
significant success in few-shot learning, it is not as effective for HTC
because of the expansive hierarchical label sets and extremely-ambiguous
labels. In this work, we introduce the first ICL-based framework with LLM for
few-shot HTC. We exploit a retrieval database to identify relevant
demonstrations, and an iterative policy to manage multi-layer hierarchical
labels. Particularly, we equip the retrieval database with HTC label-aware
representations for the input texts, which is achieved by continual training on
a pretrained language model with masked language modeling (MLM), layer-wise
classification (CLS, specifically for HTC), and a novel divergent contrastive
learning (DCL, mainly for adjacent semantically-similar labels) objective.
Experimental results on three benchmark datasets demonstrate superior
performance of our method, and we can achieve state-of-the-art results in
few-shot HTC. | cs.CL | Retrieval-style In-Context Learning for Few-shot Hierarchical Text Classification |
2024-06-25T13:16:34Z | http://arxiv.org/pdf/2406.17532v1 | http://arxiv.org/abs/2406.17532v1 | Keyu Wang, Guilin Qi, Jiaqi Li, Songlin Zhai | 2024-06-25T13:16:34Z | cs.AI, cs.CL, cs.LO | Large language models (LLMs) have shown significant achievements in solving a
wide range of tasks. Recently, LLMs' capability to store, retrieve and infer
with symbolic knowledge has drawn a great deal of attention, showing their
potential to understand structured information. However, it is not yet known
whether LLMs can understand Description Logic (DL) ontologies. In this work, we
empirically analyze the LLMs' capability of understanding DL-Lite ontologies
covering 6 representative tasks from syntactic and semantic aspects. With
extensive experiments, we demonstrate both the effectiveness and limitations of
LLMs in understanding DL-Lite ontologies. We find that LLMs can understand
formal syntax and model-theoretic semantics of concepts and roles. However,
LLMs struggle with understanding TBox NI transitivity and handling ontologies
with large ABoxes. We hope that our experiments and analyses provide more
insights into LLMs and inspire to build more faithful knowledge engineering
solutions. | cs.AI | Can Large Language Models Understand DL-Lite Ontologies? An Empirical Study |
2024-06-25T13:08:35Z | http://arxiv.org/pdf/2406.17526v1 | http://arxiv.org/abs/2406.17526v1 | André V. Duarte, João Marques, Miguel Graça, Miguel Freire, Lei Li, Arlindo L. Oliveira | 2024-06-25T13:08:35Z | cs.CL, cs.IR, I.2 | Modern NLP tasks increasingly rely on dense retrieval methods to access
up-to-date and relevant contextual information. We are motivated by the premise
that retrieval benefits from segments that can vary in size such that a
content's semantic independence is better captured. We propose LumberChunker, a
method leveraging an LLM to dynamically segment documents, which iteratively
prompts the LLM to identify the point within a group of sequential passages
where the content begins to shift. To evaluate our method, we introduce
GutenQA, a benchmark with 3000 "needle in a haystack" type of question-answer
pairs derived from 100 public domain narrative books available on Project
Gutenberg. Our experiments show that LumberChunker not only outperforms the
most competitive baseline by 7.37% in retrieval performance (DCG@20) but also
that, when integrated into a RAG pipeline, LumberChunker proves to be more
effective than other chunking methods and competitive baselines, such as the
Gemini 1.5M Pro. Our Code and Data are available at
https://github.com/joaodsmarques/LumberChunker | cs.CL | LumberChunker: Long-Form Narrative Document Segmentation |
2024-06-25T12:59:38Z | http://arxiv.org/pdf/2406.17519v1 | http://arxiv.org/abs/2406.17519v1 | Zexuan Qiu, Zijing Ou, Bin Wu, Jingjing Li, Aiwei Liu, Irwin King | 2024-06-25T12:59:38Z | cs.CL | Augmenting Large Language Models (LLMs) with retrieved external knowledge has
proven effective for improving the factual accuracy of generated responses.
Despite their success, retrieval-augmented LLMs still face the distractibility
issue, where the generated responses are negatively influenced by noise from
both external and internal knowledge sources. In this paper, we introduce a
novel, training-free decoding method guided by entropy considerations to
mitigate this issue. Our approach utilizes entropy-based document-parallel
ensemble decoding to prioritize low-entropy distributions from retrieved
documents, thereby enhancing the extraction of relevant information of context.
Additionally, it incorporates a contrastive decoding mechanism that contrasts
the obtained low-entropy ensemble distribution with the high-entropy
distribution derived from the model's internal knowledge across layers, which
ensures a greater emphasis on reliable external information. Extensive
experiments on open-domain question answering datasets demonstrate the
superiority of our method. | cs.CL | Entropy-Based Decoding for Retrieval-Augmented Large Language Models |
2024-06-25T12:51:06Z | http://arxiv.org/pdf/2406.17513v2 | http://arxiv.org/abs/2406.17513v2 | Matteo Bortoletto, Constantin Ruhdorfer, Lei Shi, Andreas Bulling | 2024-07-01T06:48:34Z | cs.CL, cs.AI | While numerous works have assessed the generative performance of language
models (LMs) on tasks requiring Theory of Mind reasoning, research into the
models' internal representation of mental states remains limited. Recent work
has used probing to demonstrate that LMs can represent beliefs of themselves
and others. However, these claims are accompanied by limited evaluation, making
it difficult to assess how mental state representations are affected by model
design and training choices. We report an extensive benchmark with various LM
types with different model sizes, fine-tuning approaches, and prompt designs to
study the robustness of mental state representations and memorisation issues
within the probes. Our results show that the quality of models' internal
representations of the beliefs of others increases with model size and, more
crucially, with fine-tuning. We are the first to study how prompt variations
impact probing performance on theory of mind tasks. We demonstrate that models'
representations are sensitive to prompt variations, even when such variations
should be beneficial. Finally, we complement previous activation editing
experiments on Theory of Mind tasks and show that it is possible to improve
models' reasoning performance by steering their activations without the need to
train any probe. | cs.CL | Benchmarking Mental State Representations in Language Models |
2024-06-25T12:14:01Z | http://arxiv.org/pdf/2406.17825v1 | http://arxiv.org/abs/2406.17825v1 | Manish Dhakal, Arman Chhetri, Aman Kumar Gupta, Prabin Lamichhane, Suraj Pandey, Subarna Shakya | 2024-06-25T12:14:01Z | cs.CL, cs.SD, eess.AS | This paper presents an end-to-end deep learning model for Automatic Speech
Recognition (ASR) that transcribes Nepali speech to text. The model was trained
and tested on the OpenSLR (audio, text) dataset. The majority of the audio
dataset have silent gaps at both ends which are clipped during dataset
preprocessing for a more uniform mapping of audio frames and their
corresponding texts. Mel Frequency Cepstral Coefficients (MFCCs) are used as
audio features to feed into the model. The model having Bidirectional LSTM
paired with ResNet and one-dimensional CNN produces the best results for this
dataset out of all the models (neural networks with variations of LSTM, GRU,
CNN, and ResNet) that have been trained so far. This novel model uses
Connectionist Temporal Classification (CTC) function for loss calculation
during training and CTC beam search decoding for predicting characters as the
most likely sequence of Nepali text. On the test dataset, the character error
rate (CER) of 17.06 percent has been achieved. The source code is available at:
https://github.com/manishdhakal/ASR-Nepali-using-CNN-BiLSTM-ResNet. | cs.CL | Automatic speech recognition for the Nepali language using CNN, bidirectional LSTM and ResNet |
2024-06-25T12:05:56Z | http://arxiv.org/pdf/2406.17484v1 | http://arxiv.org/abs/2406.17484v1 | Yusheng Liao, Shuyang Jiang, Yanfeng Wang, Yu Wang | 2024-06-25T12:05:56Z | cs.CL | Large language models (LLMs) have shown substantial progress in natural
language understanding and generation, proving valuable especially in the
medical field. Despite advancements, challenges persist due to the complexity
and diversity inherent in medical tasks, which can be categorized as
knowledge-intensive tasks and alignment-required tasks. Previous approaches
either ignore the latter task or focus on a minority of tasks and hence lose
generalization. To address these drawbacks, we propose a progressive
fine-tuning pipeline. This pipeline employs a Knowledge Aggregator and a Noise
aggregator to encode diverse knowledge in the first stage and filter out
detrimental information. In the second stage, we drop the Noise Aggregator to
avoid the interference of suboptimal representation and leverage an additional
alignment module optimized towards an orthogonal direction to the knowledge
space to mitigate knowledge forgetting. Based on this two-stage paradigm, we
proposed a Medical LLM through decoupling Clinical Alignment and Knowledge
Aggregation (MedCare), which is designed to achieve state-of-the-art (SOTA)
performance on over 20 medical tasks, as well as SOTA results on specific
medical alignment tasks. Various model sizes of MedCare (1.8B, 7B, 14B) all
demonstrate significant improvements over existing models with similar model
sizes. | cs.CL | MedCare: Advancing Medical LLMs through Decoupling Clinical Alignment and Knowledge Aggregation |
2024-06-25T11:41:16Z | http://arxiv.org/pdf/2406.17474v1 | http://arxiv.org/abs/2406.17474v1 | Michał Marcińczuk | 2024-06-25T11:41:16Z | cs.CL, cs.AI | This study examines transformer-based models and their effectiveness in named
entity recognition tasks. The study investigates data representation
strategies, including single, merged, and context, which respectively use one
sentence, multiple sentences, and sentences joined with attention to context
per vector. Analysis shows that training models with a single strategy may lead
to poor performance on different data representations. To address this
limitation, the study proposes a combined training procedure that utilizes all
three strategies to improve model stability and adaptability. The results of
this approach are presented and discussed for four languages (English, Polish,
Czech, and German) across various datasets, demonstrating the effectiveness of
the combined strategy. | cs.CL | Transformer-based Named Entity Recognition with Combined Data Representation |
2024-06-25T11:12:01Z | http://arxiv.org/pdf/2406.17465v1 | http://arxiv.org/abs/2406.17465v1 | Qiancheng Xu, Yongqi Li, Heming Xia, Wenjie Li | 2024-06-25T11:12:01Z | cs.CL, cs.AI | Tool learning aims to enhance and expand large language models' (LLMs)
capabilities with external tools, which has gained significant attention
recently. Current methods have shown that LLMs can effectively handle a certain
amount of tools through in-context learning or fine-tuning. However, in
real-world scenarios, the number of tools is typically extensive and
irregularly updated, emphasizing the necessity for a dedicated tool retrieval
component. Tool retrieval is nontrivial due to the following challenges: 1)
complex user instructions and tool descriptions; 2) misalignment between tool
retrieval and tool usage models. To address the above issues, we propose to
enhance tool retrieval with iterative feedback from the large language model.
Specifically, we prompt the tool usage model, i.e., the LLM, to provide
feedback for the tool retriever model in multi-round, which could progressively
improve the tool retriever's understanding of instructions and tools and reduce
the gap between the two standalone components. We build a unified and
comprehensive benchmark to evaluate tool retrieval models. The extensive
experiments indicate that our proposed approach achieves advanced performance
in both in-domain evaluation and out-of-domain evaluation. | cs.CL | Enhancing Tool Retrieval with Iterative Feedback from Large Language Models |
2024-06-25T11:03:45Z | http://arxiv.org/pdf/2407.00875v1 | http://arxiv.org/abs/2407.00875v1 | Tianhao Li, Shangjie Li, Binbin Xie, Deyi Xiong, Baosong Yang | 2024-06-25T11:03:45Z | cs.CL, cs.AI | The advent of large language models (LLMs) has predominantly catered to
high-resource languages, leaving a disparity in performance for low-resource
languages. Conventional Continual Training (CT) approaches to bridge this gap
often undermine a model's original linguistic proficiency when expanding to
multilingual contexts. Addressing this issue, we introduce a novel MoE-CT
architecture, a paradigm that innovatively separates the base model's learning
from the multilingual expansion process. Our design freezes the original LLM
parameters, thus safeguarding its performance in high-resource languages, while
an appended MoE module, trained on diverse language datasets, augments
low-resource language proficiency. Our approach significantly outperforms
conventional CT methods, as evidenced by our experiments, which show marked
improvements in multilingual benchmarks without sacrificing the model's
original language performance. Moreover, our MoE-CT framework demonstrates
enhanced resistance to forgetting and superior transfer learning capabilities.
By preserving the base model's integrity and focusing on strategic parameter
expansion, our methodology advances multilingual language modeling and
represents a significant step forward for low-resource language inclusion in
LLMs, indicating a fruitful direction for future research in language
technologies. | cs.CL | MoE-CT: A Novel Approach For Large Language Models Training With Resistance To Catastrophic Forgetting |
2024-06-25T10:49:56Z | http://arxiv.org/pdf/2406.17456v1 | http://arxiv.org/abs/2406.17456v1 | Yixuan Wang, Baoxin Wang, Yijun Liu, Qingfu Zhu, Dayong Wu, Wanxiang Che | 2024-06-25T10:49:56Z | cs.CL, cs.AI | Nowadays, data augmentation through synthetic data has been widely used in
the field of Grammatical Error Correction (GEC) to alleviate the problem of
data scarcity. However, these synthetic data are mainly used in the
pre-training phase rather than the data-limited fine-tuning phase due to
inconsistent error distribution and noisy labels. In this paper, we propose a
synthetic data construction method based on contextual augmentation, which can
ensure an efficient augmentation of the original data with a more consistent
error distribution. Specifically, we combine rule-based substitution with
model-based generation, using the generative model to generate a richer context
for the extracted error patterns. Besides, we also propose a relabeling-based
data cleaning method to mitigate the effects of noisy labels in synthetic data.
Experiments on CoNLL14 and BEA19-Test show that our proposed augmentation
method consistently and substantially outperforms strong baselines and achieves
the state-of-the-art level with only a few synthetic data. | cs.CL | Improving Grammatical Error Correction via Contextual Data Augmentation |
2024-06-25T10:44:01Z | http://arxiv.org/pdf/2406.17453v1 | http://arxiv.org/abs/2406.17453v1 | Davide Mazzaccara, Alberto Testoni, Raffaella Bernardi | 2024-06-25T10:44:01Z | cs.CL | Questions are essential tools for acquiring the necessary information to
complete information-seeking tasks. However, large language models (LLMs),
especially open-source models, often perform poorly in generating informative
questions, as measured by expected information gain (EIG). In this paper, we
propose a method to enhance the informativeness of LLM-generated questions in
20-question game dialogues. We sample multiple questions from the same model
(LLAMA 2-CHAT 7B) for each game and create pairs of low-EIG and high-EIG
questions to apply a Direct Preference Optimization (DPO) algorithm. Our
results show that this method produces more effective questions (in terms of
EIG), even in domains different from those used to train the DPO model. | cs.CL | Learning to Ask Informative Questions: Enhancing LLMs with Preference Optimization and Expected Information Gain |
2024-06-25T10:08:45Z | http://arxiv.org/pdf/2406.17430v1 | http://arxiv.org/abs/2406.17430v1 | Hao Yang, Lizhen Qu, Ehsan Shareghi, Gholamreza Haffari | 2024-06-25T10:08:45Z | cs.CL, cs.SD, eess.AS | Large Multimodal Models (LMMs) have achieved great success recently,
demonstrating a strong capability to understand multimodal information and to
interact with human users. Despite the progress made, the challenge of
detecting high-risk interactions in multimodal settings, and in particular in
speech modality, remains largely unexplored. Conventional research on risk for
speech modality primarily emphasises the content (e.g., what is captured as
transcription). However, in speech-based interactions, paralinguistic cues in
audio can significantly alter the intended meaning behind utterances. In this
work, we propose a speech-specific risk taxonomy, covering 8 risk categories
under hostility (malicious sarcasm and threats), malicious imitation (age,
gender, ethnicity), and stereotypical biases (age, gender, ethnicity). Based on
the taxonomy, we create a small-scale dataset for evaluating current LMMs
capability in detecting these categories of risk. We observe even the latest
models remain ineffective to detect various paralinguistic-specific risks in
speech (e.g., Gemini 1.5 Pro is performing only slightly above random
baseline). Warning: this paper contains biased and offensive examples. | cs.CL | Towards Probing Speech-Specific Risks in Large Multimodal Models: A Taxonomy, Benchmark, and Insights |
2024-06-25T09:42:56Z | http://arxiv.org/pdf/2406.17419v1 | http://arxiv.org/abs/2406.17419v1 | Minzheng Wang, Longze Chen, Cheng Fu, Shengyi Liao, Xinghua Zhang, Bingli Wu, Haiyang Yu, Nan Xu, Lei Zhang, Run Luo, Yunshui Li, Min Yang, Fei Huang, Yongbin Li | 2024-06-25T09:42:56Z | cs.CL, cs.AI | Long-context modeling capabilities have garnered widespread attention,
leading to the emergence of Large Language Models (LLMs) with ultra-context
windows. Meanwhile, benchmarks for evaluating long-context LLMs are gradually
catching up. However, existing benchmarks employ irrelevant noise texts to
artificially extend the length of test cases, diverging from the real-world
scenarios of long-context applications. To bridge this gap, we propose a novel
long-context benchmark, Loong, aligning with realistic scenarios through
extended multi-document question answering (QA). Unlike typical document QA, in
Loong's test cases, each document is relevant to the final answer, ignoring any
document will lead to the failure of the answer. Furthermore, Loong introduces
four types of tasks with a range of context lengths: Spotlight Locating,
Comparison, Clustering, and Chain of Reasoning, to facilitate a more realistic
and comprehensive evaluation of long-context understanding. Extensive
experiments indicate that existing long-context language models still exhibit
considerable potential for enhancement. Retrieval augmented generation (RAG)
achieves poor performance, demonstrating that Loong can reliably assess the
model's long-context modeling capabilities. | cs.CL | Leave No Document Behind: Benchmarking Long-Context LLMs with Extended Multi-Doc QA |
2024-06-25T09:37:15Z | http://arxiv.org/pdf/2406.17415v2 | http://arxiv.org/abs/2406.17415v2 | Razvan-Gabriel Dumitru, Vikas Yadav, Rishabh Maheshwary, Paul-Ioan Clotan, Sathwik Tejaswi Madhusudhan, Mihai Surdeanu | 2024-06-26T08:00:18Z | cs.CL, cs.AI, cs.LG, I.2.7; I.2.0 | We present a simple variable quantization approach that quantizes different
layers of a large language model (LLM) at different bit levels. Specifically,
we quantize the most important layers to higher bit precision and less
important layers to lower bits to achieve floating point quantization levels.
We propose two effective strategies to measure the importance of layers within
LLMs: the first measures the importance of a layer based on how different its
output embeddings are from the input embeddings (the higher the better); the
second estimates the importance of a layer using the number of layer weights
that are much larger than average (the smaller the better). We show that
quantizing different layers at varying bits according to our importance scores
results in minimal performance drop with a far more compressed model size.
Finally, we present several practical key takeaways from our variable
layer-wise quantization experiments: (a) LLM performance under variable
quantization remains close to the original model until 25-50% of layers are
moved in lower quantization using our proposed ordering but only until 5-10% if
moved using no specific ordering; (b) Quantizing LLMs to lower bits performs
substantially better than pruning unless extreme quantization (2-bit) is used;
and (c) Layer-wise quantization to lower bits works better in the case of
larger LLMs with more layers compared to smaller LLMs with fewer layers. The
code used to run the experiments is available at:
https://github.com/RazvanDu/LayerwiseQuant. | cs.CL | Layer-Wise Quantization: A Pragmatic and Effective Method for Quantizing LLMs Beyond Integer Bit-Levels |
2024-06-25T09:25:39Z | http://arxiv.org/pdf/2406.17404v1 | http://arxiv.org/abs/2406.17404v1 | Yixuan Wang, Xianzhen Luo, Fuxuan Wei, Yijun Liu, Qingfu Zhu, Xuanyu Zhang, Qing Yang, Dongliang Xu, Wanxiang Che | 2024-06-25T09:25:39Z | cs.CL, cs.LG | Existing speculative decoding methods typically require additional model
structure and training processes to assist the model for draft token
generation. This makes the migration of acceleration methods to the new model
more costly and more demanding on device memory. To address this problem, we
propose the Make Some Noise (MSN) training framework as a replacement for the
supervised fine-tuning stage of the large language model. The training method
simply introduces some noise at the input for the model to learn the denoising
task. It significantly enhances the parallel decoding capability of the model
without affecting the original task capability. In addition, we propose a
tree-based retrieval-augmented Jacobi (TR-Jacobi) decoding strategy to further
improve the inference speed of MSN models. Experiments in both the general and
code domains have shown that MSN can improve inference speed by 2.3-2.7x times
without compromising model performance. The MSN model also achieves comparable
acceleration ratios to the SOTA model with additional model structure on
Spec-Bench. | cs.CL | Make Some Noise: Unlocking Language Model Parallel Inference Capability through Noisy Training |
2024-06-25T09:04:21Z | http://arxiv.org/pdf/2406.17385v1 | http://arxiv.org/abs/2406.17385v1 | Manon Reusens, Philipp Borchert, Jochen De Weerdt, Bart Baesens | 2024-06-25T09:04:21Z | cs.CL | Large Language Models (LLMs) excel at providing information acquired during
pretraining on large-scale corpora and following instructions through user
prompts. This study investigates whether the quality of LLM responses varies
depending on the demographic profile of users. Considering English as the
global lingua franca, along with the diversity of its dialects among speakers
of different native languages, we explore whether non-native English speakers
receive lower-quality or even factually incorrect responses from LLMs more
frequently. Our results show that performance discrepancies occur when LLMs are
prompted by native versus non-native English speakers and persist when
comparing native speakers from Western countries with others. Additionally, we
find a strong anchoring effect when the model recognizes or is made aware of
the user's nativeness, which further degrades the response quality when
interacting with non-native speakers. Our analysis is based on a newly
collected dataset with over 12,000 unique annotations from 124 annotators,
including information on their native language and English proficiency. | cs.CL | Native Design Bias: Studying the Impact of English Nativeness on Language Model Performance |
2024-06-25T08:55:12Z | http://arxiv.org/pdf/2406.17378v1 | http://arxiv.org/abs/2406.17378v1 | Zhijie Nie, Richong Zhang, Zhanyu Wu | 2024-06-25T08:55:12Z | cs.CL, cs.IR | Text embeddings from large language models (LLMs) have achieved excellent
results in tasks such as information retrieval, semantic textual similarity,
etc. In this work, we show an interesting finding: when feeding a text into the
embedding LLMs, the obtained text embedding will be able to be aligned with the
key tokens in the input text. We first fully analyze this phenomenon on eight
embedding LLMs and show that this phenomenon is universal and is not affected
by model architecture, training strategy, and embedding method. With a deeper
analysis, we then find that the main change in embedding space between the
embedding LLMs and their original generative LLMs is in the first principal
component. By adjusting the first principal component, we can align text
embedding with the key tokens. Finally, we give several examples to demonstrate
the vast application potential of this finding: (1) we propose a simple and
practical sparse retrieval method based on the aligned tokens, which can
achieve 80\% of the dense retrieval effect of the same model while reducing the
computation significantly; (2) we show that our findings provide a fresh
perspective to help understand fuzzy concepts (e.g., semantic relatedness vs.
semantic similarity) and emerging technologies (e.g., instruction-following
embedding) in this field. | cs.CL | A Text is Worth Several Tokens: Text Embedding from LLMs Secretly Aligns Well with The Key Tokens |
2024-06-25T08:53:46Z | http://arxiv.org/pdf/2406.17377v1 | http://arxiv.org/abs/2406.17377v1 | Vaibhav Singh, Amrith Krishna, Karthika NJ, Ganesh Ramakrishnan | 2024-06-25T08:53:46Z | cs.CL | Low-resource languages, by its very definition, tend to be under represented
in the pre-training corpora of Large Language Models. In this work, we
investigate three low-resource cross-lingual approaches that enable an LLM
adapt to tasks in previously unseen languages. Llama-2 is an LLM where Indic
languages, among many other language families, contribute to less than
$0.005\%$ of the total $2$ trillion token pre-training corpora. In this work,
we experiment with the English-dominated Llama-2 for cross-lingual transfer to
three Indic languages, Bengali, Hindi, and Tamil as target languages. We study
three approaches for cross-lingual transfer, under ICL and fine-tuning. One, we
find that adding additional supervisory signals via a dominant language in the
LLM, leads to improvements, both under in-context learning and fine-tuning.
Two, adapting the target languages to word reordering may be beneficial under
ICL, but its impact diminishes with fine tuning. Finally, continued
pre-training in one low-resource language can improve model performance for
other related low-resource languages. | cs.CL | A Three-Pronged Approach to Cross-Lingual Adaptation with Multilingual LLMs |
2024-06-25T08:49:11Z | http://arxiv.org/pdf/2406.17375v1 | http://arxiv.org/abs/2406.17375v1 | Jayanta Sadhu, Ayan Antik Khan, Abhik Bhattacharjee, Rifat Shahriyar | 2024-06-25T08:49:11Z | cs.CL | Pretrained language models inherently exhibit various social biases,
prompting a crucial examination of their social impact across various
linguistic contexts due to their widespread usage. Previous studies have
provided numerous methods for intrinsic bias measurements, predominantly
focused on high-resource languages. In this work, we aim to extend these
investigations to Bangla, a low-resource language. Specifically, in this study,
we (1) create a dataset for intrinsic gender bias measurement in Bangla, (2)
discuss necessary adaptations to apply existing bias measurement methods for
Bangla, and (3) examine the impact of context length variation on bias
measurement, a factor that has been overlooked in previous studies. Through our
experiments, we demonstrate a clear dependency of bias metrics on context
length, highlighting the need for nuanced considerations in Bangla bias
analysis. We consider our work as a stepping stone for bias measurement in the
Bangla Language and make all of our resources publicly available to support
future research. | cs.CL | An Empirical Study on the Characteristics of Bias upon Context Length Variation for Bangla |
2024-06-25T08:26:41Z | http://arxiv.org/pdf/2406.17363v2 | http://arxiv.org/abs/2406.17363v2 | Yasmin Moslem | 2024-06-27T09:08:03Z | cs.CL, cs.SD, eess.AS | This paper describes our system submission to the International Conference on
Spoken Language Translation (IWSLT 2024) for Irish-to-English speech
translation. We built end-to-end systems based on Whisper, and employed a
number of data augmentation techniques, such as speech back-translation and
noise augmentation. We investigate the effect of using synthetic audio data and
discuss several methods for enriching signal diversity. | cs.CL | Leveraging Synthetic Audio Data for End-to-End Low-Resource Speech Translation |
2024-06-25T07:25:15Z | http://arxiv.org/pdf/2406.17328v1 | http://arxiv.org/abs/2406.17328v1 | Songming Zhang, Xue Zhang, Zengkui Sun, Yufeng Chen, Jinan Xu | 2024-06-25T07:25:15Z | cs.CL, cs.AI | Knowledge distillation (KD) is known as a promising solution to compress
large language models (LLMs) via transferring their knowledge to smaller
models. During this process, white-box KD methods usually minimize the distance
between the output distributions of the two models so that more knowledge can
be transferred. However, in the current white-box KD framework, the output
distributions are from the respective output spaces of the two models, using
their own prediction heads. We argue that the space discrepancy will lead to
low similarity between the teacher model and the student model on both
representation and distribution levels. Furthermore, this discrepancy also
hinders the KD process between models with different vocabularies, which is
common for current LLMs. To address these issues, we propose a dual-space
knowledge distillation (DSKD) framework that unifies the output spaces of the
two models for KD. On the basis of DSKD, we further develop a cross-model
attention mechanism, which can automatically align the representations of the
two models with different vocabularies. Thus, our framework is not only
compatible with various distance functions for KD (e.g., KL divergence) like
the current framework, but also supports KD between any two LLMs regardless of
their vocabularies. Experiments on task-agnostic instruction-following
benchmarks show that DSKD significantly outperforms the current white-box KD
framework with various distance functions, and also surpasses existing KD
methods for LLMs with different vocabularies. | cs.CL | Dual-Space Knowledge Distillation for Large Language Models |
2024-06-25T07:20:11Z | http://arxiv.org/pdf/2407.00087v1 | http://arxiv.org/abs/2407.00087v1 | Ju-Seung Byun, Jiyun Chun, Jihyung Kil, Andrew Perrault | 2024-06-25T07:20:11Z | cs.AI, cs.CL, cs.LG | Large Multimodal Models (LMMs) excel at comprehending human instructions and
demonstrate remarkable results across a broad spectrum of tasks. Reinforcement
Learning from Human Feedback (RLHF) and AI Feedback (RLAIF) further refine LLMs
by aligning them with specific preferences. These methods primarily use
ranking-based feedback for entire generations. With advanced AI models
(Teacher), such as GPT-4 and Claude 3 Opus, we can request various types of
detailed feedback that are expensive for humans to provide. We propose a
two-stage algorithm ARES that Alternates REinforcement Learning (RL) and
Supervised Fine-Tuning (SFT). First, we request the Teacher to score how much
each sentence contributes to solving the problem in a Chain-of-Thought (CoT).
This sentence-level feedback allows us to consider individual valuable
segments, providing more granular rewards for the RL procedure. Second, we ask
the Teacher to correct the wrong reasoning after the RL stage. The RL procedure
requires massive efforts for hyperparameter tuning and often generates errors
like repetitive words and incomplete sentences. With the correction feedback,
we stabilize the RL fine-tuned model through SFT. We conduct experiments on
multi-model dataset ScienceQA and A-OKVQA to demonstrate the effectiveness of
our proposal. ARES rationale reasoning achieves around 70% win rate against
baseline models judged by GPT-4o. Additionally, we observe that the improved
rationale reasoning leads to a 2.5% increase in inference answer accuracy on
average for the multi-modal datasets. | cs.AI | ARES: Alternating Reinforcement Learning and Supervised Fine-Tuning for Enhanced Multi-Modal Chain-of-Thought Reasoning Through Diverse AI Feedback |
2024-06-25T07:15:10Z | http://arxiv.org/pdf/2406.17324v1 | http://arxiv.org/abs/2406.17324v1 | Simone Astarita, Sandor Kruk, Jan Reerink, Pablo Gómez | 2024-06-25T07:15:10Z | cs.CL, astro-ph.IM, cs.DL | Rapid progress in the capabilities of machine learning approaches in natural
language processing has culminated in the rise of large language models over
the last two years. Recent works have shown unprecedented adoption of these for
academic writing, especially in some fields, but their pervasiveness in
astronomy has not been studied sufficiently. To remedy this, we extract words
that ChatGPT uses more often than humans when generating academic text and
search a total of 1 million articles for them. This way, we assess the
frequency of word occurrence in published works in astronomy tracked by the
NASA Astrophysics Data System since 2000. We then perform a statistical
analysis of the occurrences. We identify a list of words favoured by ChatGPT
and find a statistically significant increase for these words against a control
group in 2024, which matches the trend in other disciplines. These results
suggest a widespread adoption of these models in the writing of astronomy
papers. We encourage organisations, publishers, and researchers to work
together to identify ethical and pragmatic guidelines to maximise the benefits
of these systems while maintaining scientific rigour. | cs.CL | Delving into the Utilisation of ChatGPT in Scientific Publications in Astronomy |
2024-06-25T06:49:16Z | http://arxiv.org/pdf/2406.17312v1 | http://arxiv.org/abs/2406.17312v1 | Sen Yang, Leyang Cui, Deng Cai, Xinting Huang, Shuming Shi, Wai Lam | 2024-06-25T06:49:16Z | cs.CL | Iterative preference learning, though yielding superior performances,
requires online annotated preference labels. In this work, we study strategies
to select worth-annotating response pairs for cost-efficient annotation while
achieving competitive or even better performances compared with the random
selection baseline for iterative preference learning. Built on assumptions
regarding uncertainty and distribution shifts, we propose a comparative view to
rank the implicit reward margins as predicted by DPO to select the response
pairs that yield more benefits. Through extensive experiments, we show that
annotating those response pairs with small margins is generally better than
large or random, under both single- and multi-iteration scenarios. Besides, our
empirical results suggest allocating more annotation budgets in the earlier
iterations rather than later across multiple iterations. | cs.CL | Not All Preference Pairs Are Created Equal: A Recipe for Annotation-Efficient Iterative Preference Learning |
2024-06-25T06:24:50Z | http://arxiv.org/pdf/2406.17305v1 | http://arxiv.org/abs/2406.17305v1 | Tingyu Xie, Jian Zhang, Yan Zhang, Yuanyuan Liang, Qi Li, Hongwei Wang | 2024-06-25T06:24:50Z | cs.CL | The strong capability of large language models (LLMs) has been applied to
information extraction (IE) through either retrieval augmented prompting or
instruction tuning (IT). However, the best way to incorporate information with
LLMs for IE remains an open question. In this paper, we explore Retrieval
Augmented Instruction Tuning (RA-IT) for IE, focusing on the task of open named
entity recognition (NER). Specifically, for each training sample, we retrieve
semantically similar examples from the training dataset as the context and
prepend them to the input of the original instruction. To evaluate our RA-IT
approach more thoroughly, we construct a Chinese IT dataset for open NER and
evaluate RA-IT in both English and Chinese scenarios. Experimental results
verify the effectiveness of RA-IT across various data sizes and in both English
and Chinese scenarios. We also conduct thorough studies to explore the impacts
of various retrieval strategies in the proposed RA-IT framework. Code and data
are available at: https://github.com/Emma1066/Retrieval-Augmented-IT-OpenNER | cs.CL | Retrieval Augmented Instruction Tuning for Open NER with Large Language Models |
2024-06-25T06:19:47Z | http://arxiv.org/pdf/2406.17304v1 | http://arxiv.org/abs/2406.17304v1 | Jinghan Jia, Abi Komma, Timothy Leffel, Xujun Peng, Ajay Nagesh, Tamer Soliman, Aram Galstyan, Anoop Kumar | 2024-06-25T06:19:47Z | cs.CL | In task-oriented conversational AI evaluation, unsupervised methods poorly
correlate with human judgments, and supervised approaches lack generalization.
Recent advances in large language models (LLMs) show robust zeroshot and
few-shot capabilities across NLP tasks. This paper explores using LLMs for
automated dialogue quality evaluation, experimenting with various
configurations on public and proprietary datasets. Manipulating factors such as
model size, in-context examples, and selection techniques, we examine
"chain-of-thought" (CoT) reasoning and label extraction procedures. Our results
show that (1) larger models yield more accurate dialogue labels; (2)
algorithmic selection of in-context examples outperforms random selection; (3)
CoT reasoning where an LLM is asked to provide justifications before outputting
final labels improves performance; and (4) fine-tuned LLMs outperform
out-of-the-box ones. Our results indicate that LLMs that are suitably
fine-tuned and have sufficient reasoning capabilities can be leveraged for
automated dialogue evaluation. | cs.CL | Leveraging LLMs for Dialogue Quality Measurement |
2024-06-25T06:08:16Z | http://arxiv.org/pdf/2406.17300v1 | http://arxiv.org/abs/2406.17300v1 | Tao Feng, Lizhen Qu, Xiaoxi Kang, Gholamreza Haffari | 2024-06-25T06:08:16Z | cs.CL | Automatically evaluating the quality of responses in open-domain dialogue
systems is a challenging but crucial task. Current evaluation metrics often
fail to align with human judgments, especially when assessing responses that
are grammatically correct. To address this issue, we propose a novel metric,
called CausalScore, which assesses the relevance of responses by measuring the
causal strength between dialogue histories and responses. The causal strength
is estimated by utilizing both unconditional dependence and conditional
dependencies from the dialogue history to responses. We compare our metric with
the existing competitive metrics in terms of their alignment with human
judgements. Our experimental results demonstrate that CausalScore significantly
surpasses existing state-of-the-art metrics by aligning better with human
judgements. Additionally, we collect a new dialogue dataset CGDIALOG+ with
human-annotated causal relations and a set of pairwise human judgements to
facilitate the development of future automatic metrics. | cs.CL | CausalScore: An Automatic Reference-Free Metric for Assessing Response Relevance in Open-Domain Dialogue Systems |
2024-06-25T05:43:21Z | http://arxiv.org/pdf/2406.17294v2 | http://arxiv.org/abs/2406.17294v2 | Wenhao Shi, Zhiqiang Hu, Yi Bin, Junhua Liu, Yang Yang, See-Kiong Ng, Lidong Bing, Roy Ka-Wei Lee | 2024-06-26T16:43:27Z | cs.CL | Large language models (LLMs) have demonstrated impressive reasoning
capabilities, particularly in textual mathematical problem-solving. However,
existing open-source image instruction fine-tuning datasets, containing limited
question-answer pairs per image, do not fully exploit visual information to
enhance the multimodal mathematical reasoning capabilities of Multimodal LLMs
(MLLMs). To bridge this gap, we address the lack of high-quality, diverse
multimodal mathematical datasets by collecting 40K high-quality images with
question-answer pairs from 24 existing datasets and synthesizing 320K new
pairs, creating the MathV360K dataset, which enhances both the breadth and
depth of multimodal mathematical questions. We introduce Math-LLaVA, a
LLaVA-1.5-based model fine-tuned with MathV360K. This novel approach
significantly improves the multimodal mathematical reasoning capabilities of
LLaVA-1.5, achieving a 19-point increase and comparable performance to GPT-4V
on MathVista's minitest split. Furthermore, Math-LLaVA demonstrates enhanced
generalizability, showing substantial improvements on the MMMU benchmark. Our
research highlights the importance of dataset diversity and synthesis in
advancing MLLMs' mathematical reasoning abilities. The code and data are
available at: \url{https://github.com/HZQ950419/Math-LLaVA}. | cs.CL | Math-LLaVA: Bootstrapping Mathematical Reasoning for Multimodal Large Language Models |
2024-06-25T05:30:55Z | http://arxiv.org/pdf/2406.17287v1 | http://arxiv.org/abs/2406.17287v1 | Yang Yan, Lizhi Ma, Anqi Li, Jingsong Ma, Zhenzhong Lan | 2024-06-25T05:30:55Z | cs.CL, cs.AI | Accurate assessment of personality traits is crucial for effective
psycho-counseling, yet traditional methods like self-report questionnaires are
time-consuming and biased. This study exams whether Large Language Models
(LLMs) can predict the Big Five personality traits directly from counseling
dialogues and introduces an innovative framework to perform the task. Our
framework applies role-play and questionnaire-based prompting to condition LLMs
on counseling sessions, simulating client responses to the Big Five Inventory.
We evaluated our framework on 853 real-world counseling sessions, finding a
significant correlation between LLM-predicted and actual Big Five traits,
proving the validity of framework. Moreover, ablation studies highlight the
importance of role-play simulations and task simplification via questionnaires
in enhancing prediction accuracy. Meanwhile, our fine-tuned Llama3-8B model,
utilizing Direct Preference Optimization with Supervised Fine-Tuning, achieves
a 130.95\% improvement, surpassing the state-of-the-art Qwen1.5-110B by 36.94\%
in personality prediction validity. In conclusion, LLMs can predict personality
based on counseling dialogues. Our code and model are publicly available at
\url{https://github.com/kuri-leo/BigFive-LLM-Predictor}, providing a valuable
tool for future research in computational psychometrics. | cs.CL | Predicting the Big Five Personality Traits in Chinese Counselling Dialogues Using Large Language Models |
2024-06-25T05:18:12Z | http://arxiv.org/pdf/2406.17283v1 | http://arxiv.org/abs/2406.17283v1 | Daniel M. Stelzer | 2024-06-25T05:18:12Z | cs.CL | One of the most significant problems in cuneiform pedagogy is the process of
looking up unknown signs, which often involves a tedious page-by-page search
through a sign list. This paper proposes a new "recursive encoding" for signs,
which represents the arrangement of strokes in a way a computer can process. A
series of new algorithms then offers students a new way to look up signs by any
distinctive component, as well as providing new ways to render signs and
tablets electronically. | cs.CL | A Recursive Encoding for Cuneiform Signs |
2024-06-25T05:14:54Z | http://arxiv.org/pdf/2406.17282v2 | http://arxiv.org/abs/2406.17282v2 | Quan Mai, Susan Gauch, Douglas Adams | 2024-06-26T14:38:31Z | cs.CL | We introduce SetBERT, a fine-tuned BERT-based model designed to enhance query
embeddings for set operations and Boolean logic queries, such as Intersection
(AND), Difference (NOT), and Union (OR). SetBERT significantly improves
retrieval performance for logic-structured queries, an area where both
traditional and neural retrieval methods typically underperform. We propose an
innovative use of inversed-contrastive loss, focusing on identifying the
negative sentence, and fine-tuning BERT with a dataset generated via prompt
GPT. Furthermore, we demonstrate that, unlike other BERT-based models,
fine-tuning with triplet loss actually degrades performance for this specific
task. Our experiments reveal that SetBERT-base not only significantly
outperforms BERT-base (up to a 63% improvement in Recall) but also achieves
performance comparable to the much larger BERT-large model, despite being only
one-third the size. | cs.CL | SetBERT: Enhancing Retrieval Performance for Boolean Logic and Set Operation Queries |
2024-06-25T04:45:53Z | http://arxiv.org/pdf/2406.17276v1 | http://arxiv.org/abs/2406.17276v1 | Jikai Wang, Yi Su, Juntao Li, Qinrong Xia, Zi Ye, Xinyu Duan, Zhefeng Wang, Min Zhang | 2024-06-25T04:45:53Z | cs.CL | Autoregressive language models demonstrate excellent performance in various
scenarios. However, the inference efficiency is limited by its
one-step-one-word generation mode, which has become a pressing problem recently
as the models become increasingly larger. Speculative decoding employs a "draft
and then verify" mechanism to allow multiple tokens to be generated in one
step, realizing lossless acceleration. Existing methods mainly adopt fixed
heuristic draft structures, which fail to adapt to different situations to
maximize the acceptance length during verification. To alleviate this dilemma,
we proposed OPT-Tree, an algorithm to construct adaptive and scalable draft
trees. It searches the optimal tree structure that maximizes the mathematical
expectation of the acceptance length in each decoding step. Experimental
results reveal that OPT-Tree outperforms the existing draft structures and
achieves a speed-up ratio of up to 3.2 compared with autoregressive decoding.
If the draft model is powerful enough and the node budget is sufficient, it can
generate more than ten tokens in a single step. Our code is available at
https://github.com/Jikai0Wang/OPT-Tree. | cs.CL | OPT-Tree: Speculative Decoding with Adaptive Draft Tree Structure |
2024-06-25T04:41:17Z | http://arxiv.org/pdf/2406.17274v1 | http://arxiv.org/abs/2406.17274v1 | Jianfeng He, Runing Yang, Linlin Yu, Changbin Li, Ruoxi Jia, Feng Chen, Ming Jin, Chang-Tien Lu | 2024-06-25T04:41:17Z | cs.CL, cs.LG | Text summarization, a key natural language generation (NLG) task, is vital in
various domains. However, the high cost of inaccurate summaries in
risk-critical applications, particularly those involving human-in-the-loop
decision-making, raises concerns about the reliability of uncertainty
estimation on text summarization (UE-TS) evaluation methods. This concern stems
from the dependency of uncertainty model metrics on diverse and potentially
conflicting NLG metrics. To address this issue, we introduce a comprehensive
UE-TS benchmark incorporating 31 NLG metrics across four dimensions. The
benchmark evaluates the uncertainty estimation capabilities of two large
language models and one pre-trained language model on three datasets, with
human-annotation analysis incorporated where applicable. We also assess the
performance of 14 common uncertainty estimation methods within this benchmark.
Our findings emphasize the importance of considering multiple uncorrelated NLG
metrics and diverse uncertainty estimation methods to ensure reliable and
efficient evaluation of UE-TS techniques. | cs.CL | Can We Trust the Performance Evaluation of Uncertainty Estimation Methods in Text Summarization? |
2024-06-25T04:27:53Z | http://arxiv.org/pdf/2406.17271v1 | http://arxiv.org/abs/2406.17271v1 | Zhehao Zhang, Jiaao Chen, Diyi Yang | 2024-06-25T04:27:53Z | cs.CL | The current paradigm of evaluating Large Language Models (LLMs) through
static benchmarks comes with significant limitations, such as vulnerability to
data contamination and a lack of adaptability to the evolving capabilities of
LLMs. Therefore, evaluation methods that can adapt and generate evaluation data
with controlled complexity are urgently needed. In this work, we introduce
Dynamic Evaluation of LLMs via Adaptive Reasoning Graph Evolvement (DARG) to
dynamically extend current benchmarks with controlled complexity and diversity.
Specifically, we first extract the reasoning graphs of data points in current
benchmarks and then perturb the reasoning graphs to generate novel testing
data. Such newly generated test samples can have different levels of complexity
while maintaining linguistic diversity similar to the original benchmarks. We
further use a code-augmented LLM to ensure the label correctness of newly
generated data. We apply our DARG framework to diverse reasoning tasks in four
domains with 15 state-of-the-art LLMs. Experimental results show that almost
all LLMs experience a performance decrease with increased complexity and
certain LLMs exhibit significant drops. Additionally, we find that LLMs exhibit
more biases when being evaluated via the data generated by DARG with higher
complexity levels. These observations provide useful insights into how to
dynamically and adaptively evaluate LLMs. The code is available at
https://github.com/SALT-NLP/DARG. | cs.CL | DARG: Dynamic Evaluation of Large Language Models via Adaptive Reasoning Graph |
2024-06-25T04:20:49Z | http://arxiv.org/pdf/2406.17266v1 | http://arxiv.org/abs/2406.17266v1 | Rohit Paturi, Xiang Li, Sundararajan Srinivasan | 2024-06-25T04:20:49Z | eess.AS, cs.AI, cs.CL, cs.LG | Speaker Diarization (SD) systems are typically audio-based and operate
independently of the ASR system in traditional speech transcription pipelines
and can have speaker errors due to SD and/or ASR reconciliation, especially
around speaker turns and regions of speech overlap. To reduce these errors, a
Lexical Speaker Error Correction (LSEC), in which an external language model
provides lexical information to correct the speaker errors, was recently
proposed. Though the approach achieves good Word Diarization error rate (WDER)
improvements, it does not use any additional acoustic information and is prone
to miscorrections. In this paper, we propose to enhance and acoustically ground
the LSEC system with speaker scores directly derived from the existing SD
pipeline. This approach achieves significant relative WDER reductions in the
range of 25-40% over the audio-based SD, ASR system and beats the LSEC system
by 15-25% relative on RT03-CTS, Callhome American English and Fisher datasets. | eess.AS | AG-LSEC: Audio Grounded Lexical Speaker Error Correction |
2024-06-25T04:03:04Z | http://arxiv.org/pdf/2406.17262v1 | http://arxiv.org/abs/2406.17262v1 | Zihan Liao, Hang Yu, Jianguo Li, Jun Wang, Wei Zhang | 2024-06-25T04:03:04Z | cs.CL | The key challenge in semantic search is to create models that are both
accurate and efficient in pinpointing relevant sentences for queries. While
BERT-style bi-encoders excel in efficiency with pre-computed embeddings, they
often miss subtle nuances in search tasks. Conversely, GPT-style LLMs with
cross-encoder designs capture these nuances but are computationally intensive,
hindering real-time applications. In this paper, we present D2LLMs-Decomposed
and Distilled LLMs for semantic search-that combines the best of both worlds.
We decompose a cross-encoder into an efficient bi-encoder integrated with
Pooling by Multihead Attention and an Interaction Emulation Module, achieving
nuanced understanding and pre-computability. Knowledge from the LLM is
distilled into this model using contrastive, rank, and feature imitation
techniques. Our experiments show that D2LLM surpasses five leading baselines in
terms of all metrics across three tasks, particularly improving NLI task
performance by at least 6.45%. The source code is available at
https://github.com/codefuse-ai/D2LLM. | cs.CL | D2LLM: Decomposed and Distilled Large Language Models for Semantic Search |
2024-06-25T04:01:32Z | http://arxiv.org/pdf/2406.17261v1 | http://arxiv.org/abs/2406.17261v1 | Yiran Luo, Het Patel, Yu Fu, Dawon Ahn, Jia Chen, Yue Dong, Evangelos E. Papalexakis | 2024-06-25T04:01:32Z | cs.CL, 68T50 (Primary), 65F55 (Secondary), I.2.7 | Large language models (LLMs) have fundamentally transformed artificial
intelligence, catalyzing recent advancements while imposing substantial
environmental and computational burdens. We introduce TRAWL (Tensor Reduced and
Approximated Weights for Large Language Models), a novel methodology for
optimizing LLMs through tensor decomposition. TRAWL leverages diverse
strategies to exploit matrices within transformer-based architectures,
realizing notable performance enhancements without necessitating retraining.
The most significant improvements were observed through a layer-by-layer
intervention strategy, particularly when applied to fully connected weights of
the final layers, yielding up to 16% enhancement in accuracy without the need
for additional data or fine-tuning. These results underscore the importance of
targeted and adaptive techniques in increasing the efficiency and effectiveness
of large language model optimization, thereby promoting the development of more
sustainable and accessible AI systems. | cs.CL | TRAWL: Tensor Reduced and Approximated Weights for Large Language Models |
2024-06-25T03:56:33Z | http://arxiv.org/pdf/2406.17260v1 | http://arxiv.org/abs/2406.17260v1 | Nafis Sadeq, Zhouhang Xie, Byungkyu Kang, Prarit Lamba, Xiang Gao, Julian McAuley | 2024-06-25T03:56:33Z | cs.CL | Role-playing has wide-ranging applications in customer support, embodied
agents, computational social science, etc. The influence of parametric world
knowledge of large language models (LLMs) often causes role-playing characters
to act out of character and hallucinate about things outside the scope of their
knowledge. In this work, we focus on the evaluation and mitigation of
hallucination in fictional character role-play. We introduce a dataset with
more than 2,000 characters and 72,000 interviews, including 18,000 adversarial
questions. We propose RoleFact, a role-playing method that mitigates
hallucination by modulating the influence of parametric knowledge using a
pre-calibrated confidence threshold. Experiments show that the proposed method
improves the factual precision of generated responses by 18% for adversarial
questions with a 44% reduction in temporal hallucination for time-sensitive
interviews. The code and the dataset will be available at
https://github.com/NafisSadeq/rolefact.git. | cs.CL | Mitigating Hallucination in Fictional Character Role-Play |
2024-06-25T03:50:54Z | http://arxiv.org/pdf/2406.17257v1 | http://arxiv.org/abs/2406.17257v1 | Yingting Li, Ambuj Mehrish, Bryan Chew, Bo Cheng, Soujanya Poria | 2024-06-25T03:50:54Z | cs.CL, cs.SD, eess.AS | Different languages have distinct phonetic systems and vary in their prosodic
features making it challenging to develop a Text-to-Speech (TTS) model that can
effectively synthesise speech in multilingual settings. Furthermore, TTS
architecture needs to be both efficient enough to capture nuances in multiple
languages and efficient enough to be practical for deployment. The standard
approach is to build transformer based model such as SpeechT5 and train it on
large multilingual dataset. As the size of these models grow the conventional
fine-tuning for adapting these model becomes impractical due to heavy
computational cost. In this paper, we proposes to integrate parameter-efficient
transfer learning (PETL) methods such as adapters and hypernetwork with TTS
architecture for multilingual speech synthesis. Notably, in our experiments
PETL methods able to achieve comparable or even better performance compared to
full fine-tuning with only $\sim$2.5\% tunable parameters.The code and samples
are available at: https://anonymous.4open.science/r/multilingualTTS-BA4C. | cs.CL | Leveraging Parameter-Efficient Transfer Learning for Multi-Lingual Text-to-Speech Adaptation |
2024-06-25T03:45:28Z | http://arxiv.org/pdf/2406.17255v1 | http://arxiv.org/abs/2406.17255v1 | Zhenlong Dai, Chang Yao, WenKang Han, Ying Yuan, Zhipeng Gao, Jingyuan Chen | 2024-06-25T03:45:28Z | cs.CL | Large Language Models (LLMs) have demonstrated great potential for assisting
developers in their daily development. However, most research focuses on
generating correct code, how to use LLMs to generate personalized code has
seldom been investigated. To bridge this gap, we proposed MPCoder (Multi-user
Personalized Code Generator) to generate personalized code for multiple users.
To better learn coding style features, we utilize explicit coding style
residual learning to capture the syntax code style standards and implicit style
learning to capture the semantic code style conventions. We train a multi-user
style adapter to better differentiate the implicit feature representations of
different users through contrastive learning, ultimately enabling personalized
code generation for multiple users. We further propose a novel evaluation
metric for estimating similarities between codes of different coding styles.
The experimental results show the effectiveness of our approach for this novel
task. | cs.CL | MPCODER: Multi-user Personalized Code Generator with Explicit and Implicit Style Representation Learning |
2024-06-25T03:41:02Z | http://arxiv.org/pdf/2406.17253v1 | http://arxiv.org/abs/2406.17253v1 | Huaizhi Ge, Frank Rudzicz, Zining Zhu | 2024-06-25T03:41:02Z | cs.CL | As large language models (LLMs) are widely deployed, targeted editing of
their knowledge has become a critical challenge. Recently, advancements in
model editing techniques, such as Rank-One Model Editing (ROME), have paved the
way for updating LLMs with new knowledge. However, the efficacy of these
methods varies across different types of knowledge. This study investigates the
capability of knowledge editing methods to incorporate new knowledge with
varying degrees of "perplexingness", a term we use to describe the initial
difficulty LLMs have in understanding new concepts. We begin by quantifying the
"perplexingness" of target knowledge using pre-edit conditional probabilities,
and assess the efficacy of edits through post-edit conditional probabilities.
Utilizing the widely-used CounterFact dataset, we find significant negative
correlations between the "perplexingness" of the new knowledge and the edit
efficacy across all 12 scenarios. To dive deeper into this phenomenon, we
introduce a novel dataset, HierarchyData, consisting of 99 hyponym-hypernym
pairs across diverse categories. Our analysis reveal that more abstract
concepts (hypernyms) tend to be more perplexing than their specific
counterparts (hyponyms). Further exploration into the influence of knowledge
hierarchy on editing outcomes indicates that knowledge positioned at higher
hierarchical levels is more challenging to modify in some scenarios. Our
research highlights a previously overlooked aspect of LLM editing: the variable
efficacy of editing methods in handling perplexing knowledge. By revealing how
hierarchical relationships can influence editing outcomes, our findings offer
new insights into the challenges of updating LLMs and pave the way for more
nuanced approaches to model editing in the future. | cs.CL | How Well Can Knowledge Edit Methods Edit Perplexing Knowledge? |
2024-06-25T03:24:06Z | http://arxiv.org/pdf/2406.17245v1 | http://arxiv.org/abs/2406.17245v1 | Wenyu Du, Shuang Cheng, Tongxu Luo, Zihan Qiu, Zeyu Huang, Ka Chun Cheung, Reynold Cheng, Jie Fu | 2024-06-25T03:24:06Z | cs.LG, cs.AI, cs.CL | Language models (LMs) exhibit impressive performance and generalization
capabilities. However, LMs struggle with the persistent challenge of
catastrophic forgetting, which undermines their long-term sustainability in
continual learning (CL). Existing approaches usually address the issue by
incorporating old task data or task-wise inductive bias into LMs. However, old
data and accurate task information are often unavailable or costly to collect,
hindering the availability of current CL approaches for LMs. To address this
limitation, we introduce $\textbf{MIGU}$ ($\textbf{M}$agn$\textbf{I}$tude-based
$\textbf{G}$radient $\textbf{U}$pdating for continual learning), a
rehearsal-free and task-label-free method that only updates the model
parameters with large magnitudes of output in LMs' linear layers. MIGU is based
on our observation that the L1-normalized magnitude distribution of the output
in LMs' linear layers is different when the LM models deal with different task
data. By imposing this simple constraint on the gradient update process, we can
leverage the inherent behaviors of LMs, thereby unlocking their innate CL
abilities. Our experiments demonstrate that MIGU is universally applicable to
all three LM architectures (T5, RoBERTa, and Llama2), delivering
state-of-the-art or on-par performance across continual finetuning and
continual pre-training settings on four CL benchmarks. For example, MIGU brings
a 15.2% average accuracy improvement over conventional parameter-efficient
finetuning baselines in a 15-task CL benchmark. MIGU can also seamlessly
integrate with all three existing CL types to further enhance performance. Code
is available at \href{https://github.com/wenyudu/MIGU}{this https URL}. | cs.LG | Unlocking Continual Learning Abilities in Language Models |
2024-06-25T03:09:53Z | http://arxiv.org/pdf/2406.17241v1 | http://arxiv.org/abs/2406.17241v1 | Huaizhi Ge, Frank Rudzicz, Zining Zhu | 2024-06-25T03:09:53Z | cs.CL | In the field of language model interpretability, circuit discovery is gaining
popularity. Despite this, the true meaning of these circuits remain largely
unanswered. We introduce a novel method to learn their meanings as a holistic
object through the lens of knowledge editing. We extract circuits in the
GPT2-XL model using diverse text classification datasets, and use hierarchical
relations datasets to explore knowledge editing in the circuits. Our findings
indicate that these circuits contain entity knowledge but resist new knowledge
more than complementary circuits during knowledge editing. Additionally, we
examine the impact of circuit size, discovering that an ideal "theoretical
circuit" where essential knowledge is concentrated likely incorporates more
than 5% but less than 50% of the model's parameters. We also assess the overlap
between circuits from different datasets, finding moderate similarities. What
constitutes these circuits, then? We find that up to 60% of the circuits
consist of layer normalization modules rather than attention or MLP modules,
adding evidence to the ongoing debates regarding knowledge localization. In
summary, our findings offer new insights into the functions of the circuits,
and introduce research directions for further interpretability and safety
research of language models. | cs.CL | What Do the Circuits Mean? A Knowledge Edit View |
2024-06-25T02:37:53Z | http://arxiv.org/pdf/2406.17233v1 | http://arxiv.org/abs/2406.17233v1 | Yunlong Feng, Yang Xu, Dechuan Teng, Honglin Mu, Xiao Xu, Libo Qin, Wanxiang Che, Qingfu Zhu | 2024-06-25T02:37:53Z | cs.SE, cs.CL | Decompilation transforms compiled code back into a high-level programming
language for analysis when source code is unavailable. Previous work has
primarily focused on enhancing decompilation performance by increasing the
scale of model parameters or training data for pre-training. Based on the
characteristics of the decompilation task, we propose two methods: (1) Without
fine-tuning, the Self-Constructed Context Decompilation (sc$^2$dec) method
recompiles the LLM's decompilation results to construct pairs for in-context
learning, helping the model improve decompilation performance. (2) Fine-grained
Alignment Enhancement (FAE), which meticulously aligns assembly code with
source code at the statement level by leveraging debugging information, is
employed during the fine-tuning phase to achieve further improvements in
decompilation. By integrating these two methods, we achieved a Re-Executability
performance improvement of approximately 7.35\% on the Decompile-Eval
benchmark, establishing a new state-of-the-art performance of 55.03\%. | cs.SE | Self-Constructed Context Decompilation with Fined-grained Alignment Enhancement |
2024-06-25T02:37:29Z | http://arxiv.org/pdf/2406.17232v1 | http://arxiv.org/abs/2406.17232v1 | Yun-Shiuan Chuang, Zach Studdiford, Krirk Nirunwiroj, Agam Goyal, Vincent V. Frigo, Sijia Yang, Dhavan Shah, Junjie Hu, Timothy T. Rogers | 2024-06-25T02:37:29Z | cs.CL | Creating human-like large language model (LLM) agents is crucial for faithful
social simulation. Having LLMs role-play based on demographic information
sometimes improves human likeness but often does not. This study assessed
whether LLM alignment with human behavior can be improved by integrating
information from empirically-derived human belief networks. Using data from a
human survey, we estimated a belief network encompassing 18 topics loading on
two non-overlapping latent factors. We then seeded LLM-based agents with an
opinion on one topic, and assessed the alignment of its expressed opinions on
remaining test topics with corresponding human data. Role-playing based on
demographic information alone did not align LLM and human opinions, but seeding
the agent with a single belief greatly improved alignment for topics related in
the belief network, and not for topics outside the network. These results
suggest a novel path for human-LLM belief alignment in work seeking to simulate
and understand patterns of belief distributions in society. | cs.CL | Beyond Demographics: Aligning Role-playing LLM-based Agents Using Human Belief Networks |
2024-06-25T02:37:12Z | http://arxiv.org/pdf/2406.17231v1 | http://arxiv.org/abs/2406.17231v1 | Tong Zhou, Yubo Chen, Kang Liu, Jun Zhao | 2024-06-25T02:37:12Z | cs.CL | Large language models have become integral to question-answering applications
despite their propensity for generating hallucinations and factually inaccurate
content. Querying knowledge graphs to reduce hallucinations in LLM meets the
challenge of incomplete knowledge coverage in knowledge graphs. On the other
hand, updating knowledge graphs by information extraction and knowledge graph
completion faces the knowledge update misalignment issue. In this work, we
introduce a collaborative augmentation framework, CogMG, leveraging knowledge
graphs to address the limitations of LLMs in QA scenarios, explicitly targeting
the problems of incomplete knowledge coverage and knowledge update
misalignment. The LLMs identify and decompose required knowledge triples that
are not present in the KG, enriching them and aligning updates with real-world
demands. We demonstrate the efficacy of this approach through a supervised
fine-tuned LLM within an agent framework, showing significant improvements in
reducing hallucinations and enhancing factual accuracy in QA responses. Our
code and video are publicly available. | cs.CL | CogMG: Collaborative Augmentation Between Large Language Model and Knowledge Graph |
2024-06-25T02:18:15Z | http://arxiv.org/pdf/2406.17224v1 | http://arxiv.org/abs/2406.17224v1 | Ruochen Wang, Si Si, Felix Yu, Dorothea Wiesmann, Cho-Jui Hsieh, Inderjit Dhillon | 2024-06-25T02:18:15Z | cs.AI, cs.CL, cs.CV, cs.LG, cs.SC, 68T05 | The trade-off between expressiveness and interpretability remains a core
challenge when building human-centric predictive models for classification and
decision-making. While symbolic rules offer interpretability, they often lack
expressiveness, whereas neural networks excel in performance but are known for
being black boxes. In this paper, we show a combination of Large Language
Models (LLMs) and symbolic programs can bridge this gap. In the proposed
LLM-based Symbolic Programs (LSPs), the pretrained LLM with natural language
prompts provides a massive set of interpretable modules that can transform raw
input into natural language concepts. Symbolic programs then integrate these
modules into an interpretable decision rule. To train LSPs, we develop a
divide-and-conquer approach to incrementally build the program from scratch,
where the learning process of each step is guided by LLMs. To evaluate the
effectiveness of LSPs in extracting interpretable and accurate knowledge from
data, we introduce IL-Bench, a collection of diverse tasks, including both
synthetic and real-world scenarios across different modalities. Empirical
results demonstrate LSP's superior performance compared to traditional
neurosymbolic programs and vanilla automatic prompt tuning methods. Moreover,
as the knowledge learned by LSP is a combination of natural language
descriptions and symbolic rules, it is easily transferable to humans
(interpretable), and other LLMs, and generalizes well to out-of-distribution
samples. | cs.AI | Large Language Models are Interpretable Learners |
2024-06-25T01:56:47Z | http://arxiv.org/pdf/2406.17213v1 | http://arxiv.org/abs/2406.17213v1 | Isidora Chara Tourni, Lei Guo, Hengchang Hu, Edward Halim, Prakash Ishwar, Taufiq Daryanto, Mona Jalal, Boqi Chen, Margrit Betke, Fabian Zhafransyah, Sha Lai, Derry Tanti Wijaya | 2024-06-25T01:56:47Z | cs.CL | News media structure their reporting of events or issues using certain
perspectives.
When describing an incident involving gun violence, for example, some
journalists may focus on mental health or gun regulation, while others may
emphasize the discussion of gun rights. Such perspectives are called
\say{frames} in communication research. We study, for the first time, the value
of combining lead images and their contextual information with text to identify
the frame of a given news article. We observe that using multiple modes of
information(article- and image-derived features) improves prediction of news
frames over any single mode of information when the images are relevant to the
frames of the headlines. We also observe that frame image relevance is related
to the ease of conveying frames via images, which we call frame concreteness.
Additionally, we release the first multimodal news framing dataset related to
gun violence in the U.S., curated and annotated by communication researchers.
The dataset will allow researchers to further examine the use of multiple
information modalities for studying media framing. | cs.CL | Detecting Frames in News Headlines and Lead Images in U.S. Gun Violence Coverage |
2024-06-24T23:57:57Z | http://arxiv.org/pdf/2406.17186v2 | http://arxiv.org/abs/2406.17186v2 | Abe Bohan Hou, Orion Weller, Guanghui Qin, Eugene Yang, Dawn Lawrie, Nils Holzenberger, Andrew Blair-Stanek, Benjamin Van Durme | 2024-06-27T15:55:57Z | cs.CL, cs.CY | Legal professionals need to write analyses that rely on citations to relevant
precedents, i.e., previous case decisions. Intelligent systems assisting legal
professionals in writing such documents provide great benefits but are
challenging to design. Such systems need to help locate, summarize, and reason
over salient precedents in order to be useful. To enable systems for such
tasks, we work with legal professionals to transform a large open-source legal
corpus into a dataset supporting two important backbone tasks: information
retrieval (IR) and retrieval-augmented generation (RAG). This dataset CLERC
(Case Law Evaluation Retrieval Corpus), is constructed for training and
evaluating models on their ability to (1) find corresponding citations for a
given piece of legal analysis and to (2) compile the text of these citations
(as well as previous context) into a cogent analysis that supports a reasoning
goal. We benchmark state-of-the-art models on CLERC, showing that current
approaches still struggle: GPT-4o generates analyses with the highest ROUGE
F-scores but hallucinates the most, while zero-shot IR models only achieve
48.3% recall@1000. | cs.CL | CLERC: A Dataset for Legal Case Retrieval and Retrieval-Augmented Analysis Generation |
2024-06-24T23:47:20Z | http://arxiv.org/pdf/2406.17185v1 | http://arxiv.org/abs/2406.17185v1 | Koichi Akabe, Shunsuke Kanda, Yusuke Oda, Shinsuke Mori | 2024-06-24T23:47:20Z | cs.CL | This paper proposes an approach to improve the runtime efficiency of Japanese
tokenization based on the pointwise linear classification (PLC) framework,
which formulates the whole tokenization process as a sequence of linear
classification problems. Our approach optimizes tokenization by leveraging the
characteristics of the PLC framework and the task definition. Our approach
involves (1) composing multiple classifications into array-based operations,
(2) efficient feature lookup with memory-optimized automata, and (3) three
orthogonal pre-processing methods for reducing actual score calculation. Thus,
our approach makes the tokenization speed 5.7 times faster than the current
approach based on the same model without decreasing tokenization accuracy. Our
implementation is available at https://github.com/daac-tools/vaporetto under
the MIT or Apache-2.0 license. | cs.CL | Vaporetto: Efficient Japanese Tokenization Based on Improved Pointwise Linear Classification |
2024-06-24T23:02:56Z | http://arxiv.org/pdf/2406.17169v1 | http://arxiv.org/abs/2406.17169v1 | Nisarg Patel, Mohith Kulkarni, Mihir Parmar, Aashna Budhiraja, Mutsumi Nakamura, Neeraj Varshney, Chitta Baral | 2024-06-24T23:02:56Z | cs.CL, cs.AI | As Large Language Models (LLMs) continue to exhibit remarkable performance in
natural language understanding tasks, there is a crucial need to measure their
ability for human-like multi-step logical reasoning. Existing logical reasoning
evaluation benchmarks often focus primarily on simplistic single-step or
multi-step reasoning with a limited set of inference rules. Furthermore, the
lack of datasets for evaluating non-monotonic reasoning represents a crucial
gap since it aligns more closely with human-like reasoning. To address these
limitations, we propose Multi-LogiEval, a comprehensive evaluation dataset
encompassing multi-step logical reasoning with various inference rules and
depths. Multi-LogiEval covers three logic types--propositional, first-order,
and non-monotonic--consisting of more than 30 inference rules and more than 60
of their combinations with various depths. Leveraging this dataset, we conduct
evaluations on a range of LLMs including GPT-4, ChatGPT, Gemini-Pro, Yi, Orca,
and Mistral, employing a zero-shot chain-of-thought. Experimental results show
that there is a significant drop in the performance of LLMs as the reasoning
steps/depth increases (average accuracy of ~68% at depth-1 to ~43% at depth-5).
We further conduct a thorough investigation of reasoning chains generated by
LLMs which reveals several important findings. We believe that Multi-LogiEval
facilitates future research for evaluating and enhancing the logical reasoning
ability of LLMs. Data is available at
https://github.com/Mihir3009/Multi-LogiEval. | cs.CL | Multi-LogiEval: Towards Evaluating Multi-Step Logical Reasoning Ability of Large Language Models |
2024-06-24T22:30:26Z | http://arxiv.org/pdf/2406.17163v1 | http://arxiv.org/abs/2406.17163v1 | Vikas Yadav, Zheng Tang, Vijay Srinivasan | 2024-06-24T22:30:26Z | cs.CL, cs.AI, cs.LG | Large language models (LLM) have achieved remarkable success in natural
language generation but lesser focus has been given to their applicability in
decision making tasks such as classification. We show that LLMs like LLaMa can
achieve high performance on large multi-class classification tasks but still
make classification errors and worse, generate out-of-vocabulary class labels.
To address these critical issues, we introduce Paraphrase and AGgregate
(PAG)-LLM approach wherein an LLM generates multiple paraphrases of the input
query (parallel queries), performs multi-class classification for the original
query and each paraphrase, and at the end aggregate all the classification
labels based on their confidence scores. We evaluate PAG-LLM on two large
multi-class classication datasets: CLINC, and Banking and show 22.7% and 15.1%
error reduction. We show that PAG-LLM is especially effective for hard examples
where LLM is uncertain, and reduces the critical misclassification and
hallucinated label generation errors | cs.CL | Paraphrase and Aggregate with Large Language Models for Minimizing Intent Classification Errors |
2024-06-24T22:09:50Z | http://arxiv.org/pdf/2406.17158v1 | http://arxiv.org/abs/2406.17158v1 | Venktesh V. Deepali Prabhu, Avishek Anand | 2024-06-24T22:09:50Z | cs.CL, cs.IR | Open-domain complex Question Answering (QA) is a difficult task with
challenges in evidence retrieval and reasoning. The complexity of such
questions could stem from questions being compositional, hybrid evidence, or
ambiguity in questions. While retrieval performance for classical QA tasks is
well explored, their capabilities for heterogeneous complex retrieval tasks,
especially in an open-domain setting, and the impact on downstream QA
performance, are relatively unexplored. To address this, in this work, we
propose a benchmark composing diverse complex QA tasks and provide a toolkit to
evaluate state-of-the-art pre-trained dense and sparse retrieval models in an
open-domain setting. We observe that late interaction models and surprisingly
lexical models like BM25 perform well compared to other pre-trained dense
retrieval models. In addition, since context-based reasoning is critical for
solving complex QA tasks, we also evaluate the reasoning capabilities of LLMs
and the impact of retrieval performance on their reasoning capabilities.
Through experiments, we observe that much progress is to be made in retrieval
for complex QA to improve downstream QA performance. Our software and related
data can be accessed at https://github.com/VenkteshV/DEXTER | cs.CL | DEXTER: A Benchmark for open-domain Complex Question Answering using LLMs |
2024-06-24T20:54:32Z | http://arxiv.org/pdf/2406.17135v1 | http://arxiv.org/abs/2406.17135v1 | Ixandra Achitouv, David Chavalarias, Bruno Gaume | 2024-06-24T20:54:32Z | cs.SI, cs.CL, cs.CY, physics.soc-ph | The advent of online social networks has led to the development of an
abundant literature on the study of online social groups and their relationship
to individuals' personalities as revealed by their textual productions. Social
structures are inferred from a wide range of social interactions. Those
interactions form complex -- sometimes multi-layered -- networks, on which
community detection algorithms are applied to extract higher order structures.
The choice of the community detection algorithm is however hardily questioned
in relation with the cultural production of the individual they classify. In
this work, we assume the entangled nature of social networks and their cultural
production to propose a definition of cultural based online social groups as
sets of individuals whose online production can be categorized as social
group-related. We take advantage of this apparently self-referential
description of online social groups with a hybrid methodology that combines a
community detection algorithm and a natural language processing classification
algorithm. A key result of this analysis is the possibility to score community
detection algorithms using their agreement with the natural language processing
classification. A second result is that we can assign the opinion of a random
user at >85% accuracy. | cs.SI | Testing network clustering algorithms with Natural Language Processing |
2024-06-24T19:45:12Z | http://arxiv.org/pdf/2406.17104v1 | http://arxiv.org/abs/2406.17104v1 | Yash Kumar Lal, Preethi Lahoti, Aradhana Sinha, Yao Qin, Ananth Balashankar | 2024-06-24T19:45:12Z | cs.CL | Safety classifiers are critical in mitigating toxicity on online forums such
as social media and in chatbots. Still, they continue to be vulnerable to
emergent, and often innumerable, adversarial attacks. Traditional automated
adversarial data generation methods, however, tend to produce attacks that are
not diverse, but variations of previously observed harm types. We formalize the
task of automated adversarial discovery for safety classifiers - to find new
attacks along previously unseen harm dimensions that expose new weaknesses in
the classifier. We measure progress on this task along two key axes (1)
adversarial success: does the attack fool the classifier? and (2) dimensional
diversity: does the attack represent a previously unseen harm type? Our
evaluation of existing attack generation methods on the CivilComments toxicity
task reveals their limitations: Word perturbation attacks fail to fool
classifiers, while prompt-based LLM attacks have more adversarial success, but
lack dimensional diversity. Even our best-performing prompt-based method finds
new successful attacks on unseen harm dimensions of attacks only 5\% of the
time. Automatically finding new harmful dimensions of attack is crucial and
there is substantial headroom for future research on our new task. | cs.CL | Automated Adversarial Discovery for Safety Classifiers |
2024-06-24T19:35:11Z | http://arxiv.org/pdf/2406.17095v1 | http://arxiv.org/abs/2406.17095v1 | Meiru Zhang, Zaiqiao Meng, Nigel Collier | 2024-06-24T19:35:11Z | cs.CL | The context window of large language models has been extended to 128k tokens
or more. However, language models still suffer from position bias and have
difficulty in accessing and using the middle part of the context due to the
lack of attention. We examine the relative position awareness of LLMs and the
feasibility of mitigating disproportional attention through prompting. We
augment the original task instruction with $\texttt{attention instructions}$
that direct language models to allocate more attention towards a selected
segment of the context. We conduct a comprehensive investigation on
multi-document question answering task with both position-based and index-based
instructions. We find that language models do not have relative position
awareness of the context. Nevertheless, they demonstrate the capacity to adapt
attention to a specific segment using matching indexes. Our analysis
contributes to a deeper understanding of position bias in LLMs and provides a
pathway to mitigate this bias by instruction, thus benefiting LLMs in locating
and utilizing relevant information from retrieved documents in RAG
applications. | cs.CL | Attention Instruction: Amplifying Attention in the Middle via Prompting |
2024-06-24T18:15:27Z | http://arxiv.org/pdf/2406.17055v2 | http://arxiv.org/abs/2406.17055v2 | Ryan Liu, Jiayi Geng, Joshua C. Peterson, Ilia Sucholutsky, Thomas L. Griffiths | 2024-07-01T17:29:54Z | cs.CL, cs.AI, cs.CY, cs.LG | In order for AI systems to communicate effectively with people, they must
understand how we make decisions. However, people's decisions are not always
rational, so the implicit internal models of human decision-making in Large
Language Models (LLMs) must account for this. Previous empirical evidence seems
to suggest that these implicit models are accurate -- LLMs offer believable
proxies of human behavior, acting how we expect humans would in everyday
interactions. However, by comparing LLM behavior and predictions to a large
dataset of human decisions, we find that this is actually not the case: when
both simulating and predicting people's choices, a suite of cutting-edge LLMs
(GPT-4o & 4-Turbo, Llama-3-8B & 70B, Claude 3 Opus) assume that people are more
rational than we really are. Specifically, these models deviate from human
behavior and align more closely with a classic model of rational choice --
expected value theory. Interestingly, people also tend to assume that other
people are rational when interpreting their behavior. As a consequence, when we
compare the inferences that LLMs and people draw from the decisions of others
using another psychological dataset, we find that these inferences are highly
correlated. Thus, the implicit decision-making models of LLMs appear to be
aligned with the human expectation that other people will act rationally,
rather than with how people actually act. | cs.CL | Large Language Models Assume People are More Rational than We Really are |
2024-06-24T18:00:59Z | http://arxiv.org/pdf/2406.17038v1 | http://arxiv.org/abs/2406.17038v1 | Nathan A. Chi, Teodor Malchev, Riley Kong, Ryan A. Chi, Lucas Huang, Ethan A. Chi, R. Thomas McCoy, Dragomir Radev | 2024-06-24T18:00:59Z | cs.CL | We introduce modeLing, a novel benchmark of Linguistics Olympiad-style
puzzles which tests few-shot reasoning in AI systems. Solving these puzzles
necessitates inferring aspects of a language's grammatical structure from a
small number of examples. Such puzzles provide a natural testbed for language
models, as they require compositional generalization and few-shot inductive
reasoning. Consisting solely of new puzzles written specifically for this work,
modeLing has no risk of appearing in the training data of existing AI systems:
this ameliorates the risk of data leakage, a potential confounder for many
prior evaluations of reasoning. Evaluating several large open source language
models and GPT on our benchmark, we observe non-negligible accuracy,
demonstrating few-shot emergent reasoning ability which cannot merely be
attributed to shallow memorization. However, imperfect model performance
suggests that modeLing can be used to measure further progress in linguistic
reasoning. | cs.CL | modeLing: A Novel Dataset for Testing Linguistic Reasoning in Language Models |
2024-06-24T17:59:11Z | http://arxiv.org/pdf/2406.16858v2 | http://arxiv.org/abs/2406.16858v2 | Yuhui Li, Fangyun Wei, Chao Zhang, Hongyang Zhang | 2024-06-30T15:03:25Z | cs.CL, cs.LG | Inference with modern Large Language Models (LLMs) is expensive and
time-consuming, and speculative sampling has proven to be an effective
solution. Most speculative sampling methods such as EAGLE use a static draft
tree, implicitly assuming that the acceptance rate of draft tokens depends only
on their position. Interestingly, we found that the acceptance rate of draft
tokens is also context-dependent. In this paper, building upon EAGLE, we
propose EAGLE-2, which introduces a new technique of context-aware dynamic
draft tree into drafting modeling. This improvement leverages the fact that the
draft model of EAGLE is well-calibrated: the confidence scores from the draft
model approximate acceptance rates with small errors. We conducted extensive
evaluations on three series of LLMs and six tasks, with EAGLE-2 achieving
speedup ratios 3.05x-4.26x, which is 20%-40% faster than EAGLE-1. EAGLE-2 also
ensures that the distribution of the generated text remains unchanged, making
it a lossless acceleration algorithm. | cs.CL | EAGLE-2: Faster Inference of Language Models with Dynamic Draft Trees |
2024-06-24T17:58:03Z | http://arxiv.org/pdf/2406.16851v2 | http://arxiv.org/abs/2406.16851v2 | Aditya Sharma, Michael Saxon, William Yang Wang | 2024-07-03T03:55:59Z | cs.CL, cs.AI, cs.CV | We present LoCoVQA, a dynamic benchmark generator for evaluating long-context
extractive reasoning in vision language models (VLMs). LoCoVQA augments test
examples for mathematical reasoning, VQA, and character recognition tasks with
increasingly long visual contexts composed of both in-distribution and
out-of-distribution distractor images.
Across these tasks, a diverse set of VLMs rapidly lose performance as the
visual context length grows, often exhibiting a striking logarithmic decay
trend. This test assesses how well VLMs can ignore irrelevant information when
answering queries -- a task that is quite easy for language models (LMs) in the
text domain -- demonstrating that current state-of-the-art VLMs lack this
essential capability for many long-context applications. | cs.CL | Losing Visual Needles in Image Haystacks: Vision Language Models are Easily Distracted in Short and Long Contexts |
2024-06-24T17:49:28Z | http://arxiv.org/pdf/2406.16845v1 | http://arxiv.org/abs/2406.16845v1 | Weike Zhao, Chaoyi Wu, Xiaoman Zhang, Ya Zhang, Yanfeng Wang, Weidi Xie | 2024-06-24T17:49:28Z | cs.CL | This paper introduces a novel, entity-aware metric, termed as Radiological
Report (Text) Evaluation (RaTEScore), to assess the quality of medical reports
generated by AI models. RaTEScore emphasizes crucial medical entities such as
diagnostic outcomes and anatomical details, and is robust against complex
medical synonyms and sensitive to negation expressions. Technically, we
developed a comprehensive medical NER dataset, RaTE-NER, and trained an NER
model specifically for this purpose. This model enables the decomposition of
complex radiological reports into constituent medical entities. The metric
itself is derived by comparing the similarity of entity embeddings, obtained
from a language model, based on their types and relevance to clinical
significance. Our evaluations demonstrate that RaTEScore aligns more closely
with human preference than existing metrics, validated both on established
public benchmarks and our newly proposed RaTE-Eval benchmark. | cs.CL | RaTEScore: A Metric for Radiology Report Generation |
2024-06-24T17:47:55Z | http://arxiv.org/pdf/2406.16842v1 | http://arxiv.org/abs/2406.16842v1 | Guy Mor-Lan, Effi Levi | 2024-06-24T17:47:55Z | cs.CL | We explore the relationship between factuality and Natural Language Inference
(NLI) by introducing FactRel -- a novel annotation scheme that models
\textit{factual} rather than \textit{textual} entailment, and use it to
annotate a dataset of naturally occurring sentences from news articles. Our
analysis shows that 84\% of factually supporting pairs and 63\% of factually
undermining pairs do not amount to NLI entailment or contradiction,
respectively, suggesting that factual relationships are more apt for analyzing
media discourse. We experiment with models for pairwise classification on the
new dataset, and find that in some cases, generating synthetic data with GPT-4
on the basis of the annotated dataset can improve performance. Surprisingly,
few-shot learning with GPT-4 yields strong results on par with medium LMs
(DeBERTa) trained on the labelled dataset. We hypothesize that these results
indicate the fundamental dependence of this task on both world knowledge and
advanced reasoning abilities. | cs.CL | Exploring Factual Entailment with NLI: A News Media Study |
2024-06-24T17:45:59Z | http://arxiv.org/pdf/2406.16838v1 | http://arxiv.org/abs/2406.16838v1 | Sean Welleck, Amanda Bertsch, Matthew Finlayson, Hailey Schoelkopf, Alex Xie, Graham Neubig, Ilia Kulikov, Zaid Harchaoui | 2024-06-24T17:45:59Z | cs.CL, cs.LG | One of the most striking findings in modern research on large language models
(LLMs) is that scaling up compute during training leads to better results.
However, less attention has been given to the benefits of scaling compute
during inference. This survey focuses on these inference-time approaches. We
explore three areas under a unified mathematical formalism: token-level
generation algorithms, meta-generation algorithms, and efficient generation.
Token-level generation algorithms, often called decoding algorithms, operate by
sampling a single token at a time or constructing a token-level search space
and then selecting an output. These methods typically assume access to a
language model's logits, next-token distributions, or probability scores.
Meta-generation algorithms work on partial or full sequences, incorporating
domain knowledge, enabling backtracking, and integrating external information.
Efficient generation methods aim to reduce token costs and improve the speed of
generation. Our survey unifies perspectives from three research communities:
traditional natural language processing, modern LLMs, and machine learning
systems. | cs.CL | From Decoding to Meta-Generation: Inference-time Algorithms for Large Language Models |
2024-06-24T17:41:53Z | http://arxiv.org/pdf/2406.16833v1 | http://arxiv.org/abs/2406.16833v1 | Mounika Marreddy, Subba Reddy Oota, Venkata Charan Chinni, Manish Gupta, Lucie Flek | 2024-06-24T17:41:53Z | cs.CL, cs.AI, cs.LG | Identifying user's opinions and stances in long conversation threads on
various topics can be extremely critical for enhanced personalization, market
research, political campaigns, customer service, conflict resolution, targeted
advertising, and content moderation. Hence, training language models to
automate this task is critical. However, to train such models, gathering manual
annotations has multiple challenges: 1) It is time-consuming and costly; 2)
Conversation threads could be very long, increasing chances of noisy
annotations; and 3) Interpreting instances where a user changes their opinion
within a conversation is difficult because often such transitions are subtle
and not expressed explicitly. Inspired by the recent success of large language
models (LLMs) for complex natural language processing (NLP) tasks, we leverage
Mistral Large and GPT-4 to automate the human annotation process on the
following two tasks while also providing reasoning: i) User Stance
classification, which involves labeling a user's stance of a post in a
conversation on a five-point scale; ii) User Dogmatism classification, which
deals with labeling a user's overall opinion in the conversation on a
four-point scale. The majority voting on zero-shot, one-shot, and few-shot
annotations from these two LLMs on 764 multi-user Reddit conversations helps us
curate the USDC dataset. USDC is then used to finetune and instruction-tune
multiple deployable small language models for the 5-class stance and 4-class
dogmatism classification tasks. We make the code and dataset publicly available
[https://anonymous.4open.science/r/USDC-0F7F]. | cs.CL | USDC: A Dataset of $\underline{U}$ser $\underline{S}$tance and $\underline{D}$ogmatism in Long $\underline{C}$onversations |
2024-06-24T17:38:02Z | http://arxiv.org/pdf/2406.16829v1 | http://arxiv.org/abs/2406.16829v1 | Buu Phan, Marton Havasi, Matthew Muckley, Karen Ullrich | 2024-06-24T17:38:02Z | cs.CL, cs.AI, cs.LG | State-of-the-art language models are autoregressive and operate on subword
units known as tokens. Specifically, one must encode the conditioning string
into a list of tokens before passing to the language models for next-token
prediction. We show that, for encoding schemes such as maximum prefix matching,
tokenization induces a sampling bias that cannot be mitigated with more
training or data. To counter this universal problem, we propose a novel
algorithm to obtain unbiased estimates from a model that was trained on
tokenized data. Our method does not require finetuning the model, and its
complexity, defined as the number of model runs, scales linearly with the
sequence length. As a consequence, we show that one can simulate token-free
behavior from a tokenized language model. We empirically verify the correctness
of our method through a Markov-chain setup, where it accurately recovers the
transition probabilities, as opposed to the conventional method of directly
prompting tokens into the language model. | cs.CL | Understanding and Mitigating Tokenization Bias in Language Models |
2024-06-24T17:37:52Z | http://arxiv.org/pdf/2406.16828v1 | http://arxiv.org/abs/2406.16828v1 | Ronak Pradeep, Nandan Thakur, Sahel Sharifymoghaddam, Eric Zhang, Ryan Nguyen, Daniel Campos, Nick Craswell, Jimmy Lin | 2024-06-24T17:37:52Z | cs.IR, cs.AI, cs.CL | Did you try out the new Bing Search? Or maybe you fiddled around with Google
AI~Overviews? These might sound familiar because the modern-day search stack
has recently evolved to include retrieval-augmented generation (RAG) systems.
They allow searching and incorporating real-time data into large language
models (LLMs) to provide a well-informed, attributed, concise summary in
contrast to the traditional search paradigm that relies on displaying a ranked
list of documents. Therefore, given these recent advancements, it is crucial to
have an arena to build, test, visualize, and systematically evaluate RAG-based
search systems. With this in mind, we propose the TREC 2024 RAG Track to foster
innovation in evaluating RAG systems. In our work, we lay out the steps we've
made towards making this track a reality -- we describe the details of our
reusable framework, Ragnar\"ok, explain the curation of the new MS MARCO V2.1
collection choice, release the development topics for the track, and
standardize the I/O definitions which assist the end user. Next, using
Ragnar\"ok, we identify and provide key industrial baselines such as OpenAI's
GPT-4o or Cohere's Command R+. Further, we introduce a web-based user interface
for an interactive arena allowing benchmarking pairwise RAG systems by
crowdsourcing. We open-source our Ragnar\"ok framework and baselines to achieve
a unified standard for future RAG systems. | cs.IR | Ragnarök: A Reusable RAG Framework and Baselines for TREC 2024 Retrieval-Augmented Generation Track |
2024-06-24T17:22:36Z | http://arxiv.org/pdf/2406.16810v1 | http://arxiv.org/abs/2406.16810v1 | Xinchi Qiu, William F. Shen, Yihong Chen, Nicola Cancedda, Pontus Stenetorp, Nicholas D. Lane | 2024-06-24T17:22:36Z | cs.LG, cs.AI, cs.CL | Recently, machine unlearning, which seeks to erase specific data stored in
the pre-trained or fine-tuned models, has emerged as a crucial protective
measure for LLMs. However, unlearning approaches for LLMs that have been
considered thus far have focused on the removal of independent data points and
have not taken into account that the stored facts are logically connected to
one another and form an implicit knowledge graph. To facilitate the development
of structural unlearning methods, which are essential for the practical
application of unlearning, we propose PISTOL, a pipeline for compiling
multi-scenario datasets for benchmarking structural LLM unlearning.
Additionally, leveraging sample datasets synthesized using PISTOL, we conducted
benchmarks with four distinct unlearning methods on both Llama2-7B and
Mistral-7B models. This analysis helps to illustrate the prevailing challenges
in effectively and robustly removing highly inter-connected data, batched data,
or data skewed towards a specific domain. It also highlights the choice of
pre-trained model can impact unlearning performance. This work not only
advances our understandings on the limitation of current LLMs unlearning
methods and proposes future research directions, but also provides a replicable
framework for ongoing exploration and validation in the field. | cs.LG | PISTOL: Dataset Compilation Pipeline for Structural Unlearning of LLMs |
2024-06-24T17:19:34Z | http://arxiv.org/pdf/2406.16807v1 | http://arxiv.org/abs/2406.16807v1 | Katherine M. Collins, Najoung Kim, Yonatan Bitton, Verena Rieser, Shayegan Omidshafiei, Yushi Hu, Sherol Chen, Senjuti Dutta, Minsuk Chang, Kimin Lee, Youwei Liang, Georgina Evans, Sahil Singla, Gang Li, Adrian Weller, Junfeng He, Deepak Ramachandran, Krishnamurthy Dj Dvijotham | 2024-06-24T17:19:34Z | cs.LG, cs.CL, cs.CV | Human feedback plays a critical role in learning and refining reward models
for text-to-image generation, but the optimal form the feedback should take for
learning an accurate reward function has not been conclusively established.
This paper investigates the effectiveness of fine-grained feedback which
captures nuanced distinctions in image quality and prompt-alignment, compared
to traditional coarse-grained feedback (for example, thumbs up/down or ranking
between a set of options). While fine-grained feedback holds promise,
particularly for systems catering to diverse societal preferences, we show that
demonstrating its superiority to coarse-grained feedback is not automatic.
Through experiments on real and synthetic preference data, we surface the
complexities of building effective models due to the interplay of model choice,
feedback type, and the alignment between human judgment and computational
interpretation. We identify key challenges in eliciting and utilizing
fine-grained feedback, prompting a reassessment of its assumed benefits and
practicality. Our findings -- e.g., that fine-grained feedback can lead to
worse models for a fixed budget, in some settings; however, in controlled
settings with known attributes, fine grained rewards can indeed be more helpful
-- call for careful consideration of feedback attributes and potentially beckon
novel modeling approaches to appropriately unlock the potential value of
fine-grained feedback in-the-wild. | cs.LG | Beyond Thumbs Up/Down: Untangling Challenges of Fine-Grained Feedback for Text-to-Image Generation |
2024-06-24T17:08:17Z | http://arxiv.org/pdf/2406.16801v2 | http://arxiv.org/abs/2406.16801v2 | Beck LaBash, August Rosedale, Alex Reents, Lucas Negritto, Colin Wiel | 2024-06-25T18:04:23Z | cs.CL | The instruction-following ability of Large Language Models (LLMs) has
cultivated a class of LLM-based systems capable of approaching complex tasks
such as making edits to large code repositories. Due to the high sensitivity
and unpredictability of LLM behavior in response to changes in prompting,
robust evaluation tools are needed to drive future iteration of these systems.
We propose RES-Q, a natural language instruction-based benchmark for evaluating
$\textbf{R}$epository $\textbf{E}$diting $\textbf{S}$ystems, which consists of
100 handcrafted repository editing tasks derived from real GitHub commits.
Given an edit instruction and a code repository, RES-Q evaluates an LLM
system's ability to interpret the instruction, navigate the repository to
gather relevant information, and construct an appropriate edit that satisfies
the specified criteria. We argue that evaluating LLMs in this way addresses
issues with traditional benchmarks and provides a more holistic assessment of a
model's abilities. We evaluate various state-of-the-art LLMs as language agents
in a repository-editing system built on Qurrent OS, our language agent
development software. Despite their 1% pass@1 performance difference on
HumanEval, we find Claude Sonnet 3.5 outperforms GPT-4o by 12% pass@1 on RES-Q,
indicating RES-Q's capacity to differentiate model capability as traditional
benchmarks approach saturation. We further investigate token efficiency,
performance relationships with existing benchmarks, and interesting disparities
between closed and open-source LLMs. Code and dataset are available at
https://github.com/Qurrent-AI/RES-Q. | cs.CL | RES-Q: Evaluating Code-Editing Large Language Model Systems at the Repository Scale |
2024-06-24T16:58:23Z | http://arxiv.org/pdf/2406.16797v2 | http://arxiv.org/abs/2406.16797v2 | Ashwinee Panda, Berivan Isik, Xiangyu Qi, Sanmi Koyejo, Tsachy Weissman, Prateek Mittal | 2024-06-25T13:46:41Z | cs.CL, cs.AI | Existing methods for adapting large language models (LLMs) to new tasks are
not suited to multi-task adaptation because they modify all the model weights
-- causing destructive interference between tasks. The resulting effects, such
as catastrophic forgetting of earlier tasks, make it challenging to obtain good
performance on multiple tasks at the same time. To mitigate this, we propose
Lottery Ticket Adaptation (LoTA), a sparse adaptation method that identifies
and optimizes only a sparse subnetwork of the model. We evaluate LoTA on a wide
range of challenging tasks such as instruction following, reasoning, math, and
summarization. LoTA obtains better performance than full fine-tuning and
low-rank adaptation (LoRA), and maintains good performance even after training
on other tasks -- thus, avoiding catastrophic forgetting. By extracting and
fine-tuning over lottery tickets (or sparse task vectors), LoTA also enables
model merging over highly dissimilar tasks. Our code is made publicly available
at https://github.com/kiddyboots216/lottery-ticket-adaptation. | cs.CL | Lottery Ticket Adaptation: Mitigating Destructive Interference in LLMs |
2024-06-24T16:45:13Z | http://arxiv.org/pdf/2406.16783v2 | http://arxiv.org/abs/2406.16783v2 | Rishabh Maheshwary, Vikas Yadav, Hoang Nguyen, Khyati Mahajan, Sathwik Tejaswi Madhusudhan | 2024-06-28T10:14:53Z | cs.CL, cs.AI, cs.LG | Instruction finetuning (IFT) is critical for aligning Large Language Models
(LLMs) to follow instructions. While many effective IFT datasets have been
introduced recently, they predominantly focus on high-resource languages like
English. To better align LLMs across a broad spectrum of languages and tasks,
we propose a fully synthetic, novel taxonomy (Evol) guided Multilingual,
Multi-turn instruction finetuning dataset, called M2Lingual. It is constructed
by first selecting a diverse set of seed examples and then utilizing the
proposed Evol taxonomy to convert these seeds into complex and challenging
multi-turn instructions. We demonstrate the effectiveness of M2Lingual by
training LLMs of varying sizes and showcasing the enhanced performance across a
diverse set of languages. We contribute the 2 step Evol taxonomy with the
guided generation code: https://github.com/ServiceNow/M2Lingual, as well as the
first fully synthetic, general and task-oriented, multi-turn, multilingual
dataset built with Evol - M2Lingual:
https://huggingface.co/datasets/ServiceNow-AI/ M2Lingual - containing 182K
total IFT pairs, covering 70 languages and 17+ NLP tasks. | cs.CL | M2Lingual: Enhancing Multilingual, Multi-Turn Instruction Alignment in Large Language Models |
2024-06-24T16:43:11Z | http://arxiv.org/pdf/2406.16779v1 | http://arxiv.org/abs/2406.16779v1 | Sagi Shaier, Lawrence E Hunter, Katharina von der Wense | 2024-06-24T16:43:11Z | cs.CL | Natural language processing has seen rapid progress over the past decade. Due
to the speed of developments, some practices get established without proper
evaluation. Considering one such case and focusing on reading comprehension, we
ask our first research question: 1) How does the order of inputs -- i.e.,
question and context -- affect model performance? Additionally, given recent
advancements in input emphasis, we ask a second research question: 2) Does
emphasizing either the question, the context, or both enhance performance?
Experimenting with 9 large language models across 3 datasets, we find that
presenting the context before the question improves model performance, with an
accuracy increase of up to $31\%$. Furthermore, emphasizing the context yields
superior results compared to question emphasis, and in general, emphasizing
parts of the input is particularly effective for addressing questions that
models lack the parametric knowledge to answer. Experimenting with both
prompt-based and attention-based emphasis methods, we additionally find that
the best method is surprisingly simple: it only requires concatenating a few
tokens to the input and results in an accuracy improvement of up to $36\%$,
allowing smaller models to outperform their significantly larger counterparts. | cs.CL | It Is Not About What You Say, It Is About How You Say It: A Surprisingly Simple Approach for Improving Reading Comprehension |
2024-06-24T16:40:54Z | http://arxiv.org/pdf/2406.16778v1 | http://arxiv.org/abs/2406.16778v1 | Adithya Bhaskar, Alexander Wettig, Dan Friedman, Danqi Chen | 2024-06-24T16:40:54Z | cs.CL | The path to interpreting a language model often proceeds via analysis of
circuits -- sparse computational subgraphs of the model that capture specific
aspects of its behavior. Recent work has automated the task of discovering
circuits. Yet, these methods have practical limitations, as they rely either on
inefficient search algorithms or inaccurate approximations. In this paper, we
frame automated circuit discovery as an optimization problem and propose *Edge
Pruning* as an effective and scalable solution. Edge Pruning leverages
gradient-based pruning techniques, but instead of removing neurons or
components, it prunes the \emph{edges} between components. Our method finds
circuits in GPT-2 that use less than half the number of edges compared to
circuits found by previous methods while being equally faithful to the full
model predictions on standard circuit-finding tasks. Edge Pruning is efficient
even with as many as 100K examples, outperforming previous methods in speed and
producing substantially better circuits. It also perfectly recovers the
ground-truth circuits in two models compiled with Tracr. Thanks to its
efficiency, we scale Edge Pruning to CodeLlama-13B, a model over 100x the scale
that prior methods operate on. We use this setting for a case study comparing
the mechanisms behind instruction prompting and in-context learning. We find
two circuits with more than 99.96% sparsity that match the performance of the
full model and reveal that the mechanisms in the two settings overlap
substantially. Our case study shows that Edge Pruning is a practical and
scalable tool for interpretability and sheds light on behaviors that only
emerge in large models. | cs.CL | Finding Transformer Circuits with Edge Pruning |
2024-06-24T16:38:17Z | http://arxiv.org/pdf/2406.16777v1 | http://arxiv.org/abs/2406.16777v1 | Sai Koneru, Thai-Binh Nguyen, Ngoc-Quan Pham, Danni Liu, Zhaolin Li, Alexander Waibel, Jan Niehues | 2024-06-24T16:38:17Z | cs.CL, cs.AI | Large Language Models (LLMs) are currently under exploration for various
tasks, including Automatic Speech Recognition (ASR), Machine Translation (MT),
and even End-to-End Speech Translation (ST). In this paper, we present KIT's
offline submission in the constrained + LLM track by incorporating recently
proposed techniques that can be added to any cascaded speech translation.
Specifically, we integrate
Mistral-7B\footnote{mistralai/Mistral-7B-Instruct-v0.1} into our system to
enhance it in two ways. Firstly, we refine the ASR outputs by utilizing the
N-best lists generated by our system and fine-tuning the LLM to predict the
transcript accurately. Secondly, we refine the MT outputs at the document level
by fine-tuning the LLM, leveraging both ASR and MT predictions to improve
translation quality. We find that integrating the LLM into the ASR and MT
systems results in an absolute improvement of $0.3\%$ in Word Error Rate and
$0.65\%$ in COMET for tst2019 test set. In challenging test sets with
overlapping speakers and background noise, we find that integrating LLM is not
beneficial due to poor ASR performance. Here, we use ASR with chunked long-form
decoding to improve context usage that may be unavailable when transcribing
with Voice Activity Detection segmentation alone. | cs.CL | Blending LLMs into Cascaded Speech Translation: KIT's Offline Speech Translation System for IWSLT 2024 |
2024-06-24T16:31:12Z | http://arxiv.org/pdf/2406.16772v2 | http://arxiv.org/abs/2406.16772v2 | Zhen Huang, Zengzhi Wang, Shijie Xia, Pengfei Liu | 2024-06-26T15:00:04Z | cs.CL, cs.AI | In this report, we pose the following question: Who is the most intelligent
AI model to date, as measured by the OlympicArena (an Olympic-level,
multi-discipline, multi-modal benchmark for superintelligent AI)? We
specifically focus on the most recently released models: Claude-3.5-Sonnet,
Gemini-1.5-Pro, and GPT-4o. For the first time, we propose using an Olympic
medal Table approach to rank AI models based on their comprehensive performance
across various disciplines. Empirical results reveal: (1) Claude-3.5-Sonnet
shows highly competitive overall performance over GPT-4o, even surpassing
GPT-4o on a few subjects (i.e., Physics, Chemistry, and Biology). (2)
Gemini-1.5-Pro and GPT-4V are ranked consecutively just behind GPT-4o and
Claude-3.5-Sonnet, but with a clear performance gap between them. (3) The
performance of AI models from the open-source community significantly lags
behind these proprietary models. (4) The performance of these models on this
benchmark has been less than satisfactory, indicating that we still have a long
way to go before achieving superintelligence. We remain committed to
continuously tracking and evaluating the performance of the latest powerful
models on this benchmark (available at
https://github.com/GAIR-NLP/OlympicArena). | cs.CL | OlympicArena Medal Ranks: Who Is the Most Intelligent AI So Far? |
2024-06-24T16:24:18Z | http://arxiv.org/pdf/2406.16767v1 | http://arxiv.org/abs/2406.16767v1 | Xi Yu Huang, Krishnapriya Vishnubhotla, Frank Rudzicz | 2024-06-24T16:24:18Z | cs.CL | The improved generative capabilities of large language models have made them
a powerful tool for creative writing and storytelling. It is therefore
important to quantitatively understand the nature of generated stories, and how
they differ from human storytelling. We augment the Reddit WritingPrompts
dataset with short stories generated by GPT-3.5, given the same prompts. We
quantify and compare the emotional and descriptive features of storytelling
from both generative processes, human and machine, along a set of six
dimensions. We find that generated stories differ significantly from human
stories along all six dimensions, and that human and machine generations
display similar biases when grouped according to the narrative point-of-view
and gender of the main protagonist. We release our dataset and code at
https://github.com/KristinHuangg/gpt-writing-prompts. | cs.CL | The GPT-WritingPrompts Dataset: A Comparative Analysis of Character Portrayal in Short Stories |
2024-06-24T16:06:50Z | http://arxiv.org/pdf/2406.16758v1 | http://arxiv.org/abs/2406.16758v1 | Euiin Yi, Taehyeon Kim, Hongseok Jeung, Du-Seong Chang, Se-Young Yun | 2024-06-24T16:06:50Z | cs.CL | Large language models (LLMs) have revolutionized natural language processing
and broadened their applicability across diverse commercial applications.
However, the deployment of these models is constrained by high inference time
in multilingual settings. To mitigate this challenge, this paper explores a
training recipe of an assistant model in speculative decoding, which are
leveraged to draft and-then its future tokens are verified by the target LLM.
We show that language-specific draft models, optimized through a targeted
pretrain-and-finetune strategy, substantially brings a speedup of inference
time compared to the previous methods. We validate these models across various
languages in inference time, out-of-domain speedup, and GPT-4o evaluation. | cs.CL | Towards Fast Multilingual LLM Inference: Speculative Decoding and Specialized Drafters |
2024-06-24T15:58:15Z | http://arxiv.org/pdf/2406.16751v2 | http://arxiv.org/abs/2406.16751v2 | Khai Duy Doan, Abdul Waheed, Muhammad Abdul-Mageed | 2024-06-25T14:18:21Z | cs.CL, cs.SD, eess.AS | Zero-shot multi-speaker text-to-speech (ZS-TTS) systems have advanced for
English, however, it still lags behind due to insufficient resources. We
address this gap for Arabic, a language of more than 450 million native
speakers, by first adapting a sizeable existing dataset to suit the needs of
speech synthesis. Additionally, we employ a set of Arabic dialect
identification models to explore the impact of pre-defined dialect labels on
improving the ZS-TTS model in a multi-dialect setting. Subsequently, we
fine-tune the
XTTS\footnote{https://docs.coqui.ai/en/latest/models/xtts.html}\footnote{https://medium.com/machine-learns/xtts-v2-new-version-of-the-open-source-text-to-speech-model-af73914db81f}\footnote{https://medium.com/@erogol/xtts-v1-techincal-notes-eb83ff05bdc}
model, an open-source architecture. We then evaluate our models on a dataset
comprising 31 unseen speakers and an in-house dialectal dataset. Our automated
and human evaluation results show convincing performance while capable of
generating dialectal speech. Our study highlights significant potential for
improvements in this emerging area of research in Arabic. | cs.CL | Towards Zero-Shot Text-To-Speech for Arabic Dialects |
2024-06-24T15:57:48Z | http://arxiv.org/pdf/2406.16748v1 | http://arxiv.org/abs/2406.16748v1 | Timo Kaufmann, Jannis Blüml, Antonia Wüst, Quentin Delfosse, Kristian Kersting, Eyke Hüllermeier | 2024-06-24T15:57:48Z | cs.LG, cs.CL | Properly defining a reward signal to efficiently train a reinforcement
learning (RL) agent is a challenging task. Designing balanced objective
functions from which a desired behavior can emerge requires expert knowledge,
especially for complex environments. Learning rewards from human feedback or
using large language models (LLMs) to directly provide rewards are promising
alternatives, allowing non-experts to specify goals for the agent. However,
black-box reward models make it difficult to debug the reward. In this work, we
propose Object-Centric Assessment with Language Models (OCALM) to derive
inherently interpretable reward functions for RL agents from natural language
task descriptions. OCALM uses the extensive world-knowledge of LLMs while
leveraging the object-centric nature common to many environments to derive
reward functions focused on relational concepts, providing RL agents with the
ability to derive policies from task descriptions. | cs.LG | OCALM: Object-Centric Assessment with Language Models |
2024-06-24T15:55:59Z | http://arxiv.org/pdf/2406.16747v1 | http://arxiv.org/abs/2406.16747v1 | Chao Lou, Zixia Jia, Zilong Zheng, Kewei Tu | 2024-06-24T15:55:59Z | cs.CL, cs.LG | Accommodating long sequences efficiently in autoregressive Transformers,
especially within an extended context window, poses significant challenges due
to the quadratic computational complexity and substantial KV memory
requirements inherent in self-attention mechanisms. In this work, we introduce
SPARSEK Attention, a novel sparse attention mechanism designed to overcome
these computational and memory obstacles while maintaining performance. Our
approach integrates a scoring network and a differentiable top-k mask operator,
SPARSEK, to select a constant number of KV pairs for each query, thereby
enabling gradient-based optimization. As a result, SPARSEK Attention offers
linear time complexity and constant memory footprint during generation.
Experimental results reveal that SPARSEK Attention outperforms previous sparse
attention methods and provides significant speed improvements during both
training and inference, particularly in language modeling and downstream tasks.
Furthermore, our method can be seamlessly integrated into pre-trained Large
Language Models (LLMs) with minimal fine-tuning, offering a practical solution
for effectively managing long-range dependencies in diverse applications. | cs.CL | Sparser is Faster and Less is More: Efficient Sparse Attention for Long-Range Transformers |
2024-06-24T15:55:49Z | http://arxiv.org/pdf/2406.16746v2 | http://arxiv.org/abs/2406.16746v2 | Shayne Longpre, Stella Biderman, Alon Albalak, Hailey Schoelkopf, Daniel McDuff, Sayash Kapoor, Kevin Klyman, Kyle Lo, Gabriel Ilharco, Nay San, Maribeth Rauh, Aviya Skowron, Bertie Vidgen, Laura Weidinger, Arvind Narayanan, Victor Sanh, David Adelani, Percy Liang, Rishi Bommasani, Peter Henderson, Sasha Luccioni, Yacine Jernite, Luca Soldaini | 2024-06-26T02:19:01Z | cs.LG, cs.AI, cs.CL | Foundation model development attracts a rapidly expanding body of
contributors, scientists, and applications. To help shape responsible
development practices, we introduce the Foundation Model Development
Cheatsheet: a growing collection of 250+ tools and resources spanning text,
vision, and speech modalities. We draw on a large body of prior work to survey
resources (e.g. software, documentation, frameworks, guides, and practical
tools) that support informed data selection, processing, and understanding,
precise and limitation-aware artifact documentation, efficient model training,
advance awareness of the environmental impact from training, careful model
evaluation of capabilities, risks, and claims, as well as responsible model
release, licensing and deployment practices. We hope this curated collection of
resources helps guide more responsible development. The process of curating
this list, enabled us to review the AI development ecosystem, revealing what
tools are critically missing, misused, or over-used in existing practices. We
find that (i) tools for data sourcing, model evaluation, and monitoring are
critically under-serving ethical and real-world needs, (ii) evaluations for
model safety, capabilities, and environmental impact all lack reproducibility
and transparency, (iii) text and particularly English-centric analyses continue
to dominate over multilingual and multi-modal analyses, and (iv) evaluation of
systems, rather than just models, is needed so that capabilities and impact are
assessed in context. | cs.LG | The Responsible Foundation Model Development Cheatsheet: A Review of Tools & Resources |
2024-06-24T15:51:30Z | http://arxiv.org/pdf/2406.16743v1 | http://arxiv.org/abs/2406.16743v1 | Zhengyue Zhao, Xiaoyun Zhang, Kaidi Xu, Xing Hu, Rui Zhang, Zidong Du, Qi Guo, Yunji Chen | 2024-06-24T15:51:30Z | cs.CL | With the widespread application of Large Language Models (LLMs), it has
become a significant concern to ensure their safety and prevent harmful
responses. While current safe-alignment methods based on instruction
fine-tuning and Reinforcement Learning from Human Feedback (RLHF) can
effectively reduce harmful responses from LLMs, they often require high-quality
datasets and heavy computational overhead during model training. Another way to
align language models is to modify the logit of tokens in model outputs without
heavy training. Recent studies have shown that contrastive decoding can enhance
the performance of language models by reducing the likelihood of confused
tokens. However, these methods require the manual selection of contrastive
models or instruction templates. To this end, we propose Adversarial
Contrastive Decoding (ACD), an optimization-based framework to generate two
opposite system prompts for prompt-based contrastive decoding. ACD only needs
to apply a lightweight prompt tuning on a rather small anchor dataset (< 3 min
for each model) without training the target model. Experiments conducted on
extensive models and benchmarks demonstrate that the proposed method achieves
much better safety performance than previous model training-free decoding
methods without sacrificing its original generation ability. | cs.CL | Adversarial Contrastive Decoding: Boosting Safety Alignment of Large Language Models via Opposite Prompt Optimization |
2024-06-24T15:36:00Z | http://arxiv.org/pdf/2406.16732v2 | http://arxiv.org/abs/2406.16732v2 | Shijia Zhou, Siyao Peng, Barbara Plank | 2024-06-27T14:44:51Z | cs.CL | Climate Change (CC) is a pressing topic of global importance, attracting
increasing attention across research fields, from social sciences to Natural
Language Processing (NLP). CC is also discussed in various settings and
communication platforms, from academic publications to social media forums.
Understanding who and what is mentioned in such data is a first critical step
to gaining new insights into CC. We present CLIMATELI (CLIMATe Entity LInking),
the first manually annotated CC dataset that links 3,087 entity spans to
Wikipedia. Using CLIMATELI (CLIMATe Entity LInking), we evaluate existing
entity linking (EL) systems on the CC topic across various genres and propose
automated filtering methods for CC entities. We find that the performance of EL
models notably lags behind humans at both token and entity levels. Testing
within the scope of retaining or excluding non-nominal and/or non-CC entities
particularly impacts the models' performances. | cs.CL | CLIMATELI: Evaluating Entity Linking on Climate Change Data |
2024-06-24T15:27:21Z | http://arxiv.org/pdf/2406.16722v1 | http://arxiv.org/abs/2406.16722v1 | Yuchen Zou, Yineng Chen, Zuchao Li, Lefei Zhang, Hai Zhao | 2024-06-24T15:27:21Z | cs.CL | Transformer, a deep neural network architecture, has long dominated the field
of natural language processing and beyond. Nevertheless, the recent
introduction of Mamba challenges its supremacy, sparks considerable interest
among researchers, and gives rise to a series of Mamba-based models that have
exhibited notable potential. This survey paper orchestrates a comprehensive
discussion, diving into essential research dimensions, covering: (i) the
functioning of the Mamba mechanism and its foundation on the principles of
structured state space models; (ii) the proposed improvements and the
integration of Mamba with various networks, exploring its potential as a
substitute for Transformers; (iii) the combination of Transformers and Mamba to
compensate for each other's shortcomings. We have also made efforts to
interpret Mamba and Transformer in the framework of kernel functions, allowing
for a comparison of their mathematical nature within a unified context. Our
paper encompasses the vast majority of improvements related to Mamba to date. | cs.CL | Venturing into Uncharted Waters: The Navigation Compass from Transformer to Mamba |
2024-06-24T15:16:45Z | http://arxiv.org/pdf/2406.16714v1 | http://arxiv.org/abs/2406.16714v1 | Jiale Cheng, Yida Lu, Xiaotao Gu, Pei Ke, Xiao Liu, Yuxiao Dong, Hongning Wang, Jie Tang, Minlie Huang | 2024-06-24T15:16:45Z | cs.CL, cs.AI, cs.LG | Although Large Language Models (LLMs) are becoming increasingly powerful,
they still exhibit significant but subtle weaknesses, such as mistakes in
instruction-following or coding tasks. As these unexpected errors could lead to
severe consequences in practical deployments, it is crucial to investigate the
limitations within LLMs systematically. Traditional benchmarking approaches
cannot thoroughly pinpoint specific model deficiencies, while manual
inspections are costly and not scalable. In this paper, we introduce a unified
framework, AutoDetect, to automatically expose weaknesses in LLMs across
various tasks. Inspired by the educational assessment process that measures
students' learning outcomes, AutoDetect consists of three LLM-powered agents:
Examiner, Questioner, and Assessor. The collaboration among these three agents
is designed to realize comprehensive and in-depth weakness identification. Our
framework demonstrates significant success in uncovering flaws, with an
identification success rate exceeding 30% in prominent models such as ChatGPT
and Claude. More importantly, these identified weaknesses can guide specific
model improvements, proving more effective than untargeted data augmentation
methods like Self-Instruct. Our approach has led to substantial enhancements in
popular LLMs, including the Llama series and Mistral-7b, boosting their
performance by over 10% across several benchmarks. Code and data are publicly
available at https://github.com/thu-coai/AutoDetect. | cs.CL | AutoDetect: Towards a Unified Framework for Automated Weakness Detection in Large Language Models |
2024-06-24T14:58:11Z | http://arxiv.org/pdf/2406.16694v1 | http://arxiv.org/abs/2406.16694v1 | Xiao Liang, Xinyu Hu, Simiao Zuo, Yeyun Gong, Qiang Lou, Yi Liu, Shao-Lun Huang, Jian Jiao | 2024-06-24T14:58:11Z | cs.CL | Large Language Models (LLMs) have shown superior performance in various
applications and fields. To achieve better performance on specialized domains
such as law and advertisement, LLMs are often continue pre-trained on in-domain
data. However, existing approaches suffer from two major issues. First,
in-domain data are scarce compared with general domain-agnostic data. Second,
data used for continual pre-training are not task-aware, such that they may not
be helpful to downstream applications. We propose TRAIT, a task-oriented
in-domain data augmentation framework. Our framework is divided into two parts:
in-domain data selection and task-oriented synthetic passage generation. The
data selection strategy identifies and selects a large amount of in-domain data
from general corpora, and thus significantly enriches domain knowledge in the
continual pre-training data. The synthetic passages contain guidance on how to
use domain knowledge to answer questions about downstream tasks. By training on
such passages, the model aligns with the need of downstream applications. We
adapt LLMs to two domains: advertisement and math. On average, TRAIT improves
LLM performance by 8% in the advertisement domain and 7.5% in the math domain. | cs.CL | Task Oriented In-Domain Data Augmentation |
2024-06-24T14:51:31Z | http://arxiv.org/pdf/2406.16690v1 | http://arxiv.org/abs/2406.16690v1 | Xuyang Shen, Dong Li, Ruitao Leng, Zhen Qin, Weigao Sun, Yiran Zhong | 2024-06-24T14:51:31Z | cs.CL | The interest in linear complexity models for large language models is on the
rise, although their scaling capacity remains uncertain. In this study, we
present the scaling laws for linear complexity language models to establish a
foundation for their scalability. Specifically, we examine the scaling
behaviors of three efficient linear architectures. These include TNL, a linear
attention model with data-independent decay; HGRN2, a linear RNN with
data-dependent decay; and cosFormer2, a linear attention model without decay.
We also include LLaMA as a baseline architecture for softmax attention for
comparison. These models were trained with six variants, ranging from 70M to 7B
parameters on a 300B-token corpus, and evaluated with a total of 1,376
intermediate checkpoints on various downstream tasks. These tasks include
validation loss, commonsense reasoning, and information retrieval and
generation. The study reveals that existing linear complexity language models
exhibit similar scaling capabilities as conventional transformer-based models
while also demonstrating superior linguistic proficiency and knowledge
retention. | cs.CL | Scaling Laws for Linear Complexity Language Models |
2024-06-24T14:36:11Z | http://arxiv.org/pdf/2406.16678v1 | http://arxiv.org/abs/2406.16678v1 | Markus Frohmann, Igor Sterner, Ivan Vulić, Benjamin Minixhofer, Markus Schedl | 2024-06-24T14:36:11Z | cs.CL, cs.AI, cs.LG | Segmenting text into sentences plays an early and crucial role in many NLP
systems. This is commonly achieved by using rule-based or statistical methods
relying on lexical features such as punctuation. Although some recent works no
longer exclusively rely on punctuation, we find that no prior method achieves
all of (i) robustness to missing punctuation, (ii) effective adaptability to
new domains, and (iii) high efficiency. We introduce a new model - Segment any
Text (SaT) - to solve this problem. To enhance robustness, we propose a new
pretraining scheme that ensures less reliance on punctuation. To address
adaptability, we introduce an extra stage of parameter-efficient fine-tuning,
establishing state-of-the-art performance in distinct domains such as verses
from lyrics and legal documents. Along the way, we introduce architectural
modifications that result in a threefold gain in speed over the previous state
of the art and solve spurious reliance on context far in the future. Finally,
we introduce a variant of our model with fine-tuning on a diverse, multilingual
mixture of sentence-segmented data, acting as a drop-in replacement and
enhancement for existing segmentation tools. Overall, our contributions provide
a universal approach for segmenting any text. Our method outperforms all
baselines - including strong LLMs - across 8 corpora spanning diverse domains
and languages, especially in practically relevant situations where text is
poorly formatted. Our models and code, including documentation, are available
at https://huggingface.co/segment-any-text under the MIT license. | cs.CL | Segment Any Text: A Universal Approach for Robust, Efficient and Adaptable Sentence Segmentation |
2024-06-24T14:31:34Z | http://arxiv.org/pdf/2406.16674v1 | http://arxiv.org/abs/2406.16674v1 | Ramona Kühn, Jelena Mitrović, Michael Granitzer | 2024-06-24T14:31:34Z | cs.CL | Rhetorical figures play a major role in our everyday communication as they
make text more interesting, more memorable, or more persuasive. Therefore, it
is important to computationally detect rhetorical figures to fully understand
the meaning of a text. We provide a comprehensive overview of computational
approaches to lesser-known rhetorical figures. We explore the linguistic and
computational perspectives on rhetorical figures, emphasizing their
significance for the domain of Natural Language Processing. We present
different figures in detail, delving into datasets, definitions, rhetorical
functions, and detection approaches. We identified challenges such as dataset
scarcity, language limitations, and reliance on rule-based methods. | cs.CL | Computational Approaches to the Detection of Lesser-Known Rhetorical Figures: A Systematic Survey and Research Challenges |
2024-06-24T14:27:54Z | http://arxiv.org/pdf/2406.16672v1 | http://arxiv.org/abs/2406.16672v1 | Sahana Ramnath, Kartik Pandey, Elizabeth Boschee, Xiang Ren | 2024-06-24T14:27:54Z | cs.CL, cs.AI | Authorship Verification (AV) (do two documents have the same author?) is
essential for many sensitive real-life applications. AV is often used in
proprietary domains that require a private, offline model, making SOTA online
models like ChatGPT undesirable. Other SOTA systems use methods, e.g. Siamese
Networks, that are uninterpretable, and hence cannot be trusted in high-stakes
applications. In this work, we take the first step to address the above
challenges with our model CAVE (Controllable Authorship Verification
Explanations): CAVE generates free-text AV explanations that are controlled to
be 1) structured (can be decomposed into sub-explanations with respect to
relevant linguistic features), and 2) easily verified for explanation-label
consistency (via intermediate labels in sub-explanations). In this work, we
train a Llama-3-8B as CAVE; since there are no human-written corpora for AV
explanations, we sample silver-standard explanations from GPT-4-TURBO and
distill them into a pretrained Llama-3-8B. Results on three difficult AV
datasets IMdB2, Blog-Auth, and FanFiction show that CAVE generates high quality
explanations (as measured by automatic and human evaluation) as well as
competitive task accuracies. | cs.CL | CAVE: Controllable Authorship Verification Explanations |
2024-06-24T14:03:04Z | http://arxiv.org/pdf/2406.16655v1 | http://arxiv.org/abs/2406.16655v1 | Peng Hu, Sizhe Liu, Changjiang Gao, Xin Huang, Xue Han, Junlan Feng, Chao Deng, Shujian Huang | 2024-06-24T14:03:04Z | cs.CL | Large Language Models have demonstrated impressive reasoning capabilities
across multiple languages. However, the relationship between capabilities in
different languages is less explored. In this work, we decompose the process of
reasoning tasks into two separated parts: knowledge retrieval and
knowledge-free reasoning, and analyze the cross-lingual transferability of
them. With adapted and constructed knowledge-free reasoning datasets, we show
that the knowledge-free reasoning capability can be nearly perfectly
transferred across various source-target language directions despite the
secondary impact of resource in some specific target languages, while
cross-lingual knowledge retrieval significantly hinders the transfer. Moreover,
by analyzing the hidden states and feed-forward network neuron activation
during the reasoning tasks, we show that higher similarity of hidden
representations and larger overlap of activated neurons could explain the
better cross-lingual transferability of knowledge-free reasoning than knowledge
retrieval. Thus, we hypothesize that knowledge-free reasoning embeds in some
language-shared mechanism, while knowledge is stored separately in different
languages. | cs.CL | Large Language Models Are Cross-Lingual Knowledge-Free Reasoners |
2024-06-24T13:41:08Z | http://arxiv.org/pdf/2406.16635v1 | http://arxiv.org/abs/2406.16635v1 | Yash Akhauri, Ahmed F AbouElhamayed, Jordan Dotzel, Zhiru Zhang, Alexander M Rush, Safeen Huda, Mohamed S Abdelfattah | 2024-06-24T13:41:08Z | cs.LG, cs.AI, cs.CL | The high power consumption and latency-sensitive deployments of large
language models (LLMs) have motivated techniques like quantization and
sparsity. Contextual sparsity, where the sparsity pattern is input-dependent,
is crucial in LLMs because the permanent removal of attention heads or neurons
from LLMs can significantly degrade accuracy. Prior work has attempted to model
contextual sparsity using neural networks trained to predict activation
magnitudes, which can be used to dynamically prune structures with low
predicted activation magnitude. In this paper, we look beyond magnitude-based
pruning criteria to assess attention head and neuron importance in LLMs. We
developed a novel predictor called ShadowLLM, which can shadow the LLM behavior
and enforce better sparsity patterns, resulting in over 15% improvement in
end-to-end accuracy without increasing latency compared to previous methods.
ShadowLLM achieves up to a 20\% speed-up over the state-of-the-art DejaVu
framework. These enhancements are validated on models with up to 30 billion
parameters. Our code is available at
\href{https://github.com/abdelfattah-lab/shadow_llm/}{ShadowLLM}. | cs.LG | ShadowLLM: Predictor-based Contextual Sparsity for Large Language Models |
2024-06-24T13:05:39Z | http://arxiv.org/pdf/2406.16620v2 | http://arxiv.org/abs/2406.16620v2 | Lu Zhang, Tiancheng Zhao, Heting Ying, Yibo Ma, Kyusong Lee | 2024-06-25T02:43:41Z | cs.CV, cs.CL | Recent advancements in Large Language Models (LLMs) have expanded their
capabilities to multimodal contexts, including comprehensive video
understanding. However, processing extensive videos such as 24-hour CCTV
footage or full-length films presents significant challenges due to the vast
data and processing demands. Traditional methods, like extracting key frames or
converting frames to text, often result in substantial information loss. To
address these shortcomings, we develop OmAgent, efficiently stores and
retrieves relevant video frames for specific queries, preserving the detailed
content of videos. Additionally, it features an Divide-and-Conquer Loop capable
of autonomous reasoning, dynamically invoking APIs and tools to enhance query
processing and accuracy. This approach ensures robust video understanding,
significantly reducing information loss. Experimental results affirm OmAgent's
efficacy in handling various types of videos and complex tasks. Moreover, we
have endowed it with greater autonomy and a robust tool-calling system,
enabling it to accomplish even more intricate tasks. | cs.CV | OmAgent: A Multi-modal Agent Framework for Complex Video Understanding with Task Divide-and-Conquer |
2024-06-24T12:52:02Z | http://arxiv.org/pdf/2406.16611v1 | http://arxiv.org/abs/2406.16611v1 | Andrea Posada, Daniel Rueckert, Felix Meissen, Philip Müller | 2024-06-24T12:52:02Z | cs.CL, cs.AI | Since the emergence of the Transformer architecture, language model
development has increased, driven by their promising potential. However,
releasing these models into production requires properly understanding their
behavior, particularly in sensitive domains such as medicine. Despite this
need, the medical literature still lacks technical assessments of pre-trained
language models, which are especially valuable in resource-constrained settings
in terms of computational power or limited budget. To address this gap, we
provide a comprehensive survey of language models in the medical domain. In
addition, we selected a subset of these models for thorough evaluation,
focusing on classification and text generation tasks. Our subset encompasses 53
models, ranging from 110 million to 13 billion parameters, spanning the three
families of Transformer-based models and from diverse knowledge domains. This
study employs a series of approaches for text classification together with
zero-shot prompting instead of model training or fine-tuning, which closely
resembles the limited resource setting in which many users of language models
find themselves. Encouragingly, our findings reveal remarkable performance
across various tasks and datasets, underscoring the latent potential of certain
models to contain medical knowledge, even without domain specialization.
Consequently, our study advocates for further exploration of model applications
in medical contexts, particularly in resource-constrained settings. The code is
available on https://github.com/anpoc/Language-models-in-medicine. | cs.CL | Evaluation of Language Models in the Medical Context Under Resource-Constrained Settings |
2024-06-24T12:46:15Z | http://arxiv.org/pdf/2406.16605v1 | http://arxiv.org/abs/2406.16605v1 | Sirui Chen, Mengying Xu, Kun Wang, Xingyu Zeng, Rui Zhao, Shengjie Zhao, Chaochao Lu | 2024-06-24T12:46:15Z | cs.CL, cs.AI, cs.LG, stat.ME | Causal reasoning is a cornerstone of how humans interpret the world. To model
and reason about causality, causal graphs offer a concise yet effective
solution. Given the impressive advancements in language models, a crucial
question arises: can they really understand causal graphs? To this end, we
pioneer an investigation into language models' understanding of causal graphs.
Specifically, we develop a framework to define causal graph understanding, by
assessing language models' behaviors through four practical criteria derived
from diverse disciplines (e.g., philosophy and psychology). We then develop
CLEAR, a novel benchmark that defines three complexity levels and encompasses
20 causal graph-based tasks across these levels. Finally, based on our
framework and benchmark, we conduct extensive experiments on six leading
language models and summarize five empirical findings. Our results indicate
that while language models demonstrate a preliminary understanding of causal
graphs, significant potential for improvement remains. Our project website is
at https://github.com/OpenCausaLab/CLEAR. | cs.CL | CLEAR: Can Language Models Really Understand Causal Graphs? |
2024-06-24T12:02:56Z | http://arxiv.org/pdf/2406.16567v1 | http://arxiv.org/abs/2406.16567v1 | Jiyue Jiang, Liheng Chen, Sheng Wang, Lingpeng Kong, Yu Li, Chuan Wu | 2024-06-24T12:02:56Z | cs.CL | Existing dialogue data augmentation (DA) techniques predominantly focus on
augmenting utterance-level dialogues, which makes it difficult to take dialogue
contextual information into account. The advent of large language models (LLMs)
has simplified the implementation of multi-turn dialogues. Due to absence of
professional understanding and knowledge, it remains challenging to deliver
satisfactory performance in low-resource domain, like psychological dialogue
dialogue. DA involves creating new training or prompting data based on the
existing data, which help the model better understand and generate
psychology-related responses. In this paper, we aim to address the issue of
multi-turn dialogue data augmentation for boosted performance in the psychology
domain. We propose a knowledge-driven progressive thought prompting method to
guide LLM to generate multi-turn psychology-related dialogue. This method
integrates a progressive thought generator, a psychology knowledge generator,
and a multi-turn dialogue generator. The thought generated by the progressive
thought generator serves as a prompt to prevent the generated dialogue from
having significant semantic deviations, while the psychology knowledge
generator produces psychological knowledge to serve as the dialogue history for
the LLM, guiding the dialogue generator to create multi-turn psychological
dialogue. To ensure the precision of multi-turn psychological dialogue
generation by LLM, a meticulous professional evaluation is required. Extensive
experiments conducted on three datasets related to psychological dialogue
verify the effectiveness of the proposed method. | cs.CL | Data Augmentation of Multi-turn Psychological Dialogue via Knowledge-driven Progressive Thought Prompting |
2024-06-24T11:58:33Z | http://arxiv.org/pdf/2406.16563v2 | http://arxiv.org/abs/2406.16563v2 | Vivi Nastase, Paola Merlo | 2024-07-02T14:14:48Z | cs.CL, 68T50, I.2.7 | Sentence embeddings from transformer models encode in a fixed length vector
much linguistic information. We explore the hypothesis that these embeddings
consist of overlapping layers of information that can be separated, and on
which specific types of information -- such as information about chunks and
their structural and semantic properties -- can be detected. We show that this
is the case using a dataset consisting of sentences with known chunk structure,
and two linguistic intelligence datasets, solving which relies on detecting
chunks and their grammatical number, and respectively, their semantic roles,
and through analyses of the performance on the tasks and of the internal
representations built during learning. | cs.CL | Are there identifiable structural parts in the sentence embedding whole? |
2024-06-24T11:56:15Z | http://arxiv.org/pdf/2406.16562v2 | http://arxiv.org/abs/2406.16562v2 | Zhiyu Tan, Xiaomeng Yang, Luozheng Qin, Mengping Yang, Cheng Zhang, Hao Li | 2024-06-27T03:57:05Z | cs.CV, cs.CL | The recent advancements in text-to-image generative models have been
remarkable. Yet, the field suffers from a lack of evaluation metrics that
accurately reflect the performance of these models, particularly lacking
fine-grained metrics that can guide the optimization of the models. In this
paper, we propose EvalAlign, a metric characterized by its accuracy, stability,
and fine granularity. Our approach leverages the capabilities of Multimodal
Large Language Models (MLLMs) pre-trained on extensive datasets. We develop
evaluation protocols that focus on two key dimensions: image faithfulness and
text-image alignment. Each protocol comprises a set of detailed, fine-grained
instructions linked to specific scoring options, enabling precise manual
scoring of the generated images. We Supervised Fine-Tune (SFT) the MLLM to
align closely with human evaluative judgments, resulting in a robust evaluation
model. Our comprehensive tests across 24 text-to-image generation models
demonstrate that EvalAlign not only provides superior metric stability but also
aligns more closely with human preferences than existing metrics, confirming
its effectiveness and utility in model assessment. | cs.CV | EVALALIGN: Supervised Fine-Tuning Multimodal LLMs with Human-Aligned Data for Evaluating Text-to-Image Models |
2024-06-24T11:43:07Z | http://arxiv.org/pdf/2406.16554v1 | http://arxiv.org/abs/2406.16554v1 | Tong Zhu, Xiaoye Qu, Daize Dong, Jiacheng Ruan, Jingqi Tong, Conghui He, Yu Cheng | 2024-06-24T11:43:07Z | cs.CL | Mixture-of-Experts (MoE) has gained increasing popularity as a promising
framework for scaling up large language models (LLMs). However, training MoE
from scratch in a large-scale setting still suffers from data-hungry and
instability problems. Motivated by this limit, we investigate building MoE
models from existing dense large language models. Specifically, based on the
well-known LLaMA-2 7B model, we obtain an MoE model by: (1) Expert
Construction, which partitions the parameters of original Feed-Forward Networks
(FFNs) into multiple experts; (2) Continual Pre-training, which further trains
the transformed MoE model and additional gate networks. In this paper, we
comprehensively explore different methods for expert construction and various
data sampling strategies for continual pre-training. After these stages, our
LLaMA-MoE models could maintain language abilities and route the input tokens
to specific experts with part of the parameters activated. Empirically, by
training 200B tokens, LLaMA-MoE-3.5B models significantly outperform dense
models that contain similar activation parameters. The source codes and models
are available at https://github.com/pjlab-sys4nlp/llama-moe . | cs.CL | LLaMA-MoE: Building Mixture-of-Experts from LLaMA with Continual Pre-training |
Subsets and Splits