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
|
---|---|---|---|---|---|---|---|---|
2023-11-15T18:47:42Z | http://arxiv.org/pdf/2311.09205v1 | http://arxiv.org/abs/2311.09205v1 | Tyler A. Chang, Catherine Arnett, Zhuowen Tu, Benjamin K. Bergen | 2023-11-15T18:47:42Z | cs.CL | Multilingual language models are widely used to extend NLP systems to
low-resource languages. However, concrete evidence for the effects of
multilinguality on language modeling performance in individual languages
remains scarce. Here, we pre-train over 10,000 monolingual and multilingual
language models for over 250 languages, including multiple language families
that are under-studied in NLP. We assess how language modeling performance in
each language varies as a function of (1) monolingual dataset size, (2) added
multilingual dataset size, (3) linguistic similarity of the added languages,
and (4) model size (up to 45M parameters). We find that in moderation, adding
multilingual data improves low-resource language modeling performance, similar
to increasing low-resource dataset sizes by up to 33%. Improvements depend on
the syntactic similarity of the added multilingual data, with marginal
additional effects of vocabulary overlap. However, high-resource languages
consistently perform worse in multilingual pre-training scenarios. As dataset
sizes increase, adding multilingual data begins to hurt performance for both
low-resource and high-resource languages, likely due to limited model capacity
(the "curse of multilinguality"). These results suggest that massively
multilingual pre-training may not be optimal for any languages involved, but
that more targeted models can significantly improve performance. | cs.CL | When Is Multilinguality a Curse? Language Modeling for 250 High- and Low-Resource Languages |
2023-11-15T18:46:56Z | http://arxiv.org/pdf/2311.09204v3 | http://arxiv.org/abs/2311.09204v3 | Lei Shu, Nevan Wichers, Liangchen Luo, Yun Zhu, Yinxiao Liu, Jindong Chen, Lei Meng | 2024-06-06T22:47:44Z | cs.CL, cs.AI | Evaluating natural language systems poses significant challenges,
particularly in the realms of natural language understanding and high-level
reasoning. In this paper, we introduce 'Fusion-Eval', an innovative approach
that leverages Large Language Models (LLMs) to integrate insights from various
assistant evaluators. The LLM is given the example to evaluate along with
scores from the assistant evaluators. Each of these evaluators specializes in
assessing distinct aspects of responses. Fusion-Eval achieves a 0.962
system-level Kendall-Tau correlation with humans on SummEval and a 0.744
turn-level Spearman correlation on TopicalChat, which is significantly higher
than baseline methods. These results highlight Fusion-Eval's significant
potential in the realm of natural language system evaluation. | cs.CL | Fusion-Eval: Integrating Assistant Evaluators with LLMs |
2023-11-15T18:42:50Z | http://arxiv.org/pdf/2311.10770v2 | http://arxiv.org/abs/2311.10770v2 | Peter Belcak, Roger Wattenhofer | 2023-11-21T06:59:59Z | cs.CL, cs.AI, cs.LG, cs.NE | Language models only really need to use an exponential fraction of their
neurons for individual inferences. As proof, we present UltraFastBERT, a BERT
variant that uses 0.3% of its neurons during inference while performing on par
with similar BERT models. UltraFastBERT selectively engages just 12 out of 4095
neurons for each layer inference. This is achieved by replacing feedforward
networks with fast feedforward networks (FFFs). While no truly efficient
implementation currently exists to unlock the full acceleration potential of
conditional neural execution, we provide high-level CPU code achieving 78x
speedup over the optimized baseline feedforward implementation, and a PyTorch
implementation delivering 40x speedup over the equivalent batched feedforward
inference. We publish our training code, benchmarking setup, and model weights. | cs.CL | Exponentially Faster Language Modelling |
2023-11-15T18:42:44Z | http://arxiv.org/pdf/2311.09198v1 | http://arxiv.org/abs/2311.09198v1 | Junqing He, Kunhao Pan, Xiaoqun Dong, Zhuoyang Song, Yibo Liu, Yuxin Liang, Hao Wang, Qianguo Sun, Songxin Zhang, Zejian Xie, Jiaxing Zhang | 2023-11-15T18:42:44Z | cs.CL, cs.AI | While large language models (LLMs) are equipped with longer text input
capabilities than before, they are struggling to seek correct information in
long contexts. The "lost in the middle" problem challenges most LLMs, referring
to the dramatic decline in accuracy when correct information is located in the
middle. To overcome this crucial issue, this paper proposes to enhance the
information searching and reflection ability of LLMs in long contexts via
specially designed tasks called Attention Strengthening Multi-doc QA (ASM QA).
Following these tasks, our model excels in focusing more precisely on the
desired information. Experimental results show substantial improvement in
Multi-doc QA and other benchmarks, superior to state-of-the-art models by 13.7%
absolute gain in shuffled settings, by 21.5% in passage retrieval task. We
release our model, Ziya-Reader to promote related research in the community. | cs.CL | Never Lost in the Middle: Improving Large Language Models via Attention Strengthening Question Answering |
2023-11-15T18:39:56Z | http://arxiv.org/pdf/2311.09194v1 | http://arxiv.org/abs/2311.09194v1 | James A. Michaelov, Catherine Arnett, Tyler A. Chang, Benjamin K. Bergen | 2023-11-15T18:39:56Z | cs.CL | Abstract grammatical knowledge - of parts of speech and grammatical patterns
- is key to the capacity for linguistic generalization in humans. But how
abstract is grammatical knowledge in large language models? In the human
literature, compelling evidence for grammatical abstraction comes from
structural priming. A sentence that shares the same grammatical structure as a
preceding sentence is processed and produced more readily. Because confounds
exist when using stimuli in a single language, evidence of abstraction is even
more compelling from crosslingual structural priming, where use of a syntactic
structure in one language primes an analogous structure in another language. We
measure crosslingual structural priming in large language models, comparing
model behavior to human experimental results from eight crosslingual
experiments covering six languages, and four monolingual structural priming
experiments in three non-English languages. We find evidence for abstract
monolingual and crosslingual grammatical representations in the models that
function similarly to those found in humans. These results demonstrate that
grammatical representations in multilingual language models are not only
similar across languages, but they can causally influence text produced in
different languages. | cs.CL | Structural Priming Demonstrates Abstract Grammatical Representations in Multilingual Language Models |
2023-11-15T18:39:21Z | http://arxiv.org/pdf/2311.09193v1 | http://arxiv.org/abs/2311.09193v1 | Yifan Wu, Pengchuan Zhang, Wenhan Xiong, Barlas Oguz, James C. Gee, Yixin Nie | 2023-11-15T18:39:21Z | cs.CL, cs.AI, cs.CV | The study explores the effectiveness of the Chain-of-Thought approach, known
for its proficiency in language tasks by breaking them down into sub-tasks and
intermediate steps, in improving vision-language tasks that demand
sophisticated perception and reasoning. We present the "Description then
Decision" strategy, which is inspired by how humans process signals. This
strategy significantly improves probing task performance by 50%, establishing
the groundwork for future research on reasoning paradigms in complex
vision-language tasks. | cs.CL | The Role of Chain-of-Thought in Complex Vision-Language Reasoning Task |
2023-11-15T18:32:27Z | http://arxiv.org/pdf/2311.09189v2 | http://arxiv.org/abs/2311.09189v2 | Haoan Jin, Siyuan Chen, Dilawaier Dilixiati, Yewei Jiang, Mengyue Wu, Kenny Q. Zhu | 2024-06-03T08:37:10Z | cs.CL | Evaluating Large Language Models (LLMs) in the mental health domain poses
distinct challenged from other domains, given the subtle and highly subjective
nature of symptoms that exhibit significant variability among individuals. This
paper presents PsyEval, the first comprehensive suite of mental health-related
tasks for evaluating LLMs. PsyEval encompasses five sub-tasks that evaluate
three critical dimensions of mental health. This comprehensive framework is
designed to thoroughly assess the unique challenges and intricacies of mental
health-related tasks, making PsyEval a highly specialized and valuable tool for
evaluating LLM performance in this domain. We evaluate twelve advanced LLMs
using PsyEval. Experiment results not only demonstrate significant room for
improvement in current LLMs concerning mental health but also unveil potential
directions for future model optimization. | cs.CL | PsyEval: A Suite of Mental Health Related Tasks for Evaluating Large Language Models |
2023-11-15T18:28:29Z | http://arxiv.org/pdf/2311.09188v2 | http://arxiv.org/abs/2311.09188v2 | Lucas Torroba Hennigen, Shannon Shen, Aniruddha Nrusimha, Bernhard Gapp, David Sontag, Yoon Kim | 2024-04-15T16:09:33Z | cs.CL, cs.AI, cs.LG | LLMs are vulnerable to hallucinations, and thus their outputs generally
require laborious human verification for high-stakes applications. To this end,
we propose symbolically grounded generation (SymGen) as a simple approach for
enabling easier manual validation of an LLM's output. SymGen prompts an LLM to
interleave its regular output text with explicit symbolic references to fields
present in some conditioning data (e.g., a table in JSON format). The
references can be used to display the provenance of different spans of text in
the generation, reducing the effort required for manual verification. Across a
range of data-to-text and question-answering experiments, we find that LLMs are
able to directly output text that makes use of accurate symbolic references
while maintaining fluency and factuality. In a human study we further find that
such annotations can streamline human verification of machine-generated text.
Our code will be available at http://symgen.github.io. | cs.CL | Towards Verifiable Text Generation with Symbolic References |
2023-11-15T18:25:26Z | http://arxiv.org/pdf/2311.09184v1 | http://arxiv.org/abs/2311.09184v1 | Yixin Liu, Alexander R. Fabbri, Jiawen Chen, Yilun Zhao, Simeng Han, Shafiq Joty, Pengfei Liu, Dragomir Radev, Chien-Sheng Wu, Arman Cohan | 2023-11-15T18:25:26Z | cs.CL, cs.LG | While large language models (LLMs) already achieve strong performance on
standard generic summarization benchmarks, their performance on more complex
summarization task settings is less studied. Therefore, we benchmark LLMs on
instruction controllable text summarization, where the model input consists of
both a source article and a natural language requirement for the desired
summary characteristics. To this end, we curate an evaluation-only dataset for
this task setting and conduct human evaluation on 5 LLM-based summarization
systems. We then benchmark LLM-based automatic evaluation for this task with 4
different evaluation protocols and 11 LLMs, resulting in 40 evaluation methods
in total. Our study reveals that instruction controllable text summarization
remains a challenging task for LLMs, since (1) all LLMs evaluated still make
factual and other types of errors in their summaries; (2) all LLM-based
evaluation methods cannot achieve a strong alignment with human annotators when
judging the quality of candidate summaries; (3) different LLMs show large
performance gaps in summary generation and evaluation. We make our collected
benchmark, InstruSum, publicly available to facilitate future research in this
direction. | cs.CL | Benchmarking Generation and Evaluation Capabilities of Large Language Models for Instruction Controllable Summarization |
2023-11-15T18:23:17Z | http://arxiv.org/pdf/2311.09182v2 | http://arxiv.org/abs/2311.09182v2 | Jierui Li, Vipul Raheja, Dhruv Kumar | 2024-04-12T21:06:43Z | cs.CL | In recent times, large language models (LLMs) have shown impressive
performance on various document-level tasks such as document classification,
summarization, and question-answering. However, research on understanding their
capabilities on the task of self-contradictions in long documents has been very
limited. In this work, we introduce ContraDoc, the first human-annotated
dataset to study self-contradictions in long documents across multiple domains,
varying document lengths, self-contradictions types, and scope. We then analyze
the current capabilities of four state-of-the-art open-source and commercially
available LLMs: GPT3.5, GPT4, PaLM2, and LLaMAv2 on this dataset. While GPT4
performs the best and can outperform humans on this task, we find that it is
still unreliable and struggles with self-contradictions that require more
nuance and context. We release the dataset and all the code associated with the
experiments (https://github.com/ddhruvkr/CONTRADOC). | cs.CL | ContraDoc: Understanding Self-Contradictions in Documents with Large Language Models |
2023-11-15T18:19:58Z | http://arxiv.org/pdf/2311.09180v1 | http://arxiv.org/abs/2311.09180v1 | Sheshera Mysore, Zhuoran Lu, Mengting Wan, Longqi Yang, Steve Menezes, Tina Baghaee, Emmanuel Barajas Gonzalez, Jennifer Neville, Tara Safavi | 2023-11-15T18:19:58Z | cs.CL, cs.HC, cs.IR | Powerful large language models have facilitated the development of writing
assistants that promise to significantly improve the quality and efficiency of
composition and communication. However, a barrier to effective assistance is
the lack of personalization in LLM outputs to the author's communication style
and specialized knowledge. In this paper, we address this challenge by
proposing PEARL, a retrieval-augmented LLM writing assistant personalized with
a generation-calibrated retriever. Our retriever is trained to select historic
user-authored documents for prompt augmentation, such that they are likely to
best personalize LLM generations for a user request. We propose two key
novelties for training our retriever: 1) A training data selection method that
identifies user requests likely to benefit from personalization and documents
that provide that benefit; and 2) A scale-calibrating KL-divergence objective
that ensures that our retriever closely tracks the benefit of a document for
personalized generation. We demonstrate the effectiveness of PEARL in
generating personalized workplace social media posts and Reddit comments.
Finally, we showcase the potential of a generation-calibrated retriever to
double as a performance predictor and further improve low-quality generations
via LLM chaining. | cs.CL | PEARL: Personalizing Large Language Model Writing Assistants with Generation-Calibrated Retrievers |
2023-11-15T18:19:56Z | http://arxiv.org/pdf/2311.10768v1 | http://arxiv.org/abs/2311.10768v1 | Cicero Nogueira dos Santos, James Lee-Thorp, Isaac Noble, Chung-Ching Chang, David Uthus | 2023-11-15T18:19:56Z | cs.CL | Scaling up the number of parameters of language models has proven to be an
effective approach to improve performance. For dense models, increasing model
size proportionally increases the model's computation footprint. In this work,
we seek to aggressively decouple learning capacity and FLOPs through
Mixture-of-Experts (MoE) style models with large knowledge-rich vocabulary
based routing functions and experts. Our proposed approach, dubbed Mixture of
Word Experts (MoWE), can be seen as a memory augmented model, where a large set
of word-specific experts play the role of a sparse memory. We demonstrate that
MoWE performs significantly better than the T5 family of models with similar
number of FLOPs in a variety of NLP tasks. Additionally, MoWE outperforms
regular MoE models on knowledge intensive tasks and has similar performance to
more complex memory augmented approaches that often require to invoke custom
mechanisms to search the sparse memory. | cs.CL | Memory Augmented Language Models through Mixture of Word Experts |
2023-11-15T18:15:37Z | http://arxiv.org/pdf/2311.09179v1 | http://arxiv.org/abs/2311.09179v1 | Yun Zhu, Nevan Wichers, Chu-Cheng Lin, Xinyi Wang, Tianlong Chen, Lei Shu, Han Lu, Canoee Liu, Liangchen Luo, Jindong Chen, Lei Meng | 2023-11-15T18:15:37Z | cs.CL | Parameter Efficient Tuning has been an prominent approach to adapt the Large
Language Model to downstream tasks. Most previous works considers adding the
dense trainable parameters, where all parameters are used to adapt certain
task. We found this less effective empirically using the example of LoRA that
introducing more trainable parameters does not help. Motivated by this we
investigate the importance of leveraging "sparse" computation and propose SiRA:
sparse mixture of low rank adaption. SiRA leverages the Sparse Mixture of
Expert(SMoE) to boost the performance of LoRA. Specifically it enforces the top
$k$ experts routing with a capacity limit restricting the maximum number of
tokens each expert can process. We propose a novel and simple expert dropout on
top of gating network to reduce the over-fitting issue. Through extensive
experiments, we verify SiRA performs better than LoRA and other mixture of
expert approaches across different single tasks and multitask settings. | cs.CL | SiRA: Sparse Mixture of Low Rank Adaptation |
2023-11-15T18:11:23Z | http://arxiv.org/pdf/2311.09174v3 | http://arxiv.org/abs/2311.09174v3 | Zhaowei Wang, Haochen Shi, Weiqi Wang, Tianqing Fang, Hongming Zhang, Sehyun Choi, Xin Liu, Yangqiu Song | 2024-04-01T16:24:24Z | cs.CL, cs.AI | Cognitive research indicates that abstraction ability is essential in human
intelligence, which remains under-explored in language models. In this paper,
we present AbsPyramid, a unified entailment graph of 221K textual descriptions
of abstraction knowledge. While existing resources only touch nouns or verbs
within simplified events or specific domains, AbsPyramid collects abstract
knowledge for three components of diverse events to comprehensively evaluate
the abstraction ability of language models in the open domain. Experimental
results demonstrate that current LLMs face challenges comprehending abstraction
knowledge in zero-shot and few-shot settings. By training on our rich
abstraction knowledge, we find LLMs can acquire basic abstraction abilities and
generalize to unseen events. In the meantime, we empirically show that our
benchmark is comprehensive to enhance LLMs across two previous abstraction
tasks. | cs.CL | AbsPyramid: Benchmarking the Abstraction Ability of Language Models with a Unified Entailment Graph |
2023-11-15T17:50:30Z | http://arxiv.org/pdf/2311.09154v3 | http://arxiv.org/abs/2311.09154v3 | Wenhong Zhu, Hongkun Hao, Zhiwei He, Yunze Song, Yumeng Zhang, Hanxu Hu, Yiran Wei, Rui Wang, Hongyuan Lu | 2024-06-03T03:06:55Z | cs.CL | We are currently in an era of fierce competition among various large language
models (LLMs) continuously pushing the boundaries of benchmark performance.
However, genuinely assessing the capabilities of these LLMs has become a
challenging and critical issue due to potential data contamination, and it
wastes dozens of time and effort for researchers and engineers to download and
try those contaminated models. To save our precious time, we propose a novel
and useful method, Clean-Eval, which mitigates the issue of data contamination
and evaluates the LLMs in a cleaner manner. Clean-Eval employs an LLM to
paraphrase and back-translate the contaminated data into a candidate set,
generating expressions with the same meaning but in different surface forms. A
semantic detector is then used to filter the generated low-quality samples to
narrow down this candidate set. The best candidate is finally selected from
this set based on the BLEURT score. According to human assessment, this best
candidate is semantically similar to the original contamination data but
expressed differently. All candidates can form a new benchmark to evaluate the
model. Our experiments illustrate that Clean-Eval substantially restores the
actual evaluation results on contaminated LLMs under both few-shot learning and
fine-tuning scenarios. | cs.CL | CLEAN-EVAL: Clean Evaluation on Contaminated Large Language Models |
2023-11-15T17:46:39Z | http://arxiv.org/pdf/2311.09149v2 | http://arxiv.org/abs/2311.09149v2 | Ziyang Chen, Dongfang Li, Xiang Zhao, Baotian Hu, Min Zhang | 2024-05-17T03:17:02Z | cs.CL, cs.AI, I.2.7 | In this study, we address the challenge of enhancing temporal knowledge
reasoning in Large Language Models (LLMs). LLMs often struggle with this task,
leading to the generation of inaccurate or misleading responses. This issue
mainly arises from their limited ability to handle evolving factual knowledge
and complex temporal logic. To overcome these limitations, we propose Abstract
Reasoning Induction (ARI) framework, which divides temporal reasoning into two
distinct phases: Knowledge-agnostic and Knowledge-based. This framework offers
factual knowledge support to LLMs while minimizing the incorporation of
extraneous noisy data. Concurrently, informed by the principles of
constructivism, ARI provides LLMs the capability to engage in proactive,
self-directed learning from both correct and incorrect historical reasoning
samples. By teaching LLMs to actively construct knowledge and methods, it can
significantly boosting their temporal reasoning abilities. Our approach
achieves remarkable improvements, with relative gains of 29.7% and 9.27% on two
temporal QA datasets, underscoring its efficacy in advancing temporal reasoning
in LLMs. The code can be found at https://github.com/czy1999/ARI-QA | cs.CL | Temporal Knowledge Question Answering via Abstract Reasoning Induction |
2023-11-15T17:40:27Z | http://arxiv.org/pdf/2311.09144v2 | http://arxiv.org/abs/2311.09144v2 | Omar Shaikh, Kristina Gligorić, Ashna Khetan, Matthias Gerstgrasser, Diyi Yang, Dan Jurafsky | 2024-04-02T19:34:15Z | cs.CL, cs.HC | Effective conversation requires common ground: a shared understanding between
the participants. Common ground, however, does not emerge spontaneously in
conversation. Speakers and listeners work together to both identify and
construct a shared basis while avoiding misunderstanding. To accomplish
grounding, humans rely on a range of dialogue acts, like clarification (What do
you mean?) and acknowledgment (I understand.). However, it is unclear whether
large language models (LLMs) generate text that reflects human grounding. To
this end, we curate a set of grounding acts and propose corresponding metrics
that quantify attempted grounding. We study whether LLM generations contain
grounding acts, simulating turn-taking from several dialogue datasets and
comparing results to humans. We find that -- compared to humans -- LLMs
generate language with less conversational grounding, instead generating text
that appears to simply presume common ground. To understand the roots of the
identified grounding gap, we examine the role of instruction tuning and
preference optimization, finding that training on contemporary preference data
leads to a reduction in generated grounding acts. Altogether, we highlight the
need for more research investigating conversational grounding in human-AI
interaction. | cs.CL | Grounding Gaps in Language Model Generations |
2023-11-15T17:27:14Z | http://arxiv.org/pdf/2311.09136v2 | http://arxiv.org/abs/2311.09136v2 | Yikun Wang, Rui Zheng, Haoming Li, Qi Zhang, Tao Gui, Fei Liu | 2024-02-17T01:37:09Z | cs.CL | Customizing LLMs for a specific task involves distinguishing effective
responses from erroneous ones. This skill can be developed using supervised
fine-tuning with extensive human preference data. However, obtaining
expert-annotated preference data is expensive for most tasks. In this paper, we
present a novel method to optimize LLMs using ranking metrics. This method
trains the model to prioritize the best responses from a pool of candidates
created for a particular task. Rather than a traditional full ordering, we
advocate for a partial ordering, as achieving consensus on the perfect order of
candidate responses can be challenging. Our partial ordering is more robust,
less sensitive to noise, and can be achieved with limited human annotations or
through heuristic methods. We test our system's improved response generation
ability using benchmark datasets, including the latest multi-document question
answering task. We conduct ablation studies to understand crucial factors, such
as how to gather candidate responses for specific tasks, determine their most
suitable order, and balance supervised fine-tuning with ranking metrics. Our
approach, named \textsc{Rescue}, suggests a promising avenue for enhancing
LLMs' contextual understanding via response ranking. | cs.CL | Rescue: Ranking LLM Responses with Partial Ordering to Improve Response Generation |
2023-11-15T17:21:58Z | http://arxiv.org/pdf/2311.09132v1 | http://arxiv.org/abs/2311.09132v1 | Miguel Moura Ramos, Patrick Fernandes, António Farinhas, André F. T. Martins | 2023-11-15T17:21:58Z | cs.CL | Reinforcement learning from human feedback (RLHF) is a recent technique to
improve the quality of the text generated by a language model, making it closer
to what humans would generate. A core ingredient in RLHF's success in aligning
and improving large language models (LLMs) is its reward model, trained using
human feedback on model outputs. In machine translation (MT), where metrics
trained from human annotations can readily be used as reward models, recent
methods using minimum Bayes risk decoding and reranking have succeeded in
improving the final quality of translation. In this study, we comprehensively
explore and compare techniques for integrating quality metrics as reward models
into the MT pipeline. This includes using the reward model for data filtering,
during the training phase through RL, and at inference time by employing
reranking techniques, and we assess the effects of combining these in a unified
approach. Our experimental results, conducted across multiple translation
tasks, underscore the crucial role of effective data filtering, based on
estimated quality, in harnessing the full potential of RL in enhancing MT
quality. Furthermore, our findings demonstrate the effectiveness of combining
RL training with reranking techniques, showcasing substantial improvements in
translation quality. | cs.CL | Aligning Neural Machine Translation Models: Human Feedback in Training and Inference |
2023-11-15T17:20:20Z | http://arxiv.org/pdf/2311.09130v1 | http://arxiv.org/abs/2311.09130v1 | Naitian Zhou, David Jurgens, David Bamman | 2023-11-15T17:20:20Z | cs.CL | Much work in the space of NLP has used computational methods to explore
sociolinguistic variation in text. In this paper, we argue that memes, as
multimodal forms of language comprised of visual templates and text, also
exhibit meaningful social variation. We construct a computational pipeline to
cluster individual instances of memes into templates and semantic variables,
taking advantage of their multimodal structure in doing so. We apply this
method to a large collection of meme images from Reddit and make available the
resulting \textsc{SemanticMemes} dataset of 3.8M images clustered by their
semantic function. We use these clusters to analyze linguistic variation in
memes, discovering not only that socially meaningful variation in meme usage
exists between subreddits, but that patterns of meme innovation and
acculturation within these communities align with previous findings on written
language. | cs.CL | Social Meme-ing: Measuring Linguistic Variation in Memes |
2023-11-15T17:09:54Z | http://arxiv.org/pdf/2311.09122v3 | http://arxiv.org/abs/2311.09122v3 | Stephen Mayhew, Terra Blevins, Shuheng Liu, Marek Šuppa, Hila Gonen, Joseph Marvin Imperial, Börje F. Karlsson, Peiqin Lin, Nikola Ljubešić, LJ Miranda, Barbara Plank, Arij Riabi, Yuval Pinter | 2024-06-29T22:50:48Z | cs.CL | We introduce Universal NER (UNER), an open, community-driven project to
develop gold-standard NER benchmarks in many languages. The overarching goal of
UNER is to provide high-quality, cross-lingually consistent annotations to
facilitate and standardize multilingual NER research. UNER v1 contains 18
datasets annotated with named entities in a cross-lingual consistent schema
across 12 diverse languages. In this paper, we detail the dataset creation and
composition of UNER; we also provide initial modeling baselines on both
in-language and cross-lingual learning settings. We release the data, code, and
fitted models to the public. | cs.CL | Universal NER: A Gold-Standard Multilingual Named Entity Recognition Benchmark |
2023-11-15T17:07:44Z | http://arxiv.org/pdf/2311.09117v2 | http://arxiv.org/abs/2311.09117v2 | Heng-Jui Chang, James Glass | 2024-04-01T15:04:42Z | cs.CL, cs.SD, eess.AS | This paper introduces Robust Spin (R-Spin), a data-efficient domain-specific
self-supervision method for speaker and noise-invariant speech representations
by learning discrete acoustic units with speaker-invariant clustering (Spin).
R-Spin resolves Spin's issues and enhances content representations by learning
to predict acoustic pieces. R-Spin offers a 12X reduction in computational
resources compared to previous state-of-the-art methods while outperforming
them in severely distorted speech scenarios. This paper provides detailed
analyses to show how discrete units contribute to speech encoder training and
improving robustness in diverse acoustic environments. | cs.CL | R-Spin: Efficient Speaker and Noise-invariant Representation Learning with Acoustic Pieces |
2023-11-15T17:04:56Z | http://arxiv.org/pdf/2311.09114v2 | http://arxiv.org/abs/2311.09114v2 | Haoqiang Kang, Juntong Ni, Huaxiu Yao | 2024-02-25T04:39:07Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have demonstrated remarkable proficiency in
generating fluent text. However, they often encounter the challenge of
generating inaccurate or hallucinated content. This issue is common in both
non-retrieval-based generation and retrieval-augmented generation approaches,
and existing post-hoc rectification methods may not address the accumulated
hallucination errors that may be caused by the "snowballing" issue, especially
in reasoning tasks. To tackle these challenges, we introduce a novel approach
called Real-time Verification and Rectification (Ever). Instead of waiting
until the end of the generation process to rectify hallucinations, Ever employs
a real-time, step-wise generation and hallucination rectification strategy. The
primary objective is to detect and rectify hallucinations as they occur during
the text generation process. When compared to both retrieval-based and
non-retrieval-based baselines, Ever demonstrates a significant improvement in
generating trustworthy and factually accurate text across a diverse range of
tasks, including short-form QA, biography generation, and multi-hop reasoning. | cs.CL | Ever: Mitigating Hallucination in Large Language Models through Real-Time Verification and Rectification |
2023-11-15T16:56:49Z | http://arxiv.org/pdf/2311.09109v2 | http://arxiv.org/abs/2311.09109v2 | Yusuke Sakai, Hidetaka Kamigaito, Katsuhiko Hayashi, Taro Watanabe | 2024-06-06T16:01:08Z | cs.CL, cs.AI, cs.LG | Knowledge graphs (KGs) consist of links that describe relationships between
entities. Due to the difficulty of manually enumerating all relationships
between entities, automatically completing them is essential for KGs. Knowledge
Graph Completion (KGC) is a task that infers unseen relationships between
entities in a KG. Traditional embedding-based KGC methods, such as RESCAL,
TransE, DistMult, ComplEx, RotatE, HAKE, HousE, etc., infer missing links using
only the knowledge from training data. In contrast, the recent Pre-trained
Language Model (PLM)-based KGC utilizes knowledge obtained during pre-training.
Therefore, PLM-based KGC can estimate missing links between entities by reusing
memorized knowledge from pre-training without inference. This approach is
problematic because building KGC models aims to infer unseen links between
entities. However, conventional evaluations in KGC do not consider inference
and memorization abilities separately. Thus, a PLM-based KGC method, which
achieves high performance in current KGC evaluations, may be ineffective in
practical applications. To address this issue, we analyze whether PLM-based KGC
methods make inferences or merely access memorized knowledge. For this purpose,
we propose a method for constructing synthetic datasets specified in this
analysis and conclude that PLMs acquire the inference abilities required for
KGC through pre-training, even though the performance improvements mostly come
from textual information of entities and relations. | cs.CL | Does Pre-trained Language Model Actually Infer Unseen Links in Knowledge Graph Completion? |
2023-11-15T16:53:35Z | http://arxiv.org/pdf/2311.09106v2 | http://arxiv.org/abs/2311.09106v2 | Rajkumar Pujari, Chengfei Wu, Dan Goldwasser | 2024-02-26T09:34:42Z | cs.CL | Social media discourse frequently consists of 'seemingly similar language
used by opposing sides of the political spectrum', often translating to starkly
contrasting perspectives. E.g., 'thoughts and prayers', could express sympathy
for mass-shooting victims, or criticize the lack of legislative action on the
issue. This paper defines the context required to fully understand such
ambiguous statements in a computational setting and ground them in real-world
entities, actions, and attitudes. We propose two challenging datasets that
require an understanding of the real-world context of the text. We benchmark
these datasets against models built upon large pre-trained models, such as
RoBERTa and GPT-3. Additionally, we develop and benchmark more structured
models building upon existing Discourse Contextualization Framework and
Political Actor Representation models. We analyze the datasets and the
predictions to obtain further insights into the pragmatic language
understanding challenges posed by the proposed social grounding tasks. | cs.CL | "We Demand Justice!": Towards Social Context Grounding of Political Texts |
2023-11-15T16:52:14Z | http://arxiv.org/pdf/2311.09105v2 | http://arxiv.org/abs/2311.09105v2 | Xiaozhi Wang, Hao Peng, Yong Guan, Kaisheng Zeng, Jianhui Chen, Lei Hou, Xu Han, Yankai Lin, Zhiyuan Liu, Ruobing Xie, Jie Zhou, Juanzi Li | 2024-06-18T22:15:39Z | cs.CL | Understanding events in texts is a core objective of natural language
understanding, which requires detecting event occurrences, extracting event
arguments, and analyzing inter-event relationships. However, due to the
annotation challenges brought by task complexity, a large-scale dataset
covering the full process of event understanding has long been absent. In this
paper, we introduce MAVEN-Arg, which augments MAVEN datasets with event
argument annotations, making the first all-in-one dataset supporting event
detection, event argument extraction (EAE), and event relation extraction. As
an EAE benchmark, MAVEN-Arg offers three main advantages: (1) a comprehensive
schema covering 162 event types and 612 argument roles, all with expert-written
definitions and examples; (2) a large data scale, containing 98,591 events and
290,613 arguments obtained with laborious human annotation; (3) the exhaustive
annotation supporting all task variants of EAE, which annotates both entity and
non-entity event arguments in document level. Experiments indicate that
MAVEN-Arg is quite challenging for both fine-tuned EAE models and proprietary
large language models (LLMs). Furthermore, to demonstrate the benefits of an
all-in-one dataset, we preliminarily explore a potential application, future
event prediction, with LLMs. MAVEN-Arg and codes can be obtained from
https://github.com/THU-KEG/MAVEN-Argument. | cs.CL | MAVEN-Arg: Completing the Puzzle of All-in-One Event Understanding Dataset with Event Argument Annotation |
2023-11-15T16:47:57Z | http://arxiv.org/pdf/2311.09101v2 | http://arxiv.org/abs/2311.09101v2 | Shumin Deng, Ningyu Zhang, Nay Oo, Bryan Hooi | 2024-02-25T15:53:37Z | cs.CL, cs.AI, cs.IR, cs.LG | Large Language Models (LLMs) employing Chain-of-Thought (CoT) prompting have
broadened the scope for improving multi-step reasoning capabilities. We
generally divide multi-step reasoning into two phases: path generation to
generate the reasoning path(s); and answer calibration post-processing the
reasoning path(s) to obtain a final answer. However, the existing literature
lacks systematic analysis on different answer calibration approaches. In this
paper, we summarize the taxonomy of recent answer calibration techniques and
break them down into step-level and path-level strategies. We then conduct a
thorough evaluation on these strategies from a unified view, systematically
scrutinizing step-level and path-level answer calibration across multiple
paths. Experimental results reveal that integrating the dominance of both
strategies tends to derive optimal outcomes. Our study holds the potential to
illuminate key insights for optimizing multi-step reasoning with answer
calibration. | cs.CL | Towards A Unified View of Answer Calibration for Multi-Step Reasoning |
2023-11-15T16:42:29Z | http://arxiv.org/pdf/2311.09096v2 | http://arxiv.org/abs/2311.09096v2 | Zhexin Zhang, Junxiao Yang, Pei Ke, Fei Mi, Hongning Wang, Minlie Huang | 2024-06-12T08:28:15Z | cs.CL | While significant attention has been dedicated to exploiting weaknesses in
LLMs through jailbreaking attacks, there remains a paucity of effort in
defending against these attacks. We point out a pivotal factor contributing to
the success of jailbreaks: the intrinsic conflict between the goals of being
helpful and ensuring safety. Accordingly, we propose to integrate goal
prioritization at both training and inference stages to counteract.
Implementing goal prioritization during inference substantially diminishes the
Attack Success Rate (ASR) of jailbreaking from 66.4% to 3.6% for ChatGPT. And
integrating goal prioritization into model training reduces the ASR from 71.0%
to 6.6% for Llama2-13B. Remarkably, even in scenarios where no jailbreaking
samples are included during training, our approach slashes the ASR by half.
Additionally, our findings reveal that while stronger LLMs face greater safety
risks, they also possess a greater capacity to be steered towards defending
against such attacks, both because of their stronger ability in instruction
following. Our work thus contributes to the comprehension of jailbreaking
attacks and defenses, and sheds light on the relationship between LLMs'
capability and safety. Our code is available at
\url{https://github.com/thu-coai/JailbreakDefense_GoalPriority}. | cs.CL | Defending Large Language Models Against Jailbreaking Attacks Through Goal Prioritization |
2023-11-15T16:35:59Z | http://arxiv.org/pdf/2311.09090v3 | http://arxiv.org/abs/2311.09090v3 | Marta Marchiori Manerba, Karolina Stańczak, Riccardo Guidotti, Isabelle Augenstein | 2024-06-22T11:57:21Z | cs.CL | While the impact of social biases in language models has been recognized,
prior methods for bias evaluation have been limited to binary association tests
on small datasets, limiting our understanding of bias complexities. This paper
proposes a novel framework for probing language models for social biases by
assessing disparate treatment, which involves treating individuals differently
according to their affiliation with a sensitive demographic group. We curate
SOFA, a large-scale benchmark designed to address the limitations of existing
fairness collections. SOFA expands the analysis beyond the binary comparison of
stereotypical versus anti-stereotypical identities to include a diverse range
of identities and stereotypes. Comparing our methodology with existing
benchmarks, we reveal that biases within language models are more nuanced than
acknowledged, indicating a broader scope of encoded biases than previously
recognized. Benchmarking LMs on SOFA, we expose how identities expressing
different religions lead to the most pronounced disparate treatments across all
models. Finally, our findings indicate that real-life adversities faced by
various groups such as women and people with disabilities are mirrored in the
behavior of these models. | cs.CL | Social Bias Probing: Fairness Benchmarking for Language Models |
2023-11-15T16:30:44Z | http://arxiv.org/pdf/2311.09086v3 | http://arxiv.org/abs/2311.09086v3 | Arnav Arora, Maha Jinadoss, Cheshta Arora, Denny George, Brindaalakshmi, Haseena Dawood Khan, Kirti Rawat, Div, Ritash, Seema Mathur, Shivani Yadav, Shehla Rashid Shora, Rie Raut, Sumit Pawar, Apurva Paithane, Sonia, Vivek, Dharini Priscilla, Khairunnisha, Grace Banu, Ambika Tandon, Rishav Thakker, Rahul Dev Korra, Aatman Vaidya, Tarunima Prabhakar | 2024-06-24T07:31:19Z | cs.CL, cs.AI, cs.SI | Online gender based violence has grown concomitantly with adoption of the
internet and social media. Its effects are worse in the Global majority where
many users use social media in languages other than English. The scale and
volume of conversations on the internet has necessitated the need for automated
detection of hate speech, and more specifically gendered abuse. There is,
however, a lack of language specific and contextual data to build such
automated tools. In this paper we present a dataset on gendered abuse in three
languages- Hindi, Tamil and Indian English. The dataset comprises of tweets
annotated along three questions pertaining to the experience of gender abuse,
by experts who identify as women or a member of the LGBTQIA community in South
Asia. Through this dataset we demonstrate a participatory approach to creating
datasets that drive AI systems. | cs.CL | The Uli Dataset: An Exercise in Experience Led Annotation of oGBV |
2023-11-15T16:13:14Z | http://arxiv.org/pdf/2311.09071v2 | http://arxiv.org/abs/2311.09071v2 | Fei Yuan, Shuai Yuan, Zhiyong Wu, Lei Li | 2024-06-03T06:11:06Z | cs.CL, cs.AI | Large Language Models (LLMs), often show strong performance on English tasks,
while exhibiting limitations on other languages. What is an LLM's multilingual
capability when it is trained only on certain languages? The underlying
mechanism remains unclear. This study endeavors to examine the multilingual
capability of LLMs from the vocabulary sharing perspective by conducting an
exhaustive analysis across 101 languages. Through the investigation of the
performance gap before and after embedding fine-tuning, we discovered four
distinct quadrants. By delving into each quadrant we provide actionable and
efficient guidelines for tuning these languages. Extensive experiments reveal
that existing LLMs possess multilingual capabilities that surpass our
expectations, and we can significantly improve the multilingual performance of
LLMs based on these attributes of each
quadrant~\footnote{\url{https://github.com/CONE-MT/Vocabulary-Sharing-Facilitates-Multilingualism}.}. | cs.CL | How Vocabulary Sharing Facilitates Multilingualism in LLaMA? |
2023-11-15T16:11:27Z | http://arxiv.org/pdf/2311.09069v2 | http://arxiv.org/abs/2311.09069v2 | Hyunji Lee, Sejune Joo, Chaeeun Kim, Joel Jang, Doyoung Kim, Kyoung-Woon On, Minjoon Seo | 2024-06-29T18:07:34Z | cs.CL, cs.AI | To reduce issues like hallucinations and lack of control in Large Language
Models (LLMs), a common method is to generate responses by grounding on
external contexts given as input, known as knowledge-augmented models. However,
previous research often narrowly defines "grounding" as just having the correct
answer, which does not ensure the reliability of the entire response. To
overcome this, we propose a stricter definition of grounding: a model is truly
grounded if it (1) fully utilizes the necessary knowledge from the provided
context, and (2) stays within the limits of that knowledge. We introduce a new
dataset and a grounding metric to evaluate model capability under the
definition. We perform experiments across 25 LLMs of different sizes and
training methods and provide insights into factors that influence grounding
performance. Our findings contribute to a better understanding of how to
improve grounding capabilities and suggest an area of improvement toward more
reliable and controllable LLM applications. | cs.CL | How Well Do Large Language Models Truly Ground? |
2023-11-15T16:05:55Z | http://arxiv.org/pdf/2311.09066v3 | http://arxiv.org/abs/2311.09066v3 | Chenghao Yang, Tuhin Chakrabarty, Karli R Hochstatter, Melissa N Slavin, Nabila El-Bassel, Smaranda Muresan | 2024-06-13T21:15:26Z | cs.CL | In the last decade, the United States has lost more than 500,000 people from
an overdose involving prescription and illicit opioids making it a national
public health emergency (USDHHS, 2017). Medical practitioners require robust
and timely tools that can effectively identify at-risk patients.
Community-based social media platforms such as Reddit allow self-disclosure for
users to discuss otherwise sensitive drug-related behaviors. We present a
moderate size corpus of 2500 opioid-related posts from various subreddits
labeled with six different phases of opioid use: Medical Use, Misuse,
Addiction, Recovery, Relapse, Not Using. For every post, we annotate span-level
extractive explanations and crucially study their role both in annotation
quality and model development. We evaluate several state-of-the-art models in a
supervised, few-shot, or zero-shot setting. Experimental results and error
analysis show that identifying the phases of opioid use disorder is highly
contextual and challenging. However, we find that using explanations during
modeling leads to a significant boost in classification accuracy demonstrating
their beneficial role in a high-stakes domain such as studying the opioid use
disorder continuum. | cs.CL | Identifying Self-Disclosures of Use, Misuse and Addiction in Community-based Social Media Posts |
2023-11-15T15:52:40Z | http://arxiv.org/pdf/2311.09060v2 | http://arxiv.org/abs/2311.09060v2 | Ting-Yun Chang, Jesse Thomason, Robin Jia | 2024-04-02T06:32:40Z | cs.CL | The concept of localization in LLMs is often mentioned in prior work;
however, methods for localization have never been systematically and directly
evaluated. We propose two complementary benchmarks that evaluate the ability of
localization methods to pinpoint LLM components responsible for memorized data.
In our INJ benchmark, we actively inject a piece of new information into a
small subset of LLM weights, enabling us to directly evaluate whether
localization methods can identify these "ground truth" weights. In our DEL
benchmark, we evaluate localization by measuring how much dropping out
identified neurons deletes a memorized pretrained sequence. Despite their
different perspectives, our two benchmarks yield consistent rankings of five
localization methods. Methods adapted from network pruning perform well on both
benchmarks, and all evaluated methods show promising localization ability. On
the other hand, even successful methods identify neurons that are not specific
to a single memorized sequence. | cs.CL | Do Localization Methods Actually Localize Memorized Data in LLMs? A Tale of Two Benchmarks |
2023-11-15T15:44:42Z | http://arxiv.org/pdf/2311.09053v1 | http://arxiv.org/abs/2311.09053v1 | Yifan Wei, Xiaoyan Yu, Huanhuan Ma, Fangyu Lei, Yixuan Weng, Ran Song, Kang Liu | 2023-11-15T15:44:42Z | cs.CL, cs.AI | Knowledge Editing (KE) for modifying factual knowledge in Large Language
Models (LLMs) has been receiving increasing attention. However, existing
knowledge editing methods are entity-centric, and it is unclear whether this
approach is suitable for a relation-centric perspective. To address this gap,
this paper constructs a new benchmark named RaKE, which focuses on Relation
based Knowledge Editing. In this paper, we establish a suite of innovative
metrics for evaluation and conduct comprehensive experiments involving various
knowledge editing baselines. We notice that existing knowledge editing methods
exhibit the potential difficulty in their ability to edit relations. Therefore,
we further explore the role of relations in factual triplets within the
transformer. Our research results confirm that knowledge related to relations
is not only stored in the FFN network but also in the attention layers. This
provides experimental support for future relation-based knowledge editing
methods. | cs.CL | Assessing Knowledge Editing in Language Models via Relation Perspective |
2023-11-15T15:38:28Z | http://arxiv.org/pdf/2311.09048v3 | http://arxiv.org/abs/2311.09048v3 | Serwan Jassim, Mario Holubar, Annika Richter, Cornelius Wolff, Xenia Ohmer, Elia Bruni | 2024-06-06T09:35:53Z | cs.CL | This paper presents GRASP, a novel benchmark to evaluate the language
grounding and physical understanding capabilities of video-based multimodal
large language models (LLMs). This evaluation is accomplished via a two-tier
approach leveraging Unity simulations. The first level tests for language
grounding by assessing a model's ability to relate simple textual descriptions
with visual information. The second level evaluates the model's understanding
of "Intuitive Physics" principles, such as object permanence and continuity. In
addition to releasing the benchmark, we use it to evaluate several
state-of-the-art multimodal LLMs. Our evaluation reveals significant
shortcomings in the language grounding and intuitive physics capabilities of
these models. Although they exhibit at least some grounding capabilities,
particularly for colors and shapes, these capabilities depend heavily on the
prompting strategy. At the same time, all models perform below or at the chance
level of 50% in the Intuitive Physics tests, while human subjects are on
average 80% correct. These identified limitations underline the importance of
using benchmarks like GRASP to monitor the progress of future models in
developing these competencies. | cs.CL | GRASP: A novel benchmark for evaluating language GRounding And Situated Physics understanding in multimodal language models |
2023-11-15T15:25:28Z | http://arxiv.org/pdf/2311.09033v3 | http://arxiv.org/abs/2311.09033v3 | Ziyin Zhang, Yikang Liu, Weifang Huang, Junyu Mao, Rui Wang, Hai Hu | 2024-06-06T12:31:51Z | cs.CL, cs.AI | In this work, we present the largest benchmark to date on linguistic
acceptability: Multilingual Evaluation of Linguistic Acceptability -- MELA,
with 46K samples covering 10 languages from a diverse set of language families.
We establish LLM baselines on this benchmark, and investigate cross-lingual
transfer in acceptability judgements with XLM-R. In pursuit of multilingual
interpretability, we conduct probing experiments with fine-tuned XLM-R to
explore the process of syntax capability acquisition. Our results show that
GPT-4o exhibits a strong multilingual ability, outperforming fine-tuned XLM-R,
while open-source multilingual models lag behind by a noticeable gap.
Cross-lingual transfer experiments show that transfer in acceptability judgment
is non-trivial: 500 Icelandic fine-tuning examples lead to 23 MCC performance
in a completely unrelated language -- Chinese. Results of our probing
experiments indicate that training on MELA improves the performance of XLM-R on
syntax-related tasks. Our data is available at
https://github.com/sjtu-compling/MELA. | cs.CL | MELA: Multilingual Evaluation of Linguistic Acceptability |
2023-11-15T15:12:15Z | http://arxiv.org/pdf/2311.09022v3 | http://arxiv.org/abs/2311.09022v3 | Guizhen Chen, Liying Cheng, Luu Anh Tuan, Lidong Bing | 2024-07-01T09:40:58Z | cs.CL | Computational argumentation has become an essential tool in various domains,
including law, public policy, and artificial intelligence. It is an emerging
research field in natural language processing that attracts increasing
attention. Research on computational argumentation mainly involves two types of
tasks: argument mining and argument generation. As large language models (LLMs)
have demonstrated impressive capabilities in understanding context and
generating natural language, it is worthwhile to evaluate the performance of
LLMs on diverse computational argumentation tasks. This work aims to embark on
an assessment of LLMs, such as ChatGPT, Flan models, and LLaMA2 models, in both
zero-shot and few-shot settings. We organize existing tasks into six main
categories and standardize the format of fourteen openly available datasets. In
addition, we present a new benchmark dataset on counter speech generation that
aims to holistically evaluate the end-to-end performance of LLMs on argument
mining and argument generation. Extensive experiments show that LLMs exhibit
commendable performance across most of the datasets, demonstrating their
capabilities in the field of argumentation. Our analysis offers valuable
suggestions for evaluating computational argumentation and its integration with
LLMs in future research endeavors. | cs.CL | Exploring the Potential of Large Language Models in Computational Argumentation |
2023-11-15T14:50:16Z | http://arxiv.org/pdf/2311.09008v1 | http://arxiv.org/abs/2311.09008v1 | Libo Qin, Wenbo Pan, Qiguang Chen, Lizi Liao, Zhou Yu, Yue Zhang, Wanxiang Che, Min Li | 2023-11-15T14:50:16Z | cs.CL | End-to-end task-oriented dialogue (EToD) can directly generate responses in
an end-to-end fashion without modular training, which attracts escalating
popularity. The advancement of deep neural networks, especially the successful
use of large pre-trained models, has further led to significant progress in
EToD research in recent years. In this paper, we present a thorough review and
provide a unified perspective to summarize existing approaches as well as
recent trends to advance the development of EToD research. The contributions of
this paper can be summarized: (1) \textbf{\textit{First survey}}: to our
knowledge, we take the first step to present a thorough survey of this research
field; (2) \textbf{\textit{New taxonomy}}: we first introduce a unified
perspective for EToD, including (i) \textit{Modularly EToD} and (ii)
\textit{Fully EToD}; (3) \textbf{\textit{New Frontiers}}: we discuss some
potential frontier areas as well as the corresponding challenges, hoping to
spur breakthrough research in EToD field; (4) \textbf{\textit{Abundant
resources}}: we build a public website\footnote{We collect the related papers,
baseline projects, and leaderboards for the community at
\url{https://etods.net/}.}, where EToD researchers could directly access the
recent progress. We hope this work can serve as a thorough reference for the
EToD research community. | cs.CL | End-to-end Task-oriented Dialogue: A Survey of Tasks, Methods, and Future Directions |
2023-11-15T14:48:08Z | http://arxiv.org/pdf/2311.09006v1 | http://arxiv.org/abs/2311.09006v1 | Gregory Yauney, Emily Reif, David Mimno | 2023-11-15T14:48:08Z | cs.CL, cs.LG | Large language models achieve high performance on many but not all downstream
tasks. The interaction between pretraining data and task data is commonly
assumed to determine this variance: a task with data that is more similar to a
model's pretraining data is assumed to be easier for that model. We test
whether distributional and example-specific similarity measures (embedding-,
token- and model-based) correlate with language model performance through a
large-scale comparison of the Pile and C4 pretraining datasets with downstream
benchmarks. Similarity correlates with performance for multilingual datasets,
but in other benchmarks, we surprisingly find that similarity metrics are not
correlated with accuracy or even each other. This suggests that the
relationship between pretraining data and downstream tasks is more complex than
often assumed. | cs.CL | Data Similarity is Not Enough to Explain Language Model Performance |
2023-11-15T14:41:57Z | http://arxiv.org/pdf/2311.09000v3 | http://arxiv.org/abs/2311.09000v3 | Yuxia Wang, Revanth Gangi Reddy, Zain Muhammad Mujahid, Arnav Arora, Aleksandr Rubashevskii, Jiahui Geng, Osama Mohammed Afzal, Liangming Pan, Nadav Borenstein, Aditya Pillai, Isabelle Augenstein, Iryna Gurevych, Preslav Nakov | 2024-04-16T07:41:43Z | cs.CL | The increased use of large language models (LLMs) across a variety of
real-world applications calls for mechanisms to verify the factual accuracy of
their outputs. In this work, we present a holistic end-to-end solution for
annotating the factuality of LLM-generated responses, which encompasses a
multi-stage annotation scheme designed to yield detailed labels concerning the
verifiability and factual inconsistencies found in LLM outputs. We further
construct an open-domain document-level factuality benchmark in three-level
granularity: claim, sentence and document, aiming to facilitate the evaluation
of automatic fact-checking systems. Preliminary experiments show that FacTool,
FactScore and Perplexity.ai are struggling to identify false claims, with the
best F1=0.63 by this annotation solution based on GPT-4. Annotation tool,
benchmark and code are available at https://github.com/yuxiaw/Factcheck-GPT. | cs.CL | Factcheck-Bench: Fine-Grained Evaluation Benchmark for Automatic Fact-checkers |
2023-11-15T14:26:30Z | http://arxiv.org/pdf/2311.08993v1 | http://arxiv.org/abs/2311.08993v1 | Hao Peng, Xiaozhi Wang, Jianhui Chen, Weikai Li, Yunjia Qi, Zimu Wang, Zhili Wu, Kaisheng Zeng, Bin Xu, Lei Hou, Juanzi Li | 2023-11-15T14:26:30Z | cs.CL, cs.AI | In-context learning (ICL) has become the default method for using large
language models (LLMs), making the exploration of its limitations and
understanding the underlying causes crucial. In this paper, we find that ICL
falls short of handling specification-heavy tasks, which are tasks with
complicated and extensive task specifications, requiring several hours for
ordinary humans to master, such as traditional information extraction tasks.
The performance of ICL on these tasks mostly cannot reach half of the
state-of-the-art results. To explore the reasons behind this failure, we
conduct comprehensive experiments on 18 specification-heavy tasks with various
LLMs and identify three primary reasons: inability to specifically understand
context, misalignment in task schema comprehension with humans, and inadequate
long-text understanding ability. Furthermore, we demonstrate that through
fine-tuning, LLMs can achieve decent performance on these tasks, indicating
that the failure of ICL is not an inherent flaw of LLMs, but rather a drawback
of existing alignment methods that renders LLMs incapable of handling
complicated specification-heavy tasks via ICL. To substantiate this, we perform
dedicated instruction tuning on LLMs for these tasks and observe a notable
improvement. We hope the analyses in this paper could facilitate advancements
in alignment methods enabling LLMs to meet more sophisticated human demands. | cs.CL | When does In-context Learning Fall Short and Why? A Study on Specification-Heavy Tasks |
2023-11-15T14:15:41Z | http://arxiv.org/pdf/2311.08982v1 | http://arxiv.org/abs/2311.08982v1 | Steinþór Steingrímsson, Hrafn Loftsson, Andy Way | 2023-11-15T14:15:41Z | cs.CL | We present SentAlign, an accurate sentence alignment tool designed to handle
very large parallel document pairs. Given user-defined parameters, the
alignment algorithm evaluates all possible alignment paths in fairly large
documents of thousands of sentences and uses a divide-and-conquer approach to
align documents containing tens of thousands of sentences. The scoring function
is based on LaBSE bilingual sentence representations. SentAlign outperforms
five other sentence alignment tools when evaluated on two different evaluation
sets, German-French and English-Icelandic, and on a downstream machine
translation task. | cs.CL | SentAlign: Accurate and Scalable Sentence Alignment |
2023-11-15T14:15:30Z | http://arxiv.org/pdf/2311.08981v2 | http://arxiv.org/abs/2311.08981v2 | Hongyi Yuan, Keming Lu, Fei Huang, Zheng Yuan, Chang Zhou | 2024-03-13T17:32:50Z | cs.CL | Large language models~(LLMs) exhibit exceptional performance in language
tasks, yet their auto-regressive inference is limited due to high computational
requirements and is sub-optimal due to the exposure bias. Inspired by
speculative decoding and contrastive decoding, we introduce Speculative
Contrastive Decoding~(SCD), a straightforward yet powerful decoding approach
that leverages predictions from smaller language models~(LMs) to achieve both
decoding acceleration and quality improvement. Extensive evaluations and
analyses on four diverse language tasks demonstrate the effectiveness of SCD,
showing that decoding efficiency and quality can compatibly benefit from one
smaller LM. | cs.CL | Speculative Contrastive Decoding |
2023-11-15T14:01:41Z | http://arxiv.org/pdf/2311.08968v2 | http://arxiv.org/abs/2311.08968v2 | David Chanin, Anthony Hunter, Oana-Maria Camburu | 2024-03-29T22:14:30Z | cs.CL, cs.AI | Transformer language models (LMs) have been shown to represent concepts as
directions in the latent space of hidden activations. However, for any
human-interpretable concept, how can we find its direction in the latent space?
We present a technique called linear relational concepts (LRC) for finding
concept directions corresponding to human-interpretable concepts by first
modeling the relation between subject and object as a linear relational
embedding (LRE). We find that inverting the LRE and using earlier object layers
results in a powerful technique for finding concept directions that outperforms
standard black-box probing classifiers. We evaluate LRCs on their performance
as concept classifiers as well as their ability to causally change model
output. | cs.CL | Identifying Linear Relational Concepts in Large Language Models |
2023-11-15T13:53:28Z | http://arxiv.org/pdf/2311.08966v1 | http://arxiv.org/abs/2311.08966v1 | Jin Qiu, Lu Huang, Boyu Li, Jun Zhang, Lu Lu, Zejun Ma | 2023-11-15T13:53:28Z | cs.CL, cs.SD, eess.AS | Deep biasing for the Transducer can improve the recognition performance of
rare words or contextual entities, which is essential in practical
applications, especially for streaming Automatic Speech Recognition (ASR).
However, deep biasing with large-scale rare words remains challenging, as the
performance drops significantly when more distractors exist and there are words
with similar grapheme sequences in the bias list. In this paper, we combine the
phoneme and textual information of rare words in Transducers to distinguish
words with similar pronunciation or spelling. Moreover, the introduction of
training with text-only data containing more rare words benefits large-scale
deep biasing. The experiments on the LibriSpeech corpus demonstrate that the
proposed method achieves state-of-the-art performance on rare word error rate
for different scales and levels of bias lists. | cs.CL | Improving Large-scale Deep Biasing with Phoneme Features and Text-only Data in Streaming Transducer |
2023-11-15T13:23:24Z | http://arxiv.org/pdf/2311.08941v3 | http://arxiv.org/abs/2311.08941v3 | Angelos Poulis, Eleni Tsalapati, Manolis Koubarakis | 2024-04-26T16:32:02Z | cs.CL, cs.AI | Recent advancements in transformer-based models have initiated research
interests in investigating their ability to learn to perform reasoning tasks.
However, most of the contexts used for this purpose are in practice very
simple: generated from short (fragments of) first-order logic sentences with
only a few logical operators and quantifiers. In this work, we construct the
natural language dataset, DELTA$_D$, using the description logic language
$\mathcal{ALCQ}$. DELTA$_D$ contains 384K examples, and increases in two
dimensions: i) reasoning depth, and ii) linguistic complexity. In this way, we
systematically investigate the reasoning ability of a supervised fine-tuned
DeBERTa-based model and of two large language models (GPT-3.5, GPT-4) with
few-shot prompting. Our results demonstrate that the DeBERTa-based model can
master the reasoning task and that the performance of GPTs can improve
significantly even when a small number of samples is provided (9 shots). We
open-source our code and datasets. | cs.CL | Transformers in the Service of Description Logic-based Contexts |
2023-11-15T12:47:52Z | http://arxiv.org/pdf/2311.08921v3 | http://arxiv.org/abs/2311.08921v3 | Tingyu Xie, Qi Li, Yan Zhang, Zuozhu Liu, Hongwei Wang | 2024-03-21T00:27:37Z | cs.CL | Exploring the application of powerful large language models (LLMs) on the
named entity recognition (NER) task has drawn much attention recently. This
work pushes the performance boundary of zero-shot NER with LLMs by proposing a
training-free self-improving framework, which utilizes an unlabeled corpus to
stimulate the self-learning ability of LLMs. First, we use the LLM to make
predictions on the unlabeled corpus using self-consistency and obtain a
self-annotated dataset. Second, we explore various strategies to select
reliable annotations to form a reliable self-annotated dataset. Finally, for
each test input, we retrieve demonstrations from the reliable self-annotated
dataset and perform inference via in-context learning. Experiments on four
benchmarks show substantial performance improvements achieved by our framework.
Through comprehensive experimental analysis, we find that increasing the size
of unlabeled corpus or iterations of self-improving does not guarantee further
improvement, but the performance might be boosted via more advanced strategies
for reliable annotation selection. Code and data are publicly available at
https://github.com/Emma1066/Self-Improve-Zero-Shot-NER | cs.CL | Self-Improving for Zero-Shot Named Entity Recognition with Large Language Models |
2023-11-15T12:02:52Z | http://arxiv.org/pdf/2311.08896v2 | http://arxiv.org/abs/2311.08896v2 | Junyi Bian, Xiaolei Qin, Wuhe Zou, Mengzuo Huang, Congyi Luo, Ke Zhang, Weidong Zhang | 2024-04-27T12:51:11Z | cs.CL | Large models have demonstrated significant progress across various domains,
particularly in tasks related to text generation. In the domain of Table to
Text, many Large Language Model (LLM)-based methods currently resort to
modifying prompts to invoke public APIs, incurring potential costs and
information leaks. With the advent of open-source large models, fine-tuning
LLMs has become feasible. In this study, we conducted parameter-efficient
fine-tuning on the LLaMA2 model. Distinguishing itself from previous
fine-tuning-based table-to-text methods, our approach involves injecting
reasoning information into the input by emphasizing table-specific row data.
Our model consists of two modules: 1) a table reasoner that identifies relevant
row evidence, and 2) a table summarizer that generates sentences based on the
highlighted table. To facilitate this, we propose a search strategy to
construct reasoning labels for training the table reasoner. On both the FetaQA
and QTSumm datasets, our approach achieved state-of-the-art results.
Additionally, we observed that highlighting input tables significantly enhances
the model's performance and provides valuable interpretability. | cs.CL | HeLM: Highlighted Evidence augmented Language Model for Enhanced Table-to-Text Generation |
2023-11-15T11:56:56Z | http://arxiv.org/pdf/2311.08894v3 | http://arxiv.org/abs/2311.08894v3 | Mayur Patidar, Riya Sawhney, Avinash Singh, Biswajit Chatterjee, Mausam, Indrajit Bhattacharya | 2024-06-13T12:06:27Z | cs.CL, cs.AI | Existing Knowledge Base Question Answering (KBQA) architectures are hungry
for annotated data, which make them costly and time-consuming to deploy. We
introduce the problem of few-shot transfer learning for KBQA, where the target
domain offers only a few labeled examples, but a large labeled training dataset
is available in a source domain. We propose a novel KBQA architecture called
FuSIC-KBQA that performs KB-retrieval using multiple source-trained retrievers,
re-ranks using an LLM and uses this as input for LLM few-shot in-context
learning to generate logical forms. These are further refined using
execution-guided feedback. Experiments over multiple source-target KBQA pairs
of varying complexity show that FuSIC-KBQA significantly outperforms
adaptations of SoTA KBQA models for this setting. Additional experiments show
that FuSIC-KBQA also outperforms SoTA KBQA models in the in-domain setting when
training data is limited. | cs.CL | Few-shot Transfer Learning for Knowledge Base Question Answering: Fusing Supervised Models with In-Context Learning |
2023-11-15T11:50:10Z | http://arxiv.org/pdf/2311.08890v1 | http://arxiv.org/abs/2311.08890v1 | Thanmay Jayakumar, Fauzan Farooqui, Luqman Farooqui | 2023-11-15T11:50:10Z | cs.CL | Realizing the recent advances in Natural Language Processing (NLP) to the
legal sector poses challenging problems such as extremely long sequence
lengths, specialized vocabulary that is usually only understood by legal
professionals, and high amounts of data imbalance. The recent surge of Large
Language Models (LLMs) has begun to provide new opportunities to apply NLP in
the legal domain due to their ability to handle lengthy, complex sequences.
Moreover, the emergence of domain-specific LLMs has displayed extremely
promising results on various tasks. In this study, we aim to quantify how
general LLMs perform in comparison to legal-domain models (be it an LLM or
otherwise). Specifically, we compare the zero-shot performance of three
general-purpose LLMs (ChatGPT-20b, LLaMA-2-70b, and Falcon-180b) on the LEDGAR
subset of the LexGLUE benchmark for contract provision classification. Although
the LLMs were not explicitly trained on legal data, we observe that they are
still able to classify the theme correctly in most cases. However, we find that
their mic-F1/mac-F1 performance is up to 19.2/26.8\% lesser than smaller models
fine-tuned on the legal domain, thus underscoring the need for more powerful
legal-domain LLMs. | cs.CL | Large Language Models are legal but they are not: Making the case for a powerful LegalLLM |
2023-11-15T11:48:16Z | http://arxiv.org/pdf/2311.08886v1 | http://arxiv.org/abs/2311.08886v1 | Richard Diehl Martinez, Zebulon Goriely, Hope McGovern, Christopher Davis, Andrew Caines, Paula Buttery, Lisa Beinborn | 2023-11-15T11:48:16Z | cs.CL | We describe our team's contribution to the STRICT-SMALL track of the BabyLM
Challenge. The challenge requires training a language model from scratch using
only a relatively small training dataset of ten million words. We experiment
with three variants of cognitively-motivated curriculum learning and analyze
their effect on the performance of the model on linguistic evaluation tasks. In
the vocabulary curriculum, we analyze methods for constraining the vocabulary
in the early stages of training to simulate cognitively more plausible learning
curves. In the data curriculum experiments, we vary the order of the training
instances based on i) infant-inspired expectations and ii) the learning
behavior of the model. In the objective curriculum, we explore different
variations of combining the conventional masked language modeling task with a
more coarse-grained word class prediction task to reinforce linguistic
generalization capabilities. Our results did not yield consistent improvements
over our own non-curriculum learning baseline across a range of linguistic
benchmarks; however, we do find marginal gains on select tasks. Our analysis
highlights key takeaways for specific combinations of tasks and settings which
benefit from our proposed curricula. We moreover determine that careful
selection of model architecture, and training hyper-parameters yield
substantial improvements over the default baselines provided by the BabyLM
challenge. | cs.CL | CLIMB: Curriculum Learning for Infant-inspired Model Building |
2023-11-15T11:42:41Z | http://arxiv.org/pdf/2311.08883v2 | http://arxiv.org/abs/2311.08883v2 | Wenkai Yang, Yankai Lin, Jie Zhou, Jirong Wen | 2024-02-16T14:07:24Z | cs.CL | Large language models (LLMs) have shown incredible performance in completing
various real-world tasks. The current knowledge learning paradigm of LLMs is
mainly based on learning from examples, in which LLMs learn the internal rule
implicitly from a certain number of supervised examples. However, this learning
paradigm may not well learn those complicated rules, especially when the
training examples are limited. We are inspired that humans can learn the new
tasks or knowledge in another way by learning from rules. That is, humans can
learn new tasks or grasps new knowledge quickly and generalize well given only
a detailed rule and a few optional examples. Therefore, in this paper, we aim
to explore the feasibility of this new learning paradigm, which targets on
encoding rule-based knowledge into LLMs. We further propose rule distillation,
which first uses the strong in-context abilities of LLMs to extract the
knowledge from the textual rules, and then explicitly encode the knowledge into
the parameters of LLMs by learning from the above in-context signals produced
inside the model. Our experiments show that making LLMs learn from rules by our
method is much more efficient than example-based learning in both the sample
size and generalization ability. Warning: This paper may contain examples with
offensive content. | cs.CL | Enabling Large Language Models to Learn from Rules |
2023-11-15T11:27:44Z | http://arxiv.org/pdf/2311.08877v1 | http://arxiv.org/abs/2311.08877v1 | Vaishnavi Shrivastava, Percy Liang, Ananya Kumar | 2023-11-15T11:27:44Z | cs.CL, cs.LG | To maintain user trust, large language models (LLMs) should signal low
confidence on examples where they are incorrect, instead of misleading the
user. The standard approach of estimating confidence is to use the softmax
probabilities of these models, but as of November 2023, state-of-the-art LLMs
such as GPT-4 and Claude-v1.3 do not provide access to these probabilities. We
first study eliciting confidence linguistically -- asking an LLM for its
confidence in its answer -- which performs reasonably (80.5% AUC on GPT-4
averaged across 12 question-answering datasets -- 7% above a random baseline)
but leaves room for improvement. We then explore using a surrogate confidence
model -- using a model where we do have probabilities to evaluate the original
model's confidence in a given question. Surprisingly, even though these
probabilities come from a different and often weaker model, this method leads
to higher AUC than linguistic confidences on 9 out of 12 datasets. Our best
method composing linguistic confidences and surrogate model probabilities gives
state-of-the-art confidence estimates on all 12 datasets (84.6% average AUC on
GPT-4). | cs.CL | Llamas Know What GPTs Don't Show: Surrogate Models for Confidence Estimation |
2023-11-15T10:40:45Z | http://arxiv.org/pdf/2311.08849v2 | http://arxiv.org/abs/2311.08849v2 | Yihong Liu, Peiqin Lin, Mingyang Wang, Hinrich Schütze | 2024-03-25T15:49:53Z | cs.CL | Instead of pretraining multilingual language models from scratch, a more
efficient method is to adapt existing pretrained language models (PLMs) to new
languages via vocabulary extension and continued pretraining. However, this
method usually randomly initializes the embeddings of new subwords and
introduces substantially more embedding parameters to the model, thus weakening
the efficiency. To address these issues, we propose a novel framework:
$\textbf{O}$ne $\textbf{F}$or $\textbf{A}$ll ($\textbf{OFA}$), which wisely
initializes the embeddings of unseen subwords and thus can adapt a PLM to
multiple languages efficiently and effectively. OFA takes advantage of external
well-aligned multilingual static word vectors and injects the alignment
knowledge into the subword embeddings. In addition, OFA applies matrix
factorization and replaces the cumbersome embeddings with two lower-dimensional
matrices, which largely reduces the number of parameters. We show OFA
accelerates the convergence of continued pretraining, which is environmentally
friendly as much fewer carbon footprints are generated. Through extensive
experiments, we demonstrate OFA can achieve competitive or better performance
than default continued pretraining baselines on a wide range of crosslingual
downstream tasks. We make our code and models publicly available. | cs.CL | OFA: A Framework of Initializing Unseen Subword Embeddings for Efficient Large-scale Multilingual Continued Pretraining |
2023-11-15T10:34:14Z | http://arxiv.org/pdf/2311.08844v1 | http://arxiv.org/abs/2311.08844v1 | Abdelrahman Mohamed, Fakhraddin Alwajih, El Moatez Billah Nagoudi, Alcides Alcoba Inciarte, Muhammad Abdul-Mageed | 2023-11-15T10:34:14Z | cs.CV, cs.CL | Although image captioning has a vast array of applications, it has not
reached its full potential in languages other than English. Arabic, for
instance, although the native language of more than 400 million people, remains
largely underrepresented in this area. This is due to the lack of labeled data
and powerful Arabic generative models. We alleviate this issue by presenting a
novel vision-language model dedicated to Arabic, dubbed \textit{Violet}. Our
model is based on a vision encoder and a Gemini text decoder that maintains
generation fluency while allowing fusion between the vision and language
components. To train our model, we introduce a new method for automatically
acquiring data from available English datasets. We also manually prepare a new
dataset for evaluation. \textit{Violet} performs sizeably better than our
baselines on all of our evaluation datasets. For example, it reaches a CIDEr
score of $61.2$ on our manually annotated dataset and achieves an improvement
of $13$ points on Flickr8k. | cs.CV | Violet: A Vision-Language Model for Arabic Image Captioning with Gemini Decoder |
2023-11-15T10:29:28Z | http://arxiv.org/pdf/2311.10766v1 | http://arxiv.org/abs/2311.10766v1 | Jing Yao, Xiaoyuan Yi, Xiting Wang, Yifan Gong, Xing Xie | 2023-11-15T10:29:28Z | cs.CL, cs.AI | The rapid advancement of Large Language Models (LLMs) has attracted much
attention to value alignment for their responsible development. However, how to
define values in this context remains a largely unexplored question. Existing
work mainly follows the Helpful, Honest, Harmless principle and specifies
values as risk criteria formulated in the AI community, e.g., fairness and
privacy protection, suffering from poor clarity, adaptability and transparency.
Inspired by basic values in humanity and social science across cultures, this
work proposes a novel basic value alignment paradigm and introduces a value
space spanned by basic value dimensions. All LLMs' behaviors can be mapped into
the space by identifying the underlying values, possessing the potential to
address the three challenges. To foster future research, we apply the
representative Schwartz's Theory of Basic Values as an initialized example and
construct FULCRA, a dataset consisting of 5k (LLM output, value vector) pairs.
Our extensive analysis of FULCRA reveals the underlying relation between basic
values and LLMs' behaviors, demonstrating that our approach not only covers
existing mainstream risks but also anticipates possibly unidentified ones.
Additionally, we present an initial implementation of the basic value
evaluation and alignment, paving the way for future research in this line. | cs.CL | Value FULCRA: Mapping Large Language Models to the Multidimensional Spectrum of Basic Human Values |
2023-11-15T10:28:28Z | http://arxiv.org/pdf/2311.10765v1 | http://arxiv.org/abs/2311.10765v1 | Yufeng Chen | 2023-11-15T10:28:28Z | cs.CL | The challenge of improving translation accuracy in GPT-4 is being addressed
by harnessing a method known as in-context learning. This paper introduces a
strategic approach to utilize in-context learning specifically for machine
translation, aiming to significantly boost accuracy. The crux of this method
lies in the judicious selection of demonstrations that are most effective for
in-context learning. By selecting these examples carefully, GPT-4 can utilize
them to achieve remarkably accurate machine translations, eliminating the need
for task-specific fine-tuning. This technique is anchored in the semantic
similarities between the user's prompt and the chosen dataset. Sentences from
this dataset, carefully picked for their relevance and clarity, serve as potent
demonstrations for in-context learning. This approach not only enhances
translation accuracy but also enriches the understanding of nuanced linguistic
structures. It represents a significant step forward in machine learning,
leveraging the inherent capabilities of GPT-4 to provide translations that are
not only accurate but also contextually rich and linguistically sophisticated.
This method demonstrates the potential of in-context learning in overcoming
language barriers, opening new avenues for cross-cultural communication and
global collaboration. | cs.CL | Enhancing Machine Translation through Advanced In-Context Learning: A Methodological Strategy for GPT-4 Improvement |
2023-11-15T10:25:30Z | http://arxiv.org/pdf/2311.08838v2 | http://arxiv.org/abs/2311.08838v2 | Ivan Vykopal, Matúš Pikuliak, Ivan Srba, Robert Moro, Dominik Macko, Maria Bielikova | 2024-02-23T10:44:18Z | cs.CL | Automated disinformation generation is often listed as an important risk
associated with large language models (LLMs). The theoretical ability to flood
the information space with disinformation content might have dramatic
consequences for societies around the world. This paper presents a
comprehensive study of the disinformation capabilities of the current
generation of LLMs to generate false news articles in the English language. In
our study, we evaluated the capabilities of 10 LLMs using 20 disinformation
narratives. We evaluated several aspects of the LLMs: how good they are at
generating news articles, how strongly they tend to agree or disagree with the
disinformation narratives, how often they generate safety warnings, etc. We
also evaluated the abilities of detection models to detect these articles as
LLM-generated. We conclude that LLMs are able to generate convincing news
articles that agree with dangerous disinformation narratives. | cs.CL | Disinformation Capabilities of Large Language Models |
2023-11-15T10:25:14Z | http://arxiv.org/pdf/2311.08836v2 | http://arxiv.org/abs/2311.08836v2 | Spencer Rarrick, Ranjita Naik, Sundar Poudel, Vishal Chowdhary | 2023-12-13T04:15:26Z | cs.CL, cs.AI | Machine Translation (MT) continues to improve in quality and adoption, yet
the inadvertent perpetuation of gender bias remains a significant concern.
Despite numerous studies into gender bias in translations from gender-neutral
languages such as Turkish into more strongly gendered languages like English,
there are no benchmarks for evaluating this phenomenon or for assessing
mitigation strategies. To address this gap, we introduce GATE X-E, an extension
to the GATE (Rarrick et al., 2023) corpus, that consists of human translations
from Turkish, Hungarian, Finnish, and Persian into English. Each translation is
accompanied by feminine, masculine, and neutral variants for each possible
gender interpretation. The dataset, which contains between 1250 and 1850
instances for each of the four language pairs, features natural sentences with
a wide range of sentence lengths and domains, challenging translation rewriters
on various linguistic phenomena. Additionally, we present an English gender
rewriting solution built on GPT-3.5 Turbo and use GATE X-E to evaluate it. We
open source our contributions to encourage further research on gender
debiasing. | cs.CL | Evaluating Gender Bias in the Translation of Gender-Neutral Languages into English |
2023-11-15T09:38:53Z | http://arxiv.org/pdf/2311.08817v1 | http://arxiv.org/abs/2311.08817v1 | Davis Yoshida, Kartik Goyal, Kevin Gimpel | 2023-11-15T09:38:53Z | cs.CL, cs.AI, cs.LG | It has been widely observed that exact or approximate MAP (mode-seeking)
decoding from natural language generation (NLG) models consistently leads to
degenerate outputs (Stahlberg and Byrne, 2019, Holtzman et al., 2019). This has
generally been attributed to either a fundamental inadequacy of modes in models
or weaknesses in language modeling. Contrastingly in this work, we emphasize
that degenerate modes can even occur in the absence of any model error, due to
contamination of the training data. Specifically, we show that mixing even a
tiny amount of low-entropy noise with a population text distribution can cause
the data distribution's mode to become degenerate, implying that any models
trained on it will be as well. As the unconditional mode of NLG models will
often be degenerate, we therefore propose to apply MAP decoding to the model's
distribution conditional on avoiding specific degeneracies. Using exact-search,
we empirically verify that the length-conditional modes of machine translation
models and language models are indeed more fluent and topical than their
unconditional modes. For the first time, we also share many examples of exact
modal sequences from these models, and from several variants of the LLaMA-7B
model. Notably, the modes of the LLaMA models are still degenerate, showing
that improvements in modeling have not fixed this issue. Because of the cost of
exact mode finding algorithms, we develop an approximate mode finding approach,
ACBS, which finds sequences that are both high-likelihood and high-quality. We
apply this approach to LLaMA-7B, a model which was not trained for instruction
following, and find that we are able to elicit reasonable outputs without any
finetuning. | cs.CL | MAP's not dead yet: Uncovering true language model modes by conditioning away degeneracy |
2023-11-15T09:18:09Z | http://arxiv.org/pdf/2311.08803v3 | http://arxiv.org/abs/2311.08803v3 | Chang Gao, Haiyun Jiang, Deng Cai, Shuming Shi, Wai Lam | 2024-05-24T13:55:23Z | cs.CL | Most existing prompting methods suffer from the issues of generalizability
and consistency, as they often rely on instance-specific solutions that may not
be applicable to other instances and lack task-level consistency across the
selected few-shot examples. To address these limitations, we propose a
comprehensive framework, StrategyLLM, allowing LLMs to perform inductive
reasoning, deriving general strategies from specific task instances, and
deductive reasoning, applying these general strategies to particular task
examples, for constructing generalizable and consistent few-shot prompts. It
employs four LLM-based agents: strategy generator, executor, optimizer, and
evaluator, working together to generate, evaluate, and select promising
strategies for a given task. Experimental results demonstrate that StrategyLLM
outperforms the competitive baseline CoT-SC that requires human-annotated
solutions on 13 datasets across 4 challenging tasks without human involvement,
including math reasoning (34.2\% $\rightarrow$ 38.8\%), commonsense reasoning
(70.3\% $\rightarrow$ 72.5\%), algorithmic reasoning (73.7\% $\rightarrow$
85.0\%), and symbolic reasoning (30.0\% $\rightarrow$ 79.2\%). Further analysis
reveals that StrategyLLM is applicable to various LLMs and demonstrates
advantages across numerous scenarios. | cs.CL | StrategyLLM: Large Language Models as Strategy Generators, Executors, Optimizers, and Evaluators for Problem Solving |
2023-11-15T09:07:29Z | http://arxiv.org/pdf/2311.08793v1 | http://arxiv.org/abs/2311.08793v1 | Moritz Scherrmann | 2023-11-15T09:07:29Z | cs.CL, stat.ML | This study presents German FinBERT, a novel pre-trained German language model
tailored for financial textual data. The model is trained through a
comprehensive pre-training process, leveraging a substantial corpus comprising
financial reports, ad-hoc announcements and news related to German companies.
The corpus size is comparable to the data sets commonly used for training
standard BERT models. I evaluate the performance of German FinBERT on
downstream tasks, specifically sentiment prediction, topic recognition and
question answering against generic German language models. My results
demonstrate improved performance on finance-specific data, indicating the
efficacy of German FinBERT in capturing domain-specific nuances. The presented
findings suggest that German FinBERT holds promise as a valuable tool for
financial text analysis, potentially benefiting various applications in the
financial domain. | cs.CL | German FinBERT: A German Pre-trained Language Model |
2023-11-15T09:01:55Z | http://arxiv.org/pdf/2311.08788v2 | http://arxiv.org/abs/2311.08788v2 | Minqian Liu, Ying Shen, Zhiyang Xu, Yixin Cao, Eunah Cho, Vaibhav Kumar, Reza Ghanadan, Lifu Huang | 2024-04-13T14:41:24Z | cs.CL, cs.AI, cs.LG | Natural Language Generation (NLG) typically involves evaluating the generated
text in various aspects (e.g., consistency and naturalness) to obtain a
comprehensive assessment. However, multi-aspect evaluation remains challenging
as it may require the evaluator to generalize to any given evaluation aspect
even if it's absent during training. In this paper, we introduce X-Eval, a
two-stage instruction tuning framework to evaluate the text in both seen and
unseen aspects customized by end users. X-Eval consists of two learning stages:
the vanilla instruction tuning stage that improves the model's ability to
follow evaluation instructions, and an enhanced instruction tuning stage that
exploits the connections between fine-grained evaluation aspects to better
assess text quality. To support the training of X-Eval, we collect
AspectInstruct, the first instruction tuning dataset tailored for multi-aspect
NLG evaluation spanning 27 diverse evaluation aspects with 65 tasks. To enhance
task diversity, we devise an augmentation strategy that converts human rating
annotations into diverse forms of NLG evaluation tasks, including scoring,
comparison, ranking, and Boolean question answering. Extensive experiments
across three essential categories of NLG tasks: dialogue generation,
summarization, and data-to-text coupled with 21 aspects in meta-evaluation,
demonstrate that our X-Eval enables even a lightweight language model to
achieve a comparable if not higher correlation with human judgments compared to
the state-of-the-art NLG evaluators, such as GPT-4. | cs.CL | X-Eval: Generalizable Multi-aspect Text Evaluation via Augmented Instruction Tuning with Auxiliary Evaluation Aspects |
2023-11-15T08:24:41Z | http://arxiv.org/pdf/2311.08768v1 | http://arxiv.org/abs/2311.08768v1 | Giovanni Sileno, Jean-Louis Dessalles | 2023-11-15T08:24:41Z | cs.AI, cs.CL, cs.IT, cs.SY, eess.SY, math.IT | Unexpectedness is a central concept in Simplicity Theory, a theory of
cognition relating various inferential processes to the computation of
Kolmogorov complexities, rather than probabilities. Its predictive power has
been confirmed by several experiments with human subjects, yet its theoretical
basis remains largely unexplored: why does it work? This paper lays the
groundwork for three theoretical conjectures. First, unexpectedness can be seen
as a generalization of Bayes' rule. Second, the frequentist core of
unexpectedness can be connected to the function of tracking ergodic properties
of the world. Third, unexpectedness can be seen as constituent of various
measures of divergence between the entropy of the world (environment) and the
variety of the observer (system). The resulting framework hints to research
directions that go beyond the division between probabilistic and logical
approaches, potentially bringing new insights into the extraction of causal
relations, and into the role of descriptive mechanisms in learning. | cs.AI | Three Conjectures on Unexpectedeness |
2023-11-15T08:03:09Z | http://arxiv.org/pdf/2312.09430v1 | http://arxiv.org/abs/2312.09430v1 | Hamza Amrani, Daniela Micucci, Paolo Napoletano | 2023-11-15T08:03:09Z | eess.SP, cs.CL, cs.HC, cs.LG | Previous research has demonstrated the potential of using pre-trained
language models for decoding open vocabulary Electroencephalography (EEG)
signals captured through a non-invasive Brain-Computer Interface (BCI).
However, the impact of embedding EEG signals in the context of language models
and the effect of subjectivity, remain unexplored, leading to uncertainty about
the best approach to enhance decoding performance. Additionally, current
evaluation metrics used to assess decoding effectiveness are predominantly
syntactic and do not provide insights into the comprehensibility of the decoded
output for human understanding. We present an end-to-end deep learning
framework for non-invasive brain recordings that brings modern representational
learning approaches to neuroscience. Our proposal introduces the following
innovations: 1) an end-to-end deep learning architecture for open vocabulary
EEG decoding, incorporating a subject-dependent representation learning module
for raw EEG encoding, a BART language model, and a GPT-4 sentence refinement
module; 2) a more comprehensive sentence-level evaluation metric based on the
BERTScore; 3) an ablation study that analyses the contributions of each module
within our proposal, providing valuable insights for future research. We
evaluate our approach on two publicly available datasets, ZuCo v1.0 and v2.0,
comprising EEG recordings of 30 subjects engaged in natural reading tasks. Our
model achieves a BLEU-1 score of 42.75%, a ROUGE-1-F of 33.28%, and a
BERTScore-F of 53.86%, outperforming the previous state-of-the-art methods by
3.38%, 8.43%, and 6.31%, respectively. | eess.SP | Deep Representation Learning for Open Vocabulary Electroencephalography-to-Text Decoding |
2023-11-15T07:50:57Z | http://arxiv.org/pdf/2311.08756v1 | http://arxiv.org/abs/2311.08756v1 | Zhen Qin, Yiran Zhong | 2023-11-15T07:50:57Z | cs.CL | Toeplitz Neural Networks (TNNs) have exhibited outstanding performance in
various sequence modeling tasks. They outperform commonly used
Transformer-based models while benefiting from log-linear space-time
complexities. On the other hand, State Space Models (SSMs) achieve lower
performance than TNNs in language modeling but offer the advantage of constant
inference complexity. In this paper, we aim to combine the strengths of TNNs
and SSMs by converting TNNs to SSMs during inference, thereby enabling TNNs to
achieve the same constant inference complexities as SSMs. To accomplish this,
we formulate the conversion process as an optimization problem and provide a
closed-form solution. We demonstrate how to transform the target equation into
a Vandermonde linear system problem, which can be efficiently solved using the
Discrete Fourier Transform (DFT). Notably, our method requires no training and
maintains numerical stability. It can be also applied to any LongConv-based
model. To assess its effectiveness, we conduct extensive experiments on
language modeling tasks across various settings. Additionally, we compare our
method to other gradient-descent solutions, highlighting the superior numerical
stability of our approach. The source code is available at
https://github.com/OpenNLPLab/ETSC-Exact-Toeplitz-to-SSM-Conversion. | cs.CL | Accelerating Toeplitz Neural Network with Constant-time Inference Complexity |
2023-11-15T07:37:28Z | http://arxiv.org/pdf/2311.09263v2 | http://arxiv.org/abs/2311.09263v2 | Jinghan Yang, Shuming Ma, Furu Wei | 2024-06-17T06:53:41Z | cs.LG, cs.AI, cs.CL | With in-context learning ability, the performance of large language models
can be significantly boosted when provided with appropriate context. However,
existing in-context learning methods mainly rely on human-provided contexts,
such as labeled examples and explicit instructions. Writing context by humans
is labor-intensive on various tasks and limits the model to tasks manageable by
humans. To overcome these limitations, we propose Automatic In-Context Learning
framework that enables the model to autonomously generate examples and
instructions for problem-solving. With experiments across various models and
datasets, results show that model-generated contexts outperform human-annotated
contexts, including Few-Shot and Few-Shot-CoT methods, and surpass existing
self-generated context methods like Zero-CoT and Auto-CoT. | cs.LG | Auto-ICL: In-Context Learning without Human Supervision |
2023-11-15T06:54:44Z | http://arxiv.org/pdf/2311.08734v1 | http://arxiv.org/abs/2311.08734v1 | Yucheng Zhou, Xiubo Geng, Tao Shen, Chongyang Tao, Guodong Long, Jian-Guang Lou, Jianbing Shen | 2023-11-15T06:54:44Z | cs.CL | Large Language Models (LLMs) have ushered in a transformative era in the
field of natural language processing, excelling in tasks related to text
comprehension and generation. Nevertheless, they encounter difficulties when
confronted with chaotic contexts (e.g., distractors rather than long irrelevant
context), leading to the inadvertent omission of certain details within the
chaotic context. In response to these challenges, we introduce the "Thread of
Thought" (ThoT) strategy, which draws inspiration from human cognitive
processes. ThoT systematically segments and analyzes extended contexts while
adeptly selecting pertinent information. This strategy serves as a versatile
"plug-and-play" module, seamlessly integrating with various LLMs and prompting
techniques. In the experiments, we utilize the PopQA and EntityQ datasets, as
well as a Multi-Turn Conversation Response dataset (MTCR) we collected, to
illustrate that ThoT significantly improves reasoning performance compared to
other prompting techniques. | cs.CL | Thread of Thought Unraveling Chaotic Contexts |
2023-11-15T06:48:50Z | http://arxiv.org/pdf/2311.08732v1 | http://arxiv.org/abs/2311.08732v1 | Minze Chen, Zhenxiang Tao, Weitong Tang, Tingxin Qin, Rui Yang, Chunli Zhu | 2023-11-15T06:48:50Z | cs.CL | Emergency management urgently requires comprehensive knowledge while having a
high possibility to go beyond individuals' cognitive scope. Therefore,
artificial intelligence(AI) supported decision-making under that circumstance
is of vital importance. Recent emerging large language models (LLM) provide a
new direction for enhancing targeted machine intelligence. However, the
utilization of LLM directly would inevitably introduce unreliable output for
its inherent issue of hallucination and poor reasoning skills. In this work, we
develop a system called Enhancing Emergency decision-making with Knowledge
Graph and LLM (E-KELL), which provides evidence-based decision-making in
various emergency stages. The study constructs a structured emergency knowledge
graph and guides LLMs to reason over it via a prompt chain. In real-world
evaluations, E-KELL receives scores of 9.06, 9.09, 9.03, and 9.09 in
comprehensibility, accuracy, conciseness, and instructiveness from a group of
emergency commanders and firefighters, demonstrating a significant improvement
across various situations compared to baseline models. This work introduces a
novel approach to providing reliable emergency decision support. | cs.CL | Enhancing Emergency Decision-making with Knowledge Graphs and Large Language Models |
2023-11-15T06:36:29Z | http://arxiv.org/pdf/2311.08726v2 | http://arxiv.org/abs/2311.08726v2 | Jianfeng He, Linlin Yu, Shuo Lei, Chang-Tien Lu, Feng Chen | 2024-06-05T15:04:29Z | cs.CL | Sequential labeling is a task predicting labels for each token in a sequence,
such as Named Entity Recognition (NER). NER tasks aim to extract entities and
predict their labels given a text, which is important in information
extraction. Although previous works have shown great progress in improving NER
performance, uncertainty estimation on NER (UE-NER) is still underexplored but
essential. This work focuses on UE-NER, which aims to estimate uncertainty
scores for the NER predictions. Previous uncertainty estimation models often
overlook two unique characteristics of NER: the connection between entities
(i.e., one entity embedding is learned based on the other ones) and wrong span
cases in the entity extraction subtask. Therefore, we propose a Sequential
Labeling Posterior Network (SLPN) to estimate uncertainty scores for the
extracted entities, considering uncertainty transmitted from other tokens.
Moreover, we have defined an evaluation strategy to address the specificity of
wrong-span cases. Our SLPN has achieved significant improvements on three
datasets, such as a 5.54-point improvement in AUPR on the MIT-Restaurant
dataset. Our code is available at
\url{https://github.com/he159ok/UncSeqLabeling_SLPN}. | cs.CL | Uncertainty Estimation on Sequential Labeling via Uncertainty Transmission |
2023-11-15T06:35:01Z | http://arxiv.org/pdf/2311.08724v3 | http://arxiv.org/abs/2311.08724v3 | Xiang Li, Che Wang, Bing Li, Hao Chen, Sizhe Li | 2024-01-27T07:15:54Z | cs.CL, cs.LG | In this paper, we propose a method for knowledge graph construction in power
distribution networks. This method leverages entity features, which involve
their semantic, phonetic, and syntactic characteristics, in both the knowledge
graph of distribution network and the dispatching texts. An enhanced model
based on Convolutional Neural Network, is utilized for effectively matching
dispatch text entities with those in the knowledge graph. The effectiveness of
this model is evaluated through experiments in real-world power distribution
dispatch scenarios. The results indicate that, compared with the baselines, the
proposed model excels in linking a variety of entity types, demonstrating high
overall accuracy in power distribution knowledge graph construction task. | cs.CL | Knowledge Graph Construction in Power Distribution Networks |
2023-11-15T06:33:52Z | http://arxiv.org/pdf/2311.08723v1 | http://arxiv.org/abs/2311.08723v1 | Yutian Chen, Hao Kang, Vivian Zhai, Liangze Li, Rita Singh, Bhiksha Raj | 2023-11-15T06:33:52Z | cs.CL | This paper introduces a novel approach for identifying the possible large
language models (LLMs) involved in text generation. Instead of adding an
additional classification layer to a base LM, we reframe the classification
task as a next-token prediction task and directly fine-tune the base LM to
perform it. We utilize the Text-to-Text Transfer Transformer (T5) model as the
backbone for our experiments. We compared our approach to the more direct
approach of utilizing hidden states for classification. Evaluation shows the
exceptional performance of our method in the text classification task,
highlighting its simplicity and efficiency. Furthermore, interpretability
studies on the features extracted by our model reveal its ability to
differentiate distinctive writing styles among various LLMs even in the absence
of an explicit classifier. We also collected a dataset named OpenLLMText,
containing approximately 340k text samples from human and LLMs, including
GPT3.5, PaLM, LLaMA, and GPT2. | cs.CL | Token Prediction as Implicit Classification to Identify LLM-Generated Text |
2023-11-15T06:08:35Z | http://arxiv.org/pdf/2311.08719v1 | http://arxiv.org/abs/2311.08719v1 | Lei Liu, Xiaoyan Yang, Yue Shen, Binbin Hu, Zhiqiang Zhang, Jinjie Gu, Guannan Zhang | 2023-11-15T06:08:35Z | cs.CL | Memory-augmented Large Language Models (LLMs) have demonstrated remarkable
performance in long-term human-machine interactions, which basically relies on
iterative recalling and reasoning of history to generate high-quality
responses. However, such repeated recall-reason steps easily produce biased
thoughts, \textit{i.e.}, inconsistent reasoning results when recalling the same
history for different questions. On the contrary, humans can keep thoughts in
the memory and recall them without repeated reasoning. Motivated by this human
capability, we propose a novel memory mechanism called TiM (Think-in-Memory)
that enables LLMs to maintain an evolved memory for storing historical thoughts
along the conversation stream. The TiM framework consists of two crucial
stages: (1) before generating a response, a LLM agent recalls relevant thoughts
from memory, and (2) after generating a response, the LLM agent post-thinks and
incorporates both historical and new thoughts to update the memory. Thus, TiM
can eliminate the issue of repeated reasoning by saving the post-thinking
thoughts as the history. Besides, we formulate the basic principles to organize
the thoughts in memory based on the well-established operations,
(\textit{i.e.}, insert, forget, and merge operations), allowing for dynamic
updates and evolution of the thoughts. Furthermore, we introduce
Locality-Sensitive Hashing into TiM to achieve efficient retrieval for the
long-term conversations. We conduct qualitative and quantitative experiments on
real-world and simulated dialogues covering a wide range of topics,
demonstrating that equipping existing LLMs with TiM significantly enhances
their performance in generating responses for long-term interactions. | cs.CL | Think-in-Memory: Recalling and Post-thinking Enable LLMs with Long-Term Memory |
2023-11-15T05:58:35Z | http://arxiv.org/pdf/2311.08718v2 | http://arxiv.org/abs/2311.08718v2 | Bairu Hou, Yujian Liu, Kaizhi Qian, Jacob Andreas, Shiyu Chang, Yang Zhang | 2024-06-10T21:17:24Z | cs.CL | Uncertainty decomposition refers to the task of decomposing the total
uncertainty of a predictive model into aleatoric (data) uncertainty, resulting
from inherent randomness in the data-generating process, and epistemic (model)
uncertainty, resulting from missing information in the model's training data.
In large language models (LLMs) specifically, identifying sources of
uncertainty is an important step toward improving reliability, trustworthiness,
and interpretability, but remains an important open research question. In this
paper, we introduce an uncertainty decomposition framework for LLMs, called
input clarification ensembling, which can be applied to any pre-trained LLM.
Our approach generates a set of clarifications for the input, feeds them into
an LLM, and ensembles the corresponding predictions. We show that, when
aleatoric uncertainty arises from ambiguity or under-specification in LLM
inputs, this approach makes it possible to factor an (unclarified) LLM's
predictions into separate aleatoric and epistemic terms, using a decomposition
similar to the one employed by Bayesian neural networks. Empirical evaluations
demonstrate that input clarification ensembling provides accurate and reliable
uncertainty quantification on several language processing tasks. Code and data
are available at https://github.com/UCSB-NLP-Chang/llm_uncertainty. | cs.CL | Decomposing Uncertainty for Large Language Models through Input Clarification Ensembling |
2023-11-15T05:28:07Z | http://arxiv.org/pdf/2311.08711v2 | http://arxiv.org/abs/2311.08711v2 | Zhihan Zhang, Dong-Ho Lee, Yuwei Fang, Wenhao Yu, Mengzhao Jia, Meng Jiang, Francesco Barbieri | 2024-02-12T01:09:34Z | cs.CL | Instruction tuning has remarkably advanced large language models (LLMs) in
understanding and responding to diverse human instructions. Despite the success
in high-resource languages, its application in lower-resource ones faces
challenges due to the imbalanced foundational abilities of LLMs across
different languages, stemming from the uneven language distribution in their
pre-training data. To tackle this issue, we propose pivot language guided
generation (PLUG), an approach that utilizes a high-resource language,
primarily English, as the pivot to enhance instruction tuning in lower-resource
languages. It trains the model to first process instructions in the pivot
language, and then produce responses in the target language. To evaluate our
approach, we introduce a benchmark, X-AlpacaEval, of instructions in 4
languages (Chinese, Korean, Italian, and Spanish), each annotated by
professional translators. Our approach demonstrates a significant improvement
in the instruction-following abilities of LLMs by 29% on average, compared to
directly responding in the target language alone. Further experiments validate
the versatility of our approach by employing alternative pivot languages beyond
English to assist languages where LLMs exhibit lower proficiency. Our code and
data are available at https://github.com/ytyz1307zzh/PLUG. | cs.CL | PLUG: Leveraging Pivot Language in Cross-Lingual Instruction Tuning |
2023-11-15T05:11:43Z | http://arxiv.org/pdf/2311.08705v1 | http://arxiv.org/abs/2311.08705v1 | Ankita Gupta, Chulaka Gunasekara, Hui Wan, Jatin Ganhotra, Sachindra Joshi, Marina Danilevsky | 2023-11-15T05:11:43Z | cs.CL | Dialogue summarization task involves summarizing long conversations while
preserving the most salient information. Real-life dialogues often involve
naturally occurring variations (e.g., repetitions, hesitations) and existing
dialogue summarization models suffer from performance drop on such
conversations. In this study, we systematically investigate the impact of such
variations on state-of-the-art dialogue summarization models using publicly
available datasets. To simulate real-life variations, we introduce two types of
perturbations: utterance-level perturbations that modify individual utterances
with errors and language variations, and dialogue-level perturbations that add
non-informative exchanges (e.g., repetitions, greetings). We conduct our
analysis along three dimensions of robustness: consistency, saliency, and
faithfulness, which capture different aspects of the summarization model's
performance. We find that both fine-tuned and instruction-tuned models are
affected by input variations, with the latter being more susceptible,
particularly to dialogue-level perturbations. We also validate our findings via
human evaluation. Finally, we investigate if the robustness of fine-tuned
models can be improved by training them with a fraction of perturbed data and
observe that this approach is insufficient to address robustness challenges
with current models and thus warrants a more thorough investigation to identify
better solutions. Overall, our work highlights robustness challenges in
dialogue summarization and provides insights for future research. | cs.CL | Evaluating Robustness of Dialogue Summarization Models in the Presence of Naturally Occurring Variations |
2023-11-15T05:11:26Z | http://arxiv.org/pdf/2311.08704v2 | http://arxiv.org/abs/2311.08704v2 | Marcio Fonseca, Shay B. Cohen | 2024-06-27T03:48:35Z | cs.CL, cs.AI | Although large language models (LLMs) exhibit remarkable capacity to leverage
in-context demonstrations, it is still unclear to what extent they can learn
new concepts or facts from ground-truth labels. To address this question, we
examine the capacity of instruction-tuned LLMs to follow in-context concept
guidelines for sentence labeling tasks. We design guidelines that present
different types of factual and counterfactual concept definitions, which are
used as prompts for zero-shot sentence classification tasks. Our results show
that although concept definitions consistently help in task performance, only
the larger models (with 70B parameters or more) have limited ability to work
under counterfactual contexts. Importantly, only proprietary models such as
GPT-3.5 and GPT-4 can recognize nonsensical guidelines, which we hypothesize is
due to more sophisticated alignment methods. Finally, we find that
Falcon-180B-chat is outperformed by Llama-2-70B-chat is most cases, which
indicates that careful fine-tuning is more effective than increasing model
scale. Altogether, our simple evaluation method reveals significant gaps in
concept understanding between the most capable open-source language models and
the leading proprietary APIs. | cs.CL | Can Large Language Models Follow Concept Annotation Guidelines? A Case Study on Scientific and Financial Domains |
2023-11-15T05:05:40Z | http://arxiv.org/pdf/2311.08702v1 | http://arxiv.org/abs/2311.08702v1 | Julian Michael, Salsabila Mahdi, David Rein, Jackson Petty, Julien Dirani, Vishakh Padmakumar, Samuel R. Bowman | 2023-11-15T05:05:40Z | cs.AI, cs.CL, I.2.0 | As AI systems are used to answer more difficult questions and potentially
help create new knowledge, judging the truthfulness of their outputs becomes
more difficult and more important. How can we supervise unreliable experts,
which have access to the truth but may not accurately report it, to give
answers that are systematically true and don't just superficially seem true,
when the supervisor can't tell the difference between the two on their own? In
this work, we show that debate between two unreliable experts can help a
non-expert judge more reliably identify the truth. We collect a dataset of
human-written debates on hard reading comprehension questions where the judge
has not read the source passage, only ever seeing expert arguments and short
quotes selectively revealed by 'expert' debaters who have access to the
passage. In our debates, one expert argues for the correct answer, and the
other for an incorrect answer. Comparing debate to a baseline we call
consultancy, where a single expert argues for only one answer which is correct
half of the time, we find that debate performs significantly better, with 84%
judge accuracy compared to consultancy's 74%. Debates are also more efficient,
being 68% of the length of consultancies. By comparing human to AI debaters, we
find evidence that with more skilled (in this case, human) debaters, the
performance of debate goes up but the performance of consultancy goes down. Our
error analysis also supports this trend, with 46% of errors in human debate
attributable to mistakes by the honest debater (which should go away with
increased skill); whereas 52% of errors in human consultancy are due to
debaters obfuscating the relevant evidence from the judge (which should become
worse with increased skill). Overall, these results show that debate is a
promising approach for supervising increasingly capable but potentially
unreliable AI systems. | cs.AI | Debate Helps Supervise Unreliable Experts |
2023-11-15T04:50:30Z | http://arxiv.org/pdf/2311.08695v2 | http://arxiv.org/abs/2311.08695v2 | Ian Berlot-Attwell, Kumar Krishna Agrawal, A. Michael Carrell, Yash Sharma, Naomi Saphra | 2024-06-24T15:51:13Z | cs.LG, cs.CL, cs.CV | The degree to which neural networks can generalize to new combinations of
familiar concepts, and the conditions under which they are able to do so, has
long been an open question. In this work, we study the systematicity gap in
visual question answering: the performance difference between reasoning on
previously seen and unseen combinations of object attributes. To test, we
introduce a novel diagnostic dataset, CLEVR-HOPE. We find that while increased
quantity of training data does not reduce the systematicity gap, increased
training data diversity of the attributes in the unseen combination does. In
all, our experiments suggest that the more distinct attribute type combinations
are seen during training, the more systematic we can expect the resulting model
to be. | cs.LG | Attribute Diversity Determines the Systematicity Gap in VQA |
2023-11-15T04:40:43Z | http://arxiv.org/pdf/2311.08692v1 | http://arxiv.org/abs/2311.08692v1 | Keming Lu, Hongyi Yuan, Runji Lin, Junyang Lin, Zheng Yuan, Chang Zhou, Jingren Zhou | 2023-11-15T04:40:43Z | cs.CL, cs.LG | The complementary potential of Large Language Models (LLM) assumes
off-the-shelf LLMs have heterogeneous expertise in a wide range of domains and
tasks so that an ensemble of LLMs can achieve consistently better performance.
Existing ensemble methods for LLMs mainly focus on reward model ranking of
outputs, leading to significant computation overhead. To combat this issue, we
revisit the complementary potential of LLMs and further elaborate it by mining
latent expertise with off-the-shelf reward models. We propose Zooter, a
reward-guided routing method distilling rewards on training queries to train a
routing function, which can precisely distribute each query to the LLM with
expertise about it. We also integrate a tag-based label enhancement to mitigate
noise from uncertainty when using rewards as silver supervision. Zooter shows
computation efficiency in inference as it introduces only a minor computation
overhead of a routing function compared with reward model ranking methods. We
evaluate Zooter on a comprehensive benchmark collection with 26 subsets on
different domains and tasks. Zooter outperforms the best single model on
average and ranks first on 44% of tasks, even surpassing multiple reward model
ranking methods. | cs.CL | Routing to the Expert: Efficient Reward-guided Ensemble of Large Language Models |
2023-11-15T04:30:20Z | http://arxiv.org/pdf/2311.08687v1 | http://arxiv.org/abs/2311.08687v1 | Keith Harrigian, Tina Tang, Anthony Gonzales, Cindy X. Cai, Mark Dredze | 2023-11-15T04:30:20Z | cs.CL, cs.AI, cs.LG | Diabetic eye disease is a major cause of blindness worldwide. The ability to
monitor relevant clinical trajectories and detect lapses in care is critical to
managing the disease and preventing blindness. Alas, much of the information
necessary to support these goals is found only in the free text of the
electronic medical record. To fill this information gap, we introduce a system
for extracting evidence from clinical text of 19 clinical concepts related to
diabetic eye disease and inferring relevant attributes for each. In developing
this ophthalmology phenotyping system, we are also afforded a unique
opportunity to evaluate the effectiveness of clinical language models at
adapting to new clinical domains. Across multiple training paradigms, we find
that BERT language models pretrained on out-of-distribution clinical data offer
no significant improvement over BERT language models pretrained on non-clinical
data for our domain. Our study tempers recent claims that language models
pretrained on clinical data are necessary for clinical NLP tasks and highlights
the importance of not treating clinical language data as a single homogeneous
domain. | cs.CL | An Eye on Clinical BERT: Investigating Language Model Generalization for Diabetic Eye Disease Phenotyping |
2023-11-15T04:22:22Z | http://arxiv.org/pdf/2311.08685v3 | http://arxiv.org/abs/2311.08685v3 | Taiwei Shi, Kai Chen, Jieyu Zhao | 2024-03-31T22:42:03Z | cs.CL, cs.AI | Reinforcement learning from human feedback (RLHF) is a vital strategy for
enhancing model capability in language models. However, annotating preference
data for RLHF is a resource-intensive and creativity-demanding process, while
existing automatic generation methods face limitations in data diversity and
quality. In response, we present Safer-Instruct, a novel pipeline for
automatically constructing large-scale preference data. Our approach leverages
reversed instruction tuning, instruction induction, and expert model evaluation
to efficiently generate high-quality preference data without human annotators.
To verify the effectiveness of Safer-Instruct, we apply the pipeline to
construct a safety preference dataset as a case study. Finetuning an Alpaca
model on this synthetic dataset not only demonstrates improved harmlessness but
also outperforms models fine-tuned on human-annotated safety preference data,
all the while maintaining a competitive edge in downstream tasks. Importantly,
our Safer-Instruct framework is versatile and can be applied to generate
preference data across various domains, extending its utility beyond safety
preferences. It addresses the challenges in preference data acquisition and
advances the development of more capable and responsible AI systems. For
dataset and code implementation, see
https://github.com/uscnlp-lime/safer-instruct | cs.CL | Safer-Instruct: Aligning Language Models with Automated Preference Data |
2023-11-15T03:29:02Z | http://arxiv.org/pdf/2311.08669v2 | http://arxiv.org/abs/2311.08669v2 | Yahan Yang, Soham Dan, Dan Roth, Insup Lee | 2024-04-15T14:44:04Z | cs.CL, cs.LG | Multilingual pre-trained Large Language Models (LLMs) are incredibly
effective at Question Answering (QA), a core task in Natural Language
Understanding, achieving high accuracies on several multilingual benchmarks.
However, little is known about how well their confidences are calibrated. In
this paper, we comprehensively benchmark the calibration of several
multilingual LLMs (MLLMs) on a variety of QA tasks. We perform extensive
experiments, spanning encoder-only, encoder-decoder, and decoder-only QA models
(size varying from 110M to 7B parameters) and diverse languages, including both
high- and low-resource ones. We study different dimensions of calibration in
in-distribution, out-of-distribution, and cross-lingual transfer settings, and
investigate strategies to improve it, including post-hoc methods and
regularized fine-tuning. For decoder-only LLMs such as LlaMa2, we additionally
find that in-context learning improves confidence calibration on multilingual
data. We also conduct several ablation experiments to study the effect of
language distances, language corpus size, and model size on calibration, and
how multilingual models compare with their monolingual counterparts for diverse
tasks and languages. Our experiments suggest that the multilingual QA models
are poorly calibrated for languages other than English and incorporating a
small set of cheaply translated multilingual samples during
fine-tuning/calibration effectively enhances the calibration performance. | cs.CL | On the Calibration of Multilingual Question Answering LLMs |
2023-11-15T03:21:04Z | http://arxiv.org/pdf/2311.08666v1 | http://arxiv.org/abs/2311.08666v1 | Kokil Jaidka, Hansin Ahuja, Lynnette Ng | 2023-11-15T03:21:04Z | cs.CL, cs.GT, cs.LG | Online games are dynamic environments where players interact with each other,
which offers a rich setting for understanding how players negotiate their way
through the game to an ultimate victory. This work studies online player
interactions during the turn-based strategy game, Diplomacy. We annotated a
dataset of over 10,000 chat messages for different negotiation strategies and
empirically examined their importance in predicting long- and short-term game
outcomes. Although negotiation strategies can be predicted reasonably
accurately through the linguistic modeling of the chat messages, more is needed
for predicting short-term outcomes such as trustworthiness. On the other hand,
they are essential in graph-aware reinforcement learning approaches to predict
long-term outcomes, such as a player's success, based on their prior
negotiation history. We close with a discussion of the implications and impact
of our work. The dataset is available at
https://github.com/kj2013/claff-diplomacy. | cs.CL | It Takes Two to Negotiate: Modeling Social Exchange in Online Multiplayer Games |
2023-11-15T02:59:10Z | http://arxiv.org/pdf/2311.08662v1 | http://arxiv.org/abs/2311.08662v1 | Vatsal Gupta, Pranshu Pandya, Tushar Kataria, Vivek Gupta, Dan Roth | 2023-11-15T02:59:10Z | cs.CL, cs.AI, cs.IR | Language models, given their black-box nature, often exhibit sensitivity to
input perturbations, leading to trust issues due to hallucinations. To bolster
trust, it's essential to understand these models' failure modes and devise
strategies to enhance their performance. In this study, we propose a framework
to study the effect of input perturbations on language models of different
scales, from pre-trained models to large language models (LLMs). We use
fine-tuning to train a robust model to perturbations, and we investigate
whether exposure to one perturbation improves or degrades the model's
performance on other perturbations. To address multi-perturbation robustness,
we suggest three distinct training strategies. We also extend the framework to
LLMs via a chain of thought(COT) prompting with exemplars. We instantiate our
framework for the Tabular-NLI task and show that the proposed strategies train
the model robust to different perturbations without losing accuracy on a given
dataset. | cs.CL | Multi-Set Inoculation: Assessing Model Robustness Across Multiple Challenge Sets |
2023-11-15T01:58:54Z | http://arxiv.org/pdf/2311.08648v4 | http://arxiv.org/abs/2311.08648v4 | Yuhang Zhou, Paiheng Xu, Xiaoyu Liu, Bang An, Wei Ai, Furong Huang | 2024-06-16T01:28:49Z | cs.CL, cs.AI | Language models (LMs) have achieved notable success in numerous NLP tasks,
employing both fine-tuning and in-context learning (ICL) methods. While
language models demonstrate exceptional performance, they face robustness
challenges due to spurious correlations arising from imbalanced label
distributions in training data or ICL exemplars. Previous research has
primarily concentrated on word, phrase, and syntax features, neglecting the
concept level, often due to the absence of concept labels and difficulty in
identifying conceptual content in input texts. This paper introduces two main
contributions. First, we employ ChatGPT to assign concept labels to texts,
assessing concept bias in models during fine-tuning or ICL on test data. We
find that LMs, when encountering spurious correlations between a concept and a
label in training or prompts, resort to shortcuts for predictions. Second, we
introduce a data rebalancing technique that incorporates ChatGPT-generated
counterfactual data, thereby balancing label distribution and mitigating
spurious correlations. Our method's efficacy, surpassing traditional token
removal approaches, is validated through extensive testing. | cs.CL | Explore Spurious Correlations at the Concept Level in Language Models for Text Classification |
2023-11-15T01:28:28Z | http://arxiv.org/pdf/2311.08640v3 | http://arxiv.org/abs/2311.08640v3 | Jiachen Zhao, Wenlong Zhao, Andrew Drozdov, Benjamin Rozonoyer, Md Arafat Sultan, Jay-Yoon Lee, Mohit Iyyer, Andrew McCallum | 2024-02-26T22:30:53Z | cs.CL, cs.LG | We study semi-supervised sequence generation tasks, where the few labeled
examples are too scarce to finetune a model, and meanwhile, few-shot prompted
large language models (LLMs) exhibit room for improvement. In this paper, we
present the discovery that a student model distilled from a few-shot prompted
LLM can commonly generalize better than its teacher to unseen examples on such
tasks. We find that the student is able to learn a general pattern from the
high-quality pseudolabels produced by the teacher during knowledge distillation
(KD), and favorably not a general pattern from the low-quality pseudolables.
Leveraging this discovery, we propose a new method, Multistage Collaborative
Knowledge Distillation from an LLM (MCKD), for these tasks. MCKD first few-shot
prompts an LLM to produce pseudolabels for unlabeled data. Then at each stage
of an iterative KD process, a new pair of students is trained on disjoint
partitions of the pseudolabeled data, and produces new and improved
pseudolabels for their unseen partitions. We conduct extensive experiments on
four syntactic and semantic parsing datasets and show the effectiveness of MCKD
for low-resource semi-supervised sequence generation. On CRAFT biomedical
parsing, for example, 3-stage MCKD with 50 labeled examples outperforms an LLM
teacher and vanilla KD by 7.5% and 3.7% parsing F1, respectively, and matches
the performance of supervised finetuning with 500 labeled examples. | cs.CL | Multistage Collaborative Knowledge Distillation from a Large Language Model for Semi-Supervised Sequence Generation |
2023-11-15T01:24:09Z | http://arxiv.org/pdf/2311.08637v1 | http://arxiv.org/abs/2311.08637v1 | Lasha Abzianidze | 2023-11-15T01:24:09Z | cs.CL, 68T50, I.2.7 | In this position paper, we propose a way of exploiting formal proofs to put
forward several explainable natural language inference (NLI) tasks. The formal
proofs will be produced by a reliable and high-performing logic-based NLI
system. Taking advantage of the in-depth information available in the generated
formal proofs, we show how it can be used to define NLI tasks with structured
explanations. The proposed tasks can be ordered according to difficulty defined
in terms of the granularity of explanations. We argue that the tasks will
suffer with substantially fewer shortcomings than the existing explainable NLI
tasks (or datasets). | cs.CL | Formal Proofs as Structured Explanations: Proposing Several Tasks on Explainable Natural Language Inference |
2023-11-15T01:01:02Z | http://arxiv.org/pdf/2311.08623v1 | http://arxiv.org/abs/2311.08623v1 | Peng Tang, Pengkai Zhu, Tian Li, Srikar Appalaraju, Vijay Mahadevan, R. Manmatha | 2023-11-15T01:01:02Z | cs.CV, cs.CL, cs.LG | Encoder-decoder transformer models have achieved great success on various
vision-language (VL) tasks, but they suffer from high inference latency.
Typically, the decoder takes up most of the latency because of the
auto-regressive decoding. To accelerate the inference, we propose an approach
of performing Dynamic Early Exit on Decoder (DEED). We build a multi-exit
encoder-decoder transformer model which is trained with deep supervision so
that each of its decoder layers is capable of generating plausible predictions.
In addition, we leverage simple yet practical techniques, including shared
generation head and adaptation modules, to keep accuracy when exiting at
shallow decoder layers. Based on the multi-exit model, we perform step-level
dynamic early exit during inference, where the model may decide to use fewer
decoder layers based on its confidence of the current layer at each individual
decoding step. Considering different number of decoder layers may be used at
different decoding steps, we compute deeper-layer decoder features of previous
decoding steps just-in-time, which ensures the features from different decoding
steps are semantically aligned. We evaluate our approach with two
state-of-the-art encoder-decoder transformer models on various VL tasks. We
show our approach can reduce overall inference latency by 30%-60% with
comparable or even higher accuracy compared to baselines. | cs.CV | DEED: Dynamic Early Exit on Decoder for Accelerating Encoder-Decoder Transformer Models |
2023-11-15T01:00:02Z | http://arxiv.org/pdf/2311.08622v1 | http://arxiv.org/abs/2311.08622v1 | Peng Tang, Srikar Appalaraju, R. Manmatha, Yusheng Xie, Vijay Mahadevan | 2023-11-15T01:00:02Z | cs.CV, cs.CL, cs.LG | We present Multiple-Question Multiple-Answer (MQMA), a novel approach to do
text-VQA in encoder-decoder transformer models. The text-VQA task requires a
model to answer a question by understanding multi-modal content: text
(typically from OCR) and an associated image. To the best of our knowledge,
almost all previous approaches for text-VQA process a single question and its
associated content to predict a single answer. In order to answer multiple
questions from the same image, each question and content are fed into the model
multiple times. In contrast, our proposed MQMA approach takes multiple
questions and content as input at the encoder and predicts multiple answers at
the decoder in an auto-regressive manner at the same time. We make several
novel architectural modifications to standard encoder-decoder transformers to
support MQMA. We also propose a novel MQMA denoising pre-training task which is
designed to teach the model to align and delineate multiple questions and
content with associated answers. MQMA pre-trained model achieves
state-of-the-art results on multiple text-VQA datasets, each with strong
baselines. Specifically, on OCR-VQA (+2.5%), TextVQA (+1.4%), ST-VQA (+0.6%),
DocVQA (+1.1%) absolute improvements over the previous state-of-the-art
approaches. | cs.CV | Multiple-Question Multiple-Answer Text-VQA |
2023-11-15T00:57:51Z | http://arxiv.org/pdf/2311.08620v1 | http://arxiv.org/abs/2311.08620v1 | William Fleshman, Benjamin Van Durme | 2023-11-15T00:57:51Z | cs.CL, cs.LG | Character-level language models obviate the need for separately trained
tokenizers, but efficiency suffers from longer sequence lengths. Learning to
combine character representations into tokens has made training these models
more efficient, but they still require decoding characters individually. We
propose Toucan, an augmentation to character-level models to make them
"token-aware". Comparing our method to prior work, we demonstrate significant
speed-ups in character generation without a loss in language modeling
performance. We then explore differences between our learned dynamic
tokenization of character sequences with popular fixed vocabulary solutions
such as Byte-Pair Encoding and WordPiece, finding our approach leads to a
greater amount of longer sequences tokenized as single items. Our project and
code are available at https://nlp.jhu.edu/nuggets/. | cs.CL | Toucan: Token-Aware Character Level Language Modeling |
2023-11-15T00:37:49Z | http://arxiv.org/pdf/2311.10763v1 | http://arxiv.org/abs/2311.10763v1 | Rui Fukushima, Jun Tani | 2023-11-15T00:37:49Z | cs.CL, cs.LG | ChatGPT, a widely-recognized large language model (LLM), has recently gained
substantial attention for its performance scaling, attributed to the billions
of web-sourced natural language sentences used for training. Its underlying
architecture, Transformer, has found applications across diverse fields,
including video, audio signals, and robotic movement. %The crucial question
this raises concerns the Transformer's generalization-in-learning (GIL)
capacity. However, this raises a crucial question about Transformer's
generalization in learning (GIL) capacity. Is ChatGPT's success chiefly due to
the vast dataset used for training, or is there more to the story? To
investigate this, we compared Transformer's GIL capabilities with those of a
traditional Recurrent Neural Network (RNN) in tasks involving attractor
dynamics learning. For performance evaluation, the Dynamic Time Warping (DTW)
method has been employed. Our simulation results suggest that under conditions
of limited data availability, Transformer's GIL abilities are markedly inferior
to those of RNN. | cs.CL | Comparing Generalization in Learning with Limited Numbers of Exemplars: Transformer vs. RNN in Attractor Dynamics |
2023-11-15T00:34:28Z | http://arxiv.org/pdf/2311.08614v1 | http://arxiv.org/abs/2311.08614v1 | Zichen Chen, Jianda Chen, Mitali Gaidhani, Ambuj Singh, Misha Sra | 2023-11-15T00:34:28Z | cs.CL, cs.AI | Large Language Models (LLMs) have recently made impressive strides in natural
language understanding tasks. Despite their remarkable performance,
understanding their decision-making process remains a big challenge. In this
paper, we look into bringing some transparency to this process by introducing a
new explanation dataset for question answering (QA) tasks that integrates
knowledge graphs (KGs) in a novel way. Our dataset includes 12,102
question-answer-explanation (QAE) triples. Each explanation in the dataset
links the LLM's reasoning to entities and relations in the KGs. The explanation
component includes a why-choose explanation, a why-not-choose explanation, and
a set of reason-elements that underlie the LLM's decision. We leverage KGs and
graph attention networks (GAT) to find the reason-elements and transform them
into why-choose and why-not-choose explanations that are comprehensible to
humans. Through quantitative and qualitative evaluations, we demonstrate the
potential of our dataset to improve the in-context learning of LLMs, and
enhance their interpretability and explainability. Our work contributes to the
field of explainable AI by enabling a deeper understanding of the LLMs
decision-making process to make them more transparent and thereby, potentially
more reliable, to researchers and practitioners alike. Our dataset is available
at: https://github.com/chen-zichen/XplainLLM_dataset.git | cs.CL | XplainLLM: A QA Explanation Dataset for Understanding LLM Decision-Making |
2023-11-15T00:09:21Z | http://arxiv.org/pdf/2311.08607v1 | http://arxiv.org/abs/2311.08607v1 | Mohamed Osman, Tamer Nadeem, Ghada Khoriba | 2023-11-15T00:09:21Z | cs.CL, cs.LG, eess.AS | Recognizing emotions in spoken communication is crucial for advanced
human-machine interaction. Current emotion detection methodologies often
display biases when applied cross-corpus. To address this, our study
amalgamates 16 diverse datasets, resulting in 375 hours of data across
languages like English, Chinese, and Japanese. We propose a soft labeling
system to capture gradational emotional intensities. Using the Whisper encoder
and data augmentation methods inspired by contrastive learning, our method
emphasizes the temporal dynamics of emotions. Our validation on four
multilingual datasets demonstrates notable zero-shot generalization. We publish
our open source model weights and initial promising results after fine-tuning
on Hume-Prosody. | cs.CL | Towards Generalizable SER: Soft Labeling and Data Augmentation for Modeling Temporal Emotion Shifts in Large-Scale Multilingual Speech |
2023-11-15T00:02:25Z | http://arxiv.org/pdf/2311.08605v2 | http://arxiv.org/abs/2311.08605v2 | David F. Jenny, Yann Billeter, Mrinmaya Sachan, Bernhard Schölkopf, Zhijing Jin | 2024-05-12T13:56:25Z | cs.CL, cs.AI, cs.CY, cs.SI | The rapid advancement of Large Language Models (LLMs) has sparked intense
debate regarding the prevalence of bias in these models and its mitigation.
Yet, as exemplified by both results on debiasing methods in the literature and
reports of alignment-related defects from the wider community, bias remains a
poorly understood topic despite its practical relevance. To enhance the
understanding of the internal causes of bias, we analyse LLM bias through the
lens of causal fairness analysis, which enables us to both comprehend the
origins of bias and reason about its downstream consequences and mitigation. To
operationalize this framework, we propose a prompt-based method for the
extraction of confounding and mediating attributes which contribute to the LLM
decision process. By applying Activity Dependency Networks (ADNs), we then
analyse how these attributes influence an LLM's decision process. We apply our
method to LLM ratings of argument quality in political debates. We find that
the observed disparate treatment can at least in part be attributed to
confounding and mitigating attributes and model misalignment, and discuss the
consequences of our findings for human-AI alignment and bias mitigation. Our
code and data are at https://github.com/david-jenny/LLM-Political-Study. | cs.CL | Exploring the Jungle of Bias: Political Bias Attribution in Language Models via Dependency Analysis |
2023-11-14T23:43:47Z | http://arxiv.org/pdf/2311.08598v2 | http://arxiv.org/abs/2311.08598v2 | Yibo Wang, Xiangjue Dong, James Caverlee, Philip S. Yu | 2024-02-17T19:14:20Z | cs.CL | Language models (LMs) can be manipulated by adversarial attacks, which
introduce subtle perturbations to input data. While recent attack methods can
achieve a relatively high attack success rate (ASR), we've observed that the
generated adversarial examples have a different data distribution compared with
the original examples. Specifically, these adversarial examples exhibit reduced
confidence levels and greater divergence from the training data distribution.
Consequently, they are easy to detect using straightforward detection methods,
diminishing the efficacy of such attacks. To address this issue, we propose a
Distribution-Aware LoRA-based Adversarial Attack (DALA) method. DALA considers
distribution shifts of adversarial examples to improve the attack's
effectiveness under detection methods. We further design a novel evaluation
metric, the Non-detectable Attack Success Rate (NASR), which integrates both
ASR and detectability for the attack task. We conduct experiments on four
widely used datasets to validate the attack effectiveness and transferability
of adversarial examples generated by DALA against both the white-box BERT-base
model and the black-box LLaMA2-7b model. Our codes are available at
https://anonymous.4open.science/r/DALA-A16D/. | cs.CL | DALA: A Distribution-Aware LoRA-Based Adversarial Attack against Language Models |
2023-11-14T23:40:22Z | http://arxiv.org/pdf/2311.08596v2 | http://arxiv.org/abs/2311.08596v2 | Philippe Laban, Lidiya Murakhovs'ka, Caiming Xiong, Chien-Sheng Wu | 2024-02-21T18:15:47Z | cs.CL | The interactive nature of Large Language Models (LLMs) theoretically allows
models to refine and improve their answers, yet systematic analysis of the
multi-turn behavior of LLMs remains limited. In this paper, we propose the
FlipFlop experiment: in the first round of the conversation, an LLM completes a
classification task. In a second round, the LLM is challenged with a follow-up
phrase like "Are you sure?", offering an opportunity for the model to reflect
on its initial answer, and decide whether to confirm or flip its answer. A
systematic study of ten LLMs on seven classification tasks reveals that models
flip their answers on average 46% of the time and that all models see a
deterioration of accuracy between their first and final prediction, with an
average drop of 17% (the FlipFlop effect). We conduct finetuning experiments on
an open-source LLM and find that finetuning on synthetically created data can
mitigate - reducing performance deterioration by 60% - but not resolve
sycophantic behavior entirely. The FlipFlop experiment illustrates the
universality of sycophantic behavior in LLMs and provides a robust framework to
analyze model behavior and evaluate future models. | cs.CL | Are You Sure? Challenging LLMs Leads to Performance Drops in The FlipFlop Experiment |
2023-11-14T23:28:36Z | http://arxiv.org/pdf/2311.08593v1 | http://arxiv.org/abs/2311.08593v1 | Haoxin Li, Phillip Keung, Daniel Cheng, Jungo Kasai, Noah A. Smith | 2023-11-14T23:28:36Z | cs.CL, cs.IR | Generative retrieval (Wang et al., 2022; Tay et al., 2022) is a new approach
for end-to-end document retrieval that directly generates document identifiers
given an input query. Techniques for designing effective, high-quality document
IDs remain largely unexplored. We introduce ACID, in which each document's ID
is composed of abstractive keyphrases generated by a large language model,
rather than an integer ID sequence as done in past work. We compare our method
with the current state-of-the-art technique for ID generation, which produces
IDs through hierarchical clustering of document embeddings. We also examine
simpler methods to generate natural-language document IDs, including the naive
approach of using the first k words of each document as its ID or words with
high BM25 scores in that document. We show that using ACID improves top-10 and
top-20 accuracy by 15.6% and 14.4% (relative) respectively versus the
state-of-the-art baseline on the MSMARCO 100k retrieval task, and 4.4% and 4.0%
respectively on the Natural Questions 100k retrieval task. Our results
demonstrate the effectiveness of human-readable, natural-language IDs in
generative retrieval with LMs. The code for reproducing our results and the
keyword-augmented datasets will be released on formal publication. | cs.CL | ACID: Abstractive, Content-Based IDs for Document Retrieval with Language Models |
2023-11-14T23:28:23Z | http://arxiv.org/pdf/2311.08592v2 | http://arxiv.org/abs/2311.08592v2 | Bhaktipriya Radharapu, Kevin Robinson, Lora Aroyo, Preethi Lahoti | 2023-11-29T23:18:16Z | cs.SE, cs.AI, cs.CL | Adversarial testing of large language models (LLMs) is crucial for their safe
and responsible deployment. We introduce a novel approach for automated
generation of adversarial evaluation datasets to test the safety of LLM
generations on new downstream applications. We call it AI-assisted Red-Teaming
(AART) - an automated alternative to current manual red-teaming efforts. AART
offers a data generation and augmentation pipeline of reusable and customizable
recipes that reduce human effort significantly and enable integration of
adversarial testing earlier in new product development. AART generates
evaluation datasets with high diversity of content characteristics critical for
effective adversarial testing (e.g. sensitive and harmful concepts, specific to
a wide range of cultural and geographic regions and application scenarios). The
data generation is steered by AI-assisted recipes to define, scope and
prioritize diversity within the application context. This feeds into a
structured LLM-generation process that scales up evaluation priorities.
Compared to some state-of-the-art tools, AART shows promising results in terms
of concept coverage and data quality. | cs.SE | AART: AI-Assisted Red-Teaming with Diverse Data Generation for New LLM-powered Applications |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.