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-04-02T13:05:41Z | http://arxiv.org/pdf/2404.01914v1 | http://arxiv.org/abs/2404.01914v1 | Hyunjong Ok, Taeho Kil, Sukmin Seo, Jaeho Lee | 2024-04-02T13:05:41Z | cs.CL, cs.AI | Recent advances in named entity recognition (NER) have pushed the boundary of
the task to incorporate visual signals, leading to many variants, including
multi-modal NER (MNER) or grounded MNER (GMNER). A key challenge to these tasks
is that the model should be able to generalize to the entities unseen during
the training, and should be able to handle the training samples with noisy
annotations. To address this obstacle, we propose SCANNER (Span CANdidate
detection and recognition for NER), a model capable of effectively handling all
three NER variants. SCANNER is a two-stage structure; we extract entity
candidates in the first stage and use it as a query to get knowledge,
effectively pulling knowledge from various sources. We can boost our
performance by utilizing this entity-centric extracted knowledge to address
unseen entities. Furthermore, to tackle the challenges arising from noisy
annotations in NER datasets, we introduce a novel self-distillation method,
enhancing the robustness and accuracy of our model in processing training data
with inherent uncertainties. Our approach demonstrates competitive performance
on the NER benchmark and surpasses existing methods on both MNER and GMNER
benchmarks. Further analysis shows that the proposed distillation and knowledge
utilization methods improve the performance of our model on various benchmarks. | cs.CL | SCANNER: Knowledge-Enhanced Approach for Robust Multi-modal Named Entity Recognition of Unseen Entities |
2024-04-02T12:49:22Z | http://arxiv.org/pdf/2404.01907v1 | http://arxiv.org/abs/2404.01907v1 | Ying Zhou, Ben He, Le Sun | 2024-04-02T12:49:22Z | cs.CL, cs.CR, cs.LG | With the development of large language models (LLMs), detecting whether text
is generated by a machine becomes increasingly challenging in the face of
malicious use cases like the spread of false information, protection of
intellectual property, and prevention of academic plagiarism. While
well-trained text detectors have demonstrated promising performance on unseen
test data, recent research suggests that these detectors have vulnerabilities
when dealing with adversarial attacks such as paraphrasing. In this paper, we
propose a framework for a broader class of adversarial attacks, designed to
perform minor perturbations in machine-generated content to evade detection. We
consider two attack settings: white-box and black-box, and employ adversarial
learning in dynamic scenarios to assess the potential enhancement of the
current detection model's robustness against such attacks. The empirical
results reveal that the current detection models can be compromised in as
little as 10 seconds, leading to the misclassification of machine-generated
text as human-written content. Furthermore, we explore the prospect of
improving the model's robustness over iterative adversarial learning. Although
some improvements in model robustness are observed, practical applications
still face significant challenges. These findings shed light on the future
development of AI-text detectors, emphasizing the need for more accurate and
robust detection methods. | cs.CL | Humanizing Machine-Generated Content: Evading AI-Text Detection through Adversarial Attack |
2024-04-02T12:46:00Z | http://arxiv.org/pdf/2404.04279v1 | http://arxiv.org/abs/2404.04279v1 | Aurélien Bénel, Joris Falip, Philippe Lacour | 2024-04-02T12:46:00Z | cs.CL, cs.AI | The article aims at identifying what, from a structural point of view, AI
based automatic translators cannot fully capture. It focuses on the machine's
mistakes, in order to try to explain its causes. The biblical story of Ca\"in
and Abel has been chosen because of its rich interpretive and critical
tradition, but also because of its semantic difficulty. The investigation
begins with the observation, for the translation of this text, of the language
pairs and interfaces offered by the best known machine translation services
(Google Translate, DeepL). A typology of the most frequent translation errors
is then established. Finally, contemporary translations are compared, in order
to underline the unique contribution of each. In conclusion, the article
suggests a revision of translation theory and, corArtificial Intelligence,
Translation, Limitations, Interpretation, Comparison, Unicityelatively, a
reformulation of its technology concerning cultural texts. | cs.CL | When Abel Kills Cain: What Machine Translation Cannot Capture |
2024-04-02T12:44:44Z | http://arxiv.org/pdf/2404.01903v1 | http://arxiv.org/abs/2404.01903v1 | Francesca Lucchetti, Arjun Guha | 2024-04-02T12:44:44Z | cs.CL, cs.LG, cs.PL | Contemporary LLMs pretrained on code are capable of succeeding at a wide
variety of programming tasks. However, their performance is very sensitive to
syntactic features, such as the names of variables and types, the structure of
code, and presence of type hints. We contribute an inference-time technique to
make CodeLLMs more robust to syntactic distractors that are semantically
irrelevant. Our methodology relies on activation steering, which involves
editing internal model activations to steer the model towards the correct
prediction. We contribute a novel way to construct steering vectors by taking
inspiration from mutation testing, which constructs minimal semantics-breaking
code edits. In contrast, we construct steering vectors from
semantics-preserving code edits. We apply our approach to the task of type
prediction for the gradually typed languages Python and TypeScript. This
approach corrects up to 90% of type mispredictions. Finally, we show that
steering vectors calculated from Python activations reliably correct type
mispredictions in TypeScript, and vice versa. This result suggests that LLMs
may be learning to transfer knowledge of types across programming languages. | cs.CL | Activation Steering for Robust Type Prediction in CodeLLMs |
2024-04-02T11:46:31Z | http://arxiv.org/pdf/2404.01869v1 | http://arxiv.org/abs/2404.01869v1 | Philipp Mondorf, Barbara Plank | 2024-04-02T11:46:31Z | cs.CL, cs.AI | Large language models (LLMs) have recently shown impressive performance on
tasks involving reasoning, leading to a lively debate on whether these models
possess reasoning capabilities similar to humans. However, despite these
successes, the depth of LLMs' reasoning abilities remains uncertain. This
uncertainty partly stems from the predominant focus on task performance,
measured through shallow accuracy metrics, rather than a thorough investigation
of the models' reasoning behavior. This paper seeks to address this gap by
providing a comprehensive review of studies that go beyond task accuracy,
offering deeper insights into the models' reasoning processes. Furthermore, we
survey prevalent methodologies to evaluate the reasoning behavior of LLMs,
emphasizing current trends and efforts towards more nuanced reasoning analyses.
Our review suggests that LLMs tend to rely on surface-level patterns and
correlations in their training data, rather than on genuine reasoning
abilities. Additionally, we identify the need for further research that
delineates the key differences between human and LLM-based reasoning. Through
this survey, we aim to shed light on the complex reasoning processes within
LLMs. | cs.CL | Beyond Accuracy: Evaluating the Reasoning Behavior of Large Language Models -- A Survey |
2024-04-02T11:38:11Z | http://arxiv.org/pdf/2404.01860v1 | http://arxiv.org/abs/2404.01860v1 | Mattia Opper, N. Siddharth | 2024-04-02T11:38:11Z | cs.CL | This paper presents two simple improvements to the Self-Structuring
AutoEncoder (Self-StrAE). Firstly, we show that including reconstruction to the
vocabulary as an auxiliary objective improves representation quality. Secondly,
we demonstrate that increasing the number of independent channels leads to
significant improvements in embedding quality, while simultaneously reducing
the number of parameters. Surprisingly, we demonstrate that this trend can be
followed to the extreme, even to point of reducing the total number of
non-embedding parameters to seven. Our system can be pre-trained from scratch
with as little as 10M tokens of input data, and proves effective across
English, Spanish and Afrikaans. | cs.CL | Self-StrAE at SemEval-2024 Task 1: Making Self-Structuring AutoEncoders Learn More With Less |
2024-04-02T11:35:05Z | http://arxiv.org/pdf/2404.01857v1 | http://arxiv.org/abs/2404.01857v1 | Sarah Lindau, Linnea Nilsson | 2024-04-02T11:35:05Z | cs.LG, cs.CL | An outtake from the findnings of a master thesis studying gender bias in
course evaluations through the lense of machine learning and nlp. We use
different methods to examine and explore the data and find differences in what
students write about courses depending on gender of the examiner. Data from
English and Swedish courses are evaluated and compared, in order to capture
more nuance in the gender bias that might be found. Here we present the results
from the work so far, but this is an ongoing project and there is more work to
do. | cs.LG | Detecting Gender Bias in Course Evaluations |
2024-04-02T11:34:12Z | http://arxiv.org/pdf/2404.01856v2 | http://arxiv.org/abs/2404.01856v2 | Risto Luukkonen, Jonathan Burdge, Elaine Zosa, Aarne Talman, Ville Komulainen, Väinö Hatanpää, Peter Sarlin, Sampo Pyysalo | 2024-04-24T12:37:23Z | cs.CL | The pretraining of state-of-the-art large language models now requires
trillions of words of text, which is orders of magnitude more than available
for the vast majority of languages. While including text in more than one
language is an obvious way to acquire more pretraining data, multilinguality is
often seen as a curse, and most model training efforts continue to focus
near-exclusively on individual large languages. We believe that multilinguality
can be a blessing and that it should be possible to substantially improve over
the capabilities of monolingual models for small languages through multilingual
training. In this study, we introduce Poro 34B, a 34 billion parameter model
trained for 1 trillion tokens of Finnish, English, and programming languages,
and demonstrate that a multilingual training approach can produce a model that
not only substantially advances over the capabilities of existing models for
Finnish, but also excels in translation and is competitive in its class in
generating English and programming languages. We release the model parameters,
scripts, and data under open licenses at
https://huggingface.co/LumiOpen/Poro-34B. | cs.CL | Poro 34B and the Blessing of Multilinguality |
2024-04-02T11:32:58Z | http://arxiv.org/pdf/2404.01854v1 | http://arxiv.org/abs/2404.01854v1 | Fajri Koto, Rahmad Mahendra, Nurul Aisyah, Timothy Baldwin | 2024-04-02T11:32:58Z | cs.CL | Although commonsense reasoning is greatly shaped by cultural and geographical
factors, previous studies on language models have predominantly centered on
English cultures, potentially resulting in an Anglocentric bias. In this paper,
we introduce IndoCulture, aimed at understanding the influence of geographical
factors on language model reasoning ability, with a specific emphasis on the
diverse cultures found within eleven Indonesian provinces. In contrast to prior
works that relied on templates (Yin et al., 2022) and online scrapping (Fung et
al., 2024), we created IndoCulture by asking local people to manually develop
the context and plausible options based on predefined topics. Evaluations of 23
language models reveal several insights: (1) even the best open-source model
struggles with an accuracy of 53.2%, (2) models often provide more accurate
predictions for specific provinces, such as Bali and West Java, and (3) the
inclusion of location contexts enhances performance, especially in larger
models like GPT-4, emphasizing the significance of geographical context in
commonsense reasoning. | cs.CL | IndoCulture: Exploring Geographically-Influenced Cultural Commonsense Reasoning Across Eleven Indonesian Provinces |
2024-04-02T10:32:21Z | http://arxiv.org/pdf/2404.01822v1 | http://arxiv.org/abs/2404.01822v1 | Ivo Verhoeven, Pushkar Mishra, Rahel Beloch, Helen Yannakoudakis, Ekaterina Shutova | 2024-04-02T10:32:21Z | cs.LG, cs.CL, cs.SI | Community models for malicious content detection, which take into account the
context from a social graph alongside the content itself, have shown remarkable
performance on benchmark datasets. Yet, misinformation and hate speech continue
to propagate on social media networks. This mismatch can be partially
attributed to the limitations of current evaluation setups that neglect the
rapid evolution of online content and the underlying social graph. In this
paper, we propose a novel evaluation setup for model generalisation based on
our few-shot subgraph sampling approach. This setup tests for generalisation
through few labelled examples in local explorations of a larger graph,
emulating more realistic application settings. We show this to be a challenging
inductive setup, wherein strong performance on the training graph is not
indicative of performance on unseen tasks, domains, or graph structures.
Lastly, we show that graph meta-learners trained with our proposed few-shot
subgraph sampling outperform standard community models in the inductive setup.
We make our code publicly available. | cs.LG | A (More) Realistic Evaluation Setup for Generalisation of Community Models on Malicious Content Detection |
2024-04-02T09:59:49Z | http://arxiv.org/pdf/2404.01800v2 | http://arxiv.org/abs/2404.01800v2 | Walid Hariri | 2024-04-06T19:08:08Z | cs.DL, cs.CL | Scientific articles play a crucial role in advancing knowledge and informing
research directions. One key aspect of evaluating scientific articles is the
analysis of citations, which provides insights into the impact and reception of
the cited works. This article introduces the innovative use of large language
models, particularly ChatGPT, for comprehensive sentiment analysis of citations
within scientific articles. By leveraging advanced natural language processing
(NLP) techniques, ChatGPT can discern the nuanced positivity or negativity of
citations, offering insights into the reception and impact of cited works.
Furthermore, ChatGPT's capabilities extend to detecting potential biases and
conflicts of interest in citations, enhancing the objectivity and reliability
of scientific literature evaluation. This study showcases the transformative
potential of artificial intelligence (AI)-powered tools in enhancing citation
analysis and promoting integrity in scholarly research. | cs.DL | Sentiment Analysis of Citations in Scientific Articles Using ChatGPT: Identifying Potential Biases and Conflicts of Interest |
2024-04-02T09:58:57Z | http://arxiv.org/pdf/2404.01799v1 | http://arxiv.org/abs/2404.01799v1 | Qixiang Fang, Daniel L. Oberski, Dong Nguyen | 2024-04-02T09:58:57Z | cs.CL, cs.CY | Many existing benchmarks of large (multimodal) language models (LLMs) focus
on measuring LLMs' academic proficiency, often with also an interest in
comparing model performance with human test takers. While these benchmarks have
proven key to the development of LLMs, they suffer from several limitations,
including questionable measurement quality (e.g., Do they measure what they are
supposed to in a reliable way?), lack of quality assessment on the item level
(e.g., Are some items more important or difficult than others?) and unclear
human population reference (e.g., To whom can the model be compared?). In
response to these challenges, we propose leveraging knowledge from
psychometrics - a field dedicated to the measurement of latent variables like
academic proficiency - into LLM benchmarking. We make three primary
contributions. First, we introduce PATCH: a novel framework for
Psychometrics-AssisTed benCHmarking of LLMs. PATCH addresses the aforementioned
limitations, presenting a new direction for LLM benchmark research. Second, we
implement PATCH by measuring GPT-4 and Gemini-Pro-Vision's proficiency in 8th
grade mathematics against 56 human populations. We show that adopting a
psychometrics-based approach yields evaluation outcomes that diverge from those
based on existing benchmarking practices. Third, we release 4 datasets to
support measuring and comparing LLM proficiency in grade school mathematics and
science against human populations. | cs.CL | PATCH -- Psychometrics-AssisTed benCHmarking of Large Language Models: A Case Study of Mathematics Proficiency |
2024-04-02T09:54:51Z | http://arxiv.org/pdf/2404.02929v2 | http://arxiv.org/abs/2404.02929v2 | Athanasios Karapantelakis, Mukesh Thakur, Alexandros Nikou, Farnaz Moradi, Christian Orlog, Fitsum Gaim, Henrik Holm, Doumitrou Daniil Nimara, Vincent Huang | 2024-04-12T09:08:30Z | cs.CL, cs.AI | The Third Generation Partnership Project (3GPP) has successfully introduced
standards for global mobility. However, the volume and complexity of these
standards has increased over time, thus complicating access to relevant
information for vendors and service providers. Use of Generative Artificial
Intelligence (AI) and in particular Large Language Models (LLMs), may provide
faster access to relevant information. In this paper, we evaluate the
capability of state-of-art LLMs to be used as Question Answering (QA)
assistants for 3GPP document reference. Our contribution is threefold. First,
we provide a benchmark and measuring methods for evaluating performance of
LLMs. Second, we do data preprocessing and fine-tuning for one of these LLMs
and provide guidelines to increase accuracy of the responses that apply to all
LLMs. Third, we provide a model of our own, TeleRoBERTa, that performs on-par
with foundation LLMs but with an order of magnitude less number of parameters.
Results show that LLMs can be used as a credible reference tool on telecom
technical documents, and thus have potential for a number of different
applications from troubleshooting and maintenance, to network operations and
software product development. | cs.CL | Using Large Language Models to Understand Telecom Standards |
2024-04-02T09:49:53Z | http://arxiv.org/pdf/2404.01786v1 | http://arxiv.org/abs/2404.01786v1 | Rohit Pandey, Hetvi Waghela, Sneha Rakshit, Aparna Rangari, Anjali Singh, Rahul Kumar, Ratnadeep Ghosal, Jaydip Sen | 2024-04-02T09:49:53Z | cs.CL | This work delved into the realm of automatic text generation, exploring a
variety of techniques ranging from traditional deterministic approaches to more
modern stochastic methods. Through analysis of greedy search, beam search,
top-k sampling, top-p sampling, contrastive searching, and locally typical
searching, this work has provided valuable insights into the strengths,
weaknesses, and potential applications of each method. Each text-generating
method is evaluated using several standard metrics and a comparative study has
been made on the performance of the approaches. Finally, some future directions
of research in the field of automatic text generation are also identified. | cs.CL | Generative AI-Based Text Generation Methods Using Pre-Trained GPT-2 Model |
2024-04-02T09:49:07Z | http://arxiv.org/pdf/2404.01785v1 | http://arxiv.org/abs/2404.01785v1 | Maria Barrett, Max Müller-Eberstein, Elisa Bassignana, Amalie Brogaard Pauli, Mike Zhang, Rob van der Goot | 2024-04-02T09:49:07Z | cs.CL | Textual domain is a crucial property within the Natural Language Processing
(NLP) community due to its effects on downstream model performance. The concept
itself is, however, loosely defined and, in practice, refers to any
non-typological property, such as genre, topic, medium or style of a document.
We investigate the core notion of domains via human proficiency in identifying
related intrinsic textual properties, specifically the concepts of genre
(communicative purpose) and topic (subject matter). We publish our annotations
in *TGeGUM*: A collection of 9.1k sentences from the GUM dataset (Zeldes, 2017)
with single sentence and larger context (i.e., prose) annotations for one of 11
genres (source type), and its topic/subtopic as per the Dewey Decimal library
classification system (Dewey, 1979), consisting of 10/100 hierarchical topics
of increased granularity. Each instance is annotated by three annotators, for a
total of 32.7k annotations, allowing us to examine the level of human
disagreement and the relative difficulty of each annotation task. With a
Fleiss' kappa of at most 0.53 on the sentence level and 0.66 at the prose
level, it is evident that despite the ubiquity of domains in NLP, there is
little human consensus on how to define them. By training classifiers to
perform the same task, we find that this uncertainty also extends to NLP
models. | cs.CL | Can Humans Identify Domains? |
2024-04-02T09:31:32Z | http://arxiv.org/pdf/2404.01768v1 | http://arxiv.org/abs/2404.01768v1 | Zekun Wu, Sahan Bulathwela, Maria Perez-Ortiz, Adriano Soares Koshiyama | 2024-04-02T09:31:32Z | cs.CL, cs.AI | Recent advancements in Large Language Models (LLMs) have significantly
increased their presence in human-facing Artificial Intelligence (AI)
applications. However, LLMs could reproduce and even exacerbate stereotypical
outputs from training data. This work introduces the Multi-Grain Stereotype
(MGS) dataset, encompassing 51,867 instances across gender, race, profession,
religion, and stereotypical text, collected by fusing multiple previously
publicly available stereotype detection datasets. We explore different machine
learning approaches aimed at establishing baselines for stereotype detection,
and fine-tune several language models of various architectures and model sizes,
presenting in this work a series of stereotypes classifier models for English
text trained on MGS. To understand whether our stereotype detectors capture
relevant features (aligning with human common sense) we utilise a variety of
explanainable AI tools, including SHAP, LIME, and BertViz, and analyse a series
of example cases discussing the results. Finally, we develop a series of
stereotype elicitation prompts and evaluate the presence of stereotypes in text
generation tasks with popular LLMs, using one of our best performing previously
presented stereotypes detectors. Our experiments yielded several key findings:
i) Training stereotype detectors in a multi-dimension setting yields better
results than training multiple single-dimension classifiers.ii) The integrated
MGS Dataset enhances both the in-dataset and cross-dataset generalisation
ability of stereotype detectors compared to using the datasets separately. iii)
There is a reduction in stereotypes in the content generated by GPT Family LLMs
with newer versions. | cs.CL | Auditing Large Language Models for Enhanced Text-Based Stereotype Detection and Probing-Based Bias Evaluation |
2024-04-02T09:31:14Z | http://arxiv.org/pdf/2404.01767v1 | http://arxiv.org/abs/2404.01767v1 | Kailin Zhao, Xiaolong Jin, Long Bai, Jiafeng Guo, Xueqi Cheng | 2024-04-02T09:31:14Z | cs.CL | Event detection is one of the fundamental tasks in information extraction and
knowledge graph. However, a realistic event detection system often needs to
deal with new event classes constantly. These new classes usually have only a
few labeled instances as it is time-consuming and labor-intensive to annotate a
large number of unlabeled instances. Therefore, this paper proposes a new task,
called class-incremental few-shot event detection. Nevertheless, this task
faces two problems, i.e., old knowledge forgetting and new class overfitting.
To solve these problems, this paper further presents a novel knowledge
distillation and prompt learning based method, called Prompt-KD. Specifically,
to handle the forgetting problem about old knowledge, Prompt-KD develops an
attention based multi-teacher knowledge distillation framework, where the
ancestor teacher model pre-trained on base classes is reused in all learning
sessions, and the father teacher model derives the current student model via
adaptation. On the other hand, in order to cope with the few-shot learning
scenario and alleviate the corresponding new class overfitting problem,
Prompt-KD is also equipped with a prompt learning mechanism. Extensive
experiments on two benchmark datasets, i.e., FewEvent and MAVEN, demonstrate
the superior performance of Prompt-KD. | cs.CL | Class-Incremental Few-Shot Event Detection |
2024-04-02T09:11:58Z | http://arxiv.org/pdf/2404.01753v3 | http://arxiv.org/abs/2404.01753v3 | Gaurish Thakkar, Sherzod Hakimov, Marko Tadić | 2024-06-12T07:12:36Z | cs.CL | In recent years, multimodal natural language processing, aimed at learning
from diverse data types, has garnered significant attention. However, there
needs to be more clarity when it comes to analysing multimodal tasks in
multi-lingual contexts. While prior studies on sentiment analysis of tweets
have predominantly focused on the English language, this paper addresses this
gap by transforming an existing textual Twitter sentiment dataset into a
multimodal format through a straightforward curation process. Our work opens up
new avenues for sentiment-related research within the research community.
Additionally, we conduct baseline experiments utilising this augmented dataset
and report the findings. Notably, our evaluations reveal that when comparing
unimodal and multimodal configurations, using a sentiment-tuned large language
model as a text encoder performs exceptionally well. | cs.CL | M2SA: Multimodal and Multilingual Model for Sentiment Analysis of Tweets |
2024-04-02T09:01:32Z | http://arxiv.org/pdf/2404.01744v5 | http://arxiv.org/abs/2404.01744v5 | Wei Chen, Zhiyuan Li | 2024-04-16T16:39:51Z | cs.CL | Language models have shown effectiveness in a variety of software
applications, particularly in tasks related to automatic workflow. These models
possess the crucial ability to call functions, which is essential in creating
AI agents. Despite the high performance of large-scale language models in cloud
environments, they are often associated with concerns over privacy and cost.
Current on-device models for function calling face issues with latency and
accuracy. Our research presents a new method that empowers an on-device model
with 2 billion parameters to surpass the performance of GPT-4 in both accuracy
and latency, and decrease the context length by 95\%. When compared to Llama-7B
with a RAG-based function calling mechanism, our method enhances latency by
35-fold. This method reduces the latency to levels deemed suitable for
deployment across a variety of edge devices in production environments,
aligning with the performance requisites for real-world applications. | cs.CL | Octopus v2: On-device language model for super agent |
2024-04-02T08:53:51Z | http://arxiv.org/pdf/2404.01737v1 | http://arxiv.org/abs/2404.01737v1 | Paul Best, Santiago Cuervo, Ricard Marxer | 2024-04-02T08:53:51Z | eess.AS, cs.CL, cs.SD | Macroscopic intelligibility models predict the expected human word-error-rate
for a given speech-in-noise stimulus. In contrast, microscopic intelligibility
models aim to make fine-grained predictions about listeners' perception, e.g.
predicting phonetic or lexical responses. State-of-the-art macroscopic models
use transfer learning from large scale deep learning models for speech
processing, whereas such methods have rarely been used for microscopic
modeling. In this paper, we study the use of transfer learning from Whisper, a
state-of-the-art deep learning model for automatic speech recognition, for
microscopic intelligibility prediction at the level of lexical responses. Our
method outperforms the considered baselines, even in a zero-shot setup, and
yields a relative improvement of up to 66\% when fine-tuned to predict
listeners' responses. Our results showcase the promise of large scale deep
learning based methods for microscopic intelligibility prediction. | eess.AS | Transfer Learning from Whisper for Microscopic Intelligibility Prediction |
2024-04-02T08:16:03Z | http://arxiv.org/pdf/2404.01722v1 | http://arxiv.org/abs/2404.01722v1 | Yuanyuan Lei, Ruihong Huang | 2024-04-02T08:16:03Z | cs.CL | Media outlets are becoming more partisan and polarized nowadays. In this
paper, we identify media bias at the sentence level, and pinpoint bias
sentences that intend to sway readers' opinions. As bias sentences are often
expressed in a neutral and factual way, considering broader context outside a
sentence can help reveal the bias. In particular, we observe that events in a
bias sentence need to be understood in associations with other events in the
document. Therefore, we propose to construct an event relation graph to
explicitly reason about event-event relations for sentence-level bias
identification. The designed event relation graph consists of events as nodes
and four common types of event relations: coreference, temporal, causal, and
subevent relations. Then, we incorporate event relation graph for bias
sentences identification in two steps: an event-aware language model is built
to inject the events and event relations knowledge into the basic language
model via soft labels; further, a relation-aware graph attention network is
designed to update sentence embedding with events and event relations
information based on hard labels. Experiments on two benchmark datasets
demonstrate that our approach with the aid of event relation graph improves
both precision and recall of bias sentence identification. | cs.CL | Sentence-level Media Bias Analysis with Event Relation Graph |
2024-04-02T08:14:27Z | http://arxiv.org/pdf/2404.01720v1 | http://arxiv.org/abs/2404.01720v1 | Zhuo Chen, Zhao Zhang, Zixuan Li, Fei Wang, Yutao Zeng, Xiaolong Jin, Yongjun Xu | 2024-04-02T08:14:27Z | cs.CL | Temporal Knowledge Graph Question Answering (TKGQA) aims to answer questions
with temporal intent over Temporal Knowledge Graphs (TKGs). The core challenge
of this task lies in understanding the complex semantic information regarding
multiple types of time constraints (e.g., before, first) in questions. Existing
end-to-end methods implicitly model the time constraints by learning time-aware
embeddings of questions and candidate answers, which is far from understanding
the question comprehensively. Motivated by semantic-parsing-based approaches
that explicitly model constraints in questions by generating logical forms with
symbolic operators, we design fundamental temporal operators for time
constraints and introduce a novel self-improvement Programming method for TKGQA
(Prog-TQA). Specifically, Prog-TQA leverages the in-context learning ability of
Large Language Models (LLMs) to understand the combinatory time constraints in
the questions and generate corresponding program drafts with a few examples
given. Then, it aligns these drafts to TKGs with the linking module and
subsequently executes them to generate the answers. To enhance the ability to
understand questions, Prog-TQA is further equipped with a self-improvement
strategy to effectively bootstrap LLMs using high-quality self-generated
drafts. Extensive experiments demonstrate the superiority of the proposed
Prog-TQA on MultiTQ and CronQuestions datasets, especially in the Hits@1
metric. | cs.CL | Self-Improvement Programming for Temporal Knowledge Graph Question Answering |
2024-04-02T08:01:05Z | http://arxiv.org/pdf/2404.01716v1 | http://arxiv.org/abs/2404.01716v1 | Jinxi Guo, Niko Moritz, Yingyi Ma, Frank Seide, Chunyang Wu, Jay Mahadeokar, Ozlem Kalinli, Christian Fuegen, Mike Seltzer | 2024-04-02T08:01:05Z | eess.AS, cs.AI, cs.CL, cs.LG | The internal language model (ILM) of the neural transducer has been widely
studied. In most prior work, it is mainly used for estimating the ILM score and
is subsequently subtracted during inference to facilitate improved integration
with external language models. Recently, various of factorized transducer
models have been proposed, which explicitly embrace a standalone internal
language model for non-blank token prediction. However, even with the adoption
of factorized transducer models, limited improvement has been observed compared
to shallow fusion. In this paper, we propose a novel ILM training and decoding
strategy for factorized transducer models, which effectively combines the
blank, acoustic and ILM scores. Our experiments show a 17% relative improvement
over the standard decoding method when utilizing a well-trained ILM and the
proposed decoding strategy on LibriSpeech datasets. Furthermore, when compared
to a strong RNN-T baseline enhanced with external LM fusion, the proposed model
yields a 5.5% relative improvement on general-sets and an 8.9% WER reduction
for rare words. The proposed model can achieve superior performance without
relying on external language models, rendering it highly efficient for
production use-cases. To further improve the performance, we propose a novel
and memory-efficient ILM-fusion-aware minimum word error rate (MWER) training
method which improves ILM integration significantly. | eess.AS | Effective internal language model training and fusion for factorized transducer model |
2024-04-02T07:57:19Z | http://arxiv.org/pdf/2404.01715v1 | http://arxiv.org/abs/2404.01715v1 | Yuanyuan Lei, Md Messal Monem Miah, Ayesha Qamar, Sai Ramana Reddy, Jonathan Tong, Haotian Xu, Ruihong Huang | 2024-04-02T07:57:19Z | cs.CL | Most previous research on moral frames has focused on social media short
texts, little work has explored moral sentiment within news articles. In news
articles, authors often express their opinions or political stance through
moral judgment towards events, specifically whether the event is right or wrong
according to social moral rules. This paper initiates a new task to understand
moral opinions towards events in news articles. We have created a new dataset,
EMONA, and annotated event-level moral opinions in news articles. This dataset
consists of 400 news articles containing over 10k sentences and 45k events,
among which 9,613 events received moral foundation labels. Extracting event
morality is a challenging task, as moral judgment towards events can be very
implicit. Baseline models were built for event moral identification and
classification. In addition, we also conduct extrinsic evaluations to integrate
event-level moral opinions into three downstream tasks. The statistical
analysis and experiments show that moral opinions of events can serve as
informative features for identifying ideological bias or subjective events. | cs.CL | EMONA: Event-level Moral Opinions in News Articles |
2024-04-02T07:57:05Z | http://arxiv.org/pdf/2404.01713v1 | http://arxiv.org/abs/2404.01713v1 | Nassim Sehad, Lina Bariah, Wassim Hamidouche, Hamed Hellaoui, Riku Jäntti, Mérouane Debbah | 2024-04-02T07:57:05Z | cs.CL, cs.AI, cs.HC, cs.MM, cs.NI | Over the past two decades, the Internet-of-Things (IoT) has been a
transformative concept, and as we approach 2030, a new paradigm known as the
Internet of Senses (IoS) is emerging. Unlike conventional Virtual Reality (VR),
IoS seeks to provide multi-sensory experiences, acknowledging that in our
physical reality, our perception extends far beyond just sight and sound; it
encompasses a range of senses. This article explores existing technologies
driving immersive multi-sensory media, delving into their capabilities and
potential applications. This exploration includes a comparative analysis
between conventional immersive media streaming and a proposed use case that
leverages semantic communication empowered by generative Artificial
Intelligence (AI). The focal point of this analysis is the substantial
reduction in bandwidth consumption by 99.93% in the proposed scheme. Through
this comparison, we aim to underscore the practical applications of generative
AI for immersive media while addressing the challenges and outlining future
trajectories. | cs.CL | Generative AI for Immersive Communication: The Next Frontier in Internet-of-Senses Through 6G |
2024-04-02T07:43:12Z | http://arxiv.org/pdf/2404.01706v1 | http://arxiv.org/abs/2404.01706v1 | Yuanyuan Lei, Kaiqiang Song, Sangwoo Cho, Xiaoyang Wang, Ruihong Huang, Dong Yu | 2024-04-02T07:43:12Z | cs.CL | Opinion summarization is automatically generating summaries from a variety of
subjective information, such as product reviews or political opinions. The
challenge of opinions summarization lies in presenting divergent or even
conflicting opinions. We conduct an analysis of previous summarization models,
which reveals their inclination to amplify the polarity bias, emphasizing the
majority opinions while ignoring the minority opinions. To address this issue
and make the summarizer express both sides of opinions, we introduce the
concept of polarity calibration, which aims to align the polarity of output
summary with that of input text. Specifically, we develop a reinforcement
training approach for polarity calibration. This approach feeds the polarity
distance between output summary and input text as reward into the summarizer,
and also balance polarity calibration with content preservation and language
naturality. We evaluate our Polarity Calibration model (PoCa) on two types of
opinions summarization tasks: summarizing product reviews and political
opinions articles. Automatic and human evaluation demonstrate that our approach
can mitigate the polarity mismatch between output summary and input text, as
well as maintain the content semantic and language quality. | cs.CL | Polarity Calibration for Opinion Summarization |
2024-04-02T07:09:44Z | http://arxiv.org/pdf/2404.01701v1 | http://arxiv.org/abs/2404.01701v1 | Marcel Nawrath, Agnieszka Nowak, Tristan Ratz, Danilo C. Walenta, Juri Opitz, Leonardo F. R. Ribeiro, João Sedoc, Daniel Deutsch, Simon Mille, Yixin Liu, Lining Zhang, Sebastian Gehrmann, Saad Mahamood, Miruna Clinciu, Khyathi Chandu, Yufang Hou | 2024-04-02T07:09:44Z | cs.CL | At the heart of the Pyramid evaluation method for text summarization lie
human written summary content units (SCUs). These SCUs are concise sentences
that decompose a summary into small facts. Such SCUs can be used to judge the
quality of a candidate summary, possibly partially automated via natural
language inference (NLI) systems. Interestingly, with the aim to fully automate
the Pyramid evaluation, Zhang and Bansal (2021) show that SCUs can be
approximated by automatically generated semantic role triplets (STUs). However,
several questions currently lack answers, in particular: i) Are there other
ways of approximating SCUs that can offer advantages? ii) Under which
conditions are SCUs (or their approximations) offering the most value? In this
work, we examine two novel strategies to approximate SCUs: generating SCU
approximations from AMR meaning representations (SMUs) and from large language
models (SGUs), respectively. We find that while STUs and SMUs are competitive,
the best approximation quality is achieved by SGUs. We also show through a
simple sentence-decomposition baseline (SSUs) that SCUs (and their
approximations) offer the most value when ranking short summaries, but may not
help as much when ranking systems or longer summaries. | cs.CL | On the Role of Summary Content Units in Text Summarization Evaluation |
2024-04-02T06:31:17Z | http://arxiv.org/pdf/2404.01679v2 | http://arxiv.org/abs/2404.01679v2 | Tanmay Parekh, Anh Mac, Jiarui Yu, Yuxuan Dong, Syed Shahriar, Bonnie Liu, Eric Yang, Kuan-Hao Huang, Wei Wang, Nanyun Peng, Kai-Wei Chang | 2024-05-24T17:58:11Z | cs.CL, cs.SI, physics.soc-ph | Social media is an easy-to-access platform providing timely updates about
societal trends and events. Discussions regarding epidemic-related events such
as infections, symptoms, and social interactions can be crucial for informing
policymaking during epidemic outbreaks. In our work, we pioneer exploiting
Event Detection (ED) for better preparedness and early warnings of any upcoming
epidemic by developing a framework to extract and analyze epidemic-related
events from social media posts. To this end, we curate an epidemic event
ontology comprising seven disease-agnostic event types and construct a Twitter
dataset SPEED with human-annotated events focused on the COVID-19 pandemic.
Experimentation reveals how ED models trained on COVID-based SPEED can
effectively detect epidemic events for three unseen epidemics of Monkeypox,
Zika, and Dengue; while models trained on existing ED datasets fail miserably.
Furthermore, we show that reporting sharp increases in the extracted events by
our framework can provide warnings 4-9 weeks earlier than the WHO epidemic
declaration for Monkeypox. This utility of our framework lays the foundations
for better preparedness against emerging epidemics. | cs.CL | Event Detection from Social Media for Epidemic Prediction |
2024-04-02T06:28:44Z | http://arxiv.org/pdf/2404.01677v2 | http://arxiv.org/abs/2404.01677v2 | Zhouhao Sun, Xiao Ding, Li Du, Bibo Cai, Jinglong Gao, Ting Liu, Qin Bing | 2024-04-03T09:28:31Z | cs.AI, cs.CL | Large language models (LLMs) have achieved significant performance in various
natural language reasoning tasks. However, they still struggle with performing
first-order logic reasoning over formal logical theories expressed in natural
language. This is because the previous LLMs-based reasoning systems have the
theoretical incompleteness issue. As a result, it can only address a limited
set of simple reasoning problems, which significantly decreases their
generalization ability. To address this issue, we propose a novel framework,
named Generalizable and Faithful Reasoner (GFaiR), which introduces the
paradigm of resolution refutation. Resolution refutation has the capability to
solve all first-order logic reasoning problems by extending reasoning rules and
employing the principle of proof by contradiction, so our system's completeness
can be improved by introducing resolution refutation. Experimental results
demonstrate that our system outperforms previous works by achieving
state-of-the-art performances in complex scenarios while maintaining
performances in simple scenarios. Besides, we observe that GFaiR is faithful to
its reasoning process. | cs.AI | Towards Generalizable and Faithful Logic Reasoning over Natural Language via Resolution Refutation |
2024-04-02T06:14:54Z | http://arxiv.org/pdf/2404.01667v1 | http://arxiv.org/abs/2404.01667v1 | Rishav Hada, Varun Gumma, Mohamed Ahmed, Kalika Bali, Sunayana Sitaram | 2024-04-02T06:14:54Z | cs.CL | With the rising human-like precision of Large Language Models (LLMs) in
numerous tasks, their utilization in a variety of real-world applications is
becoming more prevalent. Several studies have shown that LLMs excel on many
standard NLP benchmarks. However, it is challenging to evaluate LLMs due to
test dataset contamination and the limitations of traditional metrics. Since
human evaluations are difficult to collect, there is a growing interest in the
community to use LLMs themselves as reference-free evaluators for subjective
metrics. However, past work has shown that LLM-based evaluators can exhibit
bias and have poor alignment with human judgments. In this study, we propose a
framework for an end-to-end assessment of LLMs as evaluators in multilingual
scenarios. We create a carefully curated dataset, covering 10 languages
containing native speaker judgments for the task of summarization. This dataset
is created specifically to evaluate LLM-based evaluators, which we refer to as
meta-evaluation (METAL). We compare the performance of LLM-based evaluators
created using GPT-3.5-Turbo, GPT-4, and PaLM2. Our results indicate that
LLM-based evaluators based on GPT-4 perform the best across languages, while
GPT-3.5-Turbo performs poorly. Additionally, we perform an analysis of the
reasoning provided by LLM-based evaluators and find that it often does not
match the reasoning provided by human judges. | cs.CL | METAL: Towards Multilingual Meta-Evaluation |
2024-04-02T06:07:35Z | http://arxiv.org/pdf/2404.01663v2 | http://arxiv.org/abs/2404.01663v2 | Xuechen Liang, Meiling Tao, Tianyu Shi, Yiting Xie | 2024-04-04T12:40:03Z | cs.CL | Open large language models (LLMs) have significantly advanced the field of
natural language processing, showcasing impressive performance across various
tasks.Despite the significant advancements in LLMs, their effective operation
still relies heavily on human input to accurately guide the dialogue flow, with
agent tuning being a crucial optimization technique that involves human
adjustments to the model for better response to such guidance.Addressing this
dependency, our work introduces the TinyAgent model, trained on a meticulously
curated high-quality dataset. We also present the Collaborative Multi-Agent
Tuning (CMAT) framework, an innovative system designed to augment language
agent capabilities through adaptive weight updates based on environmental
feedback. This framework fosters collaborative learning and real-time
adaptation among multiple intelligent agents, enhancing their context-awareness
and long-term memory. In this research, we propose a new communication agent
framework that integrates multi-agent systems with environmental feedback
mechanisms, offering a scalable method to explore cooperative behaviors.
Notably, our TinyAgent-7B model exhibits performance on par with GPT-3.5,
despite having fewer parameters, signifying a substantial improvement in the
efficiency and effectiveness of LLMs. | cs.CL | CMAT: A Multi-Agent Collaboration Tuning Framework for Enhancing Small Language Models |
2024-04-02T05:59:43Z | http://arxiv.org/pdf/2404.01657v1 | http://arxiv.org/abs/2404.01657v1 | Kei Sawada, Tianyu Zhao, Makoto Shing, Kentaro Mitsui, Akio Kaga, Yukiya Hono, Toshiaki Wakatsuki, Koh Mitsuda | 2024-04-02T05:59:43Z | cs.CL, cs.AI, cs.CV, cs.LG, eess.AS | AI democratization aims to create a world in which the average person can
utilize AI techniques. To achieve this goal, numerous research institutes have
attempted to make their results accessible to the public. In particular, large
pre-trained models trained on large-scale data have shown unprecedented
potential, and their release has had a significant impact. However, most of the
released models specialize in the English language, and thus, AI
democratization in non-English-speaking communities is lagging significantly.
To reduce this gap in AI access, we released Generative Pre-trained Transformer
(GPT), Contrastive Language and Image Pre-training (CLIP), Stable Diffusion,
and Hidden-unit Bidirectional Encoder Representations from Transformers
(HuBERT) pre-trained in Japanese. By providing these models, users can freely
interface with AI that aligns with Japanese cultural values and ensures the
identity of Japanese culture, thus enhancing the democratization of AI.
Additionally, experiments showed that pre-trained models specialized for
Japanese can efficiently achieve high performance in Japanese tasks. | cs.CL | Release of Pre-Trained Models for the Japanese Language |
2024-04-02T05:44:50Z | http://arxiv.org/pdf/2404.01652v1 | http://arxiv.org/abs/2404.01652v1 | Zixuan Zhang, Revanth Gangi Reddy, Kevin Small, Tong Zhang, Heng Ji | 2024-04-02T05:44:50Z | cs.CL, cs.AI | Open-domain Question Answering (OpenQA) aims at answering factual questions
with an external large-scale knowledge corpus. However, real-world knowledge is
not static; it updates and evolves continually. Such a dynamic characteristic
of knowledge poses a vital challenge for these models, as the trained models
need to constantly adapt to the latest information to make sure that the
answers remain accurate. In addition, it is still unclear how well an OpenQA
model can transfer to completely new knowledge domains. In this paper, we
investigate the generalization performance of a retrieval-augmented QA model in
two specific scenarios: 1) adapting to updated versions of the same knowledge
corpus; 2) switching to completely different knowledge domains. We observe that
the generalization challenges of OpenQA models stem from the reader's
over-reliance on memorizing the knowledge from the external corpus, which
hinders the model from generalizing to a new knowledge corpus. We introduce
Corpus-Invariant Tuning (CIT), a simple but effective training strategy, to
mitigate the knowledge over-memorization by controlling the likelihood of
retrieved contexts during training. Extensive experimental results on multiple
OpenQA benchmarks show that CIT achieves significantly better generalizability
without compromising the model's performance in its original corpus and domain. | cs.CL | Towards Better Generalization in Open-Domain Question Answering by Mitigating Context Memorization |
2024-04-02T05:36:41Z | http://arxiv.org/pdf/2404.01651v1 | http://arxiv.org/abs/2404.01651v1 | Kristina Gligoric, Myra Cheng, Lucia Zheng, Esin Durmus, Dan Jurafsky | 2024-04-02T05:36:41Z | cs.CL, cs.CY, cs.HC, cs.SI | The use of words to convey speaker's intent is traditionally distinguished
from the `mention' of words for quoting what someone said, or pointing out
properties of a word. Here we show that computationally modeling this
use-mention distinction is crucial for dealing with counterspeech online.
Counterspeech that refutes problematic content often mentions harmful language
but is not harmful itself (e.g., calling a vaccine dangerous is not the same as
expressing disapproval of someone for calling vaccines dangerous). We show that
even recent language models fail at distinguishing use from mention, and that
this failure propagates to two key downstream tasks: misinformation and hate
speech detection, resulting in censorship of counterspeech. We introduce
prompting mitigations that teach the use-mention distinction, and show they
reduce these errors. Our work highlights the importance of the use-mention
distinction for NLP and CSS and offers ways to address it. | cs.CL | NLP Systems That Can't Tell Use from Mention Censor Counterspeech, but Teaching the Distinction Helps |
2024-04-02T04:35:35Z | http://arxiv.org/pdf/2404.08567v1 | http://arxiv.org/abs/2404.08567v1 | Ruqi Liao, Chuqing Zhao, Jin Li, Weiqi Feng | 2024-04-02T04:35:35Z | cs.CL, cs.AI | In response to the rising interest in large multimodal models, we introduce
Cross-Attention Token Pruning (CATP), a precision-focused token pruning method.
Our approach leverages cross-attention layers in multimodal models, exemplified
by BLIP-2, to extract valuable information for token importance determination.
CATP employs a refined voting strategy across model heads and layers. In
evaluations, CATP achieves up to 12.1X higher accuracy compared to existing
token pruning methods, addressing the trade-off between computational
efficiency and model precision. | cs.CL | CATP: Cross-Attention Token Pruning for Accuracy Preserved Multimodal Model Inference |
2024-04-02T04:27:54Z | http://arxiv.org/pdf/2404.01626v2 | http://arxiv.org/abs/2404.01626v2 | Junxiong Wang, Ali Mousavi, Omar Attia, Ronak Pradeep, Saloni Potdar, Alexander M. Rush, Umar Farooq Minhas, Yunyao Li | 2024-05-08T01:06:24Z | cs.CL, cs.IR | Entity disambiguation (ED), which links the mentions of ambiguous entities to
their referent entities in a knowledge base, serves as a core component in
entity linking (EL). Existing generative approaches demonstrate improved
accuracy compared to classification approaches under the standardized ZELDA
benchmark. Nevertheless, generative approaches suffer from the need for
large-scale pre-training and inefficient generation. Most importantly, entity
descriptions, which could contain crucial information to distinguish similar
entities from each other, are often overlooked. We propose an encoder-decoder
model to disambiguate entities with more detailed entity descriptions. Given
text and candidate entities, the encoder learns interactions between the text
and each candidate entity, producing representations for each entity candidate.
The decoder then fuses the representations of entity candidates together and
selects the correct entity. Our experiments, conducted on various entity
disambiguation benchmarks, demonstrate the strong and robust performance of
this model, particularly +1.5% in the ZELDA benchmark compared with GENRE.
Furthermore, we integrate this approach into the retrieval/reader framework and
observe +1.5% improvements in end-to-end entity linking in the GERBIL benchmark
compared with EntQA. | cs.CL | Entity Disambiguation via Fusion Entity Decoding |
2024-04-02T03:42:28Z | http://arxiv.org/pdf/2404.01616v2 | http://arxiv.org/abs/2404.01616v2 | Frank Palma Gomez, Ramon Sanabria, Yun-hsuan Sung, Daniel Cer, Siddharth Dalmia, Gustavo Hernandez Abrego | 2024-04-04T01:51:22Z | cs.CL, cs.IR, cs.SD, eess.AS | Large language models (LLMs) are trained on text-only data that go far beyond
the languages with paired speech and text data. At the same time, Dual Encoder
(DE) based retrieval systems project queries and documents into the same
embedding space and have demonstrated their success in retrieval and bi-text
mining. To match speech and text in many languages, we propose using LLMs to
initialize multi-modal DE retrieval systems. Unlike traditional methods, our
system doesn't require speech data during LLM pre-training and can exploit
LLM's multilingual text understanding capabilities to match speech and text in
languages unseen during retrieval training. Our multi-modal LLM-based retrieval
system is capable of matching speech and text in 102 languages despite only
training on 21 languages. Our system outperforms previous systems trained
explicitly on all 102 languages. We achieve a 10% absolute improvement in
Recall@1 averaged across these languages. Additionally, our model demonstrates
cross-lingual speech and text matching, which is further enhanced by readily
available machine translation data. | cs.CL | Transforming LLMs into Cross-modal and Cross-lingual Retrieval Systems |
2024-04-02T02:46:18Z | http://arxiv.org/pdf/2404.01602v1 | http://arxiv.org/abs/2404.01602v1 | Silin Du, Xiaowei Zhang | 2024-04-02T02:46:18Z | cs.CL, cs.AI, cs.HC | Large language models (LLMs) have exhibited memorable strategic behaviors in
social deductive games. However, the significance of opinion leadership
exhibited by LLM-based agents has been overlooked, which is crucial for
practical applications in multi-agent and human-AI interaction settings.
Opinion leaders are individuals who have a noticeable impact on the beliefs and
behaviors of others within a social group. In this work, we employ the Werewolf
game as a simulation platform to assess the opinion leadership of LLMs. The
game features the role of the Sheriff, tasked with summarizing arguments and
recommending decision options, and therefore serves as a credible proxy for an
opinion leader. We develop a framework integrating the Sheriff role and devise
two novel metrics for evaluation based on the critical characteristics of
opinion leaders. The first metric measures the reliability of the opinion
leader, and the second assesses the influence of the opinion leader on other
players' decisions. We conduct extensive experiments to evaluate LLMs of
different scales. In addition, we collect a Werewolf question-answering dataset
(WWQA) to assess and enhance LLM's grasp of the game rules, and we also
incorporate human participants for further analysis. The results suggest that
the Werewolf game is a suitable test bed to evaluate the opinion leadership of
LLMs and few LLMs possess the capacity for opinion leadership. | cs.CL | Helmsman of the Masses? Evaluate the Opinion Leadership of Large Language Models in the Werewolf Game |
2024-04-02T02:30:47Z | http://arxiv.org/pdf/2404.01589v1 | http://arxiv.org/abs/2404.01589v1 | Chia-Hsuan Chang, Mary M. Lucas, Grace Lu-Yao, Christopher C. Yang | 2024-04-02T02:30:47Z | cs.CL, cs.AI | Cancer stage classification is important for making treatment and care
management plans for oncology patients. Information on staging is often
included in unstructured form in clinical, pathology, radiology and other
free-text reports in the electronic health record system, requiring extensive
work to parse and obtain. To facilitate the extraction of this information,
previous NLP approaches rely on labeled training datasets, which are
labor-intensive to prepare. In this study, we demonstrate that without any
labeled training data, open-source clinical large language models (LLMs) can
extract pathologic tumor-node-metastasis (pTNM) staging information from
real-world pathology reports. Our experiments compare LLMs and a BERT-based
model fine-tuned using the labeled data. Our findings suggest that while LLMs
still exhibit subpar performance in Tumor (T) classification, with the
appropriate adoption of prompting strategies, they can achieve comparable
performance on Metastasis (M) classification and improved performance on Node
(N) classification. | cs.CL | Classifying Cancer Stage with Open-Source Clinical Large Language Models |
2024-04-02T02:30:27Z | http://arxiv.org/pdf/2404.01588v1 | http://arxiv.org/abs/2404.01588v1 | Yu Xia, Xu Liu, Tong Yu, Sungchul Kim, Ryan A. Rossi, Anup Rao, Tung Mai, Shuai Li | 2024-04-02T02:30:27Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have shown propensity to generate hallucinated
outputs, i.e., texts that are factually incorrect or unsupported. Existing
methods for alleviating hallucinations typically require costly human
annotations to identify and correct hallucinations in LLM outputs. Moreover,
most of these methods focus on a specific type of hallucination, e.g., entity
or token errors, which limits their effectiveness in addressing various types
of hallucinations exhibited in LLM outputs. To our best knowledge, in this
paper we propose the first active learning framework to alleviate LLM
hallucinations, reducing costly human annotations of hallucination needed. By
measuring fine-grained hallucinations from errors in semantic frame, discourse
and content verifiability in text summarization, we propose HAllucination
Diversity-Aware Sampling (HADAS) to select diverse hallucinations for
annotations in active learning for LLM finetuning. Extensive experiments on
three datasets and different backbone models demonstrate advantages of our
method in effectively and efficiently mitigating LLM hallucinations. | cs.CL | Hallucination Diversity-Aware Active Learning for Text Summarization |
2024-04-02T02:03:28Z | http://arxiv.org/pdf/2404.01569v1 | http://arxiv.org/abs/2404.01569v1 | Manish Sanwal | 2024-04-02T02:03:28Z | cs.CL, cs.AI, cs.LG | In the domain of Natural Language Inference (NLI), especially in tasks
involving the classification of multiple input texts, the Cross-Entropy Loss
metric is widely employed as a standard for error measurement. However, this
metric falls short in effectively evaluating a model's capacity to understand
language entailments. In this study, we introduce an innovative technique for
generating a contrast set for the Stanford Natural Language Inference (SNLI)
dataset. Our strategy involves the automated substitution of verbs, adverbs,
and adjectives with their synonyms to preserve the original meaning of
sentences. This method aims to assess whether a model's performance is based on
genuine language comprehension or simply on pattern recognition. We conducted
our analysis using the ELECTRA-small model. The model achieved an accuracy of
89.9% on the conventional SNLI dataset but showed a reduced accuracy of 72.5%
on our contrast set, indicating a substantial 17% decline. This outcome led us
to conduct a detailed examination of the model's learning behaviors. Following
this, we improved the model's resilience by fine-tuning it with a
contrast-enhanced training dataset specifically designed for SNLI, which
increased its accuracy to 85.5% on the contrast sets. Our findings highlight
the importance of incorporating diverse linguistic expressions into datasets
for NLI tasks. We hope that our research will encourage the creation of more
inclusive datasets, thereby contributing to the development of NLI models that
are both more sophisticated and effective. | cs.CL | Evaluating Large Language Models Using Contrast Sets: An Experimental Approach |
2024-04-02T01:29:28Z | http://arxiv.org/pdf/2404.01549v1 | http://arxiv.org/abs/2404.01549v1 | Wei Chen, Zhiyuan Li, Mingyuan Ma | 2024-04-02T01:29:28Z | cs.CL, cs.SE | In the rapidly evolving domain of artificial intelligence, Large Language
Models (LLMs) play a crucial role due to their advanced text processing and
generation abilities. This study introduces a new strategy aimed at harnessing
on-device LLMs in invoking software APIs. We meticulously compile a dataset
derived from software API documentation and apply fine-tuning to LLMs with
capacities of 2B, 3B and 7B parameters, specifically to enhance their
proficiency in software API interactions. Our approach concentrates on refining
the models' grasp of API structures and syntax, significantly enhancing the
accuracy of API function calls. Additionally, we propose \textit{conditional
masking} techniques to ensure outputs in the desired formats and reduce error
rates while maintaining inference speeds. We also propose a novel benchmark
designed to evaluate the effectiveness of LLMs in API interactions,
establishing a foundation for subsequent research. Octopus, the fine-tuned
model, is proved to have better performance than GPT-4 for the software APIs
calling. This research aims to advance automated software development and API
integration, representing substantial progress in aligning LLM capabilities
with the demands of practical software engineering applications. | cs.CL | Octopus: On-device language model for function calling of software APIs |
2024-04-02T00:02:00Z | http://arxiv.org/pdf/2404.01536v1 | http://arxiv.org/abs/2404.01536v1 | Mandar Sharma, Rutuja Murlidhar Taware, Pravesh Koirala, Nikhil Muralidhar, Naren Ramakrishnan | 2024-04-02T00:02:00Z | cs.CL, cs.AI, cs.LG | Off-the-shelf pre-trained language models have become the de facto standard
in NLP pipelines for a multitude of downstream tasks. However, the inability of
these models to properly encode numerals limits their performance on tasks
requiring numeric comprehension. We introduce strategies to semantically prime
numerals in any corpus by generating anchors governed by the distribution of
numerals in said corpus, thereby enabling mathematically grounded
representations of these numeral tokens. We establish the superiority of our
proposed techniques through evaluation on a range of numeracy tasks for both
in-domain (seen) and out-domain (unseen) numerals. Further, we expand our
empirical evaluations to numerals ranging from 1 to 10 billion, a significantly
broader range compared to previous studies of the same nature, and we
demonstrate significant improvements in the mathematical grounding of our
learned embeddings. | cs.CL | Laying Anchors: Semantically Priming Numerals in Language Modeling |
2024-04-01T23:46:00Z | http://arxiv.org/pdf/2404.01532v1 | http://arxiv.org/abs/2404.01532v1 | Xingwei Tan, Yuxiang Zhou, Gabriele Pergola, Yulan He | 2024-04-01T23:46:00Z | cs.CL, cs.IR | Event temporal graphs have been shown as convenient and effective
representations of complex temporal relations between events in text. Recent
studies, which employ pre-trained language models to auto-regressively generate
linearised graphs for constructing event temporal graphs, have shown promising
results. However, these methods have often led to suboptimal graph generation
as the linearised graphs exhibit set characteristics which are instead treated
sequentially by language models. This discrepancy stems from the conventional
text generation objectives, leading to erroneous penalisation of correct
predictions caused by the misalignment of elements in target sequences. To
address these challenges, we reframe the task as a conditional set generation
problem, proposing a Set-aligning Framework tailored for the effective
utilisation of Large Language Models (LLMs). The framework incorporates data
augmentations and set-property regularisations designed to alleviate text
generation loss penalties associated with the linearised graph edge sequences,
thus encouraging the generation of more relation edges. Experimental results
show that our framework surpasses existing baselines for event temporal graph
generation. Furthermore, under zero-shot settings, the structural knowledge
introduced through our framework notably improves model generalisation,
particularly when the training examples available are limited. | cs.CL | Set-Aligning Framework for Auto-Regressive Event Temporal Graph Generation |
2024-04-01T21:21:15Z | http://arxiv.org/pdf/2404.01490v2 | http://arxiv.org/abs/2404.01490v2 | Miaoran Zhang, Mingyang Wang, Jesujoba O. Alabi, Dietrich Klakow | 2024-06-07T14:02:55Z | cs.CL | This paper presents our system developed for the SemEval-2024 Task 1:
Semantic Textual Relatedness for African and Asian Languages. The shared task
aims at measuring the semantic textual relatedness between pairs of sentences,
with a focus on a range of under-represented languages. In this work, we
propose using machine translation for data augmentation to address the
low-resource challenge of limited training data. Moreover, we apply
task-adaptive pre-training on unlabeled task data to bridge the gap between
pre-training and task adaptation. For model training, we investigate both full
fine-tuning and adapter-based tuning, and adopt the adapter framework for
effective zero-shot cross-lingual transfer. We achieve competitive results in
the shared task: our system performs the best among all ranked teams in both
subtask A (supervised learning) and subtask C (cross-lingual transfer). | cs.CL | AAdaM at SemEval-2024 Task 1: Augmentation and Adaptation for Multilingual Semantic Textual Relatedness |
2024-04-01T21:02:18Z | http://arxiv.org/pdf/2404.01481v1 | http://arxiv.org/abs/2404.01481v1 | Syeda Sabrina Akter, Antonios Anastasopoulos | 2024-04-01T21:02:18Z | cs.CL | Media framing is the study of strategically selecting and presenting specific
aspects of political issues to shape public opinion. Despite its relevance to
almost all societies around the world, research has been limited due to the
lack of available datasets and other resources. This study explores the
possibility of dataset creation through crowdsourcing, utilizing non-expert
annotators to develop training corpora. We first extend framing analysis beyond
English news to a multilingual context (12 typologically diverse languages)
through automatic translation. We also present a novel benchmark in Bengali and
Portuguese on the immigration and same-sex marriage domains. Additionally, we
show that a system trained on our crowd-sourced dataset, combined with other
existing ones, leads to a 5.32 percentage point increase from the baseline,
showing that crowdsourcing is a viable option. Last, we study the performance
of large language models (LLMs) for this task, finding that task-specific
fine-tuning is a better approach than employing bigger non-specialized models. | cs.CL | A Study on Scaling Up Multilingual News Framing Analysis |
2024-04-01T20:58:24Z | http://arxiv.org/pdf/2404.01476v1 | http://arxiv.org/abs/2404.01476v1 | Chuyi Shang, Amos You, Sanjay Subramanian, Trevor Darrell, Roei Herzig | 2024-04-01T20:58:24Z | cs.CV, cs.AI, cs.CL, cs.LG | Recently, Large Multimodal Models (LMMs) have made significant progress in
video question-answering using a frame-wise approach by leveraging large-scale,
image-based pretraining in a zero-shot manner. While image-based methods for
videos have shown impressive performance, a current limitation is that they
often overlook how key timestamps are selected and cannot adjust when incorrect
timestamps are identified. Moreover, they are unable to extract details
relevant to the question, instead providing general descriptions of the frame.
To overcome this, we design a multi-LMM agent framework that travels along the
video, iteratively collecting relevant information from keyframes through
interactive question-asking until there is sufficient information to answer the
question. Specifically, we propose TraveLER, a model that can create a plan to
"Traverse" through the video, ask questions about individual frames to "Locate"
and store key information, and then "Evaluate" if there is enough information
to answer the question. Finally, if there is not enough information, our method
is able to "Replan" based on its collected knowledge. Through extensive
experiments, we find that the proposed TraveLER approach improves performance
on several video question-answering benchmarks, such as NExT-QA, STAR, and
Perception Test, without the need to fine-tune on specific datasets. | cs.CV | TraveLER: A Multi-LMM Agent Framework for Video Question-Answering |
2024-04-01T20:50:13Z | http://arxiv.org/pdf/2404.01474v1 | http://arxiv.org/abs/2404.01474v1 | Parker Riley, Daniel Deutsch, George Foster, Viresh Ratnakar, Ali Dabirmoghaddam, Markus Freitag | 2024-04-01T20:50:13Z | cs.CL | Reliable human evaluation is critical to the development of successful
natural language generation models, but achieving it is notoriously difficult.
Stability is a crucial requirement when ranking systems by quality: consistent
ranking of systems across repeated evaluations is not just desirable, but
essential. Without it, there is no reliable foundation for hill-climbing or
product launch decisions. In this paper, we use machine translation and its
state-of-the-art human evaluation framework, MQM, as a case study to understand
how to set up reliable human evaluations that yield stable conclusions. We
investigate the optimal configurations for item allocation to raters, number of
ratings per item, and score normalization. Our study on two language pairs
provides concrete recommendations for designing replicable human evaluation
studies. We also collect and release the largest publicly available dataset of
multi-segment translations rated by multiple professional translators,
consisting of nearly 140,000 segment annotations across two language pairs. | cs.CL | Finding Replicable Human Evaluations via Stable Ranking Probability |
2024-04-01T20:16:21Z | http://arxiv.org/pdf/2404.01462v1 | http://arxiv.org/abs/2404.01462v1 | Vincent Fan, Yujie Qian, Alex Wang, Amber Wang, Connor W. Coley, Regina Barzilay | 2024-04-01T20:16:21Z | cs.LG, cs.CL, cs.IR | Information extraction from chemistry literature is vital for constructing
up-to-date reaction databases for data-driven chemistry. Complete extraction
requires combining information across text, tables, and figures, whereas prior
work has mainly investigated extracting reactions from single modalities. In
this paper, we present OpenChemIE to address this complex challenge and enable
the extraction of reaction data at the document level. OpenChemIE approaches
the problem in two steps: extracting relevant information from individual
modalities and then integrating the results to obtain a final list of
reactions. For the first step, we employ specialized neural models that each
address a specific task for chemistry information extraction, such as parsing
molecules or reactions from text or figures. We then integrate the information
from these modules using chemistry-informed algorithms, allowing for the
extraction of fine-grained reaction data from reaction condition and substrate
scope investigations. Our machine learning models attain state-of-the-art
performance when evaluated individually, and we meticulously annotate a
challenging dataset of reaction schemes with R-groups to evaluate our pipeline
as a whole, achieving an F1 score of 69.5%. Additionally, the reaction
extraction results of \ours attain an accuracy score of 64.3% when directly
compared against the Reaxys chemical database. We provide OpenChemIE freely to
the public as an open-source package, as well as through a web interface. | cs.LG | OpenChemIE: An Information Extraction Toolkit For Chemistry Literature |
2024-04-01T20:15:06Z | http://arxiv.org/pdf/2404.01461v2 | http://arxiv.org/abs/2404.01461v2 | Pengda Wang, Zilin Xiao, Hanjie Chen, Frederick L. Oswald | 2024-05-11T05:44:39Z | cs.CL, cs.HC | Although large language models (LLMs) have demonstrated remarkable
proficiency in "understanding" text and generating human-like text, they may
exhibit biases acquired from training data in doing so. Specifically, LLMs may
be susceptible to a common cognitive trap in human decision-making called the
representativeness heuristic. This is a concept in psychology that refers to
judging the likelihood of an event based on how closely it resembles a
well-known prototype or typical example versus considering broader facts or
statistical evidence. This work investigates the impact of the
representativeness heuristic on LLM reasoning. We created ReHeAT
(Representativeness Heuristic AI Testing), a dataset containing a series of
problems spanning six common types of representativeness heuristics.
Experiments reveal that four LLMs applied to REHEAT all exhibited
representativeness heuristic biases. We further identify that the model's
reasoning steps are often incorrectly based on a stereotype rather than the
problem's description. Interestingly, the performance improves when adding a
hint in the prompt to remind the model of using its knowledge. This suggests
the uniqueness of the representativeness heuristic compared to traditional
biases. It can occur even when LLMs possess the correct knowledge while failing
in a cognitive trap. This highlights the importance of future research focusing
on the representativeness heuristic in model reasoning and decision-making and
on developing solutions to address it. | cs.CL | Will the Real Linda Please Stand up...to Large Language Models? Examining the Representativeness Heuristic in LLMs |
2024-04-01T19:56:41Z | http://arxiv.org/pdf/2404.01453v1 | http://arxiv.org/abs/2404.01453v1 | Sindhu Kishore, Hangfeng He | 2024-04-01T19:56:41Z | cs.CL, cs.AI | Unraveling the intricate details of events in natural language necessitates a
subtle understanding of temporal dynamics. Despite the adeptness of Large
Language Models (LLMs) in discerning patterns and relationships from data,
their inherent comprehension of temporal dynamics remains a formidable
challenge. This research meticulously explores these intrinsic challenges
within LLMs, with a specific emphasis on evaluating the performance of GPT-3.5
and GPT-4 models in the analysis of temporal data. Employing two distinct
prompt types, namely Question Answering (QA) format and Textual Entailment (TE)
format, our analysis probes into both implicit and explicit events. The
findings underscore noteworthy trends, revealing disparities in the performance
of GPT-3.5 and GPT-4. Notably, biases toward specific temporal relationships
come to light, with GPT-3.5 demonstrating a preference for "AFTER'' in the QA
format for both implicit and explicit events, while GPT-4 leans towards
"BEFORE''. Furthermore, a consistent pattern surfaces wherein GPT-3.5 tends
towards "TRUE'', and GPT-4 exhibits a preference for "FALSE'' in the TE format
for both implicit and explicit events. This persistent discrepancy between
GPT-3.5 and GPT-4 in handling temporal data highlights the intricate nature of
inductive bias in LLMs, suggesting that the evolution of these models may not
merely mitigate bias but may introduce new layers of complexity. | cs.CL | Unveiling Divergent Inductive Biases of LLMs on Temporal Data |
2024-04-01T19:28:52Z | http://arxiv.org/pdf/2404.01443v1 | http://arxiv.org/abs/2404.01443v1 | Phillip Schneider, Tim Schopf, Juraj Vladika, Florian Matthes | 2024-04-01T19:28:52Z | cs.CL | Knowledge management is a critical challenge for enterprises in today's
digital world, as the volume and complexity of data being generated and
collected continue to grow incessantly. Knowledge graphs (KG) emerged as a
promising solution to this problem by providing a flexible, scalable, and
semantically rich way to organize and make sense of data. This paper builds
upon a recent survey of the research literature on combining KGs and Natural
Language Processing (NLP). Based on selected application scenarios from
enterprise context, we discuss synergies that result from such a combination.
We cover various approaches from the three core areas of KG construction,
reasoning as well as KG-based NLP tasks. In addition to explaining innovative
enterprise use cases, we assess their maturity in terms of practical
applicability and conclude with an outlook on emergent application areas for
the future. | cs.CL | Enterprise Use Cases Combining Knowledge Graphs and Natural Language Processing |
2024-04-01T19:22:58Z | http://arxiv.org/pdf/2404.01439v1 | http://arxiv.org/abs/2404.01439v1 | Milagros Fernández-Gavilanes, Jonathan Juncal-Martínez, Silvia García-Méndez, Enrique Costa-Montenegro, Francisco Javier González-Castaño | 2024-04-01T19:22:58Z | cs.CL, cs.AI, cs.LG | Online media, such as blogs and social networking sites, generate massive
volumes of unstructured data of great interest to analyze the opinions and
sentiments of individuals and organizations. Novel approaches beyond Natural
Language Processing are necessary to quantify these opinions with polarity
metrics. So far, the sentiment expressed by emojis has received little
attention. The use of symbols, however, has boomed in the past four years.
About twenty billion are typed in Twitter nowadays, and new emojis keep
appearing in each new Unicode version, making them increasingly relevant to
sentiment analysis tasks. This has motivated us to propose a novel approach to
predict the sentiments expressed by emojis in online textual messages, such as
tweets, that does not require human effort to manually annotate data and saves
valuable time for other analysis tasks. For this purpose, we automatically
constructed a novel emoji sentiment lexicon using an unsupervised sentiment
analysis system based on the definitions given by emoji creators in Emojipedia.
Additionally, we automatically created lexicon variants by also considering the
sentiment distribution of the informal texts accompanying emojis. All these
lexica are evaluated and compared regarding the improvement obtained by
including them in sentiment analysis of the annotated datasets provided by
Kralj Novak et al. (2015). The results confirm the competitiveness of our
approach. | cs.CL | Creating emoji lexica from unsupervised sentiment analysis of their descriptions |
2024-04-01T19:04:17Z | http://arxiv.org/pdf/2404.01430v1 | http://arxiv.org/abs/2404.01430v1 | Zheng Zhang, Fan Yang, Ziyan Jiang, Zheng Chen, Zhengyang Zhao, Chengyuan Ma, Liang Zhao, Yang Liu | 2024-04-01T19:04:17Z | cs.CL, cs.AI, cs.LG | Recent advances in large language models (LLMs) have enhanced their ability
to process long input contexts. This development is particularly crucial for
tasks that involve retrieving knowledge from an external datastore, which can
result in long inputs. However, recent studies show a positional bias in LLMs,
demonstrating varying performance depending on the location of useful
information within the input sequence. In this study, we conduct extensive
experiments to investigate the root causes of positional bias. Our findings
indicate that the primary contributor to LLM positional bias stems from the
inherent positional preferences of different models. We demonstrate that merely
employing prompt-based solutions is inadequate for overcoming the positional
preferences. To address this positional bias issue of a pre-trained LLM, we
developed a Position-Aware Parameter Efficient Fine-Tuning (PAPEFT) approach
which is composed of a data augmentation technique and a parameter efficient
adapter, enhancing a uniform attention distribution across the input context.
Our experiments demonstrate that the proposed approach effectively reduces
positional bias, improving LLMs' effectiveness in handling long context
sequences for various tasks that require externally retrieved knowledge. | cs.CL | Position-Aware Parameter Efficient Fine-Tuning Approach for Reducing Positional Bias in LLMs |
2024-04-01T18:31:24Z | http://arxiv.org/pdf/2404.01413v2 | http://arxiv.org/abs/2404.01413v2 | Matthias Gerstgrasser, Rylan Schaeffer, Apratim Dey, Rafael Rafailov, Henry Sleight, John Hughes, Tomasz Korbak, Rajashree Agrawal, Dhruv Pai, Andrey Gromov, Daniel A. Roberts, Diyi Yang, David L. Donoho, Sanmi Koyejo | 2024-04-29T23:13:42Z | cs.LG, cs.AI, cs.CL, cs.ET, stat.ML | The proliferation of generative models, combined with pretraining on
web-scale data, raises a timely question: what happens when these models are
trained on their own generated outputs? Recent investigations into model-data
feedback loops proposed that such loops would lead to a phenomenon termed model
collapse, under which performance progressively degrades with each model-data
feedback iteration until fitted models become useless. However, those studies
largely assumed that new data replace old data over time, where an arguably
more realistic assumption is that data accumulate over time. In this paper, we
ask: what effect does accumulating data have on model collapse? We empirically
study this question by pretraining sequences of language models on text
corpora. We confirm that replacing the original real data by each generation's
synthetic data does indeed tend towards model collapse, then demonstrate that
accumulating the successive generations of synthetic data alongside the
original real data avoids model collapse; these results hold across a range of
model sizes, architectures, and hyperparameters. We obtain similar results for
deep generative models on other types of real data: diffusion models for
molecule conformation generation and variational autoencoders for image
generation. To understand why accumulating data can avoid model collapse, we
use an analytically tractable framework introduced by prior work in which a
sequence of linear models are fit to the previous models' outputs. Previous
work used this framework to show that if data are replaced, the test error
increases with the number of model-fitting iterations; we extend this argument
to prove that if data instead accumulate, the test error has a finite upper
bound independent of the number of iterations, meaning model collapse no longer
occurs. | cs.LG | Is Model Collapse Inevitable? Breaking the Curse of Recursion by Accumulating Real and Synthetic Data |
2024-04-01T18:10:05Z | http://arxiv.org/pdf/2404.01399v3 | http://arxiv.org/abs/2404.01399v3 | Shaina Raza, Oluwanifemi Bamgbose, Shardul Ghuge, Fatemeh Tavakol, Deepak John Reji, Syed Raza Bashir | 2024-07-01T17:40:13Z | cs.CL | Large Language Models (LLMs) have significantly advanced various NLP tasks.
However, these models often risk generating unsafe text that perpetuates
biases. Current approaches to produce unbiased outputs from LLMs can reduce
biases but at the expense of knowledge retention. In this research, we address
the question of whether producing safe (unbiased) outputs through LLMs can
retain knowledge and language understanding. In response, we developed the
Safety and Responsible Large Language Model (\textbf{SR}$_{\text{LLM}}$), an
LLM that has been instruction fine-tuned on top of already safe LLMs (e.g.,
Llama2 or related) to diminish biases in generated text. To achieve our goals,
we compiled a specialized dataset designed to train our model in identifying
and correcting biased text. We conduct experiments, both on this custom data
and out-of-distribution test sets, to show the bias reduction and knowledge
retention. The results confirm that \textbf{SR}$_{\text{LLM}}$ outperforms
traditional fine-tuning and prompting methods in both reducing biases and
preserving the integrity of language knowledge. The significance of our
findings lies in demonstrating that instruction fine-tuning can provide a more
robust solution for bias reduction in LLMs. We have made our code and data
available at
\href{https://github.com/shainarazavi/Safe-Responsible-LLM}{Safe-LLM}. | cs.CL | Safe and Responsible Large Language Model : Can We Balance Bias Reduction and Language Understanding in Large Language Models? |
2024-04-01T17:59:53Z | http://arxiv.org/pdf/2404.01299v2 | http://arxiv.org/abs/2404.01299v2 | Paritosh Parmar, Eric Peh, Ruirui Chen, Ting En Lam, Yuhan Chen, Elston Tan, Basura Fernando | 2024-06-14T17:46:02Z | cs.CV, cs.AI, cs.CL, cs.LG | Causal video question answering (QA) has garnered increasing interest, yet
existing datasets often lack depth in causal reasoning. To address this gap, we
capitalize on the unique properties of cartoons and construct CausalChaos!, a
novel, challenging causal Why-QA dataset built upon the iconic "Tom and Jerry"
cartoon series. Cartoons use the principles of animation that allow animators
to create expressive, unambiguous causal relationships between events to form a
coherent storyline. Utilizing these properties, along with thought-provoking
questions and multi-level answers (answer and detailed causal explanation), our
questions involve causal chains that interconnect multiple dynamic interactions
between characters and visual scenes. These factors demand models to solve more
challenging, yet well-defined causal relationships. We also introduce hard
incorrect answer mining, including a causally confusing version that is even
more challenging. While models perform well, there is much room for
improvement, especially, on open-ended answers. We identify more
advanced/explicit causal relationship modeling & joint modeling of vision and
language as the immediate areas for future efforts to focus upon. Along with
the other complementary datasets, our new challenging dataset will pave the way
for these developments in the field. | cs.CV | CausalChaos! Dataset for Comprehensive Causal Action Question Answering Over Longer Causal Chains Grounded in Dynamic Visual Scenes |
2024-04-01T17:59:06Z | http://arxiv.org/pdf/2404.01295v1 | http://arxiv.org/abs/2404.01295v1 | Yi-Lin Tuan, Xilun Chen, Eric Michael Smith, Louis Martin, Soumya Batra, Asli Celikyilmaz, William Yang Wang, Daniel M. Bikel | 2024-04-01T17:59:06Z | cs.CL, cs.AI | As large language models (LLMs) become easily accessible nowadays, the
trade-off between safety and helpfulness can significantly impact user
experience. A model that prioritizes safety will cause users to feel less
engaged and assisted while prioritizing helpfulness will potentially cause
harm. Possible harms include teaching people how to build a bomb, exposing
youth to inappropriate content, and hurting users' mental health. In this work,
we propose to balance safety and helpfulness in diverse use cases by
controlling both attributes in LLM. We explore training-free and fine-tuning
methods that do not require extra human annotations and analyze the challenges
of controlling safety and helpfulness in LLMs. Our experiments demonstrate that
our method can rewind a learned model and unlock its controllability. | cs.CL | Towards Safety and Helpfulness Balanced Responses via Controllable Large Language Models |
2024-04-01T17:58:06Z | http://arxiv.org/pdf/2404.01291v2 | http://arxiv.org/abs/2404.01291v2 | Zhiqiu Lin, Deepak Pathak, Baiqi Li, Jiayao Li, Xide Xia, Graham Neubig, Pengchuan Zhang, Deva Ramanan | 2024-06-18T07:09:55Z | cs.CV, cs.AI, cs.CL, cs.LG, cs.MM | Despite significant progress in generative AI, comprehensive evaluation
remains challenging because of the lack of effective metrics and standardized
benchmarks. For instance, the widely-used CLIPScore measures the alignment
between a (generated) image and text prompt, but it fails to produce reliable
scores for complex prompts involving compositions of objects, attributes, and
relations. One reason is that text encoders of CLIP can notoriously act as a
"bag of words", conflating prompts such as "the horse is eating the grass" with
"the grass is eating the horse". To address this, we introduce the VQAScore,
which uses a visual-question-answering (VQA) model to produce an alignment
score by computing the probability of a "Yes" answer to a simple "Does this
figure show '{text}'?" question. Though simpler than prior art, VQAScore
computed with off-the-shelf models produces state-of-the-art results across
many (8) image-text alignment benchmarks. We also compute VQAScore with an
in-house model that follows best practices in the literature. For example, we
use a bidirectional image-question encoder that allows image embeddings to
depend on the question being asked (and vice versa). Our in-house model,
CLIP-FlanT5, outperforms even the strongest baselines that make use of the
proprietary GPT-4V. Interestingly, although we train with only images, VQAScore
can also align text with video and 3D models. VQAScore allows researchers to
benchmark text-to-visual generation using complex texts that capture the
compositional structure of real-world prompts. We introduce GenAI-Bench, a more
challenging benchmark with 1,600 compositional text prompts that require
parsing scenes, objects, attributes, relationships, and high-order reasoning
like comparison and logic. GenAI-Bench also offers over 15,000 human ratings
for leading image and video generation models such as Stable Diffusion, DALL-E
3, and Gen2. | cs.CV | Evaluating Text-to-Visual Generation with Image-to-Text Generation |
2024-04-01T17:56:30Z | http://arxiv.org/pdf/2404.01288v1 | http://arxiv.org/abs/2404.01288v1 | Hongli Zhan, Allen Zheng, Yoon Kyung Lee, Jina Suh, Junyi Jessy Li, Desmond C. Ong | 2024-04-01T17:56:30Z | cs.CL | Large language models (LLMs) have offered new opportunities for emotional
support, and recent work has shown that they can produce empathic responses to
people in distress. However, long-term mental well-being requires emotional
self-regulation, where a one-time empathic response falls short. This work
takes a first step by engaging with cognitive reappraisals, a strategy from
psychology practitioners that uses language to targetedly change negative
appraisals that an individual makes of the situation; such appraisals is known
to sit at the root of human emotional experience. We hypothesize that
psychologically grounded principles could enable such advanced psychology
capabilities in LLMs, and design RESORT which consists of a series of
reappraisal constitutions across multiple dimensions that can be used as LLM
instructions. We conduct a first-of-its-kind expert evaluation (by clinical
psychologists with M.S. or Ph.D. degrees) of an LLM's zero-shot ability to
generate cognitive reappraisal responses to medium-length social media messages
asking for support. This fine-grained evaluation showed that even LLMs at the
7B scale guided by RESORT are capable of generating empathic responses that can
help users reappraise their situations. | cs.CL | Large Language Models are Capable of Offering Cognitive Reappraisal, if Guided |
2024-04-01T17:56:06Z | http://arxiv.org/pdf/2404.01365v2 | http://arxiv.org/abs/2404.01365v2 | Harry Dong, Beidi Chen, Yuejie Chi | 2024-04-05T14:31:21Z | cs.LG, cs.AI, cs.CL | With the development of transformer-based large language models (LLMs), they
have been applied to many fields due to their remarkable utility, but this
comes at a considerable computational cost at deployment. Fortunately, some
methods such as pruning or constructing a mixture of experts (MoE) aim at
exploiting sparsity in transformer feedforward (FF) blocks to gain boosts in
speed and reduction in memory requirements. However, these techniques can be
very costly and inflexible in practice, as they often require training or are
restricted to specific types of architectures. To address this, we introduce
GRIFFIN, a novel training-free MoE that selects unique FF experts at the
sequence level for efficient generation across a plethora of LLMs with
different non-ReLU activation functions. This is possible due to a critical
observation that many trained LLMs naturally produce highly structured FF
activation patterns within a sequence, which we call flocking. Despite our
method's simplicity, we show with 50% of the FF parameters, GRIFFIN maintains
the original model's performance with little to no degradation on a variety of
classification and generation tasks, all while improving latency (e.g.
1.25$\times$ speed-up in Llama 2 13B on an NVIDIA L40). Code is available at
https://github.com/hdong920/GRIFFIN. | cs.LG | Prompt-prompted Mixture of Experts for Efficient LLM Generation |
2024-04-01T17:48:55Z | http://arxiv.org/pdf/2404.01273v2 | http://arxiv.org/abs/2404.01273v2 | Yue Wang, Tianfan Fu, Yinlong Xu, Zihan Ma, Hongxia Xu, Yingzhou Lu, Bang Du, Honghao Gao, Jian Wu | 2024-06-29T01:28:02Z | cs.LG, cs.CL, stat.ME | Clinical trials are indispensable for medical research and the development of
new treatments. However, clinical trials often involve thousands of
participants and can span several years to complete, with a high probability of
failure during the process. Recently, there has been a burgeoning interest in
virtual clinical trials, which simulate real-world scenarios and hold the
potential to significantly enhance patient safety, expedite development, reduce
costs, and contribute to the broader scientific knowledge in healthcare.
Existing research often focuses on leveraging electronic health records (EHRs)
to support clinical trial outcome prediction. Yet, trained with limited
clinical trial outcome data, existing approaches frequently struggle to perform
accurate predictions. Some research has attempted to generate EHRs to augment
model development but has fallen short in personalizing the generation for
individual patient profiles. Recently, the emergence of large language models
has illuminated new possibilities, as their embedded comprehensive clinical
knowledge has proven beneficial in addressing medical issues. In this paper, we
propose a large language model-based digital twin creation approach, called
TWIN-GPT. TWIN-GPT can establish cross-dataset associations of medical
information given limited data, generating unique personalized digital twins
for different patients, thereby preserving individual patient characteristics.
Comprehensive experiments show that using digital twins created by TWIN-GPT can
boost the clinical trial outcome prediction, exceeding various previous
prediction approaches. | cs.LG | TWIN-GPT: Digital Twins for Clinical Trials via Large Language Model |
2024-04-01T17:45:15Z | http://arxiv.org/pdf/2404.01268v1 | http://arxiv.org/abs/2404.01268v1 | Weixin Liang, Yaohui Zhang, Zhengxuan Wu, Haley Lepp, Wenlong Ji, Xuandong Zhao, Hancheng Cao, Sheng Liu, Siyu He, Zhi Huang, Diyi Yang, Christopher Potts, Christopher D Manning, James Y. Zou | 2024-04-01T17:45:15Z | cs.CL, cs.AI, cs.DL, cs.LG, cs.SI | Scientific publishing lays the foundation of science by disseminating
research findings, fostering collaboration, encouraging reproducibility, and
ensuring that scientific knowledge is accessible, verifiable, and built upon
over time. Recently, there has been immense speculation about how many people
are using large language models (LLMs) like ChatGPT in their academic writing,
and to what extent this tool might have an effect on global scientific
practices. However, we lack a precise measure of the proportion of academic
writing substantially modified or produced by LLMs. To address this gap, we
conduct the first systematic, large-scale analysis across 950,965 papers
published between January 2020 and February 2024 on the arXiv, bioRxiv, and
Nature portfolio journals, using a population-level statistical framework to
measure the prevalence of LLM-modified content over time. Our statistical
estimation operates on the corpus level and is more robust than inference on
individual instances. Our findings reveal a steady increase in LLM usage, with
the largest and fastest growth observed in Computer Science papers (up to
17.5%). In comparison, Mathematics papers and the Nature portfolio showed the
least LLM modification (up to 6.3%). Moreover, at an aggregate level, our
analysis reveals that higher levels of LLM-modification are associated with
papers whose first authors post preprints more frequently, papers in more
crowded research areas, and papers of shorter lengths. Our findings suggests
that LLMs are being broadly used in scientific writings. | cs.CL | Mapping the Increasing Use of LLMs in Scientific Papers |
2024-04-01T17:43:27Z | http://arxiv.org/pdf/2404.01266v2 | http://arxiv.org/abs/2404.01266v2 | Deqing Fu, Ghazal Khalighinejad, Ollie Liu, Bhuwan Dhingra, Dani Yogatama, Robin Jia, Willie Neiswanger | 2024-04-02T15:46:13Z | cs.AI, cs.CL | Current foundation models exhibit impressive capabilities when prompted
either with text only or with both image and text inputs. But do their
capabilities change depending on the input modality? In this work, we propose
$\textbf{IsoBench}$, a benchmark dataset containing problems from four major
areas: math, science, algorithms, and games. Each example is presented with
multiple $\textbf{isomorphic representations}$ of inputs, such as visual,
textual, and mathematical presentations. IsoBench provides fine-grained
feedback to diagnose performance gaps caused by the form of the representation.
Across various foundation models, we observe that on the same problem, models
have a consistent preference towards textual representations. Most prominently,
when evaluated on all IsoBench problems, Claude-3 Opus performs 28.7 points
worse when provided with images instead of text; similarly, GPT-4 Turbo is 18.7
points worse and Gemini Pro is 14.9 points worse. Finally, we present two
prompting techniques, $\textit{IsoCombination}$ and $\textit{IsoScratchPad}$,
which improve model performance by considering combinations of, and
translations between, different input representations. | cs.AI | IsoBench: Benchmarking Multimodal Foundation Models on Isomorphic Representations |
2024-04-01T17:35:57Z | http://arxiv.org/pdf/2404.01263v1 | http://arxiv.org/abs/2404.01263v1 | Hakam Ghanim | 2024-04-01T17:35:57Z | cs.CL | The advancement in technology has made interdisciplinary research more
accessible. Particularly the breakthrough in Artificial Intelligence AI has
given huge advantages to researchers working in interdisciplinary and
multidisciplinary fields. This study investigates the ability of AI models,
particularly GPT4 and GPT Data Analyst in creating language maps for language
documentation. The study Integrates documentary linguistics linguistic
geography and AI by showcasing how AI models facilitate the spatial
documentation of languages through the creation of language maps with minimal
cartographic expertise. The study is conducted using a CSV file and a GeoJSON
file both obtained from HDX and from the researchers fieldwork. The study data
is then applied in realtime conversations with the AI models in order to
generate the language distribution maps. The study highlights the two AI models
capabilities in generating highquality static and interactive web maps and
streamlining the mapmaking process, despite facing challenges like
inconsistencies and difficulties in adding legends. The findings suggest a
promising future for AI in generating language maps and enhancing the work of
documentary linguists as they collect their data in the field pointing towards
the need for further development to fully harness AI potential in this field. | cs.CL | Artificial Intelligence and the Spatial Documentation of Languages |
2024-04-01T17:33:38Z | http://arxiv.org/pdf/2404.01261v1 | http://arxiv.org/abs/2404.01261v1 | Yekyung Kim, Yapei Chang, Marzena Karpinska, Aparna Garimella, Varun Manjunatha, Kyle Lo, Tanya Goyal, Mohit Iyyer | 2024-04-01T17:33:38Z | cs.CL, cs.AI | While long-context large language models (LLMs) can technically summarize
book-length documents (>100K tokens), the length and complexity of the
documents have so far prohibited evaluations of input-dependent aspects like
faithfulness. In this paper, we conduct the first large-scale human evaluation
of faithfulness and content selection on LLM-generated summaries of fictional
books. Our study mitigates the issue of data contamination by focusing on
summaries of books published in 2023 or 2024, and we hire annotators who have
fully read each book prior to the annotation task to minimize cost and
cognitive burden. We collect FABLES, a dataset of annotations on 3,158 claims
made in LLM-generated summaries of 26 books, at a cost of $5.2K USD, which
allows us to rank LLM summarizers based on faithfulness: Claude-3-Opus
significantly outperforms all closed-source LLMs, while the open-source Mixtral
is on par with GPT-3.5-Turbo. An analysis of the annotations reveals that most
unfaithful claims relate to events and character states, and they generally
require indirect reasoning over the narrative to invalidate. While LLM-based
auto-raters have proven reliable for factuality and coherence in other
settings, we implement several LLM raters of faithfulness and find that none
correlates strongly with human annotations, especially with regard to detecting
unfaithful claims. Our experiments suggest that detecting unfaithful claims is
an important future direction not only for summarization evaluation but also as
a testbed for long-context understanding. Finally, we move beyond faithfulness
by exploring content selection errors in book-length summarization: we develop
a typology of omission errors related to crucial narrative elements and also
identify a systematic over-emphasis on events occurring towards the end of the
book. | cs.CL | FABLES: Evaluating faithfulness and content selection in book-length summarization |
2024-04-01T17:22:07Z | http://arxiv.org/pdf/2404.01253v1 | http://arxiv.org/abs/2404.01253v1 | Yijun Yang, Jie He, Pinzhen Chen, Víctor Gutiérrez-Basulto, Jeff Z. Pan | 2024-04-01T17:22:07Z | cs.CL | Several recent papers have investigated the potential of language models as
knowledge bases as well as the existence of severe biases when extracting
factual knowledge. In this work, we focus on the factual probing performance
over unseen prompts from tuning, and using a probabilistic view we show the
inherent misalignment between pre-training and downstream tuning objectives in
language models for probing knowledge. We hypothesize that simultaneously
debiasing these objectives can be the key to generalisation over unseen
prompts. We propose an adapter-based framework, UniArk, for generalised and
consistent factual knowledge extraction through simple methods without
introducing extra parameters. Extensive experiments show that UniArk can
significantly improve the model's out-of-domain generalisation as well as
consistency under various prompts. Additionally, we construct ParaTrex, a
large-scale and diverse dataset for measuring the inconsistency and
out-of-domain generation of models. Further, ParaTrex offers a reference method
for constructing paraphrased datasets using large language models. | cs.CL | UniArk: Improving Generalisation and Consistency for Factual Knowledge Extraction through Debiasing |
2024-04-01T17:08:50Z | http://arxiv.org/pdf/2404.01247v3 | http://arxiv.org/abs/2404.01247v3 | Simran Khanuja, Sathyanarayanan Ramamoorthy, Yueqi Song, Graham Neubig | 2024-06-19T18:07:19Z | cs.CL, cs.CV | Given the rise of multimedia content, human translators increasingly focus on
culturally adapting not only words but also other modalities such as images to
convey the same meaning. While several applications stand to benefit from this,
machine translation systems remain confined to dealing with language in speech
and text. In this work, we take a first step towards translating images to make
them culturally relevant. First, we build three pipelines comprising
state-of-the-art generative models to do the task. Next, we build a two-part
evaluation dataset: i) concept: comprising 600 images that are cross-culturally
coherent, focusing on a single concept per image, and ii) application:
comprising 100 images curated from real-world applications. We conduct a
multi-faceted human evaluation of translated images to assess for cultural
relevance and meaning preservation. We find that as of today, image-editing
models fail at this task, but can be improved by leveraging LLMs and retrievers
in the loop. Best pipelines can only translate 5% of images for some countries
in the easier concept dataset and no translation is successful for some
countries in the application dataset, highlighting the challenging nature of
the task. Our code and data is released here:
https://github.com/simran-khanuja/image-transcreation. | cs.CL | An image speaks a thousand words, but can everyone listen? On image transcreation for cultural relevance |
2024-04-01T17:03:41Z | http://arxiv.org/pdf/2404.01245v1 | http://arxiv.org/abs/2404.01245v1 | Xiang Li, Feng Ruan, Huiyuan Wang, Qi Long, Weijie J. Su | 2024-04-01T17:03:41Z | math.ST, cs.CL, cs.CR, cs.LG, stat.ML, stat.TH | Since ChatGPT was introduced in November 2022, embedding (nearly)
unnoticeable statistical signals into text generated by large language models
(LLMs), also known as watermarking, has been used as a principled approach to
provable detection of LLM-generated text from its human-written counterpart. In
this paper, we introduce a general and flexible framework for reasoning about
the statistical efficiency of watermarks and designing powerful detection
rules. Inspired by the hypothesis testing formulation of watermark detection,
our framework starts by selecting a pivotal statistic of the text and a secret
key -- provided by the LLM to the verifier -- to enable controlling the false
positive rate (the error of mistakenly detecting human-written text as
LLM-generated). Next, this framework allows one to evaluate the power of
watermark detection rules by obtaining a closed-form expression of the
asymptotic false negative rate (the error of incorrectly classifying
LLM-generated text as human-written). Our framework further reduces the problem
of determining the optimal detection rule to solving a minimax optimization
program. We apply this framework to two representative watermarks -- one of
which has been internally implemented at OpenAI -- and obtain several findings
that can be instrumental in guiding the practice of implementing watermarks. In
particular, we derive optimal detection rules for these watermarks under our
framework. These theoretically derived detection rules are demonstrated to be
competitive and sometimes enjoy a higher power than existing detection
approaches through numerical experiments. | math.ST | A Statistical Framework of Watermarks for Large Language Models: Pivot, Detection Efficiency and Optimal Rules |
2024-04-01T17:03:16Z | http://arxiv.org/pdf/2404.01242v1 | http://arxiv.org/abs/2404.01242v1 | Mingqi Li, Feng Luo | 2024-04-01T17:03:16Z | cs.CL | Current soft prompt methods yield limited performance when applied to
small-sized models (fewer than a billion parameters). Deep prompt-tuning, which
entails prepending parameters in each layer for enhanced efficacy, presents a
solution for prompting small-sized models, albeit requiring carefully designed
implementation. In this paper, we introduce the Lottery Ticket Prompt-learning
(LTP) framework that integrates winning tickets with soft prompts. The LTP
offers a simpler implementation and requires only a one-time execution. We
demonstrate LTP on cross-lingual tasks, where prior works rely on external
tools like human-designed multilingual templates and bilingual dictionaries,
which may not be feasible in a low-resource regime. Specifically, we select a
subset of parameters that have been changed the most during the fine-tuning
with the Masked Language Modeling objective. Then, we prepend soft prompts to
the original pre-trained language model and only update the selected parameters
together with prompt-related parameters when adapting to the downstream tasks.
We verify the effectiveness of our LTP framework on cross-lingual tasks,
specifically targeting low-resource languages. Our approach outperforms the
baselines by only updating 20\% of the original parameters. | cs.CL | Effectively Prompting Small-sized Language Models for Cross-lingual Tasks via Winning Tickets |
2024-04-01T16:58:32Z | http://arxiv.org/pdf/2404.01240v1 | http://arxiv.org/abs/2404.01240v1 | Safwat Ali Khan, Wenyu Wang, Yiran Ren, Bin Zhu, Jiangfan Shi, Alyssa McGowan, Wing Lam, Kevin Moran | 2024-04-01T16:58:32Z | cs.SE, cs.CL, cs.CV, cs.HC | Nearly a decade of research in software engineering has focused on automating
mobile app testing to help engineers in overcoming the unique challenges
associated with the software platform. Much of this work has come in the form
of Automated Input Generation tools (AIG tools) that dynamically explore app
screens. However, such tools have repeatedly been demonstrated to achieve
lower-than-expected code coverage - particularly on sophisticated proprietary
apps. Prior work has illustrated that a primary cause of these coverage
deficiencies is related to so-called tarpits, or complex screens that are
difficult to navigate.
In this paper, we take a critical step toward enabling AIG tools to
effectively navigate tarpits during app exploration through a new form of
automated semantic screen understanding. We introduce AURORA, a technique that
learns from the visual and textual patterns that exist in mobile app UIs to
automatically detect common screen designs and navigate them accordingly. The
key idea of AURORA is that there are a finite number of mobile app screen
designs, albeit with subtle variations, such that the general patterns of
different categories of UI designs can be learned. As such, AURORA employs a
multi-modal, neural screen classifier that is able to recognize the most common
types of UI screen designs. After recognizing a given screen, it then applies a
set of flexible and generalizable heuristics to properly navigate the screen.
We evaluated AURORA both on a set of 12 apps with known tarpits from prior
work, and on a new set of five of the most popular apps from the Google Play
store. Our results indicate that AURORA is able to effectively navigate tarpit
screens, outperforming prior approaches that avoid tarpits by 19.6% in terms of
method coverage. The improvements can be attributed to AURORA's UI design
classification and heuristic navigation techniques. | cs.SE | AURORA: Navigating UI Tarpits via Automated Neural Screen Understanding |
2024-04-01T16:51:50Z | http://arxiv.org/pdf/2404.01234v1 | http://arxiv.org/abs/2404.01234v1 | Shashank Pathak | 2024-04-01T16:51:50Z | cs.CL, math.LO, I.2.7 | We present an autoformalisation framework for the Lean theorem prover, called
GFLean. GFLean uses a high-level grammar writing tool called Grammatical
Framework (GF) for parsing and linearisation. GFLean is implemented in Haskell.
We explain the functionalities of GFLean, its inner working and discuss its
limitations. We also discuss how we can use neural network based translation
programs and rule based translation programs together complimenting each other
to build robust autoformalisation frameworks. | cs.CL | GFLean: An Autoformalisation Framework for Lean via GF |
2024-04-01T16:51:13Z | http://arxiv.org/pdf/2404.01232v2 | http://arxiv.org/abs/2404.01232v2 | Huimin Zeng, Zhenrui Yue, Dong Wang | 2024-04-02T15:03:33Z | cs.CL, cs.CV | Existing federated learning (FL) studies usually assume the training label
space and test label space are identical. However, in real-world applications,
this assumption is too ideal to be true. A new user could come up with queries
that involve data from unseen classes, and such open-vocabulary queries would
directly defect such FL systems. Therefore, in this work, we explicitly focus
on the under-explored open-vocabulary challenge in FL. That is, for a new user,
the global server shall understand her/his query that involves arbitrary
unknown classes. To address this problem, we leverage the pre-trained
vision-language models (VLMs). In particular, we present a novel adaptation
framework tailored for VLMs in the context of FL, named as Federated Multimodal
Prototyping (Fed-MP). Fed-MP adaptively aggregates the local model weights
based on light-weight client residuals, and makes predictions based on a novel
multimodal prototyping mechanism. Fed-MP exploits the knowledge learned from
the seen classes, and robustifies the adapted VLM to unseen categories. Our
empirical evaluation on various datasets validates the effectiveness of Fed-MP. | cs.CL | Open-Vocabulary Federated Learning with Multimodal Prototyping |
2024-04-01T16:50:54Z | http://arxiv.org/pdf/2404.01230v1 | http://arxiv.org/abs/2404.01230v1 | Yadong Zhang, Shaoguang Mao, Tao Ge, Xun Wang, Adrian de Wynter, Yan Xia, Wenshan Wu, Ting Song, Man Lan, Furu Wei | 2024-04-01T16:50:54Z | cs.CL | This paper presents a comprehensive survey of the current status and
opportunities for Large Language Models (LLMs) in strategic reasoning, a
sophisticated form of reasoning that necessitates understanding and predicting
adversary actions in multi-agent settings while adjusting strategies
accordingly. Strategic reasoning is distinguished by its focus on the dynamic
and uncertain nature of interactions among multi-agents, where comprehending
the environment and anticipating the behavior of others is crucial. We explore
the scopes, applications, methodologies, and evaluation metrics related to
strategic reasoning with LLMs, highlighting the burgeoning development in this
area and the interdisciplinary approaches enhancing their decision-making
performance. It aims to systematize and clarify the scattered literature on
this subject, providing a systematic review that underscores the importance of
strategic reasoning as a critical cognitive capability and offers insights into
future research directions and potential improvements. | cs.CL | LLM as a Mastermind: A Survey of Strategic Reasoning with Large Language Models |
2024-04-01T16:39:36Z | http://arxiv.org/pdf/2404.01226v1 | http://arxiv.org/abs/2404.01226v1 | Nikhil Pinnaparaju, Reshinth Adithyan, Duy Phung, Jonathan Tow, James Baicoianu, Ashish Datta, Maksym Zhuravinskyi, Dakota Mahan, Marco Bellagente, Carlos Riquelme, Nathan Cooper | 2024-04-01T16:39:36Z | cs.CL | We introduce Stable Code, the first in our new-generation of code language
models series, which serves as a general-purpose base code language model
targeting code completion, reasoning, math, and other software
engineering-based tasks. Additionally, we introduce an instruction variant
named Stable Code Instruct that allows conversing with the model in a natural
chat interface for performing question-answering and instruction-based tasks.
In this technical report, we detail the data and training procedure leading to
both models. Their weights are available via Hugging Face for anyone to
download and use at https://huggingface.co/stabilityai/stable-code-3b and
https://huggingface.co/stabilityai/stable-code-instruct-3b. This report
contains thorough evaluations of the models, including multilingual programming
benchmarks, and the MT benchmark focusing on multi-turn dialogues. At the time
of its release, Stable Code is the state-of-the-art open model under 3B
parameters and even performs comparably to larger models of sizes 7 billion and
15 billion parameters on the popular Multi-PL benchmark. Stable Code Instruct
also exhibits state-of-the-art performance on the MT-Bench coding tasks and on
Multi-PL completion compared to other instruction tuned models. Given its
appealing small size, we also provide throughput measurements on a number of
edge devices. In addition, we open source several quantized checkpoints and
provide their performance metrics compared to the original model. | cs.CL | Stable Code Technical Report |
2024-04-01T16:10:15Z | http://arxiv.org/pdf/2404.01210v2 | http://arxiv.org/abs/2404.01210v2 | Natalia Grigoriadou, Maria Lymperaiou, Giorgos Filandrianos, Giorgos Stamou | 2024-04-12T12:27:48Z | cs.CL | In this paper, we present our team's submissions for SemEval-2024 Task-6 -
SHROOM, a Shared-task on Hallucinations and Related Observable Overgeneration
Mistakes. The participants were asked to perform binary classification to
identify cases of fluent overgeneration hallucinations. Our experimentation
included fine-tuning a pre-trained model on hallucination detection and a
Natural Language Inference (NLI) model. The most successful strategy involved
creating an ensemble of these models, resulting in accuracy rates of 77.8% and
79.9% on model-agnostic and model-aware datasets respectively, outperforming
the organizers' baseline and achieving notable results when contrasted with the
top-performing results in the competition, which reported accuracies of 84.7%
and 81.3% correspondingly. | cs.CL | AILS-NTUA at SemEval-2024 Task 6: Efficient model tuning for hallucination detection and analysis |
2024-04-01T16:00:01Z | http://arxiv.org/pdf/2404.01204v1 | http://arxiv.org/abs/2404.01204v1 | Chen Yang, Junzhuo Li, Xinyao Niu, Xinrun Du, Songyang Gao, Haoran Zhang, Zhaoliang Chen, Xingwei Qu, Ruibin Yuan, Yizhi Li, Jiaheng Liu, Stephen W. Huang, Shawn Yue, Wenhu Chen, Jie Fu, Ge Zhang | 2024-04-01T16:00:01Z | cs.CL | Uncovering early-stage metrics that reflect final model performance is one
core principle for large-scale pretraining. The existing scaling law
demonstrates the power-law correlation between pretraining loss and training
flops, which serves as an important indicator of the current training state for
large language models. However, this principle only focuses on the model's
compression properties on the training data, resulting in an inconsistency with
the ability improvements on the downstream tasks. Some follow-up works
attempted to extend the scaling-law to more complex metrics (such as
hyperparameters), but still lacked a comprehensive analysis of the dynamic
differences among various capabilities during pretraining. To address the
aforementioned limitations, this paper undertakes a comprehensive comparison of
model capabilities at various pretraining intermediate checkpoints. Through
this analysis, we confirm that specific downstream metrics exhibit similar
training dynamics across models of different sizes, up to 67 billion
parameters. In addition to our core findings, we've reproduced Amber and
OpenLLaMA, releasing their intermediate checkpoints. This initiative offers
valuable resources to the research community and facilitates the verification
and exploration of LLM pretraining by open-source researchers. Besides, we
provide empirical summaries, including performance comparisons of different
models and capabilities, and tuition of key metrics for different training
phases. Based on these findings, we provide a more user-friendly strategy for
evaluating the optimization state, offering guidance for establishing a stable
pretraining process. | cs.CL | The Fine Line: Navigating Large Language Model Pretraining with Down-streaming Capability Analysis |
2024-04-01T15:55:18Z | http://arxiv.org/pdf/2404.01196v1 | http://arxiv.org/abs/2404.01196v1 | Sondre Wold, Petter Mæhlum, Oddbjørn Hove | 2024-04-01T15:55:18Z | cs.CL | Existing methods for complexity estimation are typically developed for entire
documents. This limitation in scope makes them inapplicable for shorter pieces
of text, such as health assessment tools. These typically consist of lists of
independent sentences, all of which are too short for existing methods to
apply. The choice of wording in these assessment tools is crucial, as both the
cognitive capacity and the linguistic competency of the intended patient groups
could vary substantially. As a first step towards creating better tools for
supporting health practitioners, we develop a two-step approach for estimating
lexical complexity that does not rely on any pre-annotated data. We implement
our approach for the Norwegian language and verify its effectiveness using
statistical testing and a qualitative evaluation of samples from real
assessment tools. We also investigate the relationship between our complexity
measure and certain features typically associated with complexity in the
literature, such as word length, frequency, and the number of syllables. | cs.CL | Estimating Lexical Complexity from Document-Level Distributions |
2024-04-01T15:47:21Z | http://arxiv.org/pdf/2404.01189v1 | http://arxiv.org/abs/2404.01189v1 | Griffin Adams | 2024-04-01T15:47:21Z | cs.CL | The rapid adoption of Electronic Health Records (EHRs) has been instrumental
in streamlining administrative tasks, increasing transparency, and enabling
continuity of care across providers. An unintended consequence of the increased
documentation burden, however, has been reduced face-time with patients and,
concomitantly, a dramatic rise in clinician burnout. In this thesis, we
pinpoint a particularly time-intensive, yet critical, documentation task:
generating a summary of a patient's hospital admissions, and propose and
evaluate automated solutions. In Chapter 2, we construct a dataset based on
109,000 hospitalizations (2M source notes) and perform exploratory analyses to
motivate future work on modeling and evaluation [NAACL 2021]. In Chapter 3, we
address faithfulness from a modeling perspective by revising noisy references
[EMNLP 2022] and, to reduce the reliance on references, directly calibrating
model outputs to metrics [ACL 2023]. These works relied heavily on automatic
metrics as human annotations were limited. To fill this gap, in Chapter 4, we
conduct a fine-grained expert annotation of system errors in order to
meta-evaluate existing metrics and better understand task-specific issues of
domain adaptation and source-summary alignments. To learn a metric less
correlated to extractiveness (copy-and-paste), we derive noisy faithfulness
labels from an ensemble of existing metrics and train a faithfulness classifier
on these pseudo labels [MLHC 2023]. Finally, in Chapter 5, we demonstrate that
fine-tuned LLMs (Mistral and Zephyr) are highly prone to entity hallucinations
and cover fewer salient entities. We improve both coverage and faithfulness by
performing sentence-level entity planning based on a set of pre-computed
salient entities from the source text, which extends our work on entity-guided
news summarization [ACL, 2023], [EMNLP, 2023]. | cs.CL | Generating Faithful and Complete Hospital-Course Summaries from the Electronic Health Record |
2024-04-01T15:34:24Z | http://arxiv.org/pdf/2404.01182v1 | http://arxiv.org/abs/2404.01182v1 | Anuja Tayal, Barbara Di Eugenio, Devika Salunke, Andrew D. Boyd, Carolyn A Dickens, Eulalia P Abril, Olga Garcia-Bedoya, Paula G Allen-Meares | 2024-04-01T15:34:24Z | cs.CL, cs.SC | We propose a dialogue system that enables heart failure patients to inquire
about salt content in foods and help them monitor and reduce salt intake.
Addressing the lack of specific datasets for food-based salt content inquiries,
we develop a template-based conversational dataset. The dataset is structured
to ask clarification questions to identify food items and their salt content.
Our findings indicate that while fine-tuning transformer-based models on the
dataset yields limited performance, the integration of Neuro-Symbolic Rules
significantly enhances the system's performance. Our experiments show that by
integrating neuro-symbolic rules, our system achieves an improvement in joint
goal accuracy of over 20% across different data sizes compared to naively
fine-tuning transformer-based models. | cs.CL | A Neuro-Symbolic Approach to Monitoring Salt Content in Food |
2024-04-01T15:17:39Z | http://arxiv.org/pdf/2406.15363v1 | http://arxiv.org/abs/2406.15363v1 | Rumeng Li, Xun Wang, Hong Yu | 2024-04-01T15:17:39Z | cs.CL | Large Language Models (LLMs) have demonstrated impressive and diverse
abilities that can benefit various domains, such as zero and few-shot
information extraction from clinical text without domain-specific training.
However, for the ICD coding task, they often hallucinate key details and
produce high recall but low precision results due to the high-dimensional and
skewed distribution of the ICD codes. Existing LLM-based methods fail to
account for the complex and dynamic interactions among the human agents
involved in coding, such as patients, physicians, and coders, and they lack
interpretability and reliability. In this paper, we present a novel multi-agent
method for ICD coding, which mimics the real-world coding process with five
agents: a patient agent, a physician agent, a coder agent, a reviewer agent,
and an adjuster agent. Each agent has a specific function and uses a LLM-based
model to perform it. We evaluate our method on the MIMIC-III dataset and show
that our proposed multi-agent coding framework substantially improves
performance on both common and rare codes compared to Zero-shot Chain of
Thought (CoT) prompting and self-consistency with CoT. The ablation study
confirms the proposed agent roles' efficacy. Our method also matches the
state-of-the-art ICD coding methods that require pre-training or fine-tuning,
in terms of coding accuracy, rare code accuracy, and explainability. | cs.CL | Exploring LLM Multi-Agents for ICD Coding |
2024-04-01T15:14:07Z | http://arxiv.org/pdf/2404.01165v1 | http://arxiv.org/abs/2404.01165v1 | Haoran Li, Junqi Liu, Zexian Wang, Shiyuan Luo, Xiaowei Jia, Huaxiu Yao | 2024-04-01T15:14:07Z | cs.CL | The modeling of environmental ecosystems plays a pivotal role in the
sustainable management of our planet. Accurate prediction of key environmental
variables over space and time can aid in informed policy and decision-making,
thus improving people's livelihood. Recently, deep learning-based methods have
shown promise in modeling the spatial-temporal relationships for predicting
environmental variables. However, these approaches often fall short in handling
incomplete features and distribution shifts, which are commonly observed in
environmental data due to the substantial cost of data collection and
malfunctions in measuring instruments. To address these issues, we propose LITE
-- a multimodal large language model for environmental ecosystems modeling.
Specifically, LITE unifies different environmental variables by transforming
them into natural language descriptions and line graph images. Then, LITE
utilizes unified encoders to capture spatial-temporal dynamics and correlations
in different modalities. During this step, the incomplete features are imputed
by a sparse Mixture-of-Experts framework, and the distribution shift is handled
by incorporating multi-granularity information from past observations. Finally,
guided by domain instructions, a language model is employed to fuse the
multimodal representations for the prediction. Our experiments demonstrate that
LITE significantly enhances performance in environmental spatial-temporal
prediction across different domains compared to the best baseline, with a
41.25% reduction in prediction error. This justifies its effectiveness. Our
data and code are available at https://github.com/hrlics/LITE. | cs.CL | LITE: Modeling Environmental Ecosystems with Multimodal Large Language Models |
2024-04-01T15:03:27Z | http://arxiv.org/pdf/2404.01158v1 | http://arxiv.org/abs/2404.01158v1 | Casey Kennington, Malihe Alikhani, Heather Pon-Barry, Katherine Atwell, Yonatan Bisk, Daniel Fried, Felix Gervits, Zhao Han, Mert Inan, Michael Johnston, Raj Korpan, Diane Litman, Matthew Marge, Cynthia Matuszek, Ross Mead, Shiwali Mohan, Raymond Mooney, Natalie Parde, Jivko Sinapov, Angela Stewart, Matthew Stone, Stefanie Tellex, Tom Williams | 2024-04-01T15:03:27Z | cs.CL, cs.RO | The ability to interact with machines using natural human language is
becoming not just commonplace, but expected. The next step is not just text
interfaces, but speech interfaces and not just with computers, but with all
machines including robots. In this paper, we chronicle the recent history of
this growing field of spoken dialogue with robots and offer the community three
proposals, the first focused on education, the second on benchmarks, and the
third on the modeling of language when it comes to spoken interaction with
robots. The three proposals should act as white papers for any researcher to
take and build upon. | cs.CL | Dialogue with Robots: Proposals for Broadening Participation and Research in the SLIVAR Community |
2024-04-01T15:01:45Z | http://arxiv.org/pdf/2404.01157v1 | http://arxiv.org/abs/2404.01157v1 | Vivian Liu, Yiqiao Yin | 2024-04-01T15:01:45Z | cs.CL, cs.PF | Prominent works in the field of Natural Language Processing have long
attempted to create new innovative models by improving upon previous model
training approaches, altering model architecture, and developing more in-depth
datasets to better their performance. However, with the quickly advancing field
of NLP comes increased greenhouse gas emissions, posing concerns over the
environmental damage caused by training LLMs. Gaining a comprehensive
understanding of the various costs, particularly those pertaining to
environmental aspects, that are associated with artificial intelligence serves
as the foundational basis for ensuring safe AI models. Currently,
investigations into the CO2 emissions of AI models remain an emerging area of
research, and as such, in this paper, we evaluate the CO2 emissions of
well-known large language models, which have an especially high carbon
footprint due to their significant amount of model parameters. We argue for the
training of LLMs in a way that is responsible and sustainable by suggesting
measures for reducing carbon emissions. Furthermore, we discuss how the choice
of hardware affects CO2 emissions by contrasting the CO2 emissions during model
training for two widely used GPUs. Based on our results, we present the
benefits and drawbacks of our proposed solutions and make the argument for the
possibility of training more environmentally safe AI models without sacrificing
their robustness and performance. | cs.CL | Green AI: Exploring Carbon Footprints, Mitigation Strategies, and Trade Offs in Large Language Model Training |
2024-04-01T14:46:20Z | http://arxiv.org/pdf/2404.01147v1 | http://arxiv.org/abs/2404.01147v1 | Parker Seegmiller, Joseph Gatto, Omar Sharif, Madhusudan Basak, Sarah Masud Preum | 2024-04-01T14:46:20Z | cs.CL, cs.LG | Large language models (LLMs) have been shown to be proficient in correctly
answering questions in the context of online discourse. However, the study of
using LLMs to model human-like answers to fact-driven social media questions is
still under-explored. In this work, we investigate how LLMs model the wide
variety of human answers to fact-driven questions posed on several
topic-specific Reddit communities, or subreddits. We collect and release a
dataset of 409 fact-driven questions and 7,534 diverse, human-rated answers
from 15 r/Ask{Topic} communities across 3 categories: profession, social
identity, and geographic location. We find that LLMs are considerably better at
modeling highly-rated human answers to such questions, as opposed to
poorly-rated human answers. We present several directions for future research
based on our initial findings. | cs.CL | Do LLMs Find Human Answers To Fact-Driven Questions Perplexing? A Case Study on Reddit |
2024-04-01T14:36:35Z | http://arxiv.org/pdf/2404.01140v2 | http://arxiv.org/abs/2404.01140v2 | Kyuhee Kim, Surin Lee, Sangah Lee | 2024-04-11T14:57:10Z | cs.CL | In this paper, we present KoCoNovel, a novel character coreference dataset
derived from Korean literary texts, complete with detailed annotation
guidelines. Comprising 178K tokens from 50 modern and contemporary novels,
KoCoNovel stands as one of the largest public coreference resolution corpora in
Korean, and the first to be based on literary texts. KoCoNovel offers four
distinct versions to accommodate a wide range of literary coreference analysis
needs. These versions are designed to support perspectives of the omniscient
author or readers, and to manage multiple entities as either separate or
overlapping, thereby broadening its applicability. One of KoCoNovel's
distinctive features is that 24% of all character mentions are single common
nouns, lacking possessive markers or articles. This feature is particularly
influenced by the nuances of Korean address term culture, which favors the use
of terms denoting social relationships and kinship over personal names. In
experiments with a BERT-based coreference model, we observe notable performance
enhancements with KoCoNovel in character coreference tasks within literary
texts, compared to a larger non-literary coreference dataset. Such findings
underscore KoCoNovel's potential to significantly enhance coreference
resolution models through the integration of Korean cultural and linguistic
dynamics. | cs.CL | KoCoNovel: Annotated Dataset of Character Coreference in Korean Novels |
2024-04-01T14:11:45Z | http://arxiv.org/pdf/2404.01129v2 | http://arxiv.org/abs/2404.01129v2 | Bohao Yang, Kun Zhao, Chen Tang, Liang Zhan, Chenghua Lin | 2024-04-06T16:44:37Z | cs.CL | Automatic open-domain dialogue evaluation has attracted increasing attention.
Trainable evaluation metrics are commonly trained with true positive and
randomly selected negative responses, resulting in a tendency for them to
assign a higher score to the responses that share higher content similarity
with a given context. However, adversarial negative responses possess high
content similarity with the contexts whilst being semantically different.
Therefore, existing evaluation metrics are not robust enough to evaluate such
responses, resulting in low correlations with human judgments. While recent
studies have shown some efficacy in utilizing Large Language Models (LLMs) for
open-domain dialogue evaluation, they still encounter challenges in effectively
handling adversarial negative examples. In this paper, we propose a simple yet
effective framework for open-domain dialogue evaluation, which combines
domain-specific language models (SLMs) with LLMs. The SLMs can explicitly
incorporate Abstract Meaning Representation (AMR) graph information of the
dialogue through a gating mechanism for enhanced semantic representation
learning. The evaluation result of SLMs and AMR graph information are plugged
into the prompt of LLM, for the enhanced in-context learning performance.
Experimental results on open-domain dialogue evaluation tasks demonstrate the
superiority of our method compared to a wide range of state-of-the-art
baselines, especially in discriminating adversarial negative responses. Our
code is available at https://github.com/Bernard-Yang/SIMAMR. | cs.CL | Structured Information Matters: Incorporating Abstract Meaning Representation into LLMs for Improved Open-Domain Dialogue Evaluation |
2024-04-01T13:24:20Z | http://arxiv.org/pdf/2404.01104v1 | http://arxiv.org/abs/2404.01104v1 | Jaemin Kim, Yohan Na, Kangmin Kim, Sang Rak Lee, Dong-Kyu Chae | 2024-04-01T13:24:20Z | cs.CL, 68T50, I.2.7 | Recently, sentiment-aware pre-trained language models (PLMs) demonstrate
impressive results in downstream sentiment analysis tasks. However, they
neglect to evaluate the quality of their constructed sentiment representations;
they just focus on improving the fine-tuning performance, which overshadows the
representation quality. We argue that without guaranteeing the representation
quality, their downstream performance can be highly dependent on the
supervision of the fine-tuning data rather than representation quality. This
problem would make them difficult to foray into other sentiment-related
domains, especially where labeled data is scarce. We first propose
Sentiment-guided Textual Similarity (SgTS), a novel metric for evaluating the
quality of sentiment representations, which is designed based on the degree of
equivalence in sentiment polarity between two sentences. We then propose
SentiCSE, a novel Sentiment-aware Contrastive Sentence Embedding framework for
constructing sentiment representations via combined word-level and
sentence-level objectives, whose quality is guaranteed by SgTS. Qualitative and
quantitative comparison with the previous sentiment-aware PLMs shows the
superiority of our work. Our code is available at:
https://github.com/nayohan/SentiCSE | cs.CL | SentiCSE: A Sentiment-aware Contrastive Sentence Embedding Framework with Sentiment-guided Textual Similarity |
2024-04-01T13:16:34Z | http://arxiv.org/pdf/2404.01361v1 | http://arxiv.org/abs/2404.01361v1 | Seongmin Lee, Zijie J. Wang, Aishwarya Chakravarthy, Alec Helbling, ShengYun Peng, Mansi Phute, Duen Horng Chau, Minsuk Kahng | 2024-04-01T13:16:34Z | cs.CL, cs.AI, cs.HC, cs.LG | While large language models (LLMs) have shown remarkable capability to
generate convincing text across diverse domains, concerns around its potential
risks have highlighted the importance of understanding the rationale behind
text generation. We present LLM Attributor, a Python library that provides
interactive visualizations for training data attribution of an LLM's text
generation. Our library offers a new way to quickly attribute an LLM's text
generation to training data points to inspect model behaviors, enhance its
trustworthiness, and compare model-generated text with user-provided text. We
describe the visual and interactive design of our tool and highlight usage
scenarios for LLaMA2 models fine-tuned with two different datasets: online
articles about recent disasters and finance-related question-answer pairs.
Thanks to LLM Attributor's broad support for computational notebooks, users can
easily integrate it into their workflow to interactively visualize attributions
of their models. For easier access and extensibility, we open-source LLM
Attributor at https://github.com/poloclub/ LLM-Attribution. The video demo is
available at https://youtu.be/mIG2MDQKQxM. | cs.CL | LLM Attributor: Interactive Visual Attribution for LLM Generation |
2024-04-01T13:12:30Z | http://arxiv.org/pdf/2404.01099v1 | http://arxiv.org/abs/2404.01099v1 | Luxi He, Mengzhou Xia, Peter Henderson | 2024-04-01T13:12:30Z | cs.LG, cs.AI, cs.CL, cs.CR | Current Large Language Models (LLMs), even those tuned for safety and
alignment, are susceptible to jailbreaking. Some have found that just further
fine-tuning an aligned model with benign data (i.e., data without harmful
content) surprisingly leads to substantial degradation in safety. We delve into
the data-centric aspects of why benign fine-tuning inadvertently contributes to
jailbreaking. First, we represent fine-tuning data through two lenses:
representation and gradient spaces. Furthermore, we propose a bi-directional
anchoring method that prioritizes data points that are close to harmful
examples and distant from benign ones. By doing so, our approach effectively
identifies subsets of benign data that are more likely to degrade the model's
safety after fine-tuning. Training on just 100 of these seemingly benign
datapoints can lead to the fine-tuned model affirmatively responding to > 70%
of tested harmful requests, compared to < 20% after fine-tuning on randomly
selected data. We further find that selected data are often in the form of
lists and bullet points, or math questions. | cs.LG | What's in Your "Safe" Data?: Identifying Benign Data that Breaks Safety |
2024-04-01T12:27:55Z | http://arxiv.org/pdf/2404.01084v1 | http://arxiv.org/abs/2404.01084v1 | Ioannis Panagiotopoulos, Giorgos Filandrianos, Maria Lymperaiou, Giorgos Stamou | 2024-04-01T12:27:55Z | cs.CL, cs.AI | In this paper, we outline our submission for the SemEval-2024 Task 9
competition: 'BRAINTEASER: A Novel Task Defying Common Sense'. We engage in
both sub-tasks: Sub-task A-Sentence Puzzle and Sub-task B-Word Puzzle. We
evaluate a plethora of pre-trained transformer-based language models of
different sizes through fine-tuning. Subsequently, we undertake an analysis of
their scores and responses to aid future researchers in understanding and
utilizing these models effectively. Our top-performing approaches secured
competitive positions on the competition leaderboard across both sub-tasks. In
the evaluation phase, our best submission attained an average accuracy score of
81.7% in the Sentence Puzzle, and 85.4% in the Word Puzzle, significantly
outperforming the best neural baseline (ChatGPT) by more than 20% and 30%
respectively. | cs.CL | AILS-NTUA at SemEval-2024 Task 9: Cracking Brain Teasers: Transformer Models for Lateral Thinking Puzzles |
2024-04-01T12:20:34Z | http://arxiv.org/pdf/2404.01582v1 | http://arxiv.org/abs/2404.01582v1 | Jiarong Xian, Jibao Yuan, Peiwei Zheng, Dexian Chen | 2024-04-01T12:20:34Z | cs.CL, cs.AI, cs.IR | Text plagiarism detection task is a common natural language processing task
that aims to detect whether a given text contains plagiarism or copying from
other texts. In existing research, detection of high level plagiarism is still
a challenge due to the lack of high quality datasets. In this paper, we propose
a plagiarized text data generation method based on GPT-3.5, which produces
32,927 pairs of text plagiarism detection datasets covering a wide range of
plagiarism methods, bridging the gap in this part of research. Meanwhile, we
propose a plagiarism identification method based on Faiss with BERT with high
efficiency and high accuracy. Our experiments show that the performance of this
model outperforms other models in several metrics, including 98.86\%, 98.90%,
98.86%, and 0.9888 for Accuracy, Precision, Recall, and F1 Score, respectively.
At the end, we also provide a user-friendly demo platform that allows users to
upload a text library and intuitively participate in the plagiarism analysis. | cs.CL | BERT-Enhanced Retrieval Tool for Homework Plagiarism Detection System |
2024-04-01T12:19:08Z | http://arxiv.org/pdf/2404.01077v1 | http://arxiv.org/abs/2404.01077v1 | Kaiyan Chang, Songcheng Xu, Chenglong Wang, Yingfeng Luo, Tong Xiao, Jingbo Zhu | 2024-04-01T12:19:08Z | cs.CL | Prompting has become a mainstream paradigm for adapting large language models
(LLMs) to specific natural language processing tasks. While this approach opens
the door to in-context learning of LLMs, it brings the additional computational
burden of model inference and human effort of manual-designed prompts,
particularly when using lengthy and complex prompts to guide and control the
behavior of LLMs. As a result, the LLM field has seen a remarkable surge in
efficient prompting methods. In this paper, we present a comprehensive overview
of these methods. At a high level, efficient prompting methods can broadly be
categorized into two approaches: prompting with efficient computation and
prompting with efficient design. The former involves various ways of
compressing prompts, and the latter employs techniques for automatic prompt
optimization. We present the basic concepts of prompting, review the advances
for efficient prompting, and highlight future research directions. | cs.CL | Efficient Prompting Methods for Large Language Models: A Survey |
2024-04-01T12:03:35Z | http://arxiv.org/pdf/2404.01070v1 | http://arxiv.org/abs/2404.01070v1 | Richard Kimera, Yun-Seon Kim, Heeyoul Choi | 2024-04-01T12:03:35Z | cs.CL, cs.AI | This paper addresses the ethical challenges of Artificial Intelligence in
Neural Machine Translation (NMT) systems, emphasizing the imperative for
developers to ensure fairness and cultural sensitivity. We investigate the
ethical competence of AI models in NMT, examining the Ethical considerations at
each stage of NMT development, including data handling, privacy, data
ownership, and consent. We identify and address ethical issues through
empirical studies. These include employing Transformer models for
Luganda-English translations and enhancing efficiency with sentence
mini-batching. And complementary studies that refine data labeling techniques
and fine-tune BERT and Longformer models for analyzing Luganda and English
social media content. Our second approach is a literature review from databases
such as Google Scholar and platforms like GitHub. Additionally, the paper
probes the distribution of responsibility between AI systems and humans,
underscoring the essential role of human oversight in upholding NMT ethical
standards. Incorporating a biblical perspective, we discuss the societal impact
of NMT and the broader ethical responsibilities of developers, positing them as
stewards accountable for the societal repercussions of their creations. | cs.CL | Advancing AI with Integrity: Ethical Challenges and Solutions in Neural Machine Translation |
2024-04-01T12:01:06Z | http://arxiv.org/pdf/2404.01067v1 | http://arxiv.org/abs/2404.01067v1 | Xinzhe Ni, Yeyun Gong, Zhibin Gou, Yelong Shen, Yujiu Yang, Nan Duan, Weizhu Chen | 2024-04-01T12:01:06Z | cs.CL | Selecting influential data for fine-tuning on downstream tasks is a key
factor for both performance and computation efficiency. Recent works have shown
that training with only limited data can show a superior performance on general
tasks. However, the feasibility on mathematical reasoning tasks has not been
validated. To go further, there exist two open questions for mathematical
reasoning: how to select influential data and what is an influential data
composition. For the former one, we propose a Quality-aware Diverse Selection
(QaDS) strategy adaptable for mathematical reasoning. A comparison with other
selection strategies validates the superiority of QaDS. For the latter one, we
first enlarge our setting and explore the influential data composition. We
conduct a series of experiments and highlight: scaling up reasoning data, and
training with general data selected by QaDS is helpful. Then, we define our
optimal mixture as OpenMathMix, an influential data mixture with open-source
data selected by QaDS. With OpenMathMix, we achieve a state-of-the-art 48.8%
accuracy on MATH with 7B base model. Additionally, we showcase the use of QaDS
in creating efficient fine-tuning mixtures with various selection ratios, and
analyze the quality of a wide range of open-source datasets, which can perform
as a reference for future works on mathematical reasoning tasks. | cs.CL | Exploring the Mystery of Influential Data for Mathematical Reasoning |
2024-04-01T11:26:50Z | http://arxiv.org/pdf/2404.01054v3 | http://arxiv.org/abs/2404.01054v3 | Yuu Jinnai, Tetsuro Morimura, Kaito Ariu, Kenshi Abe | 2024-06-24T02:31:06Z | cs.CL, cs.AI | Best-of-N (BoN) sampling with a reward model has been shown to be an
effective strategy for aligning Large Language Models (LLMs) to human
preferences at the time of decoding. BoN sampling is susceptible to a problem
known as reward hacking. Because the reward model is an imperfect proxy for the
true objective, over-optimizing its value can compromise its performance on the
true objective. A common solution to prevent reward hacking in preference
learning techniques is to optimize a reward using proximity regularization
(e.g., KL regularization), which ensures that the language model remains close
to the reference model. In this research, we propose Regularized Best-of-N
(RBoN), a variant of BoN that aims to mitigate reward hacking by incorporating
a proximity term in response selection, similar to preference learning
techniques. We evaluate RBoN on the AlpacaFarm and Anthropic's hh-rlhf datasets
and find that it outperforms BoN. As an application of RBoN, we use RBoN to
generate a pairwise preference learning dataset. Experimental results show that
a DPO model trained on a dataset generated with RBoN outperforms a DPO model
generated with vanilla BoN. Our code is available at
https://github.com/CyberAgentAILab/regularized-bon | cs.CL | Regularized Best-of-N Sampling to Mitigate Reward Hacking for Language Model Alignment |
2024-04-01T10:43:52Z | http://arxiv.org/pdf/2404.01037v1 | http://arxiv.org/abs/2404.01037v1 | Matouš Eibich, Shivay Nagpal, Alexander Fred-Ojala | 2024-04-01T10:43:52Z | cs.CL, cs.IR, I.2.7 | Retrieval-Augmented Generation (RAG) is essential for integrating external
knowledge into Large Language Model (LLM) outputs. While the literature on RAG
is growing, it primarily focuses on systematic reviews and comparisons of new
state-of-the-art (SoTA) techniques against their predecessors, with a gap in
extensive experimental comparisons. This study begins to address this gap by
assessing various RAG methods' impacts on retrieval precision and answer
similarity. We found that Hypothetical Document Embedding (HyDE) and LLM
reranking significantly enhance retrieval precision. However, Maximal Marginal
Relevance (MMR) and Cohere rerank did not exhibit notable advantages over a
baseline Naive RAG system, and Multi-query approaches underperformed. Sentence
Window Retrieval emerged as the most effective for retrieval precision, despite
its variable performance on answer similarity. The study confirms the potential
of the Document Summary Index as a competent retrieval approach. All resources
related to this research are publicly accessible for further investigation
through our GitHub repository ARAGOG (https://github.com/predlico/ARAGOG). We
welcome the community to further this exploratory study in RAG systems. | cs.CL | ARAGOG: Advanced RAG Output Grading |
2024-04-01T10:17:45Z | http://arxiv.org/pdf/2404.01029v1 | http://arxiv.org/abs/2404.01029v1 | Kotaro Aono, Ryohei Sasano, Koichi Takeda | 2024-04-01T10:17:45Z | cs.CL | There are several linguistic claims about situations where words are more
likely to be used as metaphors. However, few studies have sought to verify such
claims with large corpora. This study entails a large-scale, corpus-based
analysis of certain existing claims about verb metaphors, by applying metaphor
detection to sentences extracted from Common Crawl and using the statistics
obtained from the results. The verification results indicate that the direct
objects of verbs used as metaphors tend to have lower degrees of concreteness,
imageability, and familiarity, and that metaphors are more likely to be used in
emotional and subjective sentences. | cs.CL | Verifying Claims About Metaphors with Large-Scale Automatic Metaphor Identification |
2024-04-01T09:48:14Z | http://arxiv.org/pdf/2404.01358v1 | http://arxiv.org/abs/2404.01358v1 | Alon Bartal, Kathleen M. Jagodnik, Nava Pliskin, Abraham Seidmann | 2024-04-01T09:48:14Z | q-bio.QM, cs.AI, cs.CL, cs.IR, cs.LG, cs.SI, 62 | Adverse side effects (ASEs) of drugs, revealed after FDA approval, pose a
threat to patient safety. To promptly detect overlooked ASEs, we developed a
digital health methodology capable of analyzing massive public data from social
media, published clinical research, manufacturers' reports, and ChatGPT. We
uncovered ASEs associated with the glucagon-like peptide 1 receptor agonists
(GLP-1 RA), a market expected to grow exponentially to $133.5 billion USD by
2030. Using a Named Entity Recognition (NER) model, our method successfully
detected 21 potential ASEs overlooked upon FDA approval, including irritability
and numbness. Our data-analytic approach revolutionizes the detection of
unreported ASEs associated with newly deployed drugs, leveraging cutting-edge
AI-driven social media analytics. It can increase the safety of new drugs in
the marketplace by unlocking the power of social media to support regulators
and manufacturers in the rapid discovery of hidden ASE risks. | q-bio.QM | Utilizing AI and Social Media Analytics to Discover Adverse Side Effects of GLP-1 Receptor Agonists |
2024-04-01T09:39:38Z | http://arxiv.org/pdf/2404.01019v2 | http://arxiv.org/abs/2404.01019v2 | Muhammad Khalifa, David Wadden, Emma Strubell, Honglak Lee, Lu Wang, Iz Beltagy, Hao Peng | 2024-04-11T16:32:26Z | cs.CL, cs.AI | Large language models (LLMs) learn a vast amount of knowledge during
pretraining, but they are often oblivious to the source(s) of such knowledge.
We investigate the problem of intrinsic source citation, where LLMs are
required to cite the pretraining source supporting a generated response.
Intrinsic source citation can enhance LLM transparency, interpretability, and
verifiability. To give LLMs such ability, we explore source-aware training -- a
post pretraining recipe that involves (i) training the LLM to associate unique
source document identifiers with the knowledge in each document, followed by
(ii) an instruction-tuning to teach the LLM to cite a supporting pretraining
source when prompted. Source-aware training can easily be applied to pretrained
LLMs off the shelf, and diverges minimally from existing
pretraining/fine-tuning frameworks. Through experiments on carefully curated
data, we demonstrate that our training recipe can enable faithful attribution
to the pretraining data without a substantial impact on the model's quality
compared to standard pretraining. Our results also highlight the importance of
data augmentation in achieving attribution. Code and data available here:
\url{https://github.com/mukhal/intrinsic-source-citation} | cs.CL | Source-Aware Training Enables Knowledge Attribution in Language Models |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.