publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2024-05-02T02:04:01Z | http://arxiv.org/pdf/2405.00942v2 | http://arxiv.org/abs/2405.00942v2 | Somesh Singh, Harini S I, Yaman K Singla, Veeky Baths, Rajiv Ratn Shah, Changyou Chen, Balaji Krishnamurthy | 2024-05-16T21:52:02Z | cs.CV, cs.CL | Communication is defined as "Who says what to whom with what effect." A
message from a communicator generates downstream receiver effects, also known
as behavior. Receiver behavior, being a downstream effect of the message,
carries rich signals about it. Even after carrying signals about the message,
the behavior data is often ignored while training large language models. We
show that training LLMs on receiver behavior can actually help improve their
content-understanding abilities. Specifically, we show that training LLMs to
predict the receiver behavior of likes and comments improves the LLM's
performance on a wide variety of downstream content understanding tasks. We
show this performance increase over 40 video and image understanding tasks over
23 benchmark datasets across both 0-shot and fine-tuning settings,
outperforming many supervised baselines. Moreover, since receiver behavior,
such as likes and comments, is collected by default on the internet and does
not need any human annotations to be useful, the performance improvement we get
after training on this data is essentially free-lunch. We release the receiver
behavior cleaned comments and likes of 750k images and videos collected from
multiple platforms along with our instruction-tuning data. | cs.CV | LLaVA Finds Free Lunch: Teaching Human Behavior Improves Content Understanding Abilities Of LLMs |
2024-05-01T23:19:49Z | http://arxiv.org/pdf/2405.00903v1 | http://arxiv.org/abs/2405.00903v1 | Ayaz Mehmood, Muhammad Tayyab Zamir, Muhammad Asif Ayub, Nasir Ahmad, Kashif Ahmad | 2024-05-01T23:19:49Z | cs.CL | Over the last decade, similar to other application domains, social media
content has been proven very effective in disaster informatics. However, due to
the unstructured nature of the data, several challenges are associated with
disaster analysis in social media content. To fully explore the potential of
social media content in disaster informatics, access to relevant content and
the correct geo-location information is very critical. In this paper, we
propose a three-step solution to tackling these challenges. Firstly, the
proposed solution aims to classify social media posts into relevant and
irrelevant posts followed by the automatic extraction of location information
from the posts' text through Named Entity Recognition (NER) analysis. Finally,
to quickly analyze the topics covered in large volumes of social media posts,
we perform topic modeling resulting in a list of top keywords, that highlight
the issues discussed in the tweet. For the Relevant Classification of Twitter
Posts (RCTP), we proposed a merit-based fusion framework combining the
capabilities of four different models namely BERT, RoBERTa, Distil BERT, and
ALBERT obtaining the highest F1-score of 0.933 on a benchmark dataset. For the
Location Extraction from Twitter Text (LETT), we evaluated four models namely
BERT, RoBERTa, Distil BERTA, and Electra in an NER framework obtaining the
highest F1-score of 0.960. For topic modeling, we used the BERTopic library to
discover the hidden topic patterns in the relevant tweets. The experimental
results of all the components of the proposed end-to-end solution are very
encouraging and hint at the potential of social media content and NLP in
disaster management. | cs.CL | A Named Entity Recognition and Topic Modeling-based Solution for Locating and Better Assessment of Natural Disasters in Social Media |
2024-05-01T23:06:46Z | http://arxiv.org/pdf/2405.00899v2 | http://arxiv.org/abs/2405.00899v2 | Surabhi S. Nath, Peter Dayan, Claire Stevenson | 2024-06-05T19:15:43Z | cs.HC, cs.AI, cs.CL, q-bio.NC | Large language models appear quite creative, often performing on par with the
average human on creative tasks. However, research on LLM creativity has
focused solely on \textit{products}, with little attention on the creative
\textit{process}. Process analyses of human creativity often require hand-coded
categories or exploit response times, which do not apply to LLMs. We provide an
automated method to characterise how humans and LLMs explore semantic spaces on
the Alternate Uses Task, and contrast with behaviour in a Verbal Fluency Task.
We use sentence embeddings to identify response categories and compute semantic
similarities, which we use to generate jump profiles. Our results corroborate
earlier work in humans reporting both persistent (deep search in few semantic
spaces) and flexible (broad search across multiple semantic spaces) pathways to
creativity, where both pathways lead to similar creativity scores. LLMs were
found to be biased towards either persistent or flexible paths, that varied
across tasks. Though LLMs as a population match human profiles, their
relationship with creativity is different, where the more flexible models score
higher on creativity. Our dataset and scripts are available on
\href{https://github.com/surabhisnath/Creative_Process}{GitHub}. | cs.HC | Characterising the Creative Process in Humans and Large Language Models |
2024-05-01T22:17:57Z | http://arxiv.org/pdf/2405.00888v1 | http://arxiv.org/abs/2405.00888v1 | Shikhar Tuli, Chi-Heng Lin, Yen-Chang Hsu, Niraj K. Jha, Yilin Shen, Hongxia Jin | 2024-05-01T22:17:57Z | cs.CL | Traditional language models operate autoregressively, i.e., they predict one
token at a time. Rapid explosion in model sizes has resulted in high inference
times. In this work, we propose DynaMo, a suite of multi-token prediction
language models that reduce net inference times. Our models
$\textit{dynamically}$ predict multiple tokens based on their confidence in the
predicted joint probability distribution. We propose a lightweight technique to
train these models, leveraging the weights of traditional autoregressive
counterparts. Moreover, we propose novel ways to enhance the estimated joint
probability to improve text generation quality, namely co-occurrence weighted
masking and adaptive thresholding. We also propose systematic qualitative and
quantitative methods to rigorously test the quality of generated text for
non-autoregressive generation. One of the models in our suite, DynaMo-7.3B-T3,
achieves same-quality generated text as the baseline (Pythia-6.9B) while
achieving 2.57$\times$ speed-up with only 5.87% and 2.67% parameter and
training time overheads, respectively. | cs.CL | DynaMo: Accelerating Language Model Inference with Dynamic Multi-Token Sampling |
2024-05-01T20:53:13Z | http://arxiv.org/pdf/2405.00864v1 | http://arxiv.org/abs/2405.00864v1 | Jaewook Lee, Digory Smith, Simon Woodhead, Andrew Lan | 2024-05-01T20:53:13Z | cs.CL | Multiple choice questions (MCQs) are a popular method for evaluating
students' knowledge due to their efficiency in administration and grading.
Crafting high-quality math MCQs is a labor-intensive process that requires
educators to formulate precise stems and plausible distractors. Recent advances
in large language models (LLMs) have sparked interest in automating MCQ
creation, but challenges persist in ensuring mathematical accuracy and
addressing student errors. This paper introduces a prototype tool designed to
facilitate collaboration between LLMs and educators for streamlining the math
MCQ generation process. We conduct a pilot study involving math educators to
investigate how the tool can help them simplify the process of crafting
high-quality math MCQs. We found that while LLMs can generate well-formulated
question stems, their ability to generate distractors that capture common
student errors and misconceptions is limited. Nevertheless, a human-AI
collaboration has the potential to enhance the efficiency and effectiveness of
MCQ generation. | cs.CL | Math Multiple Choice Question Generation via Human-Large Language Model Collaboration |
2024-05-01T19:31:13Z | http://arxiv.org/pdf/2405.00828v1 | http://arxiv.org/abs/2405.00828v1 | Arman Irani, Ju Yeon Park, Kevin Esterling, Michalis Faloutsos | 2024-05-01T19:31:13Z | cs.CL | We propose WIBA, a novel framework and suite of methods that enable the
comprehensive understanding of "What Is Being Argued" across contexts. Our
approach develops a comprehensive framework that detects: (a) the existence,
(b) the topic, and (c) the stance of an argument, correctly accounting for the
logical dependence among the three tasks. Our algorithm leverages the
fine-tuning and prompt-engineering of Large Language Models. We evaluate our
approach and show that it performs well in all the three capabilities. First,
we develop and release an Argument Detection model that can classify a piece of
text as an argument with an F1 score between 79% and 86% on three different
benchmark datasets. Second, we release a language model that can identify the
topic being argued in a sentence, be it implicit or explicit, with an average
similarity score of 71%, outperforming current naive methods by nearly 40%.
Finally, we develop a method for Argument Stance Classification, and evaluate
the capability of our approach, showing it achieves a classification F1 score
between 71% and 78% across three diverse benchmark datasets. Our evaluation
demonstrates that WIBA allows the comprehensive understanding of What Is Being
Argued in large corpora across diverse contexts, which is of core interest to
many applications in linguistics, communication, and social and computer
science. To facilitate accessibility to the advancements outlined in this work,
we release WIBA as a free open access platform (wiba.dev). | cs.CL | WIBA: What Is Being Argued? A Comprehensive Approach to Argument Mining |
2024-05-01T19:07:03Z | http://arxiv.org/pdf/2405.00823v1 | http://arxiv.org/abs/2405.00823v1 | Olly Styles, Sam Miller, Patricio Cerda-Mardini, Tanaya Guha, Victor Sanchez, Bertie Vidgen | 2024-05-01T19:07:03Z | cs.CL, cs.AI, cs.MA | We introduce WorkBench: a benchmark dataset for evaluating agents' ability to
execute tasks in a workplace setting. WorkBench contains a sandbox environment
with five databases, 26 tools, and 690 tasks. These tasks represent common
business activities, such as sending emails and scheduling meetings. The tasks
in WorkBench are challenging as they require planning, tool selection, and
often multiple actions. If a task has been successfully executed, one (or more)
of the database values may change. The correct outcome for each task is unique
and unambiguous, which allows for robust, automated evaluation. We call this
key contribution outcome-centric evaluation. We evaluate five existing ReAct
agents on WorkBench, finding they successfully complete as few as 3% of tasks
(Llama2-70B), and just 43% for the best-performing (GPT-4). We further find
that agents' errors can result in the wrong action being taken, such as an
email being sent to the wrong person. WorkBench reveals weaknesses in agents'
ability to undertake common business activities, raising questions about their
use in high-stakes workplace settings. WorkBench is publicly available as a
free resource at https://github.com/olly-styles/WorkBench. | cs.CL | WorkBench: a Benchmark Dataset for Agents in a Realistic Workplace Setting |
2024-05-01T19:02:35Z | http://arxiv.org/pdf/2405.00821v1 | http://arxiv.org/abs/2405.00821v1 | Gregorios Katsios, Ning Sa, Ankita Bhaumik, Tomek Strzalkowski | 2024-05-01T19:02:35Z | cs.CL | The behavior and decision making of groups or communities can be dramatically
influenced by individuals pushing particular agendas, e.g., to promote or
disparage a person or an activity, to call for action, etc.. In the examination
of online influence campaigns, particularly those related to important
political and social events, scholars often concentrate on identifying the
sources responsible for setting and controlling the agenda (e.g., public
media). In this article we present a methodology for detecting specific
instances of agenda control through social media where annotated data is
limited or non-existent. By using a modest corpus of Twitter messages centered
on the 2022 French Presidential Elections, we carry out a comprehensive
evaluation of various approaches and techniques that can be applied to this
problem. Our findings demonstrate that by treating the task as a textual
entailment problem, it is possible to overcome the requirement for a large
annotated training dataset. | cs.CL | Uncovering Agendas: A Novel French & English Dataset for Agenda Detection on Social Media |
2024-05-01T18:31:36Z | http://arxiv.org/pdf/2405.00801v2 | http://arxiv.org/abs/2405.00801v2 | Scott Rome, Tianwen Chen, Raphael Tang, Luwei Zhou, Ferhan Ture | 2024-05-06T16:15:32Z | cs.CL | Customer service is how companies interface with their customers. It can
contribute heavily towards the overall customer satisfaction. However,
high-quality service can become expensive, creating an incentive to make it as
cost efficient as possible and prompting most companies to utilize AI-powered
assistants, or "chat bots". On the other hand, human-to-human interaction is
still desired by customers, especially when it comes to complex scenarios such
as disputes and sensitive topics like bill payment.
This raises the bar for customer service agents. They need to accurately
understand the customer's question or concern, identify a solution that is
acceptable yet feasible (and within the company's policy), all while handling
multiple conversations at once.
In this work, we introduce "Ask Me Anything" (AMA) as an add-on feature to an
agent-facing customer service interface. AMA allows agents to ask questions to
a large language model (LLM) on demand, as they are handling customer
conversations -- the LLM provides accurate responses in real-time, reducing the
amount of context switching the agent needs. In our internal experiments, we
find that agents using AMA versus a traditional search experience spend
approximately 10% fewer seconds per conversation containing a search,
translating to millions of dollars of savings annually. Agents that used the
AMA feature provided positive feedback nearly 80% of the time, demonstrating
its usefulness as an AI-assisted feature for customer care. | cs.CL | "Ask Me Anything": How Comcast Uses LLMs to Assist Agents in Real Time |
2024-05-01T17:59:20Z | http://arxiv.org/pdf/2405.00675v4 | http://arxiv.org/abs/2405.00675v4 | Yue Wu, Zhiqing Sun, Huizhuo Yuan, Kaixuan Ji, Yiming Yang, Quanquan Gu | 2024-06-14T05:57:01Z | cs.LG, cs.AI, cs.CL, stat.ML | Traditional reinforcement learning from human feedback (RLHF) approaches
relying on parametric models like the Bradley-Terry model fall short in
capturing the intransitivity and irrationality in human preferences. Recent
advancements suggest that directly working with preference probabilities can
yield a more accurate reflection of human preferences, enabling more flexible
and accurate language model alignment. In this paper, we propose a
self-play-based method for language model alignment, which treats the problem
as a constant-sum two-player game aimed at identifying the Nash equilibrium
policy. Our approach, dubbed Self-Play Preference Optimization (SPPO),
approximates the Nash equilibrium through iterative policy updates and enjoys a
theoretical convergence guarantee. Our method can effectively increase the
log-likelihood of the chosen response and decrease that of the rejected
response, which cannot be trivially achieved by symmetric pairwise loss such as
Direct Preference Optimization (DPO) and Identity Preference Optimization
(IPO). In our experiments, using only 60k prompts (without responses) from the
UltraFeedback dataset and without any prompt augmentation, by leveraging a
pre-trained preference model PairRM with only 0.4B parameters, SPPO can obtain
a model from fine-tuning Mistral-7B-Instruct-v0.2 that achieves the
state-of-the-art length-controlled win-rate of 28.53% against GPT-4-Turbo on
AlpacaEval 2.0. It also outperforms the (iterative) DPO and IPO on MT-Bench and
the Open LLM Leaderboard. Starting from a stronger base model
Llama-3-8B-Instruct, we are able to achieve a length-controlled win rate of
38.77%. Notably, the strong performance of SPPO is achieved without additional
external supervision (e.g., responses, preferences, etc.) from GPT-4 or other
stronger language models. Codes are available at
https://github.com/uclaml/SPPO. | cs.LG | Self-Play Preference Optimization for Language Model Alignment |
2024-05-01T17:50:37Z | http://arxiv.org/pdf/2405.00664v1 | http://arxiv.org/abs/2405.00664v1 | Junsang Yoon, Akshat Gupta, Gopala Anumanchipalli | 2024-05-01T17:50:37Z | cs.CL, cs.AI, cs.LG | This study presents a targeted model editing analysis focused on the latest
large language model, Llama-3. We explore the efficacy of popular model editing
techniques - ROME, MEMIT, and EMMET, which are designed for precise layer
interventions. We identify the most effective layers for targeted edits through
an evaluation that encompasses up to 4096 edits across three distinct
strategies: sequential editing, batch editing, and a hybrid approach we call as
sequential-batch editing. Our findings indicate that increasing edit
batch-sizes may degrade model performance more significantly than using smaller
edit batches sequentially for equal number of edits. With this, we argue that
sequential model editing is an important component for scaling model editing
methods and future research should focus on methods that combine both batched
and sequential editing. This observation suggests a potential limitation in
current model editing methods which push towards bigger edit batch sizes, and
we hope it paves way for future investigations into optimizing batch sizes and
model editing performance. | cs.CL | Is Bigger Edit Batch Size Always Better? -- An Empirical Study on Model Editing with Llama-3 |
2024-05-01T17:44:05Z | http://arxiv.org/pdf/2405.00659v1 | http://arxiv.org/abs/2405.00659v1 | Sanad Malaysha, Mustafa Jarrar, Mohammed Khalilia | 2024-05-01T17:44:05Z | cs.CL | Semantic textual relatedness is a broader concept of semantic similarity. It
measures the extent to which two chunks of text convey similar meaning or
topics, or share related concepts or contexts. This notion of relatedness can
be applied in various applications, such as document clustering and
summarizing. SemRel-2024, a shared task in SemEval-2024, aims at reducing the
gap in the semantic relatedness task by providing datasets for fourteen
languages and dialects including Arabic. This paper reports on our
participation in Track A (Algerian and Moroccan dialects) and Track B (Modern
Standard Arabic). A BERT-based model is augmented and fine-tuned for regression
scoring in supervised track (A), while BERT-based cosine similarity is employed
for unsupervised track (B). Our system ranked 1st in SemRel-2024 for MSA with a
Spearman correlation score of 0.49. We ranked 5th for Moroccan and 12th for
Algerian with scores of 0.83 and 0.53, respectively. | cs.CL | NLU-STR at SemEval-2024 Task 1: Generative-based Augmentation and Encoder-based Scoring for Semantic Textual Relatedness |
2024-05-01T17:37:50Z | http://arxiv.org/pdf/2405.00657v1 | http://arxiv.org/abs/2405.00657v1 | Dongqi Pu, Vera Demberg | 2024-05-01T17:37:50Z | cs.CL, cs.AI, cs.LG | For long document summarization, discourse structure is important to discern
the key content of the text and the differences in importance level between
sentences. Unfortunately, the integration of rhetorical structure theory (RST)
into parameter-efficient fine-tuning strategies for long document summarization
remains unexplored. Therefore, this paper introduces RST-LoRA and proposes four
RST-aware variants to explicitly incorporate RST into the LoRA model. Our
empirical evaluation demonstrates that incorporating the type and uncertainty
of rhetorical relations can complementarily enhance the performance of LoRA in
summarization tasks. Furthermore, the best-performing variant we introduced
outperforms the vanilla LoRA and full-parameter fine-tuning models, as
confirmed by multiple automatic and human evaluations, and even surpasses
previous state-of-the-art methods. | cs.CL | RST-LoRA: A Discourse-Aware Low-Rank Adaptation for Long Document Abstractive Summarization |
2024-05-01T16:58:28Z | http://arxiv.org/pdf/2405.00632v1 | http://arxiv.org/abs/2405.00632v1 | Irina Proskurina, Luc Brun, Guillaume Metzler, Julien Velcin | 2024-05-01T16:58:28Z | cs.CL, cs.AI | Recent studies introduced effective compression techniques for Large Language
Models (LLMs) via post-training quantization or low-bit weight representation.
Although quantized weights offer storage efficiency and allow for faster
inference, existing works have indicated that quantization might compromise
performance and exacerbate biases in LLMs. This study investigates the
confidence and calibration of quantized models, considering factors such as
language model type and scale as contributors to quantization loss. Firstly, we
reveal that quantization with GPTQ to 4-bit results in a decrease in confidence
regarding true labels, with varying impacts observed among different language
models. Secondly, we observe fluctuations in the impact on confidence across
different scales. Finally, we propose an explanation for quantization loss
based on confidence levels, indicating that quantization disproportionately
affects samples where the full model exhibited low confidence levels in the
first place. | cs.CL | When Quantization Affects Confidence of Large Language Models? |
2024-05-01T16:43:21Z | http://arxiv.org/pdf/2405.00622v1 | http://arxiv.org/abs/2405.00622v1 | Sirui Chen, Bo Peng, Meiqi Chen, Ruiqi Wang, Mengying Xu, Xingyu Zeng, Rui Zhao, Shengjie Zhao, Yu Qiao, Chaochao Lu | 2024-05-01T16:43:21Z | cs.CL, cs.AI, cs.LG | Causal reasoning is viewed as crucial for achieving human-level machine
intelligence. Recent advances in language models have expanded the horizons of
artificial intelligence across various domains, sparking inquiries into their
potential for causal reasoning. In this work, we introduce Causal evaluation of
Language Models (CaLM), which, to the best of our knowledge, is the first
comprehensive benchmark for evaluating the causal reasoning capabilities of
language models. First, we propose the CaLM framework, which establishes a
foundational taxonomy consisting of four modules: causal target (i.e., what to
evaluate), adaptation (i.e., how to obtain the results), metric (i.e., how to
measure the results), and error (i.e., how to analyze the bad results). This
taxonomy defines a broad evaluation design space while systematically selecting
criteria and priorities. Second, we compose the CaLM dataset, comprising
126,334 data samples, to provide curated sets of causal targets, adaptations,
metrics, and errors, offering extensive coverage for diverse research pursuits.
Third, we conduct an extensive evaluation of 28 leading language models on a
core set of 92 causal targets, 9 adaptations, 7 metrics, and 12 error types.
Fourth, we perform detailed analyses of the evaluation results across various
dimensions (e.g., adaptation, scale). Fifth, we present 50 high-level empirical
findings across 9 dimensions (e.g., model), providing valuable guidance for
future language model development. Finally, we develop a multifaceted platform,
including a website, leaderboards, datasets, and toolkits, to support scalable
and adaptable assessments. We envision CaLM as an ever-evolving benchmark for
the community, systematically updated with new causal targets, adaptations,
models, metrics, and error types to reflect ongoing research advancements.
Project website is at https://opencausalab.github.io/CaLM. | cs.CL | Causal Evaluation of Language Models |
2024-05-01T16:32:07Z | http://arxiv.org/pdf/2405.00611v1 | http://arxiv.org/abs/2405.00611v1 | Yida Mu, Peizhen Bai, Kalina Bontcheva, Xingyi Song | 2024-05-01T16:32:07Z | cs.CL | Large language models (LLMs) with their strong zero-shot topic extraction
capabilities offer an alternative to probabilistic topic modelling and
closed-set topic classification approaches. As zero-shot topic extractors, LLMs
are expected to understand human instructions to generate relevant and
non-hallucinated topics based on the given documents. However, LLM-based topic
modelling approaches often face difficulties in generating topics with
adherence to granularity as specified in human instructions, often resulting in
many near-duplicate topics. Furthermore, methods for addressing hallucinated
topics generated by LLMs have not yet been investigated. In this paper, we
focus on addressing the issues of topic granularity and hallucinations for
better LLM-based topic modelling. To this end, we introduce a novel approach
that leverages Direct Preference Optimisation (DPO) to fine-tune open-source
LLMs, such as Mistral-7B. Our approach does not rely on traditional human
annotation to rank preferred answers but employs a reconstruction pipeline to
modify raw topics generated by LLMs, thus enabling a fast and efficient
training and inference framework. Comparative experiments show that our
fine-tuning approach not only significantly improves the LLM's capability to
produce more coherent, relevant, and precise topics, but also reduces the
number of hallucinated topics. | cs.CL | Addressing Topic Granularity and Hallucination in Large Language Models for Topic Modelling |
2024-05-01T16:13:54Z | http://arxiv.org/pdf/2405.00602v1 | http://arxiv.org/abs/2405.00602v1 | Gloria Ashiya Katuka, Alexander Gain, Yen-Yun Yu | 2024-05-01T16:13:54Z | cs.CL, cs.LG | Automatic grading and feedback have been long studied using traditional
machine learning and deep learning techniques using language models. With the
recent accessibility to high performing large language models (LLMs) like
LLaMA-2, there is an opportunity to investigate the use of these LLMs for
automatic grading and feedback generation. Despite the increase in performance,
LLMs require significant computational resources for fine-tuning and additional
specific adjustments to enhance their performance for such tasks. To address
these issues, Parameter Efficient Fine-tuning (PEFT) methods, such as LoRA and
QLoRA, have been adopted to decrease memory and computational requirements in
model fine-tuning. This paper explores the efficacy of PEFT-based quantized
models, employing classification or regression head, to fine-tune LLMs for
automatically assigning continuous numerical grades to short answers and
essays, as well as generating corresponding feedback. We conducted experiments
on both proprietary and open-source datasets for our tasks. The results show
that prediction of grade scores via finetuned LLMs are highly accurate,
achieving less than 3% error in grade percentage on average. For providing
graded feedback fine-tuned 4-bit quantized LLaMA-2 13B models outperform
competitive base models and achieve high similarity with subject matter expert
feedback in terms of high BLEU and ROUGE scores and qualitatively in terms of
feedback. The findings from this study provide important insights into the
impacts of the emerging capabilities of using quantization approaches to
fine-tune LLMs for various downstream tasks, such as automatic short answer
scoring and feedback generation at comparatively lower costs and latency. | cs.CL | Investigating Automatic Scoring and Feedback using Large Language Models |
2024-05-01T15:51:15Z | http://arxiv.org/pdf/2405.00588v1 | http://arxiv.org/abs/2405.00588v1 | Catarina G Belém, Preethi Seshadri, Yasaman Razeghi, Sameer Singh | 2024-05-01T15:51:15Z | cs.CL, cs.AI, cs.CV, cs.CY, cs.LG | Gender bias research has been pivotal in revealing undesirable behaviors in
large language models, exposing serious gender stereotypes associated with
occupations, and emotions. A key observation in prior work is that models
reinforce stereotypes as a consequence of the gendered correlations that are
present in the training data. In this paper, we focus on bias where the effect
from training data is unclear, and instead address the question: Do language
models still exhibit gender bias in non-stereotypical settings? To do so, we
introduce UnStereoEval (USE), a novel framework tailored for investigating
gender bias in stereotype-free scenarios. USE defines a sentence-level score
based on pretraining data statistics to determine if the sentence contain
minimal word-gender associations. To systematically benchmark the fairness of
popular language models in stereotype-free scenarios, we utilize USE to
automatically generate benchmarks without any gender-related language. By
leveraging USE's sentence-level score, we also repurpose prior gender bias
benchmarks (Winobias and Winogender) for non-stereotypical evaluation.
Surprisingly, we find low fairness across all 28 tested models. Concretely,
models demonstrate fair behavior in only 9%-41% of stereotype-free sentences,
suggesting that bias does not solely stem from the presence of gender-related
words. These results raise important questions about where underlying model
biases come from and highlight the need for more systematic and comprehensive
bias evaluation. We release the full dataset and code at
https://ucinlp.github.io/unstereo-eval. | cs.CL | Are Models Biased on Text without Gender-related Language? |
2024-05-01T15:30:41Z | http://arxiv.org/pdf/2405.00578v1 | http://arxiv.org/abs/2405.00578v1 | Guanying Jiang, Lingyong Yan, Haibo Shi, Dawei Yin | 2024-05-01T15:30:41Z | cs.CL, cs.AI | Large language model alignment is widely used and studied to avoid LLM
producing unhelpful and harmful responses. However, the lengthy training
process and predefined preference bias hinder adaptation to online diverse
human preferences. To this end, this paper proposes an alignment framework,
called Reinforcement Learning with Human Behavior (RLHB), to align LLMs by
directly leveraging real online human behaviors. By taking the generative
adversarial framework, the generator is trained to respond following expected
human behavior; while the discriminator tries to verify whether the triplets of
query, response, and human behavior come from real online environments.
Behavior modeling in natural-language form and the multi-model joint training
mechanism enable an active and sustainable online alignment. Experimental
results confirm the effectiveness of our proposed methods by both human and
automatic evaluations. | cs.CL | The Real, the Better: Aligning Large Language Models with Online Human Behaviors |
2024-05-01T15:17:27Z | http://arxiv.org/pdf/2405.00566v1 | http://arxiv.org/abs/2405.00566v1 | Huan-Yi Su, Ke Wu, Yu-Hao Huang, Wu-Jun Li | 2024-05-01T15:17:27Z | cs.CE, cs.CL, q-fin.GN | Recently, many works have proposed various financial large language models
(FinLLMs) by pre-training from scratch or fine-tuning open-sourced LLMs on
financial corpora. However, existing FinLLMs exhibit unsatisfactory performance
in understanding financial text when numeric variables are involved in
questions. In this paper, we propose a novel LLM, called numeric-sensitive
large language model (NumLLM), for Chinese finance. We first construct a
financial corpus from financial textbooks which is essential for improving
numeric capability of LLMs during fine-tuning. After that, we train two
individual low-rank adaptation (LoRA) modules by fine-tuning on our constructed
financial corpus. One module is for adapting general-purpose LLMs to financial
domain, and the other module is for enhancing the ability of NumLLM to
understand financial text with numeric variables. Lastly, we merge the two LoRA
modules into the foundation model to obtain NumLLM for inference. Experiments
on financial question-answering benchmark show that NumLLM can boost the
performance of the foundation model and can achieve the best overall
performance compared to all baselines, on both numeric and non-numeric
questions. | cs.CE | NumLLM: Numeric-Sensitive Large Language Model for Chinese Finance |
2024-05-01T15:06:05Z | http://arxiv.org/pdf/2405.00557v2 | http://arxiv.org/abs/2405.00557v2 | Zhili Liu, Yunhao Gou, Kai Chen, Lanqing Hong, Jiahui Gao, Fei Mi, Yu Zhang, Zhenguo Li, Xin Jiang, Qun Liu, James T. Kwok | 2024-07-03T15:04:25Z | cs.CL, cs.AI | As the capabilities of large language models (LLMs) have expanded
dramatically, aligning these models with human values presents a significant
challenge. Traditional alignment strategies rely heavily on human intervention,
such as Supervised Fine-Tuning (SFT) and Reinforcement Learning from Human
Feedback (RLHF), or on the self-alignment capacities of LLMs, which usually
require a strong LLM's emergent ability to improve its original bad answer. To
address these challenges, we propose a novel self-alignment method that
utilizes a Chain of Thought (CoT) approach, termed AlignCoT. This method
encompasses stages of Question Analysis, Answer Guidance, and Safe Answer
production. It is designed to enable LLMs to generate high-quality, safe
responses throughout various stages of their development. Furthermore, we
introduce the Mixture of insighTful Experts (MoTE) architecture, which applies
mixture of experts to enhance each component of the AlignCoT process, markedly
increasing alignment efficiency. The MoTE approach not only outperforms
existing methods in aligning LLMs with human values but also highlights the
benefits of using self-generated data, revealing the dual benefits of improved
alignment and training efficiency. | cs.CL | Mixture of insighTful Experts (MoTE): The Synergy of Thought Chains and Expert Mixtures in Self-Alignment |
2024-05-01T14:29:03Z | http://arxiv.org/pdf/2405.00543v1 | http://arxiv.org/abs/2405.00543v1 | Quy Hoang Nguyen, Minh-Van Truong Nguyen, Kiet Van Nguyen | 2024-05-01T14:29:03Z | cs.CL, cs.AI | The emergence of multimodal data on social media platforms presents new
opportunities to better understand user sentiments toward a given aspect.
However, existing multimodal datasets for Aspect-Category Sentiment Analysis
(ACSA) often focus on textual annotations, neglecting fine-grained information
in images. Consequently, these datasets fail to fully exploit the richness
inherent in multimodal. To address this, we introduce a new Vietnamese
multimodal dataset, named ViMACSA, which consists of 4,876 text-image pairs
with 14,618 fine-grained annotations for both text and image in the hotel
domain. Additionally, we propose a Fine-Grained Cross-Modal Fusion Framework
(FCMF) that effectively learns both intra- and inter-modality interactions and
then fuses these information to produce a unified multimodal representation.
Experimental results show that our framework outperforms SOTA models on the
ViMACSA dataset, achieving the highest F1 score of 79.73%. We also explore
characteristics and challenges in Vietnamese multimodal sentiment analysis,
including misspellings, abbreviations, and the complexities of the Vietnamese
language. This work contributes both a benchmark dataset and a new framework
that leverages fine-grained multimodal information to improve multimodal
aspect-category sentiment analysis. Our dataset is available for research
purposes:
https://github.com/hoangquy18/Multimodal-Aspect-Category-Sentiment-Analysis. | cs.CL | New Benchmark Dataset and Fine-Grained Cross-Modal Fusion Framework for Vietnamese Multimodal Aspect-Category Sentiment Analysis |
2024-05-01T14:18:50Z | http://arxiv.org/pdf/2405.00536v1 | http://arxiv.org/abs/2405.00536v1 | Rúben Almeida, Evelin Amorim | 2024-05-01T14:18:50Z | cs.CL, cs.ET, 68T50, K.5.0 | Recent advances in deep learning have promoted the advent of many
computational systems capable of performing intelligent actions that, until
then, were restricted to the human intellect. In the particular case of human
languages, these advances allowed the introduction of applications like ChatGPT
that are capable of generating coherent text without being explicitly
programmed to do so. Instead, these models use large volumes of textual data to
learn meaningful representations of human languages. Associated with these
advances, concerns about copyright and data privacy infringements caused by
these applications have emerged. Despite these concerns, the pace at which new
natural language processing applications continued to be developed largely
outperformed the introduction of new regulations. Today, communication barriers
between legal experts and computer scientists motivate many unintentional legal
infringements during the development of such applications. In this paper, a
multidisciplinary team intends to bridge this communication gap and promote
more compliant Portuguese NLP research by presenting a series of everyday NLP
use cases, while highlighting the Portuguese legislation that may arise during
its development. | cs.CL | A Legal Framework for Natural Language Processing Model Training in Portugal |
2024-05-01T13:58:09Z | http://arxiv.org/pdf/2405.00523v1 | http://arxiv.org/abs/2405.00523v1 | Donghee Choi, Mogan Gim, Donghyeon Park, Mujeen Sung, Hyunjae Kim, Jaewoo Kang, Jihun Choi | 2024-05-01T13:58:09Z | cs.AI, cs.CL | This paper introduces CookingSense, a descriptive collection of knowledge
assertions in the culinary domain extracted from various sources, including web
data, scientific papers, and recipes, from which knowledge covering a broad
range of aspects is acquired. CookingSense is constructed through a series of
dictionary-based filtering and language model-based semantic filtering
techniques, which results in a rich knowledgebase of multidisciplinary
food-related assertions. Additionally, we present FoodBench, a novel benchmark
to evaluate culinary decision support systems. From evaluations with FoodBench,
we empirically prove that CookingSense improves the performance of retrieval
augmented language models. We also validate the quality and variety of
assertions in CookingSense through qualitative analysis. | cs.AI | CookingSense: A Culinary Knowledgebase with Multidisciplinary Assertions |
2024-05-01T13:58:01Z | http://arxiv.org/pdf/2405.00522v1 | http://arxiv.org/abs/2405.00522v1 | Yihang Fu, Mingyu Zhou, Luyao Zhang | 2024-05-01T13:58:01Z | econ.GN, cs.CE, cs.CL, cs.CR, q-fin.CP, q-fin.EC | In the distributed systems landscape, Blockchain has catalyzed the rise of
cryptocurrencies, merging enhanced security and decentralization with
significant investment opportunities. Despite their potential, current research
on cryptocurrency trend forecasting often falls short by simplistically merging
sentiment data without fully considering the nuanced interplay between
financial market dynamics and external sentiment influences. This paper
presents a novel Dual Attention Mechanism (DAM) for forecasting cryptocurrency
trends using multimodal time-series data. Our approach, which integrates
critical cryptocurrency metrics with sentiment data from news and social media
analyzed through CryptoBERT, addresses the inherent volatility and prediction
challenges in cryptocurrency markets. By combining elements of distributed
systems, natural language processing, and financial forecasting, our method
outperforms conventional models like LSTM and Transformer by up to 20\% in
prediction accuracy. This advancement deepens the understanding of distributed
systems and has practical implications in financial markets, benefiting
stakeholders in cryptocurrency and blockchain technologies. Moreover, our
enhanced forecasting approach can significantly support decentralized science
(DeSci) by facilitating strategic planning and the efficient adoption of
blockchain technologies, improving operational efficiency and financial risk
management in the rapidly evolving digital asset domain, thus ensuring optimal
resource allocation. | econ.GN | DAM: A Universal Dual Attention Mechanism for Multimodal Timeseries Cryptocurrency Trend Forecasting |
2024-05-01T13:51:45Z | http://arxiv.org/pdf/2405.00516v1 | http://arxiv.org/abs/2405.00516v1 | Lucas-Andreï Thil, Mirela Popa, Gerasimos Spanakis | 2024-05-01T13:51:45Z | cs.LG, cs.AI, cs.CL, 68T07, I.2.7; I.2.8; I.2.1 | Recent advancements in language models have demonstrated remarkable
improvements in various natural language processing (NLP) tasks such as web
navigation. Supervised learning (SL) approaches have achieved impressive
performance while utilizing significantly less training data compared to
previous methods. However, these SL-based models fall short when compared to
reinforcement learning (RL) approaches, which have shown superior results. In
this paper, we propose a novel approach that combines SL and RL techniques over
the MiniWoB benchmark to leverage the strengths of both methods. We also
address a critical limitation in previous models' understanding of HTML
content, revealing a tendency to memorize target elements rather than
comprehend the underlying structure. To rectify this, we propose methods to
enhance true understanding and present a new baseline of results. Our
experiments demonstrate that our approach outperforms previous SL methods on
certain tasks using less data and narrows the performance gap with RL models,
achieving 43.58\% average accuracy in SL and 36.69\% when combined with a
multimodal RL approach. This study sets a new direction for future web
navigation and offers insights into the limitations and potential of language
modeling for computer tasks. | cs.LG | Navigating WebAI: Training Agents to Complete Web Tasks with Large Language Models and Reinforcement Learning |
2024-05-01T13:00:51Z | http://arxiv.org/pdf/2405.00494v1 | http://arxiv.org/abs/2405.00494v1 | Jiaxin Zhang, Yashar Moshfeghi | 2024-05-01T13:00:51Z | cs.AI, cs.CL | Addressing the challenge of automated geometry math problem-solving in
artificial intelligence (AI) involves understanding multi-modal information and
mathematics. Current methods struggle with accurately interpreting geometry
diagrams, which hinders effective problem-solving. To tackle this issue, we
present the Geometry problem sOlver with natural Language Description (GOLD)
model. GOLD enhances the extraction of geometric relations by separately
processing symbols and geometric primitives within the diagram. Subsequently,
it converts the extracted relations into natural language descriptions,
efficiently utilizing large language models to solve geometry math problems.
Experiments show that the GOLD model outperforms the Geoformer model, the
previous best method on the UniGeo dataset, by achieving accuracy improvements
of 12.7% and 42.1% in calculation and proving subsets. Additionally, it
surpasses the former best model on the PGPS9K and Geometry3K datasets, PGPSNet,
by obtaining accuracy enhancements of 1.8% and 3.2%, respectively. | cs.AI | GOLD: Geometry Problem Solver with Natural Language Description |
2024-05-01T12:59:37Z | http://arxiv.org/pdf/2405.00492v1 | http://arxiv.org/abs/2405.00492v1 | Max Peeperkorn, Tom Kouwenhoven, Dan Brown, Anna Jordanous | 2024-05-01T12:59:37Z | cs.CL, cs.AI | Large language models (LLMs) are applied to all sorts of creative tasks, and
their outputs vary from beautiful, to peculiar, to pastiche, into plain
plagiarism. The temperature parameter of an LLM regulates the amount of
randomness, leading to more diverse outputs; therefore, it is often claimed to
be the creativity parameter. Here, we investigate this claim using a narrative
generation task with a predetermined fixed context, model and prompt.
Specifically, we present an empirical analysis of the LLM output for different
temperature values using four necessary conditions for creativity in narrative
generation: novelty, typicality, cohesion, and coherence. We find that
temperature is weakly correlated with novelty, and unsurprisingly, moderately
correlated with incoherence, but there is no relationship with either cohesion
or typicality. However, the influence of temperature on creativity is far more
nuanced and weak than suggested by the "creativity parameter" claim; overall
results suggest that the LLM generates slightly more novel outputs as
temperatures get higher. Finally, we discuss ideas to allow more controlled LLM
creativity, rather than relying on chance via changing the temperature
parameter. | cs.CL | Is Temperature the Creativity Parameter of Large Language Models? |
2024-05-01T12:56:14Z | http://arxiv.org/pdf/2405.00489v1 | http://arxiv.org/abs/2405.00489v1 | Aubrey Condor, Zachary Pardos | 2024-05-01T12:56:14Z | cs.LG, cs.CL, stat.AP | The use of automatic short answer grading (ASAG) models may help alleviate
the time burden of grading while encouraging educators to frequently
incorporate open-ended items in their curriculum. However, current
state-of-the-art ASAG models are large neural networks (NN) often described as
"black box", providing no explanation for which characteristics of an input are
important for the produced output. This inexplicable nature can be frustrating
to teachers and students when trying to interpret, or learn from an
automatically-generated grade. To create a powerful yet intelligible ASAG
model, we experiment with a type of model called a Neural Additive Model that
combines the performance of a NN with the explainability of an additive model.
We use a Knowledge Integration (KI) framework from the learning sciences to
guide feature engineering to create inputs that reflect whether a student
includes certain ideas in their response. We hypothesize that indicating the
inclusion (or exclusion) of predefined ideas as features will be sufficient for
the NAM to have good predictive power and interpretability, as this may guide a
human scorer using a KI rubric. We compare the performance of the NAM with
another explainable model, logistic regression, using the same features, and to
a non-explainable neural model, DeBERTa, that does not require feature
engineering. | cs.LG | Explainable Automatic Grading with Neural Additive Models |
2024-05-01T12:04:28Z | http://arxiv.org/pdf/2405.00467v1 | http://arxiv.org/abs/2405.00467v1 | KV Aditya Srivatsa, Kaushal Kumar Maurya, Ekaterina Kochmar | 2024-05-01T12:04:28Z | cs.CL | With the rapid development of LLMs, it is natural to ask how to harness their
capabilities efficiently. In this paper, we explore whether it is feasible to
direct each input query to a single most suitable LLM. To this end, we propose
LLM routing for challenging reasoning tasks. Our extensive experiments suggest
that such routing shows promise but is not feasible in all scenarios, so more
robust approaches should be investigated to fill this gap. | cs.CL | Harnessing the Power of Multiple Minds: Lessons Learned from LLM Routing |
2024-05-01T12:01:39Z | http://arxiv.org/pdf/2405.00465v3 | http://arxiv.org/abs/2405.00465v3 | Mingchen Li, Halil Kilicoglu, Hua Xu, Rui Zhang | 2024-05-03T01:12:08Z | cs.CL | Large Language Models (LLMs) have swiftly emerged as vital resources for
different applications in the biomedical and healthcare domains; however, these
models encounter issues such as generating inaccurate information or
hallucinations. Retrieval-augmented generation provided a solution for these
models to update knowledge and enhance their performance. In contrast to
previous retrieval-augmented LMs, which utilize specialized cross-attention
mechanisms to help LLM encode retrieved text, BiomedRAG adopts a simpler
approach by directly inputting the retrieved chunk-based documents into the
LLM. This straightforward design is easily applicable to existing retrieval and
language models, effectively bypassing noise information in retrieved
documents, particularly in noise-intensive tasks. Moreover, we demonstrate the
potential for utilizing the LLM to supervise the retrieval model in the
biomedical domain, enabling it to retrieve the document that assists the LM in
improving its predictions. Our experiments reveal that with the tuned
scorer,\textsc{ BiomedRAG} attains superior performance across 5 biomedical NLP
tasks, encompassing information extraction (triple extraction, relation
extraction), text classification, link prediction, and question-answering,
leveraging over 9 datasets. For instance, in the triple extraction task,
\textsc{BiomedRAG} outperforms other triple extraction systems with micro-F1
scores of 81.42 and 88.83 on GIT and ChemProt corpora, respectively. | cs.CL | BiomedRAG: A Retrieval Augmented Large Language Model for Biomedicine |
2024-05-01T11:39:38Z | http://arxiv.org/pdf/2405.00461v1 | http://arxiv.org/abs/2405.00461v1 | Huan Xu, Jinlin Wu, Guanglin Cao, Zhen Lei, Zhen Chen, Hongbin Liu | 2024-05-01T11:39:38Z | cs.RO, cs.AI, cs.CL, cs.HC | Ultrasound robots are increasingly used in medical diagnostics and early
disease screening. However, current ultrasound robots lack the intelligence to
understand human intentions and instructions, hindering autonomous ultrasound
scanning. To solve this problem, we propose a novel Ultrasound Embodied
Intelligence system that equips ultrasound robots with the large language model
(LLM) and domain knowledge, thereby improving the efficiency of ultrasound
robots. Specifically, we first design an ultrasound operation knowledge
database to add expertise in ultrasound scanning to the LLM, enabling the LLM
to perform precise motion planning. Furthermore, we devise a dynamic ultrasound
scanning strategy based on a \textit{think-observe-execute} prompt engineering,
allowing LLMs to dynamically adjust motion planning strategies during the
scanning procedures. Extensive experiments demonstrate that our system
significantly improves ultrasound scan efficiency and quality from verbal
commands. This advancement in autonomous medical scanning technology
contributes to non-invasive diagnostics and streamlined medical workflows. | cs.RO | Enhancing Surgical Robots with Embodied Intelligence for Autonomous Ultrasound Scanning |
2024-05-01T11:06:31Z | http://arxiv.org/pdf/2405.00449v1 | http://arxiv.org/abs/2405.00449v1 | Mohamed Manzour Hussien, Angie Nataly Melo, Augusto Luis Ballardini, Carlota Salinas Maldonado, Rubén Izquierdo, Miguel Ángel Sotelo | 2024-05-01T11:06:31Z | cs.LG, cs.AI, cs.CL, cs.IR, cs.NE | Prediction of road users' behaviors in the context of autonomous driving has
gained considerable attention by the scientific community in the last years.
Most works focus on predicting behaviors based on kinematic information alone,
a simplification of the reality since road users are humans, and as such they
are highly influenced by their surrounding context. In addition, a large
plethora of research works rely on powerful Deep Learning techniques, which
exhibit high performance metrics in prediction tasks but may lack the ability
to fully understand and exploit the contextual semantic information contained
in the road scene, not to mention their inability to provide explainable
predictions that can be understood by humans. In this work, we propose an
explainable road users' behavior prediction system that integrates the
reasoning abilities of Knowledge Graphs (KG) and the expressiveness
capabilities of Large Language Models (LLM) by using Retrieval Augmented
Generation (RAG) techniques. For that purpose, Knowledge Graph Embeddings (KGE)
and Bayesian inference are combined to allow the deployment of a fully
inductive reasoning system that enables the issuing of predictions that rely on
legacy information contained in the graph as well as on current evidence
gathered in real time by onboard sensors. Two use cases have been implemented
following the proposed approach: 1) Prediction of pedestrians' crossing
actions; 2) Prediction of lane change maneuvers. In both cases, the performance
attained surpasses the current state of the art in terms of anticipation and
F1-score, showing a promising avenue for future research in this field. | cs.LG | RAG-based Explainable Prediction of Road Users Behaviors for Automated Driving using Knowledge Graphs and Large Language Models |
2024-05-01T10:43:55Z | http://arxiv.org/pdf/2405.00438v1 | http://arxiv.org/abs/2405.00438v1 | Shihan Dou, Yan Liu, Enyu Zhou, Tianlong Li, Haoxiang Jia, Limao Xiong, Xin Zhao, Junjie Ye, Rui Zheng, Tao Gui, Qi Zhang, Xuanjing Huang | 2024-05-01T10:43:55Z | cs.LG, cs.CL | The success of Reinforcement Learning from Human Feedback (RLHF) in language
model alignment is critically dependent on the capability of the reward model
(RM). However, as the training process progresses, the output distribution of
the policy model shifts, leading to the RM's reduced ability to distinguish
between responses. This issue is further compounded when the RM, trained on a
specific data distribution, struggles to generalize to examples outside of that
distribution. These two issues can be united as a challenge posed by the
shifted distribution of the environment. To surmount this challenge, we
introduce MetaRM, a method leveraging meta-learning to align the RM with the
shifted environment distribution. MetaRM is designed to train the RM by
minimizing data loss, particularly for data that can improve the
differentiation ability to examples of the shifted target distribution.
Extensive experiments demonstrate that MetaRM significantly improves the RM's
distinguishing ability in iterative RLHF optimization, and also provides the
capacity to identify subtle differences in out-of-distribution samples. | cs.LG | MetaRM: Shifted Distributions Alignment via Meta-Learning |
2024-05-01T09:10:27Z | http://arxiv.org/pdf/2405.00402v1 | http://arxiv.org/abs/2405.00402v1 | Leonardo Ranaldi, Andrè Freitas | 2024-05-01T09:10:27Z | cs.CL | The alignments of reasoning abilities between smaller and larger Language
Models are largely conducted via Supervised Fine-Tuning (SFT) using
demonstrations generated from robust Large Language Models (LLMs). Although
these approaches deliver more performant models, they do not show sufficiently
strong generalization ability as the training only relies on the provided
demonstrations.
In this paper, we propose the Self-refine Instruction-tuning method that
elicits Smaller Language Models to self-refine their abilities. Our approach is
based on a two-stage process, where reasoning abilities are first transferred
between LLMs and Small Language Models (SLMs) via Instruction-tuning on
demonstrations provided by LLMs, and then the instructed models Self-refine
their abilities through preference optimization strategies. In particular, the
second phase operates refinement heuristics based on the Direct Preference
Optimization algorithm, where the SLMs are elicited to deliver a series of
reasoning paths by automatically sampling the generated responses and providing
rewards using ground truths from the LLMs. Results obtained on commonsense and
math reasoning tasks show that this approach significantly outperforms
Instruction-tuning in both in-domain and out-domain scenarios, aligning the
reasoning abilities of Smaller and Larger Language Models. | cs.CL | Self-Refine Instruction-Tuning for Aligning Reasoning in Language Models |
2024-05-01T08:55:16Z | http://arxiv.org/pdf/2405.01601v1 | http://arxiv.org/abs/2405.01601v1 | Yassir Fathullah, Mark J. F. Gales | 2024-05-01T08:55:16Z | cs.CL, cs.LG | Encoder-decoder foundation models have displayed state-of-the-art performance
on a range of autoregressive sequence tasks. This paper proposes a simple and
lightweight modification to such systems to control the behaviour according to
a specific attribute of interest. This paper proposes a novel
inference-efficient approach to modifying the behaviour of an encoder-decoder
system according to a specific attribute of interest. Specifically, we show
that a small proxy network can be used to find a sample-by-sample perturbation
of the encoder output of a frozen foundation model to trigger the decoder to
generate improved decodings. This work explores a specific realization of this
framework focused on improving the COMET performance of Flan-T5 on Machine
Translation and the WER of Whisper foundation models on Speech Recognition.
Results display consistent improvements in performance evaluated through COMET
and WER respectively. Furthermore, experiments also show that the proxies are
robust to the exact nature of the data used to train them and can extend to
other domains. | cs.CL | Efficient Sample-Specific Encoder Perturbations |
2024-05-01T08:44:44Z | http://arxiv.org/pdf/2405.00390v2 | http://arxiv.org/abs/2405.00390v2 | Hongzhan Lin, Zixin Chen, Ziyang Luo, Mingfei Cheng, Jing Ma, Guang Chen | 2024-05-20T07:25:27Z | cs.CL | Social media abounds with multimodal sarcasm, and identifying sarcasm targets
is particularly challenging due to the implicit incongruity not directly
evident in the text and image modalities. Current methods for Multimodal
Sarcasm Target Identification (MSTI) predominantly focus on superficial
indicators in an end-to-end manner, overlooking the nuanced understanding of
multimodal sarcasm conveyed through both the text and image. This paper
proposes a versatile MSTI framework with a coarse-to-fine paradigm, by
augmenting sarcasm explainability with reasoning and pre-training knowledge.
Inspired by the powerful capacity of Large Multimodal Models (LMMs) on
multimodal reasoning, we first engage LMMs to generate competing rationales for
coarser-grained pre-training of a small language model on multimodal sarcasm
detection. We then propose fine-tuning the model for finer-grained sarcasm
target identification. Our framework is thus empowered to adeptly unveil the
intricate targets within multimodal sarcasm and mitigate the negative impact
posed by potential noise inherently in LMMs. Experimental results demonstrate
that our model far outperforms state-of-the-art MSTI methods, and markedly
exhibits explainability in deciphering sarcasm as well. | cs.CL | CofiPara: A Coarse-to-fine Paradigm for Multimodal Sarcasm Target Identification with Large Multimodal Models |
2024-05-01T08:02:10Z | http://arxiv.org/pdf/2405.15787v1 | http://arxiv.org/abs/2405.15787v1 | Neris Özen, Wenjuan Mu, Esther D. van Asselt, Leonieke M. van den Bulk | 2024-05-01T08:02:10Z | cs.IR, cs.CL | The number of scientific articles published in the domain of food safety has
consistently been increasing over the last few decades. It has therefore become
unfeasible for food safety experts to read all relevant literature related to
food safety and the occurrence of hazards in the food chain. However, it is
important that food safety experts are aware of the newest findings and can
access this information in an easy and concise way. In this study, an approach
is presented to automate the extraction of chemical hazards from the scientific
literature through large language models. The large language model was used
out-of-the-box and applied on scientific abstracts; no extra training of the
models or a large computing cluster was required. Three different styles of
prompting the model were tested to assess which was the most optimal for the
task at hand. The prompts were optimized with two validation foods (leafy
greens and shellfish) and the final performance of the best prompt was
evaluated using three test foods (dairy, maize and salmon). The specific
wording of the prompt was found to have a considerable effect on the results. A
prompt breaking the task down into smaller steps performed best overall. This
prompt reached an average accuracy of 93% and contained many chemical
contaminants already included in food monitoring programs, validating the
successful retrieval of relevant hazards for the food safety domain. The
results showcase how valuable large language models can be for the task of
automatic information extraction from the scientific literature. | cs.IR | Extracting chemical food safety hazards from the scientific literature automatically using large language models |
2024-05-01T07:33:43Z | http://arxiv.org/pdf/2405.00361v1 | http://arxiv.org/abs/2405.00361v1 | Zefang Liu, Jiahua Luo | 2024-05-01T07:33:43Z | cs.CL | We introduce AdaMoLE, a novel method for fine-tuning large language models
(LLMs) through an Adaptive Mixture of Low-Rank Adaptation (LoRA) Experts.
Moving beyond conventional methods that employ a static top-k strategy for
activating experts, AdaMoLE dynamically adjusts the activation threshold using
a dedicated threshold network, adaptively responding to the varying
complexities of different tasks. By replacing a single LoRA in a layer with
multiple LoRA experts and integrating a gating function with the threshold
mechanism, AdaMoLE effectively selects and activates the most appropriate
experts based on the input context. Our extensive evaluations across a variety
of commonsense reasoning and natural language processing tasks show that
AdaMoLE exceeds baseline performance. This enhancement highlights the
advantages of AdaMoLE's adaptive selection of LoRA experts, improving model
effectiveness without a corresponding increase in the expert count. The
experimental validation not only confirms AdaMoLE as a robust approach for
enhancing LLMs but also suggests valuable directions for future research in
adaptive expert selection mechanisms, potentially broadening the scope for
optimizing model performance across diverse language processing tasks. | cs.CL | AdaMoLE: Fine-Tuning Large Language Models with Adaptive Mixture of Low-Rank Adaptation Experts |
2024-05-01T05:52:05Z | http://arxiv.org/pdf/2405.00332v3 | http://arxiv.org/abs/2405.00332v3 | Hugh Zhang, Jeff Da, Dean Lee, Vaughn Robinson, Catherine Wu, Will Song, Tiffany Zhao, Pranav Raja, Dylan Slack, Qin Lyu, Sean Hendryx, Russell Kaplan, Michele Lunati, Summer Yue | 2024-05-03T17:53:26Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have achieved impressive success on many
benchmarks for mathematical reasoning. However, there is growing concern that
some of this performance actually reflects dataset contamination, where data
closely resembling benchmark questions leaks into the training data, instead of
true reasoning ability. To investigate this claim rigorously, we commission
Grade School Math 1000 (GSM1k). GSM1k is designed to mirror the style and
complexity of the established GSM8k benchmark, the gold standard for measuring
elementary mathematical reasoning. We ensure that the two benchmarks are
comparable across important metrics such as human solve rates, number of steps
in solution, answer magnitude, and more. When evaluating leading open- and
closed-source LLMs on GSM1k, we observe accuracy drops of up to 13%, with
several families of models (e.g., Phi and Mistral) showing evidence of
systematic overfitting across almost all model sizes. At the same time, many
models, especially those on the frontier, (e.g., Gemini/GPT/Claude) show
minimal signs of overfitting. Further analysis suggests a positive relationship
(Spearman's r^2=0.32) between a model's probability of generating an example
from GSM8k and its performance gap between GSM8k and GSM1k, suggesting that
many models may have partially memorized GSM8k. | cs.CL | A Careful Examination of Large Language Model Performance on Grade School Arithmetic |
2024-05-01T05:03:08Z | http://arxiv.org/pdf/2405.00321v1 | http://arxiv.org/abs/2405.00321v1 | Bhuvanesh Verma, Lisa Raithel | 2024-05-01T05:03:08Z | cs.CL | The NLI4CT task at SemEval-2024 emphasizes the development of robust models
for Natural Language Inference on Clinical Trial Reports (CTRs) using large
language models (LLMs). This edition introduces interventions specifically
targeting the numerical, vocabulary, and semantic aspects of CTRs. Our proposed
system harnesses the capabilities of the state-of-the-art Mistral model,
complemented by an auxiliary model, to focus on the intricate input space of
the NLI4CT dataset. Through the incorporation of numerical and acronym-based
perturbations to the data, we train a robust system capable of handling both
semantic-altering and numerical contradiction interventions. Our analysis on
the dataset sheds light on the challenging sections of the CTRs for reasoning. | cs.CL | DFKI-NLP at SemEval-2024 Task 2: Towards Robust LLMs Using Data Perturbations and MinMax Training |
2024-05-01T03:52:39Z | http://arxiv.org/pdf/2405.00302v3 | http://arxiv.org/abs/2405.00302v3 | Hasnain Heickal, Andrew Lan | 2024-05-08T20:38:58Z | cs.CL | In feedback generation for logical errors in programming assignments, large
language model (LLM)-based methods have shown great promise. These methods ask
the LLM to generate feedback given the problem statement and a student's
(buggy) submission. There are several issues with these types of methods.
First, the generated feedback messages are often too direct in revealing the
error in the submission and thus diminish valuable opportunities for the
student to learn. Second, they do not consider the student's learning context,
i.e., their previous submissions, current knowledge, etc. Third, they are not
layered since existing methods use a single, shared prompt for all student
submissions. In this paper, we explore using LLMs to generate a
"feedback-ladder", i.e., multiple levels of feedback for the same
problem-submission pair. We evaluate the quality of the generated
feedback-ladder via a user study with students, educators, and researchers. We
have observed diminishing effectiveness for higher-level feedback and
higher-scoring submissions overall in the study. In practice, our method
enables teachers to select an appropriate level of feedback to show to a
student based on their personal learning context, or in a progressive manner to
go more detailed if a higher-level feedback fails to correct the student's
error. | cs.CL | Generating Feedback-Ladders for Logical Errors in Programming using Large Language Models |
2024-05-01T03:50:09Z | http://arxiv.org/pdf/2405.00301v3 | http://arxiv.org/abs/2405.00301v3 | Farima Fatahi Bayat, Xin Liu, H. V. Jagadish, Lu Wang | 2024-06-07T01:41:15Z | cs.CL | Large language models (LLMs) can generate long-form and coherent text, yet
they often hallucinate facts, which undermines their reliability. To mitigate
this issue, inference-time methods steer LLM representations toward the
"truthful directions" previously learned for truth elicitation. However,
applying these truthful directions with the same intensity fails to generalize
across different query contexts. We propose LITO, a Learnable Intervention
method for Truthfulness Optimization that automatically identifies the optimal
intervention intensity tailored to each specific context. LITO explores a
sequence of model generations based on increasing levels of intervention
intensities. It selects the most accurate response or refuses to answer when
the predictions are highly uncertain. Experiments on multiple LLMs and
question-answering datasets demonstrate that LITO improves truthfulness while
preserving task accuracy. The adaptive nature of LITO counters the limitations
of one-size-fits-all intervention methods, maximizing truthfulness by
reflecting the model's internal knowledge only when it is confident. Our code
is available at https://github.com/launchnlp/LITO. | cs.CL | Enhanced Language Model Truthfulness with Learnable Intervention and Uncertainty Expression |
2024-05-01T02:59:10Z | http://arxiv.org/pdf/2405.00291v1 | http://arxiv.org/abs/2405.00291v1 | Jionghao Lin, Eason Chen, Zeifei Han, Ashish Gurung, Danielle R. Thomas, Wei Tan, Ngoc Dang Nguyen, Kenneth R. Koedinger | 2024-05-01T02:59:10Z | cs.CL, cs.AI, cs.HC | Automated explanatory feedback systems play a crucial role in facilitating
learning for a large cohort of learners by offering feedback that incorporates
explanations, significantly enhancing the learning process. However, delivering
such explanatory feedback in real-time poses challenges, particularly when high
classification accuracy for domain-specific, nuanced responses is essential.
Our study leverages the capabilities of large language models, specifically
Generative Pre-Trained Transformers (GPT), to explore a sequence labeling
approach focused on identifying components of desired and less desired praise
for providing explanatory feedback within a tutor training dataset. Our aim is
to equip tutors with actionable, explanatory feedback during online training
lessons. To investigate the potential of GPT models for providing the
explanatory feedback, we employed two commonly-used approaches: prompting and
fine-tuning. To quantify the quality of highlighted praise components
identified by GPT models, we introduced a Modified Intersection over Union
(M-IoU) score. Our findings demonstrate that: (1) the M-IoU score effectively
correlates with human judgment in evaluating sequence quality; (2) using
two-shot prompting on GPT-3.5 resulted in decent performance in recognizing
effort-based (M-IoU of 0.46) and outcome-based praise (M-IoU of 0.68); and (3)
our optimally fine-tuned GPT-3.5 model achieved M-IoU scores of 0.64 for
effort-based praise and 0.84 for outcome-based praise, aligning with the
satisfaction levels evaluated by human coders. Our results show promise for
using GPT models to provide feedback that focuses on specific elements in their
open-ended responses that are desirable or could use improvement. | cs.CL | How Can I Improve? Using GPT to Highlight the Desired and Undesired Parts of Open-ended Responses |
2024-05-01T02:49:18Z | http://arxiv.org/pdf/2405.00289v2 | http://arxiv.org/abs/2405.00289v2 | Zhenning Yang, Ryan Krawec, Liang-Yuan Wu | 2024-05-02T03:37:08Z | cs.CL, cs.AI | As the deployment of NLP systems in critical applications grows, ensuring the
robustness of large language models (LLMs) against adversarial attacks becomes
increasingly important. Large language models excel in various NLP tasks but
remain vulnerable to low-cost adversarial attacks. Focusing on the domain of
conversation entailment, where multi-turn dialogues serve as premises to verify
hypotheses, we fine-tune a transformer model to accurately discern the
truthfulness of these hypotheses. Adversaries manipulate hypotheses through
synonym swapping, aiming to deceive the model into making incorrect
predictions. To counteract these attacks, we implemented innovative fine-tuning
techniques and introduced an embedding perturbation loss method to
significantly bolster the model's robustness. Our findings not only emphasize
the importance of defending against adversarial attacks in NLP but also
highlight the real-world implications, suggesting that enhancing model
robustness is critical for reliable NLP applications. | cs.CL | Adversarial Attacks and Defense for Conversation Entailment Task |
2024-05-01T01:45:50Z | http://arxiv.org/pdf/2405.00273v1 | http://arxiv.org/abs/2405.00273v1 | Zihan Yan, Yaohong Xiang, Yun Huang | 2024-05-01T01:45:50Z | cs.CL, cs.HC | Non-cognitive skills are crucial for personal and social life well-being, and
such skill development can be supported by narrative-based (e.g., storytelling)
technologies. While generative AI enables interactive and role-playing
storytelling, little is known about how users engage with and perceive the use
of AI in social life simulation for non-cognitive skills learning. To this end,
we introduced SimuLife++, an interactive platform enabled by a large language
model (LLM). The system allows users to act as protagonists, creating stories
with one or multiple AI-based characters in diverse social scenarios. In
particular, we expanded the Human-AI interaction to a Human-AI-AI collaboration
by including a sage agent, who acts as a bystander to provide users with more
insightful perspectives on their choices and conversations. Through a
within-subject user study, we found that the inclusion of the sage agent
significantly enhanced narrative immersion, according to the narrative
transportation scale, leading to more messages, particularly in group chats.
Participants' interactions with the sage agent were also associated with
significantly higher scores in their perceived motivation, self-perceptions,
and resilience and coping, indicating positive impacts on non-cognitive skills
reflection. Participants' interview results further explained the sage agent's
aid in decision-making, solving ethical dilemmas, and problem-solving; on the
other hand, they suggested improvements in user control and balanced responses
from multiple characters. We provide design implications on the application of
generative AI in narrative solutions for non-cognitive skill development in
broader social contexts. | cs.CL | Social Life Simulation for Non-Cognitive Skills Learning |
2024-05-01T00:46:22Z | http://arxiv.org/pdf/2405.00263v1 | http://arxiv.org/abs/2405.00263v1 | Bin Xiao, Chunan Shi, Xiaonan Nie, Fan Yang, Xiangwei Deng, Lei Su, Weipeng Chen, Bin Cui | 2024-05-01T00:46:22Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) suffer from low efficiency as the mismatch
between the requirement of auto-regressive decoding and the design of most
contemporary GPUs. Specifically, billions to trillions of parameters must be
loaded to the GPU cache through its limited memory bandwidth for computation,
but only a small batch of tokens is actually computed. Consequently, the GPU
spends most of its time on memory transfer instead of computation. Recently,
parallel decoding, a type of speculative decoding algorithms, is becoming more
popular and has demonstrated impressive efficiency improvement in generation.
It introduces extra decoding heads to large models, enabling them to predict
multiple subsequent tokens simultaneously and verify these candidate
continuations in a single decoding step. However, this approach deviates from
the training objective of next token prediction used during pre-training,
resulting in a low hit rate for candidate tokens. In this paper, we propose a
new speculative decoding algorithm, Clover, which integrates sequential
knowledge into the parallel decoding process. This enhancement improves the hit
rate of speculators and thus boosts the overall efficiency. Clover transmits
the sequential knowledge from pre-speculated tokens via the Regressive
Connection, then employs an Attention Decoder to integrate these speculated
tokens. Additionally, Clover incorporates an Augmenting Block that modifies the
hidden states to better align with the purpose of speculative generation rather
than next token prediction. The experiment results demonstrate that Clover
outperforms the baseline by up to 91% on Baichuan-Small and 146% on
Baichuan-Large, respectively, and exceeds the performance of the previously
top-performing method, Medusa, by up to 37% on Baichuan-Small and 57% on
Baichuan-Large, respectively. | cs.CL | Clover: Regressive Lightweight Speculative Decoding with Sequential Knowledge |
2024-04-30T23:56:38Z | http://arxiv.org/pdf/2405.00253v2 | http://arxiv.org/abs/2405.00253v2 | Yuchen Tian, Weixiang Yan, Qian Yang, Qian Chen, Wen Wang, Ziyang Luo, Lei Ma | 2024-06-26T20:28:36Z | cs.CL, cs.SE | Large Language Models (LLMs) have made significant progress in code
generation, providing developers with unprecedented automated programming
support. However, LLMs often generate code that is syntactically correct and
even semantically plausible but may not execute as expected or meet specified
requirements. This phenomenon of hallucinations in the code domain has not been
systematically explored. To enhance the community's understanding and research
on this issue, we introduce the concept of code hallucinations and propose a
classification method for code hallucination based on execution verification.
We classify code hallucinations into four main types: mapping, naming,
resource, and logic hallucinations, with each category further divided into
different subcategories to understand and address the unique challenges faced
by LLMs in code generation with finer granularity. Additionally, we develop a
dynamic detection algorithm named CodeHalu to quantify code hallucinations and
establish the CodeHaluEval benchmark, which includes 8,883 samples from 699
tasks to systematically and quantitatively evaluate code hallucinations. By
evaluating 17 popular LLMs on this benchmark, we reveal significant differences
in their accuracy and reliability in code generation and provide detailed
insights for further improving the code generation capabilities of LLMs. The
CodeHalu benchmark and code are publicly available at
https://github.com/yuchen814/CodeHalu. | cs.CL | CodeHalu: Code Hallucinations in LLMs Driven by Execution-based Verification |
2024-04-30T21:41:53Z | http://arxiv.org/pdf/2405.00216v1 | http://arxiv.org/abs/2405.00216v1 | Yicheng Tao, Yiqun Wang, Longju Bai | 2024-04-30T21:41:53Z | cs.CL, cs.AI, cs.LG | This paper presents a comprehensive exploration of relation extraction
utilizing advanced language models, specifically Chain of Thought (CoT) and
Graphical Reasoning (GRE) techniques. We demonstrate how leveraging in-context
learning with GPT-3.5 can significantly enhance the extraction process,
particularly through detailed example-based reasoning. Additionally, we
introduce a novel graphical reasoning approach that dissects relation
extraction into sequential sub-tasks, improving precision and adaptability in
processing complex relational data. Our experiments, conducted on multiple
datasets, including manually annotated data, show considerable improvements in
performance metrics, underscoring the effectiveness of our methodologies. | cs.CL | Graphical Reasoning: LLM-based Semi-Open Relation Extraction |
2024-04-30T21:20:17Z | http://arxiv.org/pdf/2405.00208v2 | http://arxiv.org/abs/2405.00208v2 | Javier Ferrando, Gabriele Sarti, Arianna Bisazza, Marta R. Costa-jussà | 2024-05-02T01:29:17Z | cs.CL | The rapid progress of research aimed at interpreting the inner workings of
advanced language models has highlighted a need for contextualizing the
insights gained from years of work in this area. This primer provides a concise
technical introduction to the current techniques used to interpret the inner
workings of Transformer-based language models, focusing on the generative
decoder-only architecture. We conclude by presenting a comprehensive overview
of the known internal mechanisms implemented by these models, uncovering
connections across popular approaches and active research directions in this
area. | cs.CL | A Primer on the Inner Workings of Transformer-based Language Models |
2024-04-30T21:15:17Z | http://arxiv.org/pdf/2405.00204v1 | http://arxiv.org/abs/2405.00204v1 | Robert Vacareanu, Anurag Pratik, Evangelia Spiliopoulou, Zheng Qi, Giovanni Paolini, Neha Anna John, Jie Ma, Yassine Benajiba, Miguel Ballesteros | 2024-04-30T21:15:17Z | cs.CL, cs.AI | Many of the recent capabilities demonstrated by Large Language Models (LLMs)
arise primarily from their ability to exploit contextual information. In this
paper, we explore ways to improve reasoning capabilities of LLMs through (1)
exploration of different chains of thought and (2) validation of the individual
steps of the reasoning process. We propose three general principles that a
model should adhere to while reasoning: (i) Relevance, (ii) Mathematical
Accuracy, and (iii) Logical Consistency. We apply these constraints to the
reasoning steps generated by the LLM to improve the accuracy of the final
generation. The constraints are applied in the form of verifiers: the model
itself is asked to verify if the generated steps satisfy each constraint. To
further steer the generations towards high-quality solutions, we use the
perplexity of the reasoning steps as an additional verifier. We evaluate our
method on 4 distinct types of reasoning tasks, spanning a total of 9 different
datasets. Experiments show that our method is always better than vanilla
generation, and, in 6 out of the 9 datasets, it is better than best-of N
sampling which samples N reasoning chains and picks the lowest perplexity
generation. | cs.CL | General Purpose Verification for Chain of Thought Prompting |
2024-04-30T21:07:32Z | http://arxiv.org/pdf/2405.00201v1 | http://arxiv.org/abs/2405.00201v1 | Samir Arora, Liangliang Wang | 2024-04-30T21:07:32Z | cs.CL, cs.AI | Full fine-tuning is a popular approach to adapt Transformer-based pre-trained
large language models to a specific downstream task. However, the substantial
requirements for computational power and storage have discouraged its
widespread use. Moreover, increasing evidence of catastrophic forgetting and
overparameterization in the Transformer architecture has motivated researchers
to seek more efficient fine-tuning (PEFT) methods. Commonly known
parameter-efficient fine-tuning methods like LoRA and BitFit are typically
applied across all layers of the model. We propose a PEFT method, called
Stratified Progressive Adaptation Fine-tuning (SPAFIT), based on the
localization of different types of linguistic knowledge to specific layers of
the model. Our experiments, conducted on nine tasks from the GLUE benchmark,
show that our proposed SPAFIT method outperforms other PEFT methods while
fine-tuning only a fraction of the parameters adjusted by other methods. | cs.CL | SPAFIT: Stratified Progressive Adaptation Fine-tuning for Pre-trained Large Language Models |
2024-04-30T21:06:52Z | http://arxiv.org/pdf/2405.00200v1 | http://arxiv.org/abs/2405.00200v1 | Amanda Bertsch, Maor Ivgi, Uri Alon, Jonathan Berant, Matthew R. Gormley, Graham Neubig | 2024-04-30T21:06:52Z | cs.CL | As model context lengths continue to increase, the number of demonstrations
that can be provided in-context approaches the size of entire training
datasets. We study the behavior of in-context learning (ICL) at this extreme
scale on multiple datasets and models. We show that, for many datasets with
large label spaces, performance continues to increase with hundreds or
thousands of demonstrations. We contrast this with example retrieval and
finetuning: example retrieval shows excellent performance at low context
lengths but has diminished gains with more demonstrations; finetuning is more
data hungry than ICL but can sometimes exceed long-context ICL performance with
additional data. We use this ICL setting as a testbed to study several
properties of both in-context learning and long-context models. We show that
long-context ICL is less sensitive to random input shuffling than short-context
ICL, that grouping of same-label examples can negatively impact performance,
and that the performance boosts we see do not arise from cumulative gain from
encoding many examples together. We conclude that although long-context ICL can
be surprisingly effective, most of this gain comes from attending back to
similar examples rather than task learning. | cs.CL | In-Context Learning with Long-Context Models: An In-Depth Exploration |
2024-04-30T19:51:37Z | http://arxiv.org/pdf/2405.00175v1 | http://arxiv.org/abs/2405.00175v1 | Alireza Salemi, Hamed Zamani | 2024-04-30T19:51:37Z | cs.CL, cs.IR | This paper introduces uRAG--a framework with a unified retrieval engine that
serves multiple downstream retrieval-augmented generation (RAG) systems. Each
RAG system consumes the retrieval results for a unique purpose, such as
open-domain question answering, fact verification, entity linking, and relation
extraction. We introduce a generic training guideline that standardizes the
communication between the search engine and the downstream RAG systems that
engage in optimizing the retrieval model. This lays the groundwork for us to
build a large-scale experimentation ecosystem consisting of 18 RAG systems that
engage in training and 18 unknown RAG systems that use the uRAG as the new
users of the search engine. Using this experimentation ecosystem, we answer a
number of fundamental research questions that improve our understanding of
promises and challenges in developing search engines for machines. | cs.CL | Towards a Search Engine for Machines: Unified Ranking for Multiple Retrieval-Augmented Large Language Models |
2024-04-30T19:05:22Z | http://arxiv.org/pdf/2405.00155v1 | http://arxiv.org/abs/2405.00155v1 | Andrei-Marius Avram, Andreea Iuga, George-Vlad Manolache, Vlad-Cristian Matei, Răzvan-Gabriel Micliuş, Vlad-Andrei Muntean, Manuel-Petru Sorlescu, Dragoş-Andrei Şerban, Adrian-Dinu Urse, Vasile Păiş, Dumitru-Clementin Cercel | 2024-04-30T19:05:22Z | cs.CL | This work introduces HistNERo, the first Romanian corpus for Named Entity
Recognition (NER) in historical newspapers. The dataset contains 323k tokens of
text, covering more than half of the 19th century (i.e., 1817) until the late
part of the 20th century (i.e., 1990). Eight native Romanian speakers annotated
the dataset with five named entities. The samples belong to one of the
following four historical regions of Romania, namely Bessarabia, Moldavia,
Transylvania, and Wallachia. We employed this proposed dataset to perform
several experiments for NER using Romanian pre-trained language models. Our
results show that the best model achieved a strict F1-score of 55.69%. Also, by
reducing the discrepancies between regions through a novel domain adaption
technique, we improved the performance on this corpus to a strict F1-score of
66.80%, representing an absolute gain of more than 10%. | cs.CL | HistNERo: Historical Named Entity Recognition for the Romanian Language |
2024-04-30T18:31:19Z | http://arxiv.org/pdf/2405.00134v1 | http://arxiv.org/abs/2405.00134v1 | Goya van Boven, Yupei Du, Dong Nguyen | 2024-04-30T18:31:19Z | cs.CL, cs.AI, I.2.7 | Gender-neutral pronouns are increasingly being introduced across Western
languages. Recent evaluations have however demonstrated that English NLP
systems are unable to correctly process gender-neutral pronouns, with the risk
of erasing and misgendering non-binary individuals. This paper examines a Dutch
coreference resolution system's performance on gender-neutral pronouns,
specifically hen and die. In Dutch, these pronouns were only introduced in
2016, compared to the longstanding existence of singular they in English. We
additionally compare two debiasing techniques for coreference resolution
systems in non-binary contexts: Counterfactual Data Augmentation (CDA) and
delexicalisation. Moreover, because pronoun performance can be hard to
interpret from a general evaluation metric like LEA, we introduce an innovative
evaluation metric, the pronoun score, which directly represents the portion of
correctly processed pronouns. Our results reveal diminished performance on
gender-neutral pronouns compared to gendered counterparts. Nevertheless,
although delexicalisation fails to yield improvements, CDA substantially
reduces the performance gap between gendered and gender-neutral pronouns. We
further show that CDA remains effective in low-resource settings, in which a
limited set of debiasing documents is used. This efficacy extends to previously
unseen neopronouns, which are currently infrequently used but may gain
popularity in the future, underscoring the viability of effective debiasing
with minimal resources and low computational costs. | cs.CL | Transforming Dutch: Debiasing Dutch Coreference Resolution Systems for Non-binary Pronouns |
2024-04-30T18:17:44Z | http://arxiv.org/pdf/2405.00123v1 | http://arxiv.org/abs/2405.00123v1 | Ehsan Hoseinzade, Ke Wang | 2024-04-30T18:17:44Z | cs.LG, cs.CL | This study addresses the challenge of detecting semantic column types in
relational tables, a key task in many real-world applications. While language
models like BERT have improved prediction accuracy, their token input
constraints limit the simultaneous processing of intra-table and inter-table
information. We propose a novel approach using Graph Neural Networks (GNNs) to
model intra-table dependencies, allowing language models to focus on
inter-table information. Our proposed method not only outperforms existing
state-of-the-art algorithms but also offers novel insights into the utility and
functionality of various GNN types for semantic type detection. The code is
available at https://github.com/hoseinzadeehsan/GAIT | cs.LG | Graph Neural Network Approach to Semantic Type Detection in Tables |
2024-04-30T18:00:02Z | http://arxiv.org/pdf/2405.00099v2 | http://arxiv.org/abs/2405.00099v2 | Giorgio Franceschelli, Mirco Musolesi | 2024-05-09T15:14:19Z | cs.AI, cs.CL, cs.HC, cs.LG | Large language models are revolutionizing several areas, including artificial
creativity. However, the process of generation in machines profoundly diverges
from that observed in humans. In particular, machine generation is
characterized by a lack of intentionality and an underlying creative process.
We propose a method called Creative Beam Search that uses Diverse Beam Search
and LLM-as-a-Judge to perform response generation and response validation. The
results of a qualitative experiment show how our approach can provide better
output than standard sampling techniques. We also show that the response
validation step is a necessary complement to the response generation step. | cs.AI | Creative Beam Search: LLM-as-a-Judge For Improving Response Generation |
2024-04-30T17:56:24Z | http://arxiv.org/pdf/2404.19753v1 | http://arxiv.org/abs/2404.19753v1 | Yasumasa Onoe, Sunayana Rane, Zachary Berger, Yonatan Bitton, Jaemin Cho, Roopal Garg, Alexander Ku, Zarana Parekh, Jordi Pont-Tuset, Garrett Tanzer, Su Wang, Jason Baldridge | 2024-04-30T17:56:24Z | cs.CV, cs.AI, cs.CL, cs.LG | Vision-language datasets are vital for both text-to-image (T2I) and
image-to-text (I2T) research. However, current datasets lack descriptions with
fine-grained detail that would allow for richer associations to be learned by
models. To fill the gap, we introduce Descriptions of Connected and Contrasting
Images (DOCCI), a dataset with long, human-annotated English descriptions for
15k images that were taken, curated and donated by a single researcher intent
on capturing key challenges such as spatial relations, counting, text
rendering, world knowledge, and more. We instruct human annotators to create
comprehensive descriptions for each image; these average 136 words in length
and are crafted to clearly distinguish each image from those that are related
or similar. Each description is highly compositional and typically encompasses
multiple challenges. Through both quantitative and qualitative analyses, we
demonstrate that DOCCI serves as an effective training resource for
image-to-text generation -- a PaLI 5B model finetuned on DOCCI shows equal or
superior results compared to highly-performant larger models like LLaVA-1.5 7B
and InstructBLIP 7B. Furthermore, we show that DOCCI is a useful testbed for
text-to-image generation, highlighting the limitations of current text-to-image
models in capturing long descriptions and fine details. | cs.CV | DOCCI: Descriptions of Connected and Contrasting Images |
2024-04-30T17:33:57Z | http://arxiv.org/pdf/2404.19737v1 | http://arxiv.org/abs/2404.19737v1 | Fabian Gloeckle, Badr Youbi Idrissi, Baptiste Rozière, David Lopez-Paz, Gabriel Synnaeve | 2024-04-30T17:33:57Z | cs.CL | Large language models such as GPT and Llama are trained with a next-token
prediction loss. In this work, we suggest that training language models to
predict multiple future tokens at once results in higher sample efficiency.
More specifically, at each position in the training corpus, we ask the model to
predict the following n tokens using n independent output heads, operating on
top of a shared model trunk. Considering multi-token prediction as an auxiliary
training task, we measure improved downstream capabilities with no overhead in
training time for both code and natural language models. The method is
increasingly useful for larger model sizes, and keeps its appeal when training
for multiple epochs. Gains are especially pronounced on generative benchmarks
like coding, where our models consistently outperform strong baselines by
several percentage points. Our 13B parameter models solves 12 % more problems
on HumanEval and 17 % more on MBPP than comparable next-token models.
Experiments on small algorithmic tasks demonstrate that multi-token prediction
is favorable for the development of induction heads and algorithmic reasoning
capabilities. As an additional benefit, models trained with 4-token prediction
are up to 3 times faster at inference, even with large batch sizes. | cs.CL | Better & Faster Large Language Models via Multi-token Prediction |
2024-04-30T17:28:05Z | http://arxiv.org/pdf/2404.19733v3 | http://arxiv.org/abs/2404.19733v3 | Richard Yuanzhe Pang, Weizhe Yuan, Kyunghyun Cho, He He, Sainbayar Sukhbaatar, Jason Weston | 2024-06-26T01:28:35Z | cs.CL, cs.AI | Iterative preference optimization methods have recently been shown to perform
well for general instruction tuning tasks, but typically make little
improvement on reasoning tasks (Yuan et al., 2024, Chen et al., 2024). In this
work we develop an iterative approach that optimizes the preference between
competing generated Chain-of-Thought (CoT) candidates by optimizing for winning
vs. losing reasoning steps that lead to the correct answer. We train using a
modified DPO loss (Rafailov et al., 2023) with an additional negative
log-likelihood term, which we find to be crucial. We show reasoning improves
across repeated iterations of this scheme. While only relying on examples in
the training set, our approach results in increasing accuracy on GSM8K, MATH,
and ARC-Challenge for Llama-2-70B-Chat, outperforming other Llama-2-based
models not relying on additionally sourced datasets. For example, we see a
large improvement from 55.6% to 81.6% on GSM8K and an accuracy of 88.7% with
majority voting out of 32 samples. | cs.CL | Iterative Reasoning Preference Optimization |
2024-04-30T17:11:54Z | http://arxiv.org/pdf/2404.19721v2 | http://arxiv.org/abs/2404.19721v2 | Steph Buongiorno, Lawrence Jake Klinkert, Tanishq Chawla, Zixin Zhuang, Corey Clark | 2024-06-30T20:54:57Z | cs.AI, cs.CL | This research introduces Procedural Artificial Narrative using Generative AI
(PANGeA), a structured approach for leveraging large language models (LLMs),
guided by a game designer's high-level criteria, to generate narrative content
for turn-based role-playing video games (RPGs). Distinct from prior
applications of LLMs used for video game design, PANGeA innovates by not only
generating game level data (which includes, but is not limited to, setting, key
items, and non-playable characters (NPCs)), but by also fostering dynamic,
free-form interactions between the player and the environment that align with
the procedural game narrative. The NPCs generated by PANGeA are
personality-biased and express traits from the Big 5 Personality Model in their
generated responses. PANGeA addresses challenges behind ingesting free-form
text input, which can prompt LLM responses beyond the scope of the game
narrative. A novel validation system that uses the LLM's intelligence evaluates
text input and aligns generated responses with the unfolding narrative. Making
these interactions possible, PANGeA is supported by a server that hosts a
custom memory system that supplies context for augmenting generated responses
thus aligning them with the procedural narrative. For its broad application,
the server has a REST interface enabling any game engine to integrate directly
with PANGeA, as well as an LLM interface adaptable with local or private LLMs.
PANGeA's ability to foster dynamic narrative generation by aligning responses
with the procedural narrative is demonstrated through an empirical study and
ablation test of two versions of a demo game. These are, a custom,
browser-based GPT and a Unity demo. As the results show, PANGeA holds potential
to assist game designers in using LLMs to generate narrative-consistent content
even when provided varied and unpredictable, free-form text input. | cs.AI | PANGeA: Procedural Artificial Narrative using Generative AI for Turn-Based Video Games |
2024-04-30T17:06:20Z | http://arxiv.org/pdf/2404.19714v1 | http://arxiv.org/abs/2404.19714v1 | Hoang-Thang Ta, Abu Bakar Siddiqur Rahman, Lotfollah Najjar, Alexander Gelbukh | 2024-04-30T17:06:20Z | cs.CL | This paper describes our participation in Task 3 and Task 5 of the #SMM4H
(Social Media Mining for Health) 2024 Workshop, explicitly targeting the
classification challenges within tweet data. Task 3 is a multi-class
classification task centered on tweets discussing the impact of outdoor
environments on symptoms of social anxiety. Task 5 involves a binary
classification task focusing on tweets reporting medical disorders in children.
We applied transfer learning from pre-trained encoder-decoder models such as
BART-base and T5-small to identify the labels of a set of given tweets. We also
presented some data augmentation methods to see their impact on the model
performance. Finally, the systems obtained the best F1 score of 0.627 in Task 3
and the best F1 score of 0.841 in Task 5. | cs.CL | ThangDLU at #SMM4H 2024: Encoder-decoder models for classifying text data on social disorders in children and adolescents |
2024-04-30T17:06:11Z | http://arxiv.org/pdf/2404.19713v2 | http://arxiv.org/abs/2404.19713v2 | Scott Sumpter | 2024-05-06T17:58:48Z | cs.CL | This study introduces a transformative framework for medical education by
integrating semi-structured data with Large Language Models (LLMs), primarily
OpenAIs ChatGPT3.5, to automate the creation of medical simulation scenarios.
Traditionally, developing these scenarios was a time-intensive process with
limited flexibility to meet diverse educational needs. The proposed approach
utilizes AI to efficiently generate detailed, clinically relevant scenarios
that are tailored to specific educational objectives. This innovation has
significantly reduced the time and resources required for scenario development,
allowing for a broader variety of simulations. Preliminary feedback from
educators and learners has shown enhanced engagement and improved knowledge
acquisition, confirming the effectiveness of this AI-enhanced methodology in
simulation-based learning. The integration of structured data with LLMs not
only streamlines the creation process but also offers a scalable, dynamic
solution that could revolutionize medical training, highlighting the critical
role of AI in advancing educational outcomes and patient care standards. | cs.CL | Automated Generation of High-Quality Medical Simulation Scenarios Through Integration of Semi-Structured Data and Large Language Models |
2024-04-30T17:00:32Z | http://arxiv.org/pdf/2404.19708v1 | http://arxiv.org/abs/2404.19708v1 | Nicholas S. Kersting, Mohammad Rahman, Suchismitha Vedala, Yang Wang | 2024-04-30T17:00:32Z | cs.LG, cs.AI, cs.CL, cs.HC | We introduce an intuitive method to test the robustness (stability and
explainability) of any black-box LLM in real-time, based upon the local
deviation from harmoniticity, denoted as $\gamma$. To the best of our knowledge
this is the first completely model-agnostic and unsupervised method of
measuring the robustness of any given response from an LLM, based upon the
model itself conforming to a purely mathematical standard. We conduct human
annotation experiments to show the positive correlation of $\gamma$ with false
or misleading answers, and demonstrate that following the gradient of $\gamma$
in stochastic gradient ascent efficiently exposes adversarial prompts.
Measuring $\gamma$ across thousands of queries in popular LLMs (GPT-4, ChatGPT,
Claude-2.1, Mixtral-8x7B, Smaug-72B, Llama2-7B, and MPT-7B) allows us to
estimate the liklihood of wrong or hallucinatory answers automatically and
quantitatively rank the reliability of these models in various objective
domains (Web QA, TruthfulQA, and Programming QA). Across all models and domains
tested, human ratings confirm that $\gamma \to 0$ indicates trustworthiness,
and the low-$\gamma$ leaders among these models are GPT-4, ChatGPT, and
Smaug-72B. | cs.LG | Harmonic LLMs are Trustworthy |
2024-04-30T16:52:55Z | http://arxiv.org/pdf/2404.19705v2 | http://arxiv.org/abs/2404.19705v2 | Tiziano Labruna, Jon Ander Campos, Gorka Azkune | 2024-05-06T19:08:10Z | cs.CL, cs.IR | In this paper, we demonstrate how Large Language Models (LLMs) can
effectively learn to use an off-the-shelf information retrieval (IR) system
specifically when additional context is required to answer a given question.
Given the performance of IR systems, the optimal strategy for question
answering does not always entail external information retrieval; rather, it
often involves leveraging the parametric memory of the LLM itself. Prior
research has identified this phenomenon in the PopQA dataset, wherein the most
popular questions are effectively addressed using the LLM's parametric memory,
while less popular ones require IR system usage. Following this, we propose a
tailored training approach for LLMs, leveraging existing open-domain question
answering datasets. Here, LLMs are trained to generate a special token, <RET>,
when they do not know the answer to a question. Our evaluation of the Adaptive
Retrieval LLM (Adapt-LLM) on the PopQA dataset showcases improvements over the
same LLM under three configurations: (i) retrieving information for all the
questions, (ii) using always the parametric memory of the LLM, and (iii) using
a popularity threshold to decide when to use a retriever. Through our analysis,
we demonstrate that Adapt-LLM is able to generate the <RET> token when it
determines that it does not know how to answer a question, indicating the need
for IR, while it achieves notably high accuracy levels when it chooses to rely
only on its parametric memory. | cs.CL | When to Retrieve: Teaching LLMs to Utilize Information Retrieval Effectively |
2024-04-30T16:44:18Z | http://arxiv.org/pdf/2404.19696v1 | http://arxiv.org/abs/2404.19696v1 | Chun Feng, Joy Hsu, Weiyu Liu, Jiajun Wu | 2024-04-30T16:44:18Z | cs.CV, cs.AI, cs.CL, cs.LG | 3D visual grounding is a challenging task that often requires direct and
dense supervision, notably the semantic label for each object in the scene. In
this paper, we instead study the naturally supervised setting that learns from
only 3D scene and QA pairs, where prior works underperform. We propose the
Language-Regularized Concept Learner (LARC), which uses constraints from
language as regularization to significantly improve the accuracy of
neuro-symbolic concept learners in the naturally supervised setting. Our
approach is based on two core insights: the first is that language constraints
(e.g., a word's relation to another) can serve as effective regularization for
structured representations in neuro-symbolic models; the second is that we can
query large language models to distill such constraints from language
properties. We show that LARC improves performance of prior works in naturally
supervised 3D visual grounding, and demonstrates a wide range of 3D visual
reasoning capabilities-from zero-shot composition, to data efficiency and
transferability. Our method represents a promising step towards regularizing
structured visual reasoning frameworks with language-based priors, for learning
in settings without dense supervision. | cs.CV | Naturally Supervised 3D Visual Grounding with Language-Regularized Concept Learners |
2024-04-30T15:24:54Z | http://arxiv.org/pdf/2405.01597v1 | http://arxiv.org/abs/2405.01597v1 | Pervaiz Iqbal Khan, Andreas Dengel, Sheraz Ahmed | 2024-04-30T15:24:54Z | cs.CL | Detecting diseases from social media has diverse applications, such as public
health monitoring and disease spread detection. While language models (LMs)
have shown promising performance in this domain, there remains ongoing research
aimed at refining their discriminating representations. In this paper, we
propose a novel method that integrates Contrastive Learning (CL) with language
modeling to address this challenge. Our approach introduces a self-augmentation
method, wherein hidden representations of the model are augmented with their
own representations. This method comprises two branches: the first branch, a
traditional LM, learns features specific to the given data, while the second
branch incorporates augmented representations from the first branch to
encourage generalization. CL further refines these representations by pulling
pairs of original and augmented versions closer while pushing other samples
away. We evaluate our method on three NLP datasets encompassing binary,
multi-label, and multi-class classification tasks involving social media posts
related to various diseases. Our approach demonstrates notable improvements
over traditional fine-tuning methods, achieving up to a 2.48% increase in
F1-score compared to baseline approaches and a 2.1% enhancement over
state-of-the-art methods. | cs.CL | Improving Disease Detection from Social Media Text via Self-Augmentation and Contrastive Learning |
2024-04-30T14:43:57Z | http://arxiv.org/pdf/2404.19597v1 | http://arxiv.org/abs/2404.19597v1 | Xuanli He, Jun Wang, Qiongkai Xu, Pasquale Minervini, Pontus Stenetorp, Benjamin I. P. Rubinstein, Trevor Cohn | 2024-04-30T14:43:57Z | cs.CL, cs.CR | The implications of backdoor attacks on English-centric large language models
(LLMs) have been widely examined - such attacks can be achieved by embedding
malicious behaviors during training and activated under specific conditions
that trigger malicious outputs. However, the impact of backdoor attacks on
multilingual models remains under-explored. Our research focuses on
cross-lingual backdoor attacks against multilingual LLMs, particularly
investigating how poisoning the instruction-tuning data in one or two languages
can affect the outputs in languages whose instruction-tuning data was not
poisoned. Despite its simplicity, our empirical analysis reveals that our
method exhibits remarkable efficacy in models like mT5, BLOOM, and
GPT-3.5-turbo, with high attack success rates, surpassing 95% in several
languages across various scenarios. Alarmingly, our findings also indicate that
larger models show increased susceptibility to transferable cross-lingual
backdoor attacks, which also applies to LLMs predominantly pre-trained on
English data, such as Llama2, Llama3, and Gemma. Moreover, our experiments show
that triggers can still work even after paraphrasing, and the backdoor
mechanism proves highly effective in cross-lingual response settings across 25
languages, achieving an average attack success rate of 50%. Our study aims to
highlight the vulnerabilities and significant security risks present in current
multilingual LLMs, underscoring the emergent need for targeted security
measures. | cs.CL | Transferring Troubles: Cross-Lingual Transferability of Backdoor Attacks in LLMs with Instruction Tuning |
2024-04-30T13:50:55Z | http://arxiv.org/pdf/2404.19563v1 | http://arxiv.org/abs/2404.19563v1 | Shuqian Sheng, Yi Xu, Tianhang Zhang, Zanwei Shen, Luoyi Fu, Jiaxin Ding, Lei Zhou, Xinbing Wang, Chenghu Zhou | 2024-04-30T13:50:55Z | cs.CL | Automatic evaluation metrics for generated texts play an important role in
the NLG field, especially with the rapid growth of LLMs. However, existing
metrics are often limited to specific scenarios, making it challenging to meet
the evaluation requirements of expanding LLM applications. Therefore, there is
a demand for new, flexible, and effective metrics. In this study, we introduce
RepEval, the first metric leveraging the projection of LLM representations for
evaluation. RepEval requires minimal sample pairs for training, and through
simple prompt modifications, it can easily transition to various tasks. Results
on ten datasets from three tasks demonstrate the high effectiveness of our
method, which exhibits stronger correlations with human judgments compared to
previous metrics, even outperforming GPT-4. Our work underscores the richness
of information regarding text quality embedded within LLM representations,
offering insights for the development of new metrics. | cs.CL | RepEval: Effective Text Evaluation with LLM Representation |
2024-04-30T13:25:20Z | http://arxiv.org/pdf/2404.19553v1 | http://arxiv.org/abs/2404.19553v1 | Peitian Zhang, Ninglu Shao, Zheng Liu, Shitao Xiao, Hongjin Qian, Qiwei Ye, Zhicheng Dou | 2024-04-30T13:25:20Z | cs.CL | We extend the context length of Llama-3-8B-Instruct from 8K to 80K via QLoRA
fine-tuning. The entire training cycle is super efficient, which takes 8 hours
on one 8xA800 (80G) GPU machine. The resulted model exhibits superior
performances across a broad range of evaluation tasks, such as NIHS, topic
retrieval, and long-context language understanding; meanwhile, it also well
preserves the original capability over short contexts. The dramatic context
extension is mainly attributed to merely 3.5K synthetic training samples
generated by GPT-4 , which indicates the LLMs' inherent (yet largely
underestimated) potential to extend its original context length. In fact, the
context length could be extended far beyond 80K with more computation
resources. Therefore, the team will publicly release the entire resources
(including data, model, data generation pipeline, training code) so as to
facilitate the future research from the community:
\url{https://github.com/FlagOpen/FlagEmbedding}. | cs.CL | Extending Llama-3's Context Ten-Fold Overnight |
2024-04-30T13:14:51Z | http://arxiv.org/pdf/2404.19543v1 | http://arxiv.org/abs/2404.19543v1 | Yucheng Hu, Yuxing Lu | 2024-04-30T13:14:51Z | cs.CL, cs.AI | Large Language Models (LLMs) have catalyzed significant advancements in
Natural Language Processing (NLP), yet they encounter challenges such as
hallucination and the need for domain-specific knowledge. To mitigate these,
recent methodologies have integrated information retrieved from external
resources with LLMs, substantially enhancing their performance across NLP
tasks. This survey paper addresses the absence of a comprehensive overview on
Retrieval-Augmented Language Models (RALMs), both Retrieval-Augmented
Generation (RAG) and Retrieval-Augmented Understanding (RAU), providing an
in-depth examination of their paradigm, evolution, taxonomy, and applications.
The paper discusses the essential components of RALMs, including Retrievers,
Language Models, and Augmentations, and how their interactions lead to diverse
model structures and applications. RALMs demonstrate utility in a spectrum of
tasks, from translation and dialogue systems to knowledge-intensive
applications. The survey includes several evaluation methods of RALMs,
emphasizing the importance of robustness, accuracy, and relevance in their
assessment. It also acknowledges the limitations of RALMs, particularly in
retrieval quality and computational efficiency, offering directions for future
research. In conclusion, this survey aims to offer a structured insight into
RALMs, their potential, and the avenues for their future development in NLP.
The paper is supplemented with a Github Repository containing the surveyed
works and resources for further study:
https://github.com/2471023025/RALM_Survey. | cs.CL | RAG and RAU: A Survey on Retrieval-Augmented Language Model in Natural Language Processing |
2024-04-30T12:43:53Z | http://arxiv.org/pdf/2404.19509v1 | http://arxiv.org/abs/2404.19509v1 | Shisen Yue, Siyuan Song, Xinyuan Cheng, Hai Hu | 2024-04-30T12:43:53Z | cs.CL, J.5 | Understanding the non-literal meaning of an utterance is critical for large
language models (LLMs) to become human-like social communicators. In this work,
we introduce SwordsmanImp, the first Chinese multi-turn-dialogue-based dataset
aimed at conversational implicature, sourced from dialogues in the Chinese
sitcom $\textit{My Own Swordsman}$. It includes 200 carefully handcrafted
questions, all annotated on which Gricean maxims have been violated. We test
eight close-source and open-source LLMs under two tasks: a multiple-choice
question task and an implicature explanation task. Our results show that GPT-4
attains human-level accuracy (94%) on multiple-choice questions. CausalLM
demonstrates a 78.5% accuracy following GPT-4. Other models, including GPT-3.5
and several open-source models, demonstrate a lower accuracy ranging from 20%
to 60% on multiple-choice questions. Human raters were asked to rate the
explanation of the implicatures generated by LLMs on their reasonability, logic
and fluency. While all models generate largely fluent and self-consistent text,
their explanations score low on reasonability except for GPT-4, suggesting that
most LLMs cannot produce satisfactory explanations of the implicatures in the
conversation. Moreover, we find LLMs' performance does not vary significantly
by Gricean maxims, suggesting that LLMs do not seem to process implicatures
derived from different maxims differently. Our data and code are available at
https://github.com/sjtu-compling/llm-pragmatics. | cs.CL | Do Large Language Models Understand Conversational Implicature -- A case study with a chinese sitcom |
2024-04-30T12:41:00Z | http://arxiv.org/pdf/2404.19505v1 | http://arxiv.org/abs/2404.19505v1 | Huy Hien Vu, Hidetaka Kamigaito, Taro Watanabe | 2024-04-30T12:41:00Z | cs.CL | Despite significant improvements in enhancing the quality of translation,
context-aware machine translation (MT) models underperform in many cases. One
of the main reasons is that they fail to utilize the correct features from
context when the context is too long or their models are overly complex. This
can lead to the explain-away effect, wherein the models only consider features
easier to explain predictions, resulting in inaccurate translations. To address
this issue, we propose a model that explains the decisions made for translation
by predicting coreference features in the input. We construct a model for input
coreference by exploiting contextual features from both the input and
translation output representations on top of an existing MT model. We evaluate
and analyze our method in the WMT document-level translation task of
English-German dataset, the English-Russian dataset, and the multilingual TED
talk dataset, demonstrating an improvement of over 1.0 BLEU score when compared
with other context-aware models. | cs.CL | Context-Aware Machine Translation with Source Coreference Explanation |
2024-04-30T12:09:55Z | http://arxiv.org/pdf/2404.19486v1 | http://arxiv.org/abs/2404.19486v1 | Mariia Ignashina, Julia Ive | 2024-04-30T12:09:55Z | cs.CL, cs.LG | Current text generation models are trained using real data which can
potentially contain sensitive information, such as confidential patient
information and the like. Under certain conditions output of the training data
which they have memorised can be triggered, exposing sensitive data. To
mitigate against this risk we propose a safer alternative which sees fragmented
data in the form of domain-specific short phrases randomly grouped together
shared instead of full texts. Thus, text fragments that could re-identify an
individual cannot be reproduced by the model in one sequence, giving
significant protection against linkage attacks. We fine-tune several
state-of-the-art LLMs using meaningful syntactic chunks to explore their
utility. In particular, we fine-tune BERT-based models to predict two
cardiovascular diagnoses. Our results demonstrate the capacity of LLMs to
benefit from the pre-trained knowledge and deliver classification results when
fine-tuned with fragmented data comparable to fine-tuning with full training
data. | cs.CL | Safe Training with Sensitive In-domain Data: Leveraging Data Fragmentation To Mitigate Linkage Attacks |
2024-04-30T12:05:48Z | http://arxiv.org/pdf/2404.19484v2 | http://arxiv.org/abs/2404.19484v2 | Zhen Guo | 2024-05-02T01:58:15Z | cs.LG, cs.AI, cs.CL | Large language model pre-training has become increasingly expensive, with
most practitioners relying on scaling laws to allocate compute budgets for
model size and training tokens, commonly referred to as Compute-Optimal or
Chinchilla Optimal. In this paper, we hypothesize a new scaling law that
suggests model performance depends mostly on the amount of compute spent for
transformer-based models, independent of the specific allocation to model size
and dataset size. Using this unified scaling law, we predict that (a) for
inference efficiency, training should prioritize smaller model sizes and larger
training datasets, and (b) assuming the exhaustion of available web datasets,
scaling the model size might be the only way to further improve model
performance. | cs.LG | More Compute Is What You Need |
2024-04-30T11:55:20Z | http://arxiv.org/pdf/2404.19482v1 | http://arxiv.org/abs/2404.19482v1 | Vinay Setty | 2024-04-30T11:55:20Z | cs.CL | We introduce 'FactCheck Editor', an advanced text editor designed to automate
fact-checking and correct factual inaccuracies. Given the widespread issue of
misinformation, often a result of unintentional mistakes by content creators,
our tool aims to address this challenge. It supports over 90 languages and
utilizes transformer models to assist humans in the labor-intensive process of
fact verification. This demonstration showcases a complete workflow that
detects text claims in need of verification, generates relevant search engine
queries, and retrieves appropriate documents from the web. It employs Natural
Language Inference (NLI) to predict the veracity of claims and uses LLMs to
summarize the evidence and suggest textual revisions to correct any errors in
the text. Additionally, the effectiveness of models used in claim detection and
veracity assessment is evaluated across multiple languages. | cs.CL | FactCheck Editor: Multilingual Text Editor with End-to-End fact-checking |
2024-04-30T10:45:40Z | http://arxiv.org/pdf/2404.19442v1 | http://arxiv.org/abs/2404.19442v1 | David Ifeoluwa Adelani, A. Seza Doğruöz, Iyanuoluwa Shode, Anuoluwapo Aremu | 2024-04-30T10:45:40Z | cs.CL | Naija is the Nigerian-Pidgin spoken by approx. 120M speakers in Nigeria and
it is a mixed language (e.g., English, Portuguese and Indigenous languages).
Although it has mainly been a spoken language until recently, there are
currently two written genres (BBC and Wikipedia) in Naija. Through statistical
analyses and Machine Translation experiments, we prove that these two genres do
not represent each other (i.e., there are linguistic differences in word order
and vocabulary) and Generative AI operates only based on Naija written in the
BBC genre. In other words, Naija written in Wikipedia genre is not represented
in Generative AI. | cs.CL | Which Nigerian-Pidgin does Generative AI speak?: Issues about Representativeness and Bias for Multilingual and Low Resource Languages |
2024-04-30T10:28:04Z | http://arxiv.org/pdf/2404.19432v1 | http://arxiv.org/abs/2404.19432v1 | D. Panas, S. Seth, V. Belle | 2024-04-30T10:28:04Z | cs.CL, cs.AI | Two major areas of interest in the era of Large Language Models regard
questions of what do LLMs know, and if and how they may be able to reason (or
rather, approximately reason). Since to date these lines of work progressed
largely in parallel (with notable exceptions), we are interested in
investigating the intersection: probing for reasoning about the implicitly-held
knowledge. Suspecting the performance to be lacking in this area, we use a very
simple set-up of comparisons between cardinalities associated with elements of
various subjects (e.g. the number of legs a bird has versus the number of
wheels on a tricycle). We empirically demonstrate that although LLMs make
steady progress in knowledge acquisition and (pseudo)reasoning with each new
GPT release, their capabilities are limited to statistical inference only. It
is difficult to argue that pure statistical learning can cope with the
combinatorial explosion inherent in many commonsense reasoning tasks,
especially once arithmetical notions are involved. Further, we argue that
bigger is not always better and chasing purely statistical improvements is
flawed at the core, since it only exacerbates the dangerous conflation of the
production of correct answers with genuine reasoning ability. | cs.CL | Can Large Language Models put 2 and 2 together? Probing for Entailed Arithmetical Relationships |
2024-04-30T10:21:14Z | http://arxiv.org/pdf/2404.19430v1 | http://arxiv.org/abs/2404.19430v1 | Aleksei Dorkin, Kairit Sirts | 2024-04-30T10:21:14Z | cs.CL | We present an information retrieval based reverse dictionary system using
modern pre-trained language models and approximate nearest neighbors search
algorithms. The proposed approach is applied to an existing Estonian language
lexicon resource, S\~onaveeb (word web), with the purpose of enhancing and
enriching it by introducing cross-lingual reverse dictionary functionality
powered by semantic search.
The performance of the system is evaluated using both an existing labeled
English dataset of words and definitions that is extended to contain also
Estonian and Russian translations, and a novel unlabeled evaluation approach
that extracts the evaluation data from the lexicon resource itself using
synonymy relations.
Evaluation results indicate that the information retrieval based semantic
search approach without any model training is feasible, producing median rank
of 1 in the monolingual setting and median rank of 2 in the cross-lingual
setting using the unlabeled evaluation approach, with models trained for
cross-lingual retrieval and including Estonian in their training data showing
superior performance in our particular task. | cs.CL | Sõnajaht: Definition Embeddings and Semantic Search for Reverse Dictionary Creation |
2024-04-30T09:57:21Z | http://arxiv.org/pdf/2404.19409v1 | http://arxiv.org/abs/2404.19409v1 | Mathieu Rita, Florian Strub, Rahma Chaabouni, Paul Michel, Emmanuel Dupoux, Olivier Pietquin | 2024-04-30T09:57:21Z | cs.CL | While Reinforcement Learning (RL) has been proven essential for tuning large
language models (LLMs), it can lead to reward over-optimization (ROO). Existing
approaches address ROO by adding KL regularization, requiring computationally
expensive hyperparameter tuning. Additionally, KL regularization focuses solely
on regularizing the language policy, neglecting a potential source of
regularization: the reward function itself. Inspired by demonstration-guided
RL, we here introduce the Reward Calibration from Demonstration (RCfD), which
leverages human demonstrations and a reward model to recalibrate the reward
objective. Formally, given a prompt, the RCfD objective minimizes the distance
between the demonstrations' and LLM's rewards rather than directly maximizing
the reward function. This objective shift avoids incentivizing the LLM to
exploit the reward model and promotes more natural and diverse language
generation. We show the effectiveness of RCfD on three language tasks, which
achieves comparable performance to carefully tuned baselines while mitigating
ROO. | cs.CL | Countering Reward Over-optimization in LLM with Demonstration-Guided Reinforcement Learning |
2024-04-30T08:55:01Z | http://arxiv.org/pdf/2404.19369v1 | http://arxiv.org/abs/2404.19369v1 | Katikela Sreeharsha Kishore, Rahimanuddin Shaik | 2024-04-30T08:55:01Z | cs.CL, cs.HC | The growing prominence of large language models (LLMs) necessitates the
exploration of their capabilities beyond English. This research investigates
the Telugu language proficiency of ChatGPT and Gemini, two leading LLMs.
Through a designed set of 20 questions encompassing greetings, grammar,
vocabulary, common phrases, task completion, and situational reasoning, the
study delves into their strengths and weaknesses in handling Telugu. The
analysis aims to identify the LLM that demonstrates a deeper understanding of
Telugu grammatical structures, possesses a broader vocabulary, and exhibits
superior performance in tasks like writing and reasoning. By comparing their
ability to comprehend and use everyday Telugu expressions, the research sheds
light on their suitability for real-world language interaction. Furthermore,
the evaluation of adaptability and reasoning capabilities provides insights
into how each LLM leverages Telugu to respond to dynamic situations. This
comparative analysis contributes to the ongoing discussion on multilingual
capabilities in AI and paves the way for future research in developing LLMs
that can seamlessly integrate with Telugu-speaking communities. | cs.CL | Evaluating Telugu Proficiency in Large Language Models_ A Comparative Analysis of ChatGPT and Gemini |
2024-04-30T08:48:07Z | http://arxiv.org/pdf/2404.19364v1 | http://arxiv.org/abs/2404.19364v1 | Yunhao Zhang, Shaonan Wang, Xinyi Dong, Jiajun Yu, Chengqing Zong | 2024-04-30T08:48:07Z | cs.CL | Neural language models, particularly large-scale ones, have been consistently
proven to be most effective in predicting brain neural activity across a range
of studies. However, previous research overlooked the comparison of these
models with psychologically plausible ones. Moreover, evaluations were reliant
on limited, single-modality, and English cognitive datasets. To address these
questions, we conducted an analysis comparing encoding performance of various
neural language models and psychologically plausible models. Our study utilized
extensive multi-modal cognitive datasets, examining bilingual word and
discourse levels. Surprisingly, our findings revealed that psychologically
plausible models outperformed neural language models across diverse contexts,
encompassing different modalities such as fMRI and eye-tracking, and spanning
languages from English to Chinese. Among psychologically plausible models, the
one incorporating embodied information emerged as particularly exceptional.
This model demonstrated superior performance at both word and discourse levels,
exhibiting robust prediction of brain activation across numerous regions in
both English and Chinese. | cs.CL | Navigating Brain Language Representations: A Comparative Analysis of Neural Language Models and Psychologically Plausible Models |
2024-04-30T08:47:24Z | http://arxiv.org/pdf/2404.19363v1 | http://arxiv.org/abs/2404.19363v1 | Andreas Triantafyllopoulos, Björn W. Schuller | 2024-04-30T08:47:24Z | cs.CL | Imbuing machines with the ability to talk has been a longtime pursuit of
artificial intelligence (AI) research. From the very beginning, the community
has not only aimed to synthesise high-fidelity speech that accurately conveys
the semantic meaning of an utterance, but also to colour it with inflections
that cover the same range of affective expressions that humans are capable of.
After many years of research, it appears that we are on the cusp of achieving
this when it comes to single, isolated utterances. This unveils an abundance of
potential avenues to explore when it comes to combining these single utterances
with the aim of synthesising more complex, longer-term behaviours. In the
present chapter, we outline the methodological advances that brought us so far
and sketch out the ongoing efforts to reach that coveted next level of
artificial expressivity. We also discuss the societal implications coupled with
rapidly advancing expressive speech synthesis (ESS) technology and highlight
ways to mitigate those risks and ensure the alignment of ESS capabilities with
ethical norms. | cs.CL | Expressivity and Speech Synthesis |
2024-04-30T08:45:16Z | http://arxiv.org/pdf/2404.19360v1 | http://arxiv.org/abs/2404.19360v1 | Hao-Cheng Lo, Jung-Mei Chu, Jieh Hsiang, Chun-Chieh Cho | 2024-04-30T08:45:16Z | cs.CV, cs.CL, cs.IR | In patent prosecution, image-based retrieval systems for identifying
similarities between current patent images and prior art are pivotal to ensure
the novelty and non-obviousness of patent applications. Despite their growing
popularity in recent years, existing attempts, while effective at recognizing
images within the same patent, fail to deliver practical value due to their
limited generalizability in retrieving relevant prior art. Moreover, this task
inherently involves the challenges posed by the abstract visual features of
patent images, the skewed distribution of image classifications, and the
semantic information of image descriptions. Therefore, we propose a
language-informed, distribution-aware multimodal approach to patent image
feature learning, which enriches the semantic understanding of patent image by
integrating Large Language Models and improves the performance of
underrepresented classes with our proposed distribution-aware contrastive
losses. Extensive experiments on DeepPatent2 dataset show that our proposed
method achieves state-of-the-art or comparable performance in image-based
patent retrieval with mAP +53.3%, Recall@10 +41.8%, and MRR@10 +51.9%.
Furthermore, through an in-depth user analysis, we explore our model in aiding
patent professionals in their image retrieval efforts, highlighting the model's
real-world applicability and effectiveness. | cs.CV | Large Language Model Informed Patent Image Retrieval |
2024-04-30T08:41:06Z | http://arxiv.org/pdf/2404.19359v1 | http://arxiv.org/abs/2404.19359v1 | Kirill Milintsevich, Gaël Dias, Kairit Sirts | 2024-04-30T08:41:06Z | cs.CL, cs.AI | This paper explores the impact of incorporating sentiment, emotion, and
domain-specific lexicons into a transformer-based model for depression symptom
estimation. Lexicon information is added by marking the words in the input
transcripts of patient-therapist conversations as well as in social media
posts. Overall results show that the introduction of external knowledge within
pre-trained language models can be beneficial for prediction performance, while
different lexicons show distinct behaviours depending on the targeted task.
Additionally, new state-of-the-art results are obtained for the estimation of
depression level over patient-therapist interviews. | cs.CL | Evaluating Lexicon Incorporation for Depression Symptom Estimation |
2024-04-30T08:01:49Z | http://arxiv.org/pdf/2404.19335v1 | http://arxiv.org/abs/2404.19335v1 | Xiaoming Liu, Chen Liu, Zhaohan Zhang, Chengzhengxu Li, Longtian Wang, Yu Lan, Chao Shen | 2024-04-30T08:01:49Z | cs.CL | Large language models have shown their ability to become effective few-shot
learners with prompting, revoluting the paradigm of learning with data
scarcity. However, this approach largely depends on the quality of prompt
initialization, and always exhibits large variability among different runs.
Such property makes prompt tuning highly unreliable and vulnerable to poorly
constructed prompts, which limits its extension to more real-world
applications. To tackle this issue, we propose to treat the hard prompt and
soft prompt as separate inputs to mitigate noise brought by the prompt
initialization. Furthermore, we optimize soft prompts with contrastive learning
for utilizing class-aware information in the training process to maintain model
performance. Experimental results demonstrate that \sysname outperforms
state-of-the-art methods by 7.20% in accuracy and reduces the standard
deviation by 2.02 on average. Furthermore, extensive experiments underscore its
robustness and stability across 7 datasets covering various tasks. | cs.CL | StablePT: Towards Stable Prompting for Few-shot Learning via Input Separation |
2024-04-30T07:52:26Z | http://arxiv.org/pdf/2404.19328v2 | http://arxiv.org/abs/2404.19328v2 | Luise Häuser, Gerhard Jäger, Alexandros Stamatakis | 2024-06-05T15:56:26Z | cs.CL, q-bio.PE | Working with cognate data involves handling synonyms, that is, multiple words
that describe the same concept in a language. In the early days of language
phylogenetics it was recommended to select one synonym only. However, as we
show here, binary character matrices, which are used as input for computational
methods, do allow for representing the entire dataset including all synonyms.
Here we address the question how one can and if one should include all synonyms
or whether it is preferable to select synonyms a priori. To this end, we
perform maximum likelihood tree inferences with the widely used RAxML-NG tool
and show that it yields plausible trees when all synonyms are used as input.
Furthermore, we show that a priori synonym selection can yield topologically
substantially different trees and we therefore advise against doing so. To
represent cognate data including all synonyms, we introduce two types of
character matrices beyond the standard binary ones: probabilistic binary and
probabilistic multi-valued character matrices. We further show that it is
dataset-dependent for which character matrix type the inferred RAxML-NG tree is
topologically closest to the gold standard. We also make available a Python
interface for generating all of the above character matrix types for cognate
data provided in CLDF format. | cs.CL | Computational Approaches for Integrating out Subjectivity in Cognate Synonym Selection |
2024-04-30T07:40:35Z | http://arxiv.org/pdf/2404.19319v1 | http://arxiv.org/abs/2404.19319v1 | Minh Duc Bui, Fabian David Schmidt, Goran Glavaš, Katharina von der Wense | 2024-04-30T07:40:35Z | cs.CL | Compared to standard language model (LM) pretraining (i.e., from scratch),
Knowledge Distillation (KD) entails an additional forward pass through a
teacher model that is typically substantially larger than the target student
model. As such, KD in LM pretraining materially slows down throughput of
pretraining instances vis-a-vis pretraining from scratch. Scaling laws of LM
pretraining suggest that smaller models can close the gap to larger
counterparts if trained on more data (i.e., processing more tokens)-and under a
fixed computation budget, smaller models are able be process more data than
larger models. We thus hypothesize that KD might, in fact, be suboptimal to
pretraining from scratch for obtaining smaller LMs, when appropriately
accounting for the compute budget. To test this, we compare pretraining from
scratch against several KD strategies for masked language modeling (MLM) in a
fair experimental setup, with respect to amount of computation as well as
pretraining data. Downstream results on GLUE, however, do not confirm our
hypothesis: while pretraining from scratch performs comparably to ordinary KD
under a fixed computation budget, more sophisticated KD strategies, namely
TinyBERT (Jiao et al., 2020) and MiniLM (Wang et al., 2023), outperform it by a
notable margin. We further find that KD yields larger gains over pretraining
from scratch when the data must be repeated under the fixed computation budget. | cs.CL | Knowledge Distillation vs. Pretraining from Scratch under a Fixed (Computation) Budget |
2024-04-30T07:38:08Z | http://arxiv.org/pdf/2404.19318v1 | http://arxiv.org/abs/2404.19318v1 | Yuvraj Virk, Premkumar Devanbu, Toufique Ahmed | 2024-04-30T07:38:08Z | cs.SE, cs.CL | A good summary can often be very useful during program comprehension. While a
brief, fluent, and relevant summary can be helpful, it does require significant
human effort to produce. Often, good summaries are unavailable in software
projects, thus making maintenance more difficult. There has been a considerable
body of research into automated AI-based methods, using Large Language models
(LLMs), to generate summaries of code; there also has been quite a bit work on
ways to measure the performance of such summarization methods, with special
attention paid to how closely these AI-generated summaries resemble a summary a
human might have produced. Measures such as BERTScore and BLEU have been
suggested and evaluated with human-subject studies.
However, LLMs often err and generate something quite unlike what a human
might say. Given an LLM-produced code summary, is there a way to gauge whether
it's likely to be sufficiently similar to a human produced summary, or not? In
this paper, we study this question, as a calibration problem: given a summary
from an LLM, can we compute a confidence measure, which is a good indication of
whether the summary is sufficiently similar to what a human would have produced
in this situation? We examine this question using several LLMs, for several
languages, and in several different settings. We suggest an approach which
provides well-calibrated predictions of likelihood of similarity to human
summaries. | cs.SE | Enhancing Trust in LLM-Generated Code Summaries with Calibrated Confidence Scores |
2024-04-30T07:37:48Z | http://arxiv.org/pdf/2404.19317v1 | http://arxiv.org/abs/2404.19317v1 | Solène Tarride, Christopher Kermorvant | 2024-04-30T07:37:48Z | cs.CV, cs.CL | In recent advances in automatic text recognition (ATR), deep neural networks
have demonstrated the ability to implicitly capture language statistics,
potentially reducing the need for traditional language models. This study
directly addresses whether explicit language models, specifically n-gram
models, still contribute to the performance of state-of-the-art deep learning
architectures in the field of handwriting recognition. We evaluate two
prominent neural network architectures, PyLaia and DAN, with and without the
integration of explicit n-gram language models. Our experiments on three
datasets - IAM, RIMES, and NorHand v2 - at both line and page level,
investigate optimal parameters for n-gram models, including their order,
weight, smoothing methods and tokenization level. The results show that
incorporating character or subword n-gram models significantly improves the
performance of ATR models on all datasets, challenging the notion that deep
learning models alone are sufficient for optimal performance. In particular,
the combination of DAN with a character language model outperforms current
benchmarks, confirming the value of hybrid approaches in modern document
analysis systems. | cs.CV | Revisiting N-Gram Models: Their Impact in Modern Neural Networks for Handwritten Text Recognition |
2024-04-30T07:34:42Z | http://arxiv.org/pdf/2404.19316v1 | http://arxiv.org/abs/2404.19316v1 | Sheng Ouyang, Jianzong Wang, Yong Zhang, Zhitao Li, Ziqi Liang, Xulong Zhang, Ning Cheng, Jing Xiao | 2024-04-30T07:34:42Z | cs.CL | Extractive Question Answering (EQA) in Machine Reading Comprehension (MRC)
often faces the challenge of dealing with semantically identical but
format-variant inputs. Our work introduces a novel approach, called the ``Query
Latent Semantic Calibrator (QLSC)'', designed as an auxiliary module for
existing MRC models. We propose a unique scaling strategy to capture latent
semantic center features of queries. These features are then seamlessly
integrated into traditional query and passage embeddings using an attention
mechanism. By deepening the comprehension of the semantic queries-passage
relationship, our approach diminishes sensitivity to variations in text format
and boosts the model's capability in pinpointing accurate answers. Experimental
results on robust Question-Answer datasets confirm that our approach
effectively handles format-variant but semantically identical queries,
highlighting the effectiveness and adaptability of our proposed method. | cs.CL | QLSC: A Query Latent Semantic Calibrator for Robust Extractive Question Answering |
2024-04-30T07:33:51Z | http://arxiv.org/pdf/2404.19315v1 | http://arxiv.org/abs/2404.19315v1 | Zachary William Hopton, Noëmi Aepli | 2024-04-30T07:33:51Z | cs.CL | Effectively normalizing textual data poses a considerable challenge,
especially for low-resource languages lacking standardized writing systems. In
this study, we fine-tuned a multilingual model with data from several Occitan
dialects and conducted a series of experiments to assess the model's
representations of these dialects. For evaluation purposes, we compiled a
parallel lexicon encompassing four Occitan dialects. Intrinsic evaluations of
the model's embeddings revealed that surface similarity between the dialects
strengthened representations. When the model was further fine-tuned for
part-of-speech tagging and Universal Dependency parsing, its performance was
robust to dialectical variation, even when trained solely on part-of-speech
data from a single dialect. Our findings suggest that large multilingual models
minimize the need for spelling normalization during pre-processing. | cs.CL | Modeling Orthographic Variation in Occitan's Dialects |
2024-04-30T07:29:40Z | http://arxiv.org/pdf/2404.19310v2 | http://arxiv.org/abs/2404.19310v2 | Eyal Liron Dolev, Clemens Fidel Lutz, Noëmi Aepli | 2024-05-09T11:54:04Z | cs.CL | Whisper is a state-of-the-art automatic speech recognition (ASR) model
(Radford et al., 2022). Although Swiss German dialects are allegedly not part
of Whisper's training data, preliminary experiments showed that Whisper can
transcribe Swiss German quite well, with the output being a speech translation
into Standard German. To gain a better understanding of Whisper's performance
on Swiss German, we systematically evaluate it using automatic, qualitative,
and human evaluation. We test its performance on three existing test sets:
SwissDial (Dogan-Sch\"onberger et al., 2021), STT4SG-350 (Pl\"uss et al.,
2023), and Swiss Parliaments Corpus (Pl\"uss et al., 2021). In addition, we
create a new test set for this work, based on short mock clinical interviews.
For automatic evaluation, we used word error rate (WER) and BLEU. In the
qualitative analysis, we discuss Whisper's strengths and weaknesses and anylyze
some output examples. For the human evaluation, we conducted a survey with 28
participants who were asked to evaluate Whisper's performance.
All of our evaluations suggest that Whisper is a viable ASR system for Swiss
German, so long as the Standard German output is desired. | cs.CL | Does Whisper understand Swiss German? An automatic, qualitative, and human evaluation |
2024-04-30T06:55:45Z | http://arxiv.org/pdf/2404.19296v1 | http://arxiv.org/abs/2404.19296v1 | Wei Chen, Zhiyuan Li | 2024-04-30T06:55:45Z | cs.CL | Language models have been effective in a wide range of applications, yet the
most sophisticated models are often proprietary. For example, GPT-4 by OpenAI
and various models by Anthropic are expensive and consume substantial energy.
In contrast, the open-source community has produced competitive models, like
Llama3. Furthermore, niche-specific smaller language models, such as those
tailored for legal, medical or financial tasks, have outperformed their
proprietary counterparts. This paper introduces a novel approach that employs
\textit{functional tokens} to integrate \textbf{multiple open-source models},
each optimized for particular tasks. Our newly developed Octopus v4 model
leverages \textit{functional tokens} to intelligently direct user queries to
the most appropriate vertical model and reformat the query to achieve the best
performance. Octopus v4, an evolution of the Octopus v1, v2, and v3 models,
excels in selection and parameter understanding and reformatting. Additionally,
we explore the use of graph as a versatile data structure that effectively
coordinates multiple open-source models by harnessing the capabilities of the
Octopus model and \textit{functional tokens}. Use our open-sourced GitHub
(\url{https://www.nexa4ai.com/}) to try Octopus v4 models
(\url{https://huggingface.co/NexaAIDev/Octopus-v4}), and contrite to a larger
graph of language models. By activating models less than 10B parameters, we
achieved SOTA MMLU score of 74.8 among the same level models. | cs.CL | Octopus v4: Graph of language models |
2024-04-30T06:55:27Z | http://arxiv.org/pdf/2405.01593v1 | http://arxiv.org/abs/2405.01593v1 | Xinyi Li, Yongfeng Zhang, Edward C. Malthouse | 2024-04-30T06:55:27Z | cs.CL, cs.AI, cs.IR | In the current digital era, the rapid spread of misinformation on online
platforms presents significant challenges to societal well-being, public trust,
and democratic processes, influencing critical decision making and public
opinion. To address these challenges, there is a growing need for automated
fake news detection mechanisms. Pre-trained large language models (LLMs) have
demonstrated exceptional capabilities across various natural language
processing (NLP) tasks, prompting exploration into their potential for
verifying news claims. Instead of employing LLMs in a non-agentic way, where
LLMs generate responses based on direct prompts in a single shot, our work
introduces FactAgent, an agentic approach of utilizing LLMs for fake news
detection. FactAgent enables LLMs to emulate human expert behavior in verifying
news claims without any model training, following a structured workflow. This
workflow breaks down the complex task of news veracity checking into multiple
sub-steps, where LLMs complete simple tasks using their internal knowledge or
external tools. At the final step of the workflow, LLMs integrate all findings
throughout the workflow to determine the news claim's veracity. Compared to
manual human verification, FactAgent offers enhanced efficiency. Experimental
studies demonstrate the effectiveness of FactAgent in verifying claims without
the need for any training process. Moreover, FactAgent provides transparent
explanations at each step of the workflow and during final decision-making,
offering insights into the reasoning process of fake news detection for end
users. FactAgent is highly adaptable, allowing for straightforward updates to
its tools that LLMs can leverage within the workflow, as well as updates to the
workflow itself using domain knowledge. This adaptability enables FactAgent's
application to news verification across various domains. | cs.CL | Large Language Model Agent for Fake News Detection |
2024-04-30T04:53:59Z | http://arxiv.org/pdf/2404.19260v1 | http://arxiv.org/abs/2404.19260v1 | Abir Chakraborty | 2024-04-30T04:53:59Z | cs.CL | In this work we investigate the capability of Graph Attention Network for
extracting aspect and opinion terms. Aspect and opinion term extraction is
posed as a token-level classification task akin to named entity recognition. We
use the dependency tree of the input query as additional feature in a Graph
Attention Network along with the token and part-of-speech features. We show
that the dependency structure is a powerful feature that in the presence of a
CRF layer substantially improves the performance and generates the best result
on the commonly used datasets from SemEval 2014, 2015 and 2016. We experiment
with additional layers like BiLSTM and Transformer in addition to the CRF
layer. We also show that our approach works well in the presence of multiple
aspects or sentiments in the same query and it is not necessary to modify the
dependency tree based on a single aspect as was the original application for
sentiment classification. | cs.CL | Aspect and Opinion Term Extraction Using Graph Attention Network |
2024-04-30T04:19:17Z | http://arxiv.org/pdf/2404.19254v1 | http://arxiv.org/abs/2404.19254v1 | Vaishak Narayanan, Prabin Raj KP, Saifudheen Nouphal | 2024-04-30T04:19:17Z | cs.CL, cs.AI | Current evaluation benchmarks for question answering (QA) in Indic languages
often rely on machine translation of existing English datasets. This approach
suffers from bias and inaccuracies inherent in machine translation, leading to
datasets that may not reflect the true capabilities of EQA models for Indic
languages. This paper proposes a new benchmark specifically designed for
evaluating Hindi EQA models and discusses the methodology to do the same for
any task. This method leverages large language models (LLMs) to generate a
high-quality dataset in an extractive setting, ensuring its relevance for the
target language. We believe this new resource will foster advancements in Hindi
NLP research by providing a more accurate and reliable evaluation tool. | cs.CL | Suvach -- Generated Hindi QA benchmark |
2024-04-30T04:16:55Z | http://arxiv.org/pdf/2404.19252v1 | http://arxiv.org/abs/2404.19252v1 | Cuong Nhat Vo, Khanh Bao Huynh, Son T. Luu, Trong-Hop Do | 2024-04-30T04:16:55Z | cs.CL | The growth of social networks makes toxic content spread rapidly. Hate speech
detection is a task to help decrease the number of harmful comments. With the
diversity in the hate speech created by users, it is necessary to interpret the
hate speech besides detecting it. Hence, we propose a methodology to construct
a system for targeted hate speech detection from online streaming texts from
social media. We first introduce the ViTHSD - a targeted hate speech detection
dataset for Vietnamese Social Media Texts. The dataset contains 10K comments,
each comment is labeled to specific targets with three levels: clean,
offensive, and hate. There are 5 targets in the dataset, and each target is
labeled with the corresponding level manually by humans with strict annotation
guidelines. The inter-annotator agreement obtained from the dataset is 0.45 by
Cohen's Kappa index, which is indicated as a moderate level. Then, we construct
a baseline for this task by combining the Bi-GRU-LSTM-CNN with the pre-trained
language model to leverage the power of text representation of BERTology.
Finally, we suggest a methodology to integrate the baseline model for targeted
hate speech detection into the online streaming system for practical
application in preventing hateful and offensive content on social media. | cs.CL | Exploiting Hatred by Targets for Hate Speech Detection on Vietnamese Social Media Texts |
2024-04-30T04:01:09Z | http://arxiv.org/pdf/2404.19245v2 | http://arxiv.org/abs/2404.19245v2 | Chunlin Tian, Zhan Shi, Zhijiang Guo, Li Li, Chengzhong Xu | 2024-05-23T15:06:02Z | cs.CL, cs.AI | Adapting Large Language Models (LLMs) to new tasks through fine-tuning has
been made more efficient by the introduction of Parameter-Efficient Fine-Tuning
(PEFT) techniques, such as LoRA. However, these methods often underperform
compared to full fine-tuning, particularly in scenarios involving complex
datasets. This issue becomes even more pronounced in complex domains,
highlighting the need for improved PEFT approaches that can achieve better
performance. Through a series of experiments, we have uncovered two critical
insights that shed light on the training and parameter inefficiency of LoRA.
Building on these insights, we have developed HydraLoRA, a LoRA framework with
an asymmetric structure that eliminates the need for domain expertise. Our
experiments demonstrate that HydraLoRA outperforms other PEFT approaches, even
those that rely on domain knowledge during the training and inference phases. | cs.CL | HydraLoRA: An Asymmetric LoRA Architecture for Efficient Fine-Tuning |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.