publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-11-12T00:23:37Z | http://arxiv.org/pdf/2311.06696v1 | http://arxiv.org/abs/2311.06696v1 | Brian Yu, Hansen Lillemark, Kurt Keutzer | 2023-11-12T00:23:37Z | cs.CL, cs.LG | Foundation language models learn from their finetuning input context in
different ways. In this paper, we reformulate inputs during finetuning for
challenging translation tasks, leveraging model strengths from pretraining in
novel ways to improve downstream performance. These reformulations are simple
data level modifications, require no additional collection of training data or
modification of data at inference time. They can be applied either on single
language pair translation tasks or massively multilingual translation tasks.
Experiments with these techniques demonstrate significant performance
improvements up to $\textbf{3.5 chrF++ on the Flores200 translation
benchmark}$. We hope our research accessibly improves finetuning data
efficiency, enabling more effective training to scalably improve
state-of-the-art performance. Our code is released
$\href{https://github.com/bri25yu/LanguageModelExperimentation}{here}.$ | cs.CL | Simple and Effective Input Reformulations for Translation |
2023-11-12T00:21:58Z | http://arxiv.org/pdf/2311.06694v3 | http://arxiv.org/abs/2311.06694v3 | Chancharik Mitra, Abrar Anwar, Rodolfo Corona, Dan Klein, Trevor Darrell, Jesse Thomason | 2024-04-06T22:14:25Z | cs.CL, cs.AI, cs.CV, cs.RO | When connecting objects and their language referents in an embodied 3D
environment, it is important to note that: (1) an object can be better
characterized by leveraging comparative information between itself and other
objects, and (2) an object's appearance can vary with camera position. As such,
we present the Multi-view Approach to Grounding in Context (MAGiC), which
selects an object referent based on language that distinguishes between two
similar objects. By pragmatically reasoning over both objects and across
multiple views of those objects, MAGiC improves over the state-of-the-art model
on the SNARE object reference task with a relative error reduction of 12.9\%
(representing an absolute improvement of 2.7\%). Ablation studies show that
reasoning jointly over object referent candidates and multiple views of each
object both contribute to improved accuracy. Code:
https://github.com/rcorona/magic_snare/ | cs.CL | Which One? Leveraging Context Between Objects and Multiple Views for Language Grounding |
2023-11-11T21:19:44Z | http://arxiv.org/pdf/2311.06668v3 | http://arxiv.org/abs/2311.06668v3 | Sheng Liu, Haotian Ye, Lei Xing, James Zou | 2024-02-13T22:37:39Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) demonstrate emergent in-context learning
capabilities, where they adapt to new tasks based on example demonstrations.
However, in-context learning has seen limited effectiveness in many settings,
is difficult to quantitatively control and takes up context window space. To
overcome these limitations, we propose an alternative approach that recasts
in-context learning as in-context vectors (ICV). Using ICV has two steps. We
first use a forward pass on demonstration examples to create the in-context
vector from the latent embedding of the LLM. This vector captures essential
information about the intended task. On a new query, instead of adding
demonstrations to the prompt, we shift the latent states of the LLM using the
ICV. The ICV approach has several benefits: 1) it enables the LLM to more
effectively follow the demonstration examples; 2) it's easy to control by
adjusting the magnitude of the ICV; 3) it reduces the length of the prompt by
removing the in-context demonstrations; 4) ICV is computationally much more
efficient than fine-tuning. We demonstrate that ICV achieves better performance
compared to standard in-context learning and fine-tuning on diverse tasks
including safety, style transfer, role-playing and formatting. Moreover, we
show that we can flexibly teach LLM to simultaneously follow different types of
instructions by simple vector arithmetics on the corresponding ICVs. | cs.LG | In-context Vectors: Making In Context Learning More Effective and Controllable Through Latent Space Steering |
2023-11-11T19:59:24Z | http://arxiv.org/pdf/2311.07611v1 | http://arxiv.org/abs/2311.07611v1 | Nicklaus Badyal, Derek Jacoby, Yvonne Coady | 2023-11-11T19:59:24Z | cs.CL | In this study we intentionally introduce biases into large language model
responses in an attempt to create specific personas for interactive media
purposes. We explore the differences between open source models such as
Falcon-7b and the GPT-4 model from Open AI, and we quantify some differences in
responses afforded by the two systems. We find that the guardrails in the GPT-4
mixture of experts models with a supervisor, while useful in assuring AI
alignment in general, are detrimental in trying to construct personas with a
variety of uncommon viewpoints. This study aims to set the groundwork for
future exploration in intentional biases of large language models such that
these practices can be applied in the creative field, and new forms of media. | cs.CL | Intentional Biases in LLM Responses |
2023-11-11T19:38:14Z | http://arxiv.org/pdf/2311.06649v1 | http://arxiv.org/abs/2311.06649v1 | Luke Bates, Peter Ebert Christensen, Preslav Nakov, Iryna Gurevych | 2023-11-11T19:38:14Z | cs.CL | Memes are a modern form of communication and meme templates possess a base
semantics that is customizable by whomever posts it on social media. Machine
learning systems struggle with memes, which is likely due to such systems
having insufficient context to understand memes, as there is more to memes than
the obvious image and text. Here, to aid understanding of memes, we release a
knowledge base of memes and information found on www.knowyourmeme.com, which we
call the Know Your Meme Knowledge Base (KYMKB), composed of more than 54,000
images. The KYMKB includes popular meme templates, examples of each template,
and detailed information about the template. We hypothesize that meme templates
can be used to inject models with the context missing from previous approaches.
To test our hypothesis, we create a non-parametric majority-based classifier,
which we call Template-Label Counter (TLC). We find TLC more effective than or
competitive with fine-tuned baselines. To demonstrate the power of meme
templates and the value of both our knowledge base and method, we conduct
thorough classification experiments and exploratory data analysis in the
context of five meme analysis tasks. | cs.CL | A Template Is All You Meme |
2023-11-11T19:34:06Z | http://arxiv.org/pdf/2311.06647v2 | http://arxiv.org/abs/2311.06647v2 | Zhivar Sourati, Darshan Deshpande, Filip Ilievski, Kiril Gashteovski, Sascha Saralajew | 2024-06-18T02:53:04Z | cs.CL | Downstream applications often require text classification models to be
accurate and robust. While the accuracy of the state-of-the-art Language Models
(LMs) approximates human performance, they often exhibit a drop in performance
on noisy data found in the real world. This lack of robustness can be
concerning, as even small perturbations in the text, irrelevant to the target
task, can cause classifiers to incorrectly change their predictions. A
potential solution can be the family of Prototype-Based Networks (PBNs) that
classifies examples based on their similarity to prototypical examples of a
class (prototypes) and has been shown to be robust to noise for computer vision
tasks. In this paper, we study whether the robustness properties of PBNs
transfer to text classification tasks under both targeted and static
adversarial attack settings. Our results show that PBNs, as a mere
architectural variation of vanilla LMs, offer more robustness compared to
vanilla LMs under both targeted and static settings. We showcase how PBNs'
interpretability can help us to understand PBNs' robustness properties.
Finally, our ablation studies reveal the sensitivity of PBNs' robustness to how
strictly clustering is done in the training phase, as tighter clustering
results in less robust PBNs. | cs.CL | Robust Text Classification: Analyzing Prototype-Based Networks |
2023-11-11T17:39:24Z | http://arxiv.org/pdf/2311.06622v2 | http://arxiv.org/abs/2311.06622v2 | Haoyuan Li, Hao Jiang, Tianke Zhang, Zhelun Yu, Aoxiong Yin, Hao Cheng, Siming Fu, Yuhao Zhang, Wanggui He | 2023-11-23T10:57:10Z | cs.AI, cs.CL | Training AI models has always been challenging, especially when there is a
need for custom models to provide personalized services. Algorithm engineers
often face a lengthy process to iteratively develop models tailored to specific
business requirements, making it even more difficult for non-experts. The quest
for high-quality and efficient model development, along with the emergence of
Large Language Model (LLM) Agents, has become a key focus in the industry.
Leveraging the powerful analytical, planning, and decision-making capabilities
of LLM, we propose a TrainerAgent system comprising a multi-agent framework
including Task, Data, Model and Server agents. These agents analyze
user-defined tasks, input data, and requirements (e.g., accuracy, speed),
optimizing them comprehensively from both data and model perspectives to obtain
satisfactory models, and finally deploy these models as online service.
Experimental evaluations on classical discriminative and generative tasks in
computer vision and natural language processing domains demonstrate that our
system consistently produces models that meet the desired criteria.
Furthermore, the system exhibits the ability to critically identify and reject
unattainable tasks, such as fantastical scenarios or unethical requests,
ensuring robustness and safety. This research presents a significant
advancement in achieving desired models with increased efficiency and quality
as compared to traditional model development, facilitated by the integration of
LLM-powered analysis, decision-making, and execution capabilities, as well as
the collaboration among four agents. We anticipate that our work will
contribute to the advancement of research on TrainerAgent in both academic and
industry communities, potentially establishing it as a new paradigm for model
development in the field of AI. | cs.AI | TrainerAgent: Customizable and Efficient Model Training through LLM-Powered Multi-Agent System |
2023-11-11T16:59:20Z | http://arxiv.org/pdf/2311.06612v1 | http://arxiv.org/abs/2311.06612v1 | Renjie Pi, Lewei Yao, Jiahui Gao, Jipeng Zhang, Tong Zhang | 2023-11-11T16:59:20Z | cs.CV, cs.CL | The integration of visual inputs with large language models (LLMs) has led to
remarkable advancements in multi-modal capabilities, giving rise to visual
large language models (VLLMs). However, effectively harnessing VLLMs for
intricate visual perception tasks remains a challenge. In this paper, we
present a novel end-to-end framework named PerceptionGPT, which efficiently and
effectively equips the VLLMs with visual perception abilities by leveraging the
representation power of LLMs' token embedding. Our proposed method treats the
token embedding of the LLM as the carrier of spatial information, then leverage
lightweight visual task encoders and decoders to perform visual perception
tasks (e.g., detection, segmentation). Our approach significantly alleviates
the training difficulty suffered by previous approaches that formulate the
visual outputs as discrete tokens, and enables achieving superior performance
with fewer trainable parameters, less training data and shorted training time.
Moreover, as only one token embedding is required to decode the visual outputs,
the resulting sequence length during inference is significantly reduced.
Consequently, our approach enables accurate and flexible representations,
seamless integration of visual perception tasks, and efficient handling of a
multiple of visual outputs. We validate the effectiveness and efficiency of our
approach through extensive experiments. The results demonstrate significant
improvements over previous methods with much fewer trainable parameters and GPU
hours, which facilitates future research in enabling LLMs with visual
perception abilities. | cs.CV | PerceptionGPT: Effectively Fusing Visual Perception into LLM |
2023-11-11T16:37:41Z | http://arxiv.org/pdf/2311.06607v3 | http://arxiv.org/abs/2311.06607v3 | Zhang Li, Biao Yang, Qiang Liu, Zhiyin Ma, Shuo Zhang, Jingxu Yang, Yabo Sun, Yuliang Liu, Xiang Bai | 2024-02-22T06:23:26Z | cs.CV, cs.AI, cs.CL | Large Multimodal Models (LMMs) have shown promise in vision-language tasks
but struggle with high-resolution input and detailed scene understanding.
Addressing these challenges, we introduce Monkey to enhance LMM capabilities.
Firstly, Monkey processes input images by dividing them into uniform patches,
each matching the size (e.g., 448x448) used in the original training of the
well-trained vision encoder. Equipped with individual adapter for each patch,
Monkey can handle higher resolutions up to 1344x896 pixels, enabling the
detailed capture of complex visual information. Secondly, it employs a
multi-level description generation method, enriching the context for
scene-object associations. This two-part strategy ensures more effective
learning from generated data: the higher resolution allows for a more detailed
capture of visuals, which in turn enhances the effectiveness of comprehensive
descriptions. Extensive ablative results validate the effectiveness of our
designs. Additionally, experiments on 18 datasets further demonstrate that
Monkey surpasses existing LMMs in many tasks like Image Captioning and various
Visual Question Answering formats. Specially, in qualitative tests focused on
dense text question answering, Monkey has exhibited encouraging results
compared with GPT4V. Code is available at
https://github.com/Yuliang-Liu/Monkey. | cs.CV | Monkey: Image Resolution and Text Label Are Important Things for Large Multi-modal Models |
2023-11-11T16:16:11Z | http://arxiv.org/pdf/2311.06602v2 | http://arxiv.org/abs/2311.06602v2 | Rik Koncel-Kedziorski, Michael Krumdick, Viet Lai, Varshini Reddy, Charles Lovering, Chris Tanner | 2024-03-12T16:54:57Z | cs.CL | Answering questions within business and finance requires reasoning,
precision, and a wide-breadth of technical knowledge. Together, these
requirements make this domain difficult for large language models (LLMs). We
introduce BizBench, a benchmark for evaluating models' ability to reason about
realistic financial problems. BizBench comprises eight quantitative reasoning
tasks, focusing on question-answering (QA) over financial data via program
synthesis. We include three financially-themed code-generation tasks from newly
collected and augmented QA data. Additionally, we isolate the reasoning
capabilities required for financial QA: reading comprehension of financial text
and tables for extracting intermediate values, and understanding financial
concepts and formulas needed to calculate complex solutions. Collectively,
these tasks evaluate a model's financial background knowledge, ability to parse
financial documents, and capacity to solve problems with code. We conduct an
in-depth evaluation of open-source and commercial LLMs, comparing and
contrasting the behavior of code-focused and language-focused models. We
demonstrate that the current bottleneck in performance is due to LLMs' limited
business and financial understanding, highlighting the value of a challenging
benchmark for quantitative reasoning within this domain. | cs.CL | BizBench: A Quantitative Reasoning Benchmark for Business and Finance |
2023-11-11T15:40:21Z | http://arxiv.org/pdf/2311.06595v3 | http://arxiv.org/abs/2311.06595v3 | Xiaoqian Li, Ercong Nie, Sheng Liang | 2023-12-02T17:00:27Z | cs.CL | The remarkable ability of Large Language Models (LLMs) to understand and
follow instructions has sometimes been limited by their in-context learning
(ICL) performance in low-resource languages. To address this, we introduce a
novel approach that leverages cross-lingual retrieval-augmented in-context
learning (CREA-ICL). By extracting semantically similar prompts from
high-resource languages, we aim to improve the zero-shot performance of
multilingual pre-trained language models (MPLMs) across diverse tasks. Though
our approach yields steady improvements in classification tasks, it faces
challenges in generation tasks. Our evaluation offers insights into the
performance dynamics of retrieval-augmented in-context learning across both
classification and generation domains. | cs.CL | From Classification to Generation: Insights into Crosslingual Retrieval Augmented ICL |
2023-11-11T12:05:01Z | http://arxiv.org/pdf/2311.06555v2 | http://arxiv.org/abs/2311.06555v2 | Hanzhang Zhou, Junlang Qian, Zijian Feng, Hui Lu, Zixiao Zhu, Kezhi Mao | 2024-02-20T03:51:40Z | cs.CL, cs.AI | In this study, we investigate in-context learning (ICL) in document-level
event argument extraction (EAE) to alleviate the dependency on large-scale
labeled data for this task. We introduce the Heuristic-Driven Link-of-Analogy
(HD-LoA) prompting to address the challenge of example selection and to develop
a prompting strategy tailored for EAE. Specifically, we hypothesize and
validate that LLMs learn task-specific heuristics from demonstrations via ICL.
Building upon this hypothesis, we introduce an explicit heuristic-driven
demonstration construction approach, which transforms the haphazard example
selection process into a methodical method that emphasizes task heuristics.
Additionally, inspired by the analogical reasoning of human, we propose the
link-of-analogy prompting, which enables LLMs to process new situations by
drawing analogies to known situations, enhancing their performance on unseen
classes beyond limited ICL examples. Experiments show that our method
outperforms existing prompting methods and few-shot supervised learning methods
on document-level EAE datasets. Additionally, the HD-LoA prompting shows
effectiveness in diverse tasks like sentiment analysis and natural language
inference, demonstrating its broad adaptability. | cs.CL | Heuristic-Driven Link-of-Analogy Prompting: Enhancing Large Language Models for Document-Level Event Argument Extraction |
2023-11-11T11:56:56Z | http://arxiv.org/pdf/2311.06549v1 | http://arxiv.org/abs/2311.06549v1 | Maarten De Raedt, Semere Kiros Bitew, Fréderic Godin, Thomas Demeester, Chris Develder | 2023-11-11T11:56:56Z | cs.CL | The brittleness of finetuned language model performance on
out-of-distribution (OOD) test samples in unseen domains has been well-studied
for English, yet is unexplored for multi-lingual models. Therefore, we study
generalization to OOD test data specifically in zero-shot cross-lingual
transfer settings, analyzing performance impacts of both language and domain
shifts between train and test data. We further assess the effectiveness of
counterfactually augmented data (CAD) in improving OOD generalization for the
cross-lingual setting, since CAD has been shown to benefit in a monolingual
English setting. Finally, we propose two new approaches for OOD generalization
that avoid the costly annotation process associated with CAD, by exploiting the
power of recent large language models (LLMs). We experiment with 3 multilingual
models, LaBSE, mBERT, and XLM-R trained on English IMDb movie reviews, and
evaluate on OOD test sets in 13 languages: Amazon product reviews, Tweets, and
Restaurant reviews. Results echo the OOD performance decline observed in the
monolingual English setting. Further, (i) counterfactuals from the original
high-resource language do improve OOD generalization in the low-resource
language, and (ii) our newly proposed cost-effective approaches reach similar
or up to +3.1% better accuracy than CAD for Amazon and Restaurant reviews. | cs.CL | Zero-Shot Cross-Lingual Sentiment Classification under Distribution Shift: an Exploratory Study |
2023-11-11T11:05:27Z | http://arxiv.org/pdf/2311.06534v2 | http://arxiv.org/abs/2311.06534v2 | Elliott Ash, Aniket Kesari, Suresh Naidu, Lena Song, Dominik Stammbach | 2024-03-02T17:18:34Z | cs.CL | Judicial opinions are written to be persuasive and could build public trust
in court decisions, yet they can be difficult for non-experts to understand. We
present a pipeline for using an AI assistant to generate simplified summaries
of judicial opinions. Compared to existing expert-written summaries, these
AI-generated simple summaries are more accessible to the public and more easily
understood by non-experts. We show in a survey experiment that the AI summaries
help respondents understand the key features of a ruling, and have higher
perceived quality, especially for respondents with less formal education. | cs.CL | Translating Legalese: Enhancing Public Understanding of Court Opinions with Legal Summarizers |
2023-11-11T11:02:02Z | http://arxiv.org/pdf/2311.06532v1 | http://arxiv.org/abs/2311.06532v1 | Marta R. Costa-jussà, David Dale, Maha Elbayad, Bokai Yu | 2023-11-11T11:02:02Z | cs.CL, I.2.7 | Added toxicity in the context of translation refers to the fact of producing
a translation output with more toxicity than there exists in the input. In this
paper, we present MinTox which is a novel pipeline to identify added toxicity
and mitigate this issue which works at inference time. MinTox uses a toxicity
detection classifier which is multimodal (speech and text) and works in
languages at scale. The mitigation method is applied to languages at scale and
directly in text outputs. MinTox is applied to SEAMLESSM4T, which is the latest
multimodal and massively multilingual machine translation system. For this
system, MinTox achieves significant added toxicity mitigation across domains,
modalities and language directions. MinTox manages to approximately filter out
from 25% to 95% of added toxicity (depending on the modality and domain) while
keeping translation quality. | cs.CL | Added Toxicity Mitigation at Inference Time for Multimodal and Massively Multilingual Translation |
2023-11-11T11:01:13Z | http://arxiv.org/pdf/2311.06530v2 | http://arxiv.org/abs/2311.06530v2 | Peiyu Liu, Junming Liu, Lirong Fu, Kangjie Lu, Yifan Xia, Xuhong Zhang, Wenzhi Chen, Haiqin Weng, Shouling Ji, Wenhai Wang | 2024-06-20T06:18:13Z | cs.SE, cs.AI, cs.CL, cs.CR | Recently, ChatGPT has attracted great attention from the code analysis
domain. Prior works show that ChatGPT has the capabilities of processing
foundational code analysis tasks, such as abstract syntax tree generation,
which indicates the potential of using ChatGPT to comprehend code syntax and
static behaviors. However, it is unclear whether ChatGPT can complete more
complicated real-world vulnerability management tasks, such as the prediction
of security relevance and patch correctness, which require an all-encompassing
understanding of various aspects, including code syntax, program semantics, and
related manual comments.
In this paper, we explore ChatGPT's capabilities on 6 tasks involving the
complete vulnerability management process with a large-scale dataset containing
70,346 samples. For each task, we compare ChatGPT against SOTA approaches,
investigate the impact of different prompts, and explore the difficulties. The
results suggest promising potential in leveraging ChatGPT to assist
vulnerability management. One notable example is ChatGPT's proficiency in tasks
like generating titles for software bug reports. Furthermore, our findings
reveal the difficulties encountered by ChatGPT and shed light on promising
future directions. For instance, directly providing random demonstration
examples in the prompt cannot consistently guarantee good performance in
vulnerability management. By contrast, leveraging ChatGPT in a self-heuristic
way -- extracting expertise from demonstration examples itself and integrating
the extracted expertise in the prompt is a promising research direction.
Besides, ChatGPT may misunderstand and misuse the information in the prompt.
Consequently, effectively guiding ChatGPT to focus on helpful information
rather than the irrelevant content is still an open problem. | cs.SE | Exploring ChatGPT's Capabilities on Vulnerability Management |
2023-11-11T09:28:43Z | http://arxiv.org/pdf/2312.03710v1 | http://arxiv.org/abs/2312.03710v1 | Pushpdeep Singh | 2023-11-11T09:28:43Z | cs.CL | Neural Machine Translation (NMT) models, though state-of-the-art for
translation, often reflect social biases, particularly gender bias. Existing
evaluation benchmarks primarily focus on English as the source language of
translation. For source languages other than English, studies often employ
gender-neutral sentences for bias evaluation, whereas real-world sentences
frequently contain gender information in different forms. Therefore, it makes
more sense to evaluate for bias using such source sentences to determine if NMT
models can discern gender from the grammatical gender cues rather than relying
on biased associations. To illustrate this, we create two gender-specific
sentence sets in Hindi to automatically evaluate gender bias in various
Hindi-English (HI-EN) NMT systems. We emphasise the significance of tailoring
bias evaluation test sets to account for grammatical gender markers in the
source language. | cs.CL | Don't Overlook the Grammatical Gender: Bias Evaluation for Hindi-English Machine Translation |
2023-11-11T09:23:54Z | http://arxiv.org/pdf/2311.06518v1 | http://arxiv.org/abs/2311.06518v1 | Matan Abudy, Nur Lan, Emmanuel Chemla, Roni Katzir | 2023-11-11T09:23:54Z | cs.LG, cs.CL | Associative memory architectures are designed for memorization but also
offer, through their retrieval method, a form of generalization to unseen
inputs: stored memories can be seen as prototypes from this point of view.
Focusing on Modern Hopfield Networks (MHN), we show that a large memorization
capacity undermines the generalization opportunity. We offer a solution to
better optimize this tradeoff. It relies on Minimum Description Length (MDL) to
determine during training which memories to store, as well as how many of them. | cs.LG | Minimum Description Length Hopfield Networks |
2023-11-11T09:06:15Z | http://arxiv.org/pdf/2311.06513v2 | http://arxiv.org/abs/2311.06513v2 | Hsuan Su, Rebecca Qian, Chinnadhurai Sankar, Shahin Shayandeh, Shang-Tse Chen, Hung-yi Lee, Daniel M. Bikel | 2023-11-14T07:30:37Z | cs.CL, cs.AI | Recent works have shown considerable improvements in task-oriented dialogue
(TOD) systems by utilizing pretrained large language models (LLMs) in an
end-to-end manner. However, the biased behavior of each component in a TOD
system and the error propagation issue in the end-to-end framework can lead to
seriously biased TOD responses. Existing works of fairness only focus on the
total bias of a system. In this paper, we propose a diagnosis method to
attribute bias to each component of a TOD system. With the proposed attribution
method, we can gain a deeper understanding of the sources of bias.
Additionally, researchers can mitigate biased model behavior at a more granular
level. We conduct experiments to attribute the TOD system's bias toward three
demographic axes: gender, age, and race. Experimental results show that the
bias of a TOD system usually comes from the response generation model. | cs.CL | Step by Step to Fairness: Attributing Societal Bias in Task-oriented Dialogue Systems |
2023-11-11T07:56:40Z | http://arxiv.org/pdf/2311.06503v3 | http://arxiv.org/abs/2311.06503v3 | Yichi Zhang, Zhuo Chen, Yin Fang, Yanxi Lu, Fangming Li, Wen Zhang, Huajun Chen | 2024-06-10T09:06:10Z | cs.CL, cs.AI | Deploying large language models (LLMs) to real scenarios for domain-specific
question answering (QA) is a key thrust for LLM applications, which poses
numerous challenges, especially in ensuring that responses are both
accommodating to user requirements and appropriately leveraging domain-specific
knowledge bases. They are the two major difficulties for LLM application as
vanilla fine-tuning falls short of addressing. Combining these requirements, we
conceive of them as the requirement for the model's preference to be
harmoniously aligned with humans'. Thus, we introduce Knowledgeable Preference
AlignmenT (KnowPAT), which constructs two kinds of preference sets to tackle
the two issues. Besides, we design a new alignment objective to align the LLM
preference with different human preferences uniformly, aiming to optimize LLM
performance in real-world, domain-specific QA settings. Adequate experiments
and comprehensive comparisons with 15 baseline methods illustrate that our
KnowPAT is a superior pipeline for real-scenario domain-specific QA with LLMs. | cs.CL | Knowledgeable Preference Alignment for LLMs in Domain-specific Question Answering |
2023-11-11T06:59:50Z | http://arxiv.org/pdf/2311.06493v1 | http://arxiv.org/abs/2311.06493v1 | Aidin Shiri, Kaushik Roy, Amit Sheth, Manas Gaur | 2023-11-11T06:59:50Z | cs.CL | Fine-tuning pre-trained foundational language models (FLM) for specific tasks
is often impractical, especially for resource-constrained devices. This
necessitates the development of a Lifelong Learning (L3) framework that
continuously adapts to a stream of Natural Language Processing (NLP) tasks
efficiently. We propose an approach that focuses on extracting meaningful
representations from unseen data, constructing a structured knowledge base, and
improving task performance incrementally. We conducted experiments on various
NLP tasks to validate its effectiveness, including benchmarks like GLUE and
SuperGLUE. We measured good performance across the accuracy, training
efficiency, and knowledge transfer metrics. Initial experimental results show
that the proposed L3 ensemble method increases the model accuracy by 4% ~ 36%
compared to the fine-tuned FLM. Furthermore, L3 model outperforms naive
fine-tuning approaches while maintaining competitive or superior performance
(up to 15.4% increase in accuracy) compared to the state-of-the-art language
model (T5) for the given task, STS benchmark. | cs.CL | L3 Ensembles: Lifelong Learning Approach for Ensemble of Foundational Language Models |
2023-11-11T03:37:17Z | http://arxiv.org/pdf/2311.06467v2 | http://arxiv.org/abs/2311.06467v2 | Vasudha Varadarajan, Sverker Sikström, Oscar N. E. Kjell, H. Andrew Schwartz | 2024-05-16T07:13:10Z | cs.CL, cs.AI | Mental health issues differ widely among individuals, with varied signs and
symptoms. Recently, language-based assessments have shown promise in capturing
this diversity, but they require a substantial sample of words per person for
accuracy. This work introduces the task of Adaptive Language-Based Assessment
ALBA, which involves adaptively ordering questions while also scoring an
individual's latent psychological trait using limited language responses to
previous questions. To this end, we develop adaptive testing methods under two
psychometric measurement theories: Classical Test Theory and Item Response
Theory. We empirically evaluate ordering and scoring strategies, organizing
into two new methods: a semi-supervised item response theory-based method ALIRT
and a supervised Actor-Critic model. While we found both methods to improve
over non-adaptive baselines, We found ALIRT to be the most accurate and
scalable, achieving the highest accuracy with fewer questions (e.g., Pearson r
~ 0.93 after only 3 questions as compared to typically needing at least 7
questions). In general, adaptive language-based assessments of depression and
anxiety were able to utilize a smaller sample of language without compromising
validity or large computational costs. | cs.CL | ALBA: Adaptive Language-based Assessments for Mental Health |
2023-11-11T01:14:37Z | http://arxiv.org/pdf/2311.06453v3 | http://arxiv.org/abs/2311.06453v3 | Vatsal Venkatkrishna, Durga Shree Nagabushanam, Emmanuel Iko-Ojo Simon, Melina Vidoni | 2023-11-17T22:30:27Z | cs.SE, cs.CL | Documentation debt hinders the effective utilization of open-source software.
Although code summarization tools have been helpful for developers, most would
prefer a detailed account of each parameter in a function rather than a
high-level summary. However, generating such a summary is too intricate for a
single generative model to produce reliably due to the lack of high-quality
training data. Thus, we propose a multi-step approach that combines multiple
task-specific models, each adept at producing a specific section of a
docstring. The combination of these models ensures the inclusion of each
section in the final docstring. We compared the results from our approach with
existing generative models using both automatic metrics and a human-centred
evaluation with 17 participating developers, which proves the superiority of
our approach over existing methods. | cs.SE | DocGen: Generating Detailed Parameter Docstrings in Python |
2023-11-11T00:30:31Z | http://arxiv.org/pdf/2311.06446v1 | http://arxiv.org/abs/2311.06446v1 | Saad Almohaimeed, Saleh Almohaimeed, Ashfaq Ali Shafin, Bogdan Carbunar, Ladislau Bölöni | 2023-11-11T00:30:31Z | cs.CL, cs.AI | Detecting harmful content on social media, such as Twitter, is made difficult
by the fact that the seemingly simple yes/no classification conceals a
significant amount of complexity. Unfortunately, while several datasets have
been collected for training classifiers in hate and offensive speech, there is
a scarcity of datasets labeled with a finer granularity of target classes and
specific targets. In this paper, we introduce THOS, a dataset of 8.3k tweets
manually labeled with fine-grained annotations about the target of the message.
We demonstrate that this dataset makes it feasible to train classifiers, based
on Large Language Models, to perform classification at this level of
granularity. | cs.CL | THOS: A Benchmark Dataset for Targeted Hate and Offensive Speech |
2023-11-11T00:11:50Z | http://arxiv.org/pdf/2311.06440v1 | http://arxiv.org/abs/2311.06440v1 | Isaac Caswell, Lisa Wang, Isabel Papadimitriou | 2023-11-11T00:11:50Z | cs.CL, cs.LG | Data quality is a problem that perpetually resurfaces throughout the field of
NLP, regardless of task, domain, or architecture, and remains especially severe
for lower-resource languages. A typical and insidious issue, affecting both
training data and model output, is data that is repetitive and dominated by
linguistically uninteresting boilerplate, such as price catalogs or
computer-generated log files. Though this problem permeates many web-scraped
corpora, there has yet to be a benchmark to test against, or a systematic study
to find simple metrics that generalize across languages and agree with human
judgements of data quality. In the present work, we create and release BREAD, a
human-labeled benchmark on repetitive boilerplate vs. plausible linguistic
content, spanning 360 languages. We release several baseline CRED (Character
REDundancy) scores along with it, and evaluate their effectiveness on BREAD. We
hope that the community will use this resource to develop better filtering
methods, and that our reference implementations of CRED scores can become
standard corpus evaluation tools, driving the development of cleaner language
modeling corpora, especially in low-resource languages. | cs.CL | Separating the Wheat from the Chaff with BREAD: An open-source benchmark and metrics to detect redundancy in text |
2023-11-10T23:25:34Z | http://arxiv.org/pdf/2311.06427v1 | http://arxiv.org/abs/2311.06427v1 | Martino Pelucchi, Matias Valdenegro-Toro | 2023-11-10T23:25:34Z | cs.CL, cs.LG | ChatGPT took the world by storm for its impressive abilities. Due to its
release without documentation, scientists immediately attempted to identify its
limits, mainly through its performance in natural language processing (NLP)
tasks. This paper aims to join the growing literature regarding ChatGPT's
abilities by focusing on its performance in high-resource languages and on its
capacity to predict its answers' accuracy by giving a confidence level. The
analysis of high-resource languages is of interest as studies have shown that
low-resource languages perform worse than English in NLP tasks, but no study so
far has analysed whether high-resource languages perform as well as English.
The analysis of ChatGPT's confidence calibration has not been carried out
before either and is critical to learn about ChatGPT's trustworthiness. In
order to study these two aspects, five high-resource languages and two NLP
tasks were chosen. ChatGPT was asked to perform both tasks in the five
languages and to give a numerical confidence value for each answer. The results
show that all the selected high-resource languages perform similarly and that
ChatGPT does not have a good confidence calibration, often being overconfident
and never giving low confidence values. | cs.CL | ChatGPT Prompting Cannot Estimate Predictive Uncertainty in High-Resource Languages |
2023-11-10T22:18:09Z | http://arxiv.org/pdf/2311.06414v1 | http://arxiv.org/abs/2311.06414v1 | Nedelina Teneva, Estevam Hruschka | 2023-11-10T22:18:09Z | cs.LG, cs.CL | Despite the recent popularity of knowledge graph (KG) related tasks and
benchmarks such as KG embeddings, link prediction, entity alignment and
evaluation of the reasoning abilities of pretrained language models as KGs, the
structure and properties of real KGs are not well studied. In this paper, we
perform a large scale comparative study of 29 real KG datasets from diverse
domains such as the natural sciences, medicine, and NLP to analyze their
properties and structural patterns. Based on our findings, we make several
recommendations regarding KG-based model development and evaluation. We believe
that the rich structural information contained in KGs can benefit the
development of better KG models across fields and we hope this study will
contribute to breaking the existing data silos between different areas of
research (e.g., ML, NLP, AI for sciences). | cs.LG | Knowledge Graphs are not Created Equal: Exploring the Properties and Structure of Real KGs |
2023-11-10T22:14:26Z | http://arxiv.org/pdf/2311.06411v1 | http://arxiv.org/abs/2311.06411v1 | Apoorv Khandelwal, Ellie Pavlick, Chen Sun | 2023-11-10T22:14:26Z | cs.CV, cs.CL | Modular neural networks without additional training have recently been shown
to surpass end-to-end neural networks on challenging vision-language tasks. The
latest such methods simultaneously introduce LLM-based code generation to build
programs and a number of skill-specific, task-oriented modules to execute them.
In this paper, we focus on ViperGPT and ask where its additional performance
comes from and how much is due to the (state-of-art, end-to-end) BLIP-2 model
it subsumes vs. additional symbolic components. To do so, we conduct a
controlled study (comparing end-to-end, modular, and prompting-based methods
across several VQA benchmarks). We find that ViperGPT's reported gains over
BLIP-2 can be attributed to its selection of task-specific modules, and when we
run ViperGPT using a more task-agnostic selection of modules, these gains go
away. Additionally, ViperGPT retains much of its performance if we make
prominent alterations to its selection of modules: e.g. removing or retaining
only BLIP-2. Finally, we compare ViperGPT against a prompting-based
decomposition strategy and find that, on some benchmarks, modular approaches
significantly benefit by representing subtasks with natural language, instead
of code. | cs.CV | Analyzing Modular Approaches for Visual Question Decomposition |
2023-11-10T21:32:34Z | http://arxiv.org/pdf/2311.06401v3 | http://arxiv.org/abs/2311.06401v3 | Benjamin C. Warner, Thomas Kannampallil, Seunghwan Kim | 2023-11-26T02:42:13Z | cs.CL, cs.IT, math.IT | EHR audit logs are a highly granular stream of events that capture clinician
activities, and is a significant area of interest for research in
characterizing clinician workflow on the electronic health record (EHR).
Existing techniques to measure the complexity of workflow through EHR audit
logs (audit logs) involve time- or frequency-based cross-sectional aggregations
that are unable to capture the full complexity of a EHR session. We briefly
evaluate the usage of transformer-based tabular language model (tabular LM) in
measuring the entropy or disorderedness of action sequences within workflow and
release the evaluated models publicly. | cs.CL | Autoregressive Language Models For Estimating the Entropy of Epic EHR Audit Logs |
2023-11-10T20:25:42Z | http://arxiv.org/pdf/2311.06383v1 | http://arxiv.org/abs/2311.06383v1 | Pouya Pezeshkpour, Hayate Iso, Thom Lake, Nikita Bhutani, Estevam Hruschka | 2023-11-10T20:25:42Z | cs.CL, cs.LG | Numerous HR applications are centered around resumes and job descriptions.
While they can benefit from advancements in NLP, particularly large language
models, their real-world adoption faces challenges due to absence of
comprehensive benchmarks for various HR tasks, and lack of smaller models with
competitive capabilities. In this paper, we aim to bridge this gap by
introducing the Resume-Job Description Benchmark (RJDB). We meticulously craft
this benchmark to cater to a wide array of HR tasks, including matching and
explaining resumes to job descriptions, extracting skills and experiences from
resumes, and editing resumes. To create this benchmark, we propose to distill
domain-specific knowledge from a large language model (LLM). We rely on a
curated skill-occupation graph to ensure diversity and provide context for LLMs
generation. Our benchmark includes over 50 thousand triples of job
descriptions, matched resumes and unmatched resumes. Using RJDB, we train
multiple smaller student models. Our experiments reveal that the student models
achieve near/better performance than the teacher model (GPT-4), affirming the
effectiveness of the benchmark. Additionally, we explore the utility of RJDB on
out-of-distribution data for skill extraction and resume-job description
matching, in zero-shot and weak supervision manner. We release our datasets and
code to foster further research and industry applications. | cs.CL | Distilling Large Language Models using Skill-Occupation Graph Context for HR-Related Tasks |
2023-11-10T20:23:35Z | http://arxiv.org/pdf/2311.06382v1 | http://arxiv.org/abs/2311.06382v1 | Lucio Dery, David Grangier, Awni Hannun | 2023-11-10T20:23:35Z | cs.CL, cs.LG | Large, pre-trained models are problematic to use in resource constrained
applications. Fortunately, task-aware structured pruning methods offer a
solution. These approaches reduce model size by dropping structural units like
layers and attention heads in a manner that takes into account the end-task.
However, these pruning algorithms require more task-specific data than is
typically available. We propose a framework which combines structured pruning
with transfer learning to reduce the need for task-specific data. Our empirical
results answer questions such as: How should the two tasks be coupled? What
parameters should be transferred? And, when during training should transfer
learning be introduced? Leveraging these insights, we demonstrate that our
framework results in pruned models with improved generalization over strong
baselines. | cs.CL | Transfer Learning for Structured Pruning under Limited Task Data |
2023-11-10T20:09:08Z | http://arxiv.org/pdf/2311.06379v1 | http://arxiv.org/abs/2311.06379v1 | Simran Khanuja, Srinivas Gowriraj, Lucio Dery, Graham Neubig | 2023-11-10T20:09:08Z | cs.CL | We consider the task of optimally fine-tuning pre-trained multilingual
models, given small amounts of unlabelled target data and an annotation budget.
In this paper, we introduce DEMUX, a framework that prescribes the exact
data-points to label from vast amounts of unlabelled multilingual data, having
unknown degrees of overlap with the target set. Unlike most prior works, our
end-to-end framework is language-agnostic, accounts for model representations,
and supports multilingual target configurations. Our active learning strategies
rely upon distance and uncertainty measures to select task-specific neighbors
that are most informative to label, given a model. DeMuX outperforms strong
baselines in 84% of the test cases, in the zero-shot setting of disjoint source
and target language sets (including multilingual target pools), across three
models and four tasks. Notably, in low-budget settings (5-100 examples), we
observe gains of up to 8-11 F1 points for token-level tasks, and 2-5 F1 for
complex tasks. Our code is released here:
https://github.com/simran-khanuja/demux. | cs.CL | DeMuX: Data-efficient Multilingual Learning |
2023-11-10T20:07:32Z | http://arxiv.org/pdf/2311.06377v1 | http://arxiv.org/abs/2311.06377v1 | Uyen Lai, Gurjit S. Randhawa, Paul Sheridan | 2023-11-10T20:07:32Z | cs.CL | Heaps' law is an empirical relation in text analysis that predicts vocabulary
growth as a function of corpus size. While this law has been validated in
diverse human-authored text corpora, its applicability to large language model
generated text remains unexplored. This study addresses this gap, focusing on
the emulation of corpora using the suite of GPT-Neo large language models. To
conduct our investigation, we emulated corpora of PubMed abstracts using three
different parameter sizes of the GPT-Neo model. Our emulation strategy involved
using the initial five words of each PubMed abstract as a prompt and
instructing the model to expand the content up to the original abstract's
length. Our findings indicate that the generated corpora adhere to Heaps' law.
Interestingly, as the GPT-Neo model size grows, its generated vocabulary
increasingly adheres to Heaps' law as as observed in human-authored text. To
further improve the richness and authenticity of GPT-Neo outputs, future
iterations could emphasize enhancing model size or refining the model
architecture to curtail vocabulary repetition. | cs.CL | Heaps' Law in GPT-Neo Large Language Model Emulated Corpora |
2023-11-10T19:59:36Z | http://arxiv.org/pdf/2311.14703v1 | http://arxiv.org/abs/2311.14703v1 | Angela Zhang, Mert Yuksekgonul, Joshua Guild, James Zou, Joseph C. Wu | 2023-11-10T19:59:36Z | cs.CY, cs.CL | Recent breakthroughs in large language models (LLMs) have led to their rapid
dissemination and widespread use. One early application has been to medicine,
where LLMs have been investigated to streamline clinical workflows and
facilitate clinical analysis and decision-making. However, a leading barrier to
the deployment of Artificial Intelligence (AI) and in particular LLMs has been
concern for embedded gender and racial biases. Here, we evaluate whether a
leading LLM, ChatGPT 3.5, exhibits gender and racial bias in clinical
management of acute coronary syndrome (ACS). We find that specifying patients
as female, African American, or Hispanic resulted in a decrease in guideline
recommended medical management, diagnosis, and symptom management of ACS. Most
notably, the largest disparities were seen in the recommendation of coronary
angiography or stress testing for the diagnosis and further intervention of ACS
and recommendation of high intensity statins. These disparities correlate with
biases that have been observed clinically and have been implicated in the
differential gender and racial morbidity and mortality outcomes of ACS and
coronary artery disease. Furthermore, we find that the largest disparities are
seen during unstable angina, where fewer explicit clinical guidelines exist.
Finally, we find that through asking ChatGPT 3.5 to explain its reasoning prior
to providing an answer, we are able to improve clinical accuracy and mitigate
instances of gender and racial biases. This is among the first studies to
demonstrate that the gender and racial biases that LLMs exhibit do in fact
affect clinical management. Additionally, we demonstrate that existing
strategies that improve LLM performance not only improve LLM performance in
clinical management, but can also be used to mitigate gender and racial biases. | cs.CY | ChatGPT Exhibits Gender and Racial Biases in Acute Coronary Syndrome Management |
2023-11-10T19:36:00Z | http://arxiv.org/pdf/2311.06364v1 | http://arxiv.org/abs/2311.06364v1 | Maxime Delmas, Magdalena Wysocka, André Freitas | 2023-11-10T19:36:00Z | cs.CL | The sparsity of labelled data is an obstacle to the development of Relation
Extraction models and the completion of databases in various biomedical areas.
While being of high interest in drug-discovery, the natural-products
literature, reporting the identification of potential bioactive compounds from
organisms, is a concrete example of such an overlooked topic. To mark the start
of this new task, we created the first curated evaluation dataset and extracted
literature items from the LOTUS database to build training sets. To this end,
we developed a new sampler inspired by diversity metrics in ecology, named
Greedy Maximum Entropy sampler, or GME-sampler
(https://github.com/idiap/gme-sampler). The strategic optimization of both
balance and diversity of the selected items in the evaluation set is important
given the resource-intensive nature of manual curation. After quantifying the
noise in the training set, in the form of discrepancies between the input
abstracts text and the expected output labels, we explored different strategies
accordingly. Framing the task as an end-to-end Relation Extraction, we
evaluated the performance of standard fine-tuning as a generative task and
few-shot learning with open Large Language Models (LLaMA 7B-65B). In addition
to their evaluation in few-shot settings, we explore the potential of open
Large Language Models (Vicuna-13B) as synthetic data generator and propose a
new workflow for this purpose. All evaluated models exhibited substantial
improvements when fine-tuned on synthetic abstracts rather than the original
noisy data. We provide our best performing (f1-score=59.0) BioGPT-Large model
for end-to-end RE of natural-products relationships along with all the
generated synthetic data and the evaluation dataset. See more details at
https://github.com/idiap/abroad-re. | cs.CL | Relation Extraction in underexplored biomedical domains: A diversity-optimised sampling and synthetic data generation approach |
2023-11-10T19:27:20Z | http://arxiv.org/pdf/2311.06362v1 | http://arxiv.org/abs/2311.06362v1 | Yunting Yin, Steven Skiena | 2023-11-10T19:27:20Z | cs.CL | Dictionary definitions are historically the arbitrator of what words mean,
but this primacy has come under threat by recent progress in NLP, including
word embeddings and generative models like ChatGPT. We present an exploratory
study of the degree of alignment between word definitions from classical
dictionaries and these newer computational artifacts. Specifically, we compare
definitions from three published dictionaries to those generated from variants
of ChatGPT. We show that (i) definitions from different traditional
dictionaries exhibit more surface form similarity than do model-generated
definitions, (ii) that the ChatGPT definitions are highly accurate, comparable
to traditional dictionaries, and (iii) ChatGPT-based embedding definitions
retain their accuracy even on low frequency words, much better than GloVE and
FastText word embeddings. | cs.CL | Word Definitions from Large Language Models |
2023-11-10T19:00:02Z | http://arxiv.org/pdf/2311.06345v1 | http://arxiv.org/abs/2311.06345v1 | Ruolin Su, Ting-Wei Wu, Biing-Hwang Juang | 2023-11-10T19:00:02Z | cs.CL | Tracking dialogue states is an essential topic in task-oriented dialogue
systems, which involve filling in the necessary information in pre-defined
slots corresponding to a schema. While general pre-trained language models have
been shown effective in slot-filling, their performance is limited when applied
to specific domains. We propose a graph-based framework that learns
domain-specific prompts by incorporating the dialogue schema. Specifically, we
embed domain-specific schema encoded by a graph neural network into the
pre-trained language model, which allows for relations in the schema to guide
the model for better adaptation to the specific domain. Our experiments
demonstrate that the proposed graph-based method outperforms other multi-domain
DST approaches while using similar or fewer trainable parameters. We also
conduct a comprehensive study of schema graph architectures, parameter usage,
and module ablation that demonstrate the effectiveness of our model on
multi-domain dialogue state tracking. | cs.CL | Schema Graph-Guided Prompt for Multi-Domain Dialogue State Tracking |
2023-11-10T18:59:54Z | http://arxiv.org/pdf/2311.06243v2 | http://arxiv.org/abs/2311.06243v2 | Weiyang Liu, Zeju Qiu, Yao Feng, Yuliang Xiu, Yuxuan Xue, Longhui Yu, Haiwen Feng, Zhen Liu, Juyeon Heo, Songyou Peng, Yandong Wen, Michael J. Black, Adrian Weller, Bernhard Schölkopf | 2024-04-28T20:05:02Z | cs.LG, cs.AI, cs.CL, cs.CV | Large foundation models are becoming ubiquitous, but training them from
scratch is prohibitively expensive. Thus, efficiently adapting these powerful
models to downstream tasks is increasingly important. In this paper, we study a
principled finetuning paradigm -- Orthogonal Finetuning (OFT) -- for downstream
task adaptation. Despite demonstrating good generalizability, OFT still uses a
fairly large number of trainable parameters due to the high dimensionality of
orthogonal matrices. To address this, we start by examining OFT from an
information transmission perspective, and then identify a few key desiderata
that enable better parameter-efficiency. Inspired by how the Cooley-Tukey fast
Fourier transform algorithm enables efficient information transmission, we
propose an efficient orthogonal parameterization using butterfly structures. We
apply this parameterization to OFT, creating a novel parameter-efficient
finetuning method, called Orthogonal Butterfly (BOFT). By subsuming OFT as a
special case, BOFT introduces a generalized orthogonal finetuning framework.
Finally, we conduct an extensive empirical study of adapting large vision
transformers, large language models, and text-to-image diffusion models to
various downstream tasks in vision and language. | cs.LG | Parameter-Efficient Orthogonal Finetuning via Butterfly Factorization |
2023-11-10T18:55:23Z | http://arxiv.org/pdf/2311.06239v1 | http://arxiv.org/abs/2311.06239v1 | Christopher Ormerod, Amy Burkhardt, Mackenzie Young, Sue Lottridge | 2023-11-10T18:55:23Z | cs.CL, cs.LG | This study demonstrates the effectiveness of XLNet, a transformer-based
language model, for annotating argumentative elements in persuasive essays.
XLNet's architecture incorporates a recurrent mechanism that allows it to model
long-term dependencies in lengthy texts. Fine-tuned XLNet models were applied
to three datasets annotated with different schemes - a proprietary dataset
using the Annotations for Revisions and Reflections on Writing (ARROW) scheme,
the PERSUADE corpus, and the Argument Annotated Essays (AAE) dataset. The XLNet
models achieved strong performance across all datasets, even surpassing human
agreement levels in some cases. This shows XLNet capably handles diverse
annotation schemes and lengthy essays. Comparisons between the model outputs on
different datasets also revealed insights into the relationships between the
annotation tags. Overall, XLNet's strong performance on modeling argumentative
structures across diverse datasets highlights its suitability for providing
automated feedback on essay organization. | cs.CL | Argumentation Element Annotation Modeling using XLNet |
2023-11-10T18:54:33Z | http://arxiv.org/pdf/2311.06330v4 | http://arxiv.org/abs/2311.06330v4 | Zengqing Wu, Run Peng, Xu Han, Shuyuan Zheng, Yixin Zhang, Chuan Xiao | 2023-12-14T21:59:41Z | cs.AI, cs.CE, cs.CL, cs.MA, econ.GN, q-fin.EC | Computer simulations offer a robust toolset for exploring complex systems
across various disciplines. A particularly impactful approach within this realm
is Agent-Based Modeling (ABM), which harnesses the interactions of individual
agents to emulate intricate system dynamics. ABM's strength lies in its
bottom-up methodology, illuminating emergent phenomena by modeling the
behaviors of individual components of a system. Yet, ABM has its own set of
challenges, notably its struggle with modeling natural language instructions
and common sense in mathematical equations or rules. This paper seeks to
transcend these boundaries by integrating Large Language Models (LLMs) like GPT
into ABM. This amalgamation gives birth to a novel framework, Smart Agent-Based
Modeling (SABM). Building upon the concept of smart agents -- entities
characterized by their intelligence, adaptability, and computation ability --
we explore in the direction of utilizing LLM-powered agents to simulate
real-world scenarios with increased nuance and realism. In this comprehensive
exploration, we elucidate the state of the art of ABM, introduce SABM's
potential and methodology, and present three case studies (source codes
available at https://github.com/Roihn/SABM), demonstrating the SABM methodology
and validating its effectiveness in modeling real-world systems. Furthermore,
we cast a vision towards several aspects of the future of SABM, anticipating a
broader horizon for its applications. Through this endeavor, we aspire to
redefine the boundaries of computer simulations, enabling a more profound
understanding of complex systems. | cs.AI | Smart Agent-Based Modeling: On the Use of Large Language Models in Computer Simulations |
2023-11-10T18:52:58Z | http://arxiv.org/pdf/2311.06237v2 | http://arxiv.org/abs/2311.06237v2 | Nanna Inie, Jonathan Stray, Leon Derczynski | 2023-11-13T17:00:40Z | cs.CL, cs.CR, cs.HC | Engaging in the deliberate generation of abnormal outputs from large language
models (LLMs) by attacking them is a novel human activity. This paper presents
a thorough exposition of how and why people perform such attacks. Using a
formal qualitative methodology, we interviewed dozens of practitioners from a
broad range of backgrounds, all contributors to this novel work of attempting
to cause LLMs to fail. We relate and connect this activity between its
practitioners' motivations and goals; the strategies and techniques they
deploy; and the crucial role the community plays. As a result, this paper
presents a grounded theory of how and why people attack large language models:
LLM red teaming in the wild. | cs.CL | Summon a Demon and Bind it: A Grounded Theory of LLM Red Teaming in the Wild |
2023-11-10T18:48:58Z | http://arxiv.org/pdf/2311.06233v6 | http://arxiv.org/abs/2311.06233v6 | Shahriar Golchin, Mihai Surdeanu | 2024-05-24T06:14:09Z | cs.CL, cs.AI, cs.LG | We propose the Data Contamination Quiz (DCQ), a simple and effective approach
to detect data contamination in large language models (LLMs) and estimate the
amount of it. Specifically, we frame data contamination detection as a series
of multiple-choice questions and devise a quiz format wherein three perturbed
versions of each subsampled instance from a specific dataset partition (e.g.,
GSM8k test set) are created. These changes only include word-level
perturbations. The generated perturbations, along with the original dataset
instance, form the options in the DCQ, with an extra option accommodating the
possibility of selecting none of the provided options. Given that the only
distinguishing signal among the options is the exact wording with respect to
the original dataset instance, an LLM, when tasked with identifying the
original dataset instance, gravitates towards selecting the original one if it
has been exposed to it in its pre-training phase -- a trait intrinsic to LLMs.
While accounting for positional biases in LLMs, the quiz performance reveals
the contamination level for the model being examined with the dataset partition
to which the quiz pertains. Applied to various datasets with GPT-4 and GPT-3.5,
our findings -- while fully lacking access to pre-training data and model
parameters -- suggest that DCQ achieves state-of-the-art results and uncovers
greater contamination/memorization levels compared to existing methods and
proficiently bypasses more safety filters, especially those set to avoid
generating copyrighted contents. | cs.CL | Data Contamination Quiz: A Tool to Detect and Estimate Contamination in Large Language Models |
2023-11-10T18:21:50Z | http://arxiv.org/pdf/2311.06221v1 | http://arxiv.org/abs/2311.06221v1 | Siddhant Jaydeep Mahajani, Shashank Srivastava, Alan F. Smeaton | 2023-11-10T18:21:50Z | cs.CL | Lexicon-based approaches to sentiment analysis of text are based on each word
or lexical entry having a pre-defined weight indicating its sentiment polarity.
These are usually manually assigned but the accuracy of these when compared
against machine leaning based approaches to computing sentiment, are not known.
It may be that there are lexical entries whose sentiment values cause a
lexicon-based approach to give results which are very different to a machine
learning approach. In this paper we compute sentiment for more than 150,000
English language texts drawn from 4 domains using the Hedonometer, a
lexicon-based technique and Azure, a contemporary machine-learning based
approach which is part of the Azure Cognitive Services family of APIs which is
easy to use. We model differences in sentiment scores between approaches for
documents in each domain using a regression and analyse the independent
variables (Hedonometer lexical entries) as indicators of each word's importance
and contribution to the score differences. Our findings are that the importance
of a word depends on the domain and there are no standout lexical entries which
systematically cause differences in sentiment scores. | cs.CL | A Comparison of Lexicon-Based and ML-Based Sentiment Analysis: Are There Outlier Words? |
2023-11-10T18:13:08Z | http://arxiv.org/pdf/2311.06217v1 | http://arxiv.org/abs/2311.06217v1 | Shentong Mo, Paul Pu Liang, Russ Salakhutdinov, Louis-Philippe Morency | 2023-11-10T18:13:08Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.MM | The Internet of Things (IoT), the network integrating billions of smart
physical devices embedded with sensors, software, and communication
technologies for the purpose of connecting and exchanging data with other
devices and systems, is a critical and rapidly expanding component of our
modern world. The IoT ecosystem provides a rich source of real-world modalities
such as motion, thermal, geolocation, imaging, depth, sensors, video, and audio
for prediction tasks involving the pose, gaze, activities, and gestures of
humans as well as the touch, contact, pose, 3D of physical objects. Machine
learning presents a rich opportunity to automatically process IoT data at
scale, enabling efficient inference for impact in understanding human
wellbeing, controlling physical devices, and interconnecting smart cities. To
develop machine learning technologies for IoT, this paper proposes MultiIoT,
the most expansive IoT benchmark to date, encompassing over 1.15 million
samples from 12 modalities and 8 tasks. MultiIoT introduces unique challenges
involving (1) learning from many sensory modalities, (2) fine-grained
interactions across long temporal ranges, and (3) extreme heterogeneity due to
unique structure and noise topologies in real-world sensors. We also release a
set of strong modeling baselines, spanning modality and task-specific methods
to multisensory and multitask models to encourage future research in
multisensory representation learning for IoT. | cs.LG | MultiIoT: Towards Large-scale Multisensory Learning for the Internet of Things |
2023-11-10T17:38:46Z | http://arxiv.org/pdf/2311.06204v1 | http://arxiv.org/abs/2311.06204v1 | Md. Motahar Mahtab, Monirul Haque, Mehedi Hasan, Farig Sadeque | 2023-11-10T17:38:46Z | cs.CL, cs.AI, I.2.7 | Intentionally luring readers to click on a particular content by exploiting
their curiosity defines a title as clickbait. Although several studies focused
on detecting clickbait titles in English articles, low resource language like
Bangla has not been given adequate attention. To tackle clickbait titles in
Bangla, we have constructed the first Bangla clickbait detection dataset
containing 15,056 labeled news articles and 65,406 unlabelled news articles
extracted from clickbait dense news sites. Each article has been labeled by
three expert linguists and includes an article's title, body, and other
metadata. By incorporating labeled and unlabelled data, we finetune a
pretrained Bangla transformer model in an adversarial fashion using Semi
Supervised Generative Adversarial Networks (SS GANs). The proposed model acts
as a good baseline for this dataset, outperforming traditional neural network
models (LSTM, GRU, CNN) and linguistic feature based models. We expect that
this dataset and the detailed analysis and comparison of these clickbait
detection models will provide a fundamental basis for future research into
detecting clickbait titles in Bengali articles. We have released the
corresponding code and dataset. | cs.CL | BanglaBait: Semi-Supervised Adversarial Approach for Clickbait Detection on Bangla Clickbait Dataset |
2023-11-10T17:33:58Z | http://arxiv.org/pdf/2311.06329v1 | http://arxiv.org/abs/2311.06329v1 | Aditi Singh | 2023-11-10T17:33:58Z | cs.CV, cs.AI, cs.CL, cs.LG, eess.IV | Text-to-Image and Text-to-Video AI generation models are revolutionary
technologies that use deep learning and natural language processing (NLP)
techniques to create images and videos from textual descriptions. This paper
investigates cutting-edge approaches in the discipline of Text-to-Image and
Text-to-Video AI generations. The survey provides an overview of the existing
literature as well as an analysis of the approaches used in various studies. It
covers data preprocessing techniques, neural network types, and evaluation
metrics used in the field. In addition, the paper discusses the challenges and
limitations of Text-to-Image and Text-to-Video AI generations, as well as
future research directions. Overall, these models have promising potential for
a wide range of applications such as video production, content creation, and
digital marketing. | cs.CV | A Survey of AI Text-to-Image and AI Text-to-Video Generators |
2023-11-10T17:12:09Z | http://arxiv.org/pdf/2311.06189v1 | http://arxiv.org/abs/2311.06189v1 | Matilde Marcolli, Robert C. Berwick, Noam Chomsky | 2023-11-10T17:12:09Z | cs.CL, math.LO, math.QA, math.RA, 91F20, 16T05, 18C50 | We extend our formulation of Merge and Minimalism in terms of Hopf algebras
to an algebraic model of a syntactic-semantic interface. We show that methods
adopted in the formulation of renormalization (extraction of meaningful
physical values) in theoretical physics are relevant to describe the extraction
of meaning from syntactic expressions. We show how this formulation relates to
computational models of semantics and we answer some recent controversies about
implications for generative linguistics of the current functioning of large
language models. | cs.CL | Syntax-semantics interface: an algebraic model |
2023-11-10T16:23:50Z | http://arxiv.org/pdf/2311.06158v1 | http://arxiv.org/abs/2311.06158v1 | Jiazhan Feng, Ruochen Xu, Junheng Hao, Hiteshi Sharma, Yelong Shen, Dongyan Zhao, Weizhu Chen | 2023-11-10T16:23:50Z | cs.CL, cs.AI | Logical reasoning is a fundamental aspect of human intelligence and a key
component of tasks like problem-solving and decision-making. Recent
advancements have enabled Large Language Models (LLMs) to potentially exhibit
reasoning capabilities, but complex logical reasoning remains a challenge. The
state-of-the-art, solver-augmented language models, use LLMs to parse natural
language logical questions into symbolic representations first and then adopt
external logical solvers to take in the symbolic representations and output the
answers. Despite their impressive performance, any parsing errors will
inevitably result in the failure of the execution of the external logical
solver and no answer to the logical questions. In this paper, we introduce
LoGiPT, a novel language model that directly emulates the reasoning processes
of logical solvers and bypasses the parsing errors by learning to strict
adherence to solver syntax and grammar. LoGiPT is fine-tuned on a newly
constructed instruction-tuning dataset derived from revealing and refining the
invisible reasoning process of deductive solvers. Experimental results on two
public deductive reasoning datasets demonstrate that LoGiPT outperforms
state-of-the-art solver-augmented LMs and few-shot prompting methods on
competitive LLMs like ChatGPT or GPT-4. | cs.CL | Language Models can be Logical Solvers |
2023-11-10T15:36:35Z | http://arxiv.org/pdf/2311.06121v1 | http://arxiv.org/abs/2311.06121v1 | Martin Hyben, Sebastian Kula, Ivan Srba, Robert Moro, Jakub Simko | 2023-11-10T15:36:35Z | cs.CL | This study compares the performance of (1) fine-tuned models and (2)
extremely large language models on the task of check-worthy claim detection.
For the purpose of the comparison we composed a multilingual and multi-topical
dataset comprising texts of various sources and styles. Building on this, we
performed a benchmark analysis to determine the most general multilingual and
multi-topical claim detector.
We chose three state-of-the-art models in the check-worthy claim detection
task and fine-tuned them. Furthermore, we selected three state-of-the-art
extremely large language models without any fine-tuning. We made modifications
to the models to adapt them for multilingual settings and through extensive
experimentation and evaluation. We assessed the performance of all the models
in terms of accuracy, recall, and F1-score in in-domain and cross-domain
scenarios. Our results demonstrate that despite the technological progress in
the area of natural language processing, the models fine-tuned for the task of
check-worthy claim detection still outperform the zero-shot approaches in a
cross-domain settings. | cs.CL | Is it indeed bigger better? The comprehensive study of claim detection LMs applied for disinformation tackling |
2023-11-10T15:10:36Z | http://arxiv.org/pdf/2311.06102v1 | http://arxiv.org/abs/2311.06102v1 | Lefteris Loukas, Ilias Stogiannidis, Odysseas Diamantopoulos, Prodromos Malakasiotis, Stavros Vassos | 2023-11-10T15:10:36Z | cs.CL, cs.AI | Standard Full-Data classifiers in NLP demand thousands of labeled examples,
which is impractical in data-limited domains. Few-shot methods offer an
alternative, utilizing contrastive learning techniques that can be effective
with as little as 20 examples per class. Similarly, Large Language Models
(LLMs) like GPT-4 can perform effectively with just 1-5 examples per class.
However, the performance-cost trade-offs of these methods remain underexplored,
a critical concern for budget-limited organizations. Our work addresses this
gap by studying the aforementioned approaches over the Banking77 financial
intent detection dataset, including the evaluation of cutting-edge LLMs by
OpenAI, Cohere, and Anthropic in a comprehensive set of few-shot scenarios. We
complete the picture with two additional methods: first, a cost-effective
querying method for LLMs based on retrieval-augmented generation (RAG), able to
reduce operational costs multiple times compared to classic few-shot
approaches, and second, a data augmentation method using GPT-4, able to improve
performance in data-limited scenarios. Finally, to inspire future research, we
provide a human expert's curated subset of Banking77, along with extensive
error analysis. | cs.CL | Making LLMs Worth Every Penny: Resource-Limited Text Classification in Banking |
2023-11-10T13:55:05Z | http://arxiv.org/pdf/2311.06062v3 | http://arxiv.org/abs/2311.06062v3 | Wenjie Fu, Huandong Wang, Chen Gao, Guanghua Liu, Yong Li, Tao Jiang | 2024-06-25T12:36:02Z | cs.CL, cs.CR, cs.LG | Membership Inference Attacks (MIA) aim to infer whether a target data record
has been utilized for model training or not. Prior attempts have quantified the
privacy risks of language models (LMs) via MIAs, but there is still no
consensus on whether existing MIA algorithms can cause remarkable privacy
leakage on practical Large Language Models (LLMs). Existing MIAs designed for
LMs can be classified into two categories: reference-free and reference-based
attacks. They are both based on the hypothesis that training records
consistently strike a higher probability of being sampled. Nevertheless, this
hypothesis heavily relies on the overfitting of target models, which will be
mitigated by multiple regularization methods and the generalization of LLMs.
The reference-based attack seems to achieve promising effectiveness in LLMs,
which measures a more reliable membership signal by comparing the probability
discrepancy between the target model and the reference model. However, the
performance of reference-based attack is highly dependent on a reference
dataset that closely resembles the training dataset, which is usually
inaccessible in the practical scenario. Overall, existing MIAs are unable to
effectively unveil privacy leakage over practical fine-tuned LLMs that are
overfitting-free and private. We propose a Membership Inference Attack based on
Self-calibrated Probabilistic Variation (SPV-MIA). Specifically, since
memorization in LLMs is inevitable during the training process and occurs
before overfitting, we introduce a more reliable membership signal,
probabilistic variation, which is based on memorization rather than
overfitting. Furthermore, we introduce a self-prompt approach, which constructs
the dataset to fine-tune the reference model by prompting the target LLM
itself. In this manner, the adversary can collect a dataset with a similar
distribution from public APIs. | cs.CL | Practical Membership Inference Attacks against Fine-tuned Large Language Models via Self-prompt Calibration |
2023-11-10T12:56:07Z | http://arxiv.org/pdf/2311.07598v1 | http://arxiv.org/abs/2311.07598v1 | Moritz Scherrmann | 2023-11-10T12:56:07Z | q-fin.ST, cs.CL, cs.LG | This paper presents a multi-label topic model for financial texts like ad-hoc
announcements, 8-K filings, finance related news or annual reports. I train the
model on a new financial multi-label database consisting of 3,044 German ad-hoc
announcements that are labeled manually using 20 predefined, economically
motivated topics. The best model achieves a macro F1 score of more than 85%.
Translating the data results in an English version of the model with similar
performance. As application of the model, I investigate differences in stock
market reactions across topics. I find evidence for strong positive or negative
market reactions for some topics, like announcements of new Large Scale
Projects or Bankruptcy Filings, while I do not observe significant price
effects for some other topics. Furthermore, in contrast to previous studies,
the multi-label structure of the model allows to analyze the effects of
co-occurring topics on stock market reactions. For many cases, the reaction to
a specific topic depends heavily on the co-occurrence with other topics. For
example, if allocated capital from a Seasoned Equity Offering (SEO) is used for
restructuring a company in the course of a Bankruptcy Proceeding, the market
reacts positively on average. However, if that capital is used for covering
unexpected, additional costs from the development of new drugs, the SEO implies
negative reactions on average. | q-fin.ST | Multi-Label Topic Model for Financial Textual Data |
2023-11-10T12:25:32Z | http://arxiv.org/pdf/2311.06025v2 | http://arxiv.org/abs/2311.06025v2 | Yuanhe Tian, Ruyi Gan, Yan Song, Jiaxing Zhang, Yongdong Zhang | 2023-11-23T10:19:47Z | cs.CL | Recently, the increasing demand for superior medical services has highlighted
the discrepancies in the medical infrastructure. With big data, especially
texts, forming the foundation of medical services, there is an exigent need for
effective natural language processing (NLP) solutions tailored to the
healthcare domain. Conventional approaches leveraging pre-trained models
present promising results in this domain and current large language models
(LLMs) offer advanced foundation for medical text processing. However, most
medical LLMs are trained only with supervised fine-tuning (SFT), even though it
efficiently empowers LLMs to understand and respond to medical instructions but
is ineffective in learning domain knowledge and aligning with human preference.
Another engineering barrier that prevents current medical LLM from better text
processing ability is their restricted context length (e.g., 2,048 tokens),
making it hard for the LLMs to process long context, which is frequently
required in the medical domain. In this work, we propose ChiMed-GPT, a new
benchmark LLM designed explicitly for Chinese medical domain, with enlarged
context length to 4,096 tokens and undergoes a comprehensive training regime
with pre-training, SFT, and RLHF. Evaluations on real-world tasks including
information extraction, question answering, and dialogue generation demonstrate
ChiMed-GPT's superior performance over general domain LLMs. Furthermore, we
analyze possible biases through prompting ChiMed-GPT to perform attitude scales
regarding discrimination of patients, so as to contribute to further
responsible development of LLMs in the medical domain. The code and model are
released at https://github.com/synlp/ChiMed-GPT. | cs.CL | ChiMed-GPT: A Chinese Medical Large Language Model with Full Training Regime and Better Alignment to Human Preferences |
2023-11-10T10:03:49Z | http://arxiv.org/pdf/2311.05965v1 | http://arxiv.org/abs/2311.05965v1 | Biqing Qi, Kaiyan Zhang, Haoxiang Li, Kai Tian, Sihang Zeng, Zhang-Ren Chen, Bowen Zhou | 2023-11-10T10:03:49Z | cs.CL | Significant scientific discoveries have driven the progress of human
civilisation. The explosion of scientific literature and data has created
information barriers across disciplines that have slowed the pace of scientific
discovery. Large Language Models (LLMs) hold a wealth of global and
interdisciplinary knowledge that promises to break down these information
barriers and foster a new wave of scientific discovery. However, the potential
of LLMs for scientific discovery has not been formally explored. In this paper,
we start from investigating whether LLMs can propose scientific hypotheses. To
this end, we construct a dataset consist of background knowledge and hypothesis
pairs from biomedical literature. The dataset is divided into training, seen,
and unseen test sets based on the publication date to control visibility. We
subsequently evaluate the hypothesis generation capabilities of various
top-tier instructed models in zero-shot, few-shot, and fine-tuning settings,
including both closed and open-source LLMs. Additionally, we introduce an
LLM-based multi-agent cooperative framework with different role designs and
external tools to enhance the capabilities related to generating hypotheses. We
also design four metrics through a comprehensive review to evaluate the
generated hypotheses for both ChatGPT-based and human evaluations. Through
experiments and analyses, we arrive at the following findings: 1) LLMs
surprisingly generate untrained yet validated hypotheses from testing
literature. 2) Increasing uncertainty facilitates candidate generation,
potentially enhancing zero-shot hypothesis generation capabilities. These
findings strongly support the potential of LLMs as catalysts for new scientific
discoveries and guide further exploration. | cs.CL | Large Language Models are Zero Shot Hypothesis Proposers |
2023-11-10T09:51:24Z | http://arxiv.org/pdf/2311.07594v2 | http://arxiv.org/abs/2311.07594v2 | Shezheng Song, Xiaopeng Li, Shasha Li, Shan Zhao, Jie Yu, Jun Ma, Xiaoguang Mao, Weimin Zhang | 2023-12-19T03:44:25Z | cs.CL, cs.AI, cs.CV, cs.MM | This review paper explores Multimodal Large Language Models (MLLMs), which
integrate Large Language Models (LLMs) like GPT-4 to handle multimodal data
such as text and vision. MLLMs demonstrate capabilities like generating image
narratives and answering image-based questions, bridging the gap towards
real-world human-computer interactions and hinting at a potential pathway to
artificial general intelligence. However, MLLMs still face challenges in
processing the semantic gap in multimodality, which may lead to erroneous
generation, posing potential risks to society. Choosing the appropriate
modality alignment method is crucial, as improper methods might require more
parameters with limited performance improvement. This paper aims to explore
modality alignment methods for LLMs and their existing capabilities.
Implementing modality alignment allows LLMs to address environmental issues and
enhance accessibility. The study surveys existing modal alignment methods in
MLLMs into four groups: (1) Multimodal Converters that change data into
something LLMs can understand; (2) Multimodal Perceivers to improve how LLMs
perceive different types of data; (3) Tools Assistance for changing data into
one common format, usually text; and (4) Data-Driven methods that teach LLMs to
understand specific types of data in a dataset. This field is still in a phase
of exploration and experimentation, and we will organize and update various
existing research methods for multimodal information alignment. | cs.CL | How to Bridge the Gap between Modalities: A Comprehensive Survey on Multimodal Large Language Model |
2023-11-10T08:28:30Z | http://arxiv.org/pdf/2311.14699v1 | http://arxiv.org/abs/2311.14699v1 | Bryar A. Hassan | 2023-11-10T08:28:30Z | cs.CL, cs.AI | Manual ontology construction takes time, resources, and domain specialists.
Supporting a component of this process for automation or semi-automation would
be good. This project and dissertation provide a Formal Concept Analysis and
WordNet framework for learning concept hierarchies from free texts. The process
has steps. First, the document is Part-Of-Speech labeled, then parsed to
produce sentence parse trees. Verb/noun dependencies are derived from parse
trees next. After lemmatizing, pruning, and filtering the word pairings, the
formal context is created. The formal context may contain some erroneous and
uninteresting pairs because the parser output may be erroneous, not all derived
pairs are interesting, and it may be large due to constructing it from a large
free text corpus. Deriving lattice from the formal context may take longer,
depending on the size and complexity of the data. Thus, decreasing formal
context may eliminate erroneous and uninteresting pairs and speed up idea
lattice derivation. WordNet-based and Frequency-based approaches are tested.
Finally, we compute formal idea lattice and create a classical concept
hierarchy. The reduced concept lattice is compared to the original to evaluate
the outcomes. Despite several system constraints and component discrepancies
that may prevent logical conclusion, the following data imply idea hierarchies
in this project and dissertation are promising. First, the reduced idea lattice
and original concept have commonalities. Second, alternative language or
statistical methods can reduce formal context size. Finally, WordNet-based and
Frequency-based approaches reduce formal context differently, and the order of
applying them is examined to reduce context efficiently. | cs.CL | Ontology Learning Using Formal Concept Analysis and WordNet |
2023-11-10T08:25:02Z | http://arxiv.org/pdf/2311.05928v2 | http://arxiv.org/abs/2311.05928v2 | Anton Razzhigaev, Matvey Mikhalchuk, Elizaveta Goncharova, Ivan Oseledets, Denis Dimitrov, Andrey Kuznetsov | 2024-02-26T06:46:17Z | cs.CL, cs.AI, cs.IT, cs.LG, math.GN, math.IT | In this study, we present an investigation into the anisotropy dynamics and
intrinsic dimension of embeddings in transformer architectures, focusing on the
dichotomy between encoders and decoders. Our findings reveal that the
anisotropy profile in transformer decoders exhibits a distinct bell-shaped
curve, with the highest anisotropy concentrations in the middle layers. This
pattern diverges from the more uniformly distributed anisotropy observed in
encoders. In addition, we found that the intrinsic dimension of embeddings
increases in the initial phases of training, indicating an expansion into
higher-dimensional space. Which is then followed by a compression phase towards
the end of training with dimensionality decrease, suggesting a refinement into
more compact representations. Our results provide fresh insights to the
understanding of encoders and decoders embedding properties. | cs.CL | The Shape of Learning: Anisotropy and Intrinsic Dimensions in Transformer-Based Models |
2023-11-10T08:12:00Z | http://arxiv.org/pdf/2311.05922v3 | http://arxiv.org/abs/2311.05922v3 | Xilai Ma, Jing Li, Min Zhang | 2024-03-08T06:51:43Z | cs.CL | Few-shot relation extraction involves identifying the type of relationship
between two specific entities within a text, using a limited number of
annotated samples. A variety of solutions to this problem have emerged by
applying meta-learning and neural graph techniques which typically necessitate
a training process for adaptation. Recently, the strategy of in-context
learning has been demonstrating notable results without the need of training.
Few studies have already utilized in-context learning for zero-shot information
extraction. Unfortunately, the evidence for inference is either not considered
or implicitly modeled during the construction of chain-of-thought prompts. In
this paper, we propose a novel approach for few-shot relation extraction using
large language models, named CoT-ER, chain-of-thought with explicit evidence
reasoning. In particular, CoT-ER first induces large language models to
generate evidences using task-specific and concept-level knowledge. Then these
evidences are explicitly incorporated into chain-of-thought prompting for
relation extraction. Experimental results demonstrate that our CoT-ER approach
(with 0% training data) achieves competitive performance compared to the
fully-supervised (with 100% training data) state-of-the-art approach on the
FewRel1.0 and FewRel2.0 datasets. | cs.CL | Chain of Thought with Explicit Evidence Reasoning for Few-shot Relation Extraction |
2023-11-10T08:01:23Z | http://arxiv.org/pdf/2311.05915v3 | http://arxiv.org/abs/2311.05915v3 | Yixu Wang, Yan Teng, Kexin Huang, Chengqi Lyu, Songyang Zhang, Wenwei Zhang, Xingjun Ma, Yu-Gang Jiang, Yu Qiao, Yingchun Wang | 2024-04-01T03:32:14Z | cs.CL, cs.AI | The growing awareness of safety concerns in large language models (LLMs) has
sparked considerable interest in the evaluation of safety. This study
investigates an under-explored issue about the evaluation of LLMs, namely the
substantial discrepancy in performance between multiple-choice questions and
open-ended questions. Inspired by research on jailbreak attack patterns, we
argue this is caused by mismatched generalization. That is, LLM only remembers
the answer style for open-ended safety questions, which makes it unable to
solve other forms of safety tests. We refer to this phenomenon as fake
alignment and construct a comparative benchmark to empirically verify its
existence in LLMs. We introduce a Fake alIgNment Evaluation (FINE) framework
and two novel metrics--Consistency Score (CS) and Consistent Safety Score
(CSS), which jointly assess two complementary forms of evaluation to quantify
fake alignment and obtain corrected performance estimation. Applying FINE to 14
widely-used LLMs reveals several models with purported safety are poorly
aligned in practice. Subsequently, we found that multiple-choice format data
can also be used as high-quality contrast distillation-based fine-tuning data,
which can strongly improve the alignment consistency of LLMs with minimal
fine-tuning overhead. For data and code, see
https://github.com/AIFlames/Fake-Alignment. | cs.CL | Fake Alignment: Are LLMs Really Aligned Well? |
2023-11-10T07:11:55Z | http://arxiv.org/pdf/2311.05902v1 | http://arxiv.org/abs/2311.05902v1 | Doğukan Arslan, Saadet Sena Erdoğan, Gülşen Eryiğit | 2023-11-10T07:11:55Z | cs.IR, cs.CL, H.3.3; I.2.7 | Citation recommendation is the task of finding appropriate citations based on
a given piece of text. The proposed datasets for this task consist mainly of
several scientific fields, lacking some core ones, such as law. Furthermore,
citation recommendation is used within the legal domain to identify supporting
arguments, utilizing non-scholarly legal articles. In order to alleviate the
limitations of existing studies, we gather the first scholarly legal dataset
for the task of citation recommendation. Also, we conduct experiments with
state-of-the-art models and compare their performance on this dataset. The
study suggests that, while BM25 is a strong benchmark for the legal citation
recommendation task, the most effective method involves implementing a two-step
process that entails pre-fetching with BM25+, followed by re-ranking with
SciNCL, which enhances the performance of the baseline from 0.26 to 0.30
MAP@10. Moreover, fine-tuning leads to considerable performance increases in
pre-trained models, which shows the importance of including legal articles in
the training data of these models. | cs.IR | Citation Recommendation on Scholarly Legal Articles |
2023-11-10T05:24:07Z | http://arxiv.org/pdf/2311.07593v2 | http://arxiv.org/abs/2311.07593v2 | Reza Esfandiarpoor, Stephen H. Bach | 2024-03-15T08:58:05Z | cs.CL, cs.CV, cs.LG | A promising approach for improving the performance of vision-language models
like CLIP for image classification is to extend the class descriptions (i.e.,
prompts) with related attributes, e.g., using brown sparrow instead of sparrow.
However, current zero-shot methods select a subset of attributes regardless of
commonalities between the target classes, potentially providing no useful
information that would have helped to distinguish between them. For instance,
they may use color instead of bill shape to distinguish between sparrows and
wrens, which are both brown. We propose Follow-up Differential Descriptions
(FuDD), a zero-shot approach that tailors the class descriptions to each
dataset and leads to additional attributes that better differentiate the target
classes. FuDD first identifies the ambiguous classes for each image, and then
uses a Large Language Model (LLM) to generate new class descriptions that
differentiate between them. The new class descriptions resolve the initial
ambiguity and help predict the correct label. In our experiments, FuDD
consistently outperforms generic description ensembles and naive LLM-generated
descriptions on 12 datasets. We show that differential descriptions are an
effective tool to resolve class ambiguities, which otherwise significantly
degrade the performance. We also show that high quality natural language class
descriptions produced by FuDD result in comparable performance to few-shot
adaptation methods. | cs.CL | Follow-Up Differential Descriptions: Language Models Resolve Ambiguities for Image Classification |
2023-11-10T05:24:04Z | http://arxiv.org/pdf/2311.05876v2 | http://arxiv.org/abs/2311.05876v2 | Zhangyin Feng, Weitao Ma, Weijiang Yu, Lei Huang, Haotian Wang, Qianglong Chen, Weihua Peng, Xiaocheng Feng, Bing Qin, Ting liu | 2023-12-07T12:42:07Z | cs.CL | Large language models (LLMs) exhibit superior performance on various natural
language tasks, but they are susceptible to issues stemming from outdated data
and domain-specific limitations. In order to address these challenges,
researchers have pursued two primary strategies, knowledge editing and
retrieval augmentation, to enhance LLMs by incorporating external information
from different aspects. Nevertheless, there is still a notable absence of a
comprehensive survey. In this paper, we propose a review to discuss the trends
in integration of knowledge and large language models, including taxonomy of
methods, benchmarks, and applications. In addition, we conduct an in-depth
analysis of different methods and point out potential research directions in
the future. We hope this survey offers the community quick access and a
comprehensive overview of this research area, with the intention of inspiring
future research endeavors. | cs.CL | Trends in Integration of Knowledge and Large Language Models: A Survey and Taxonomy of Methods, Benchmarks, and Applications |
2023-11-10T03:02:39Z | http://arxiv.org/pdf/2311.05845v1 | http://arxiv.org/abs/2311.05845v1 | Abhinand Balachandran | 2023-11-10T03:02:39Z | cs.CL, cs.AI, cs.LG | Language modeling has witnessed remarkable advancements in recent years, with
Large Language Models (LLMs) like ChatGPT setting unparalleled benchmarks in
human-like text generation. However, a prevailing limitation is the
underrepresentation of languages like Tamil in these cutting-edge models,
leading to suboptimal performance in diverse linguistic contexts. This paper
addresses this lacuna, enhancing the open-source LLaMA model with an addition
of 16,000 Tamil tokens, aiming to achieve superior text generation and
comprehension in the Tamil language. We strategically employ the LoRA
methodology for efficient model training on a comprehensive Tamil corpus,
ensuring computational feasibility and model robustness. Moreover, we introduce
a Tamil-translated version of the Alpaca dataset and a subset of the OpenOrca
dataset tailored for instruction fine-tuning. Our results showcase significant
performance improvements in Tamil text generation, with potential implications
for the broader landscape of LLMs in Indian languages. We further underscore
our commitment to open research by making our models, datasets, and code
publicly accessible, fostering further innovations in language modeling. | cs.CL | Tamil-Llama: A New Tamil Language Model Based on Llama 2 |
2023-11-10T01:35:51Z | http://arxiv.org/pdf/2311.05821v1 | http://arxiv.org/abs/2311.05821v1 | Sarah Pan, Vladislav Lialin, Sherin Muckatira, Anna Rumshisky | 2023-11-10T01:35:51Z | cs.CL | While recent advances have boosted LM proficiency in linguistic benchmarks,
LMs consistently struggle to reason correctly on complex tasks like
mathematics. We turn to Reinforcement Learning from Human Feedback (RLHF) as a
method with which to shape model reasoning processes. In particular, we explore
two reward schemes, outcome-supervised reward models (ORMs) and
process-supervised reward models (PRMs), to optimize for logical reasoning. Our
results show that the fine-grained reward provided by PRM-based methods
enhances accuracy on simple mathematical reasoning (GSM8K) while, unexpectedly,
reducing performance in complex tasks (MATH). Furthermore, we show the critical
role reward aggregation functions play in model performance. Providing
promising avenues for future research, our study underscores the need for
further exploration into fine-grained reward modeling for more reliable
language models. | cs.CL | Let's Reinforce Step by Step |
2023-11-10T01:18:47Z | http://arxiv.org/pdf/2311.06318v2 | http://arxiv.org/abs/2311.06318v2 | Jinheon Baek, Nirupama Chandrasekaran, Silviu Cucerzan, Allen herring, Sujay Kumar Jauhar | 2024-02-19T12:05:28Z | cs.IR, cs.AI, cs.CL, cs.LG | Large Language Models (LLMs) excel at tackling various natural language
tasks. However, due to the significant costs involved in re-training or
fine-tuning them, they remain largely static and difficult to personalize.
Nevertheless, a variety of applications could benefit from generations that are
tailored to users' preferences, goals, and knowledge. Among them is web search,
where knowing what a user is trying to accomplish, what they care about, and
what they know can lead to improved search experiences. In this work, we
propose a novel and general approach that augments an LLM with relevant context
from users' interaction histories with a search engine in order to personalize
its outputs. Specifically, we construct an entity-centric knowledge store for
each user based on their search and browsing activities on the web, which is
then leveraged to provide contextually relevant LLM prompt augmentations. This
knowledge store is light-weight, since it only produces user-specific aggregate
projections of interests and knowledge onto public knowledge graphs, and
leverages existing search log infrastructure, thereby mitigating the privacy,
compliance, and scalability concerns associated with building deep user
profiles for personalization. We validate our approach on the task of
contextual query suggestion, which requires understanding not only the user's
current search context but also what they historically know and care about.
Through a number of experiments based on human evaluation, we show that our
approach is significantly better than several other LLM-powered baselines,
generating query suggestions that are contextually more relevant, personalized,
and useful. | cs.IR | Knowledge-Augmented Large Language Models for Personalized Contextual Query Suggestion |
2023-11-10T01:12:03Z | http://arxiv.org/pdf/2311.05812v2 | http://arxiv.org/abs/2311.05812v2 | Yang Lei, Jiangtong Li, Dawei Cheng, Zhijun Ding, Changjun Jiang | 2024-05-21T08:37:05Z | cs.CL | Large language models (LLMs) have demonstrated great potential in the
financial domain. Thus, it becomes important to assess the performance of LLMs
in the financial tasks. In this work, we introduce CFBenchmark, to evaluate the
performance of LLMs for Chinese financial assistant. The basic version of
CFBenchmark is designed to evaluate the basic ability in Chinese financial text
processing from three aspects~(\emph{i.e.} recognition, classification, and
generation) including eight tasks, and includes financial texts ranging in
length from 50 to over 1,800 characters. We conduct experiments on several LLMs
available in the literature with CFBenchmark-Basic, and the experimental
results indicate that while some LLMs show outstanding performance in specific
tasks, overall, there is still significant room for improvement in basic tasks
of financial text processing with existing models. In the future, we plan to
explore the advanced version of CFBenchmark, aiming to further explore the
extensive capabilities of language models in more profound dimensions as a
financial assistant in Chinese. Our codes are released at
https://github.com/TongjiFinLab/CFBenchmark. | cs.CL | CFBenchmark: Chinese Financial Assistant Benchmark for Large Language Model |
2023-11-10T00:17:10Z | http://arxiv.org/pdf/2311.05800v2 | http://arxiv.org/abs/2311.05800v2 | Nandan Thakur, Jianmo Ni, Gustavo Hernández Ábrego, John Wieting, Jimmy Lin, Daniel Cer | 2024-04-15T22:11:33Z | cs.IR, cs.AI, cs.CL | There has been limited success for dense retrieval models in multilingual
retrieval, due to uneven and scarce training data available across multiple
languages. Synthetic training data generation is promising (e.g., InPars or
Promptagator), but has been investigated only for English. Therefore, to study
model capabilities across both cross-lingual and monolingual retrieval tasks,
we develop SWIM-IR, a synthetic retrieval training dataset containing 33 (high
to very-low resource) languages for fine-tuning multilingual dense retrievers
without requiring any human supervision. To construct SWIM-IR, we propose SAP
(summarize-then-ask prompting), where the large language model (LLM) generates
a textual summary prior to the query generation step. SAP assists the LLM in
generating informative queries in the target language. Using SWIM-IR, we
explore synthetic fine-tuning of multilingual dense retrieval models and
evaluate them robustly on three retrieval benchmarks: XOR-Retrieve
(cross-lingual), MIRACL (monolingual) and XTREME-UP (cross-lingual). Our
models, called SWIM-X, are competitive with human-supervised dense retrieval
models, e.g., mContriever-X, finding that SWIM-IR can cheaply substitute for
expensive human-labeled retrieval training data. SWIM-IR dataset and SWIM-X
models are available at https://github.com/google-research-datasets/SWIM-IR. | cs.IR | Leveraging LLMs for Synthesizing Training Data Across Many Languages in Multilingual Dense Retrieval |
2023-11-09T22:53:52Z | http://arxiv.org/pdf/2311.07592v1 | http://arxiv.org/abs/2311.07592v1 | Sohini Roychowdhury, Andres Alvarez, Brian Moore, Marko Krema, Maria Paz Gelpi, Federico Martin Rodriguez, Angel Rodriguez, Jose Ramon Cabrejas, Pablo Martinez Serrano, Punit Agrawal, Arijit Mukherjee | 2023-11-09T22:53:52Z | cs.CL, cs.AI, cs.IR | Large Language Models (LLMs) have been applied to build several automation
and personalized question-answering prototypes so far. However, scaling such
prototypes to robust products with minimized hallucinations or fake responses
still remains an open challenge, especially in niche data-table heavy domains
such as financial decision making. In this work, we present a novel
Langchain-based framework that transforms data tables into hierarchical textual
data chunks to enable a wide variety of actionable question answering. First,
the user-queries are classified by intention followed by automated retrieval of
the most relevant data chunks to generate customized LLM prompts per query.
Next, the custom prompts and their responses undergo multi-metric scoring to
assess for hallucinations and response confidence. The proposed system is
optimized with user-query intention classification, advanced prompting, data
scaling capabilities and it achieves over 90% confidence scores for a variety
of user-queries responses ranging from {What, Where, Why, How, predict, trend,
anomalies, exceptions} that are crucial for financial decision making
applications. The proposed data to answers framework can be extended to other
analytical domains such as sales and payroll to ensure optimal hallucination
control guardrails. | cs.CL | Hallucination-minimized Data-to-answer Framework for Financial Decision-makers |
2023-11-09T22:28:14Z | http://arxiv.org/pdf/2311.05769v1 | http://arxiv.org/abs/2311.05769v1 | Ross Deans Kristensen-McLachlan, Miceal Canavan, Márton Kardos, Mia Jacobsen, Lene Aarøe | 2023-11-09T22:28:14Z | cs.CL, cs.AI | Recent research highlights the significant potential of ChatGPT for text
annotation in social science research. However, ChatGPT is a closed-source
product which has major drawbacks with regards to transparency,
reproducibility, cost, and data protection. Recent advances in open-source (OS)
large language models (LLMs) offer alternatives which remedy these challenges.
This means that it is important to evaluate the performance of OS LLMs relative
to ChatGPT and standard approaches to supervised machine learning
classification. We conduct a systematic comparative evaluation of the
performance of a range of OS LLM models alongside ChatGPT, using both zero- and
few-shot learning as well as generic and custom prompts, with results compared
to more traditional supervised classification models. Using a new dataset of
Tweets from US news media, and focusing on simple binary text annotation tasks
for standard social science concepts, we find significant variation in the
performance of ChatGPT and OS models across the tasks, and that supervised
classifiers consistently outperform both. Given the unreliable performance of
ChatGPT and the significant challenges it poses to Open Science we advise
against using ChatGPT for substantive text annotation tasks in social science
research. | cs.CL | Chatbots Are Not Reliable Text Annotators |
2023-11-09T22:10:52Z | http://arxiv.org/pdf/2311.07591v1 | http://arxiv.org/abs/2311.07591v1 | Alp Niksarli, Sadik Ozan Gorgu, Ege Gencer | 2023-11-09T22:10:52Z | cs.CL, cs.LG | Reading right books contributes to children's imagination and brain
development, enhances their language and emotional comprehension abilities, and
strengthens their relationships with others. Building upon the critical role of
reading books in individual development, this paper aims to develop an
algorithm that determines the suitability of books for middle school students
by analyzing their structural and semantic features. Using methods described,
an algorithm will be created that can be utilized by institutions and
individuals responsible for children's education, such as the Ministry of
National Education officials and schools. This algorithm will facilitate the
selection of books to be taught at the middle school level. With the algorithm,
the book selection process for the middle school curriculum can be expedited,
and it will serve as a preliminary reference source for those who evaluate
books by reading them. In this paper, the Python programming language was
employed, utilizing natural language processing methods. Additionally, an
artificial neural network (ANN) was trained using the data which had been
preprocessed to construct an original dataset. To train this network, suitable
books for middle school students were provided by the MEB, Oxford and Cambridge
and with content assessed based on the "R" criterion, and inappropriate books
for middle school students in terms of content were included. This trained
neural network achieved a 90.06% consistency rate in determining the
appropriateness of the test-provided books. Considering the obtained findings,
it can be concluded that the developed software has achieved the desired
objective. | cs.CL | Identification of Books That are Suitable for Middle School Students Using Artificial Neural Networks |
2023-11-09T21:43:27Z | http://arxiv.org/pdf/2311.05754v1 | http://arxiv.org/abs/2311.05754v1 | Felipe Urrutia, Cristian Buc, Valentin Barriere | 2023-11-09T21:43:27Z | cs.CL, cs.AI | We propose a general method to break down a main complex task into a set of
intermediary easier sub-tasks, which are formulated in natural language as
binary questions related to the final target task. Our method allows for
representing each example by a vector consisting of the answers to these
questions. We call this representation Natural Language Learned Features
(NLLF). NLLF is generated by a small transformer language model (e.g., BERT)
that has been trained in a Natural Language Inference (NLI) fashion, using weak
labels automatically obtained from a Large Language Model (LLM). We show that
the LLM normally struggles for the main task using in-context learning, but can
handle these easiest subtasks and produce useful weak labels to train a BERT.
The NLI-like training of the BERT allows for tackling zero-shot inference with
any binary question, and not necessarily the ones seen during the training. We
show that this NLLF vector not only helps to reach better performances by
enhancing any classifier, but that it can be used as input of an
easy-to-interpret machine learning model like a decision tree. This decision
tree is interpretable but also reaches high performances, surpassing those of a
pre-trained transformer in some cases.We have successfully applied this method
to two completely different tasks: detecting incoherence in students' answers
to open-ended mathematics exam questions, and screening abstracts for a
systematic literature review of scientific papers on climate change and
agroecology. | cs.CL | Deep Natural Language Feature Learning for Interpretable Prediction |
2023-11-09T21:10:52Z | http://arxiv.org/pdf/2311.05746v1 | http://arxiv.org/abs/2311.05746v1 | Joan Nwatu, Oana Ignat, Rada Mihalcea | 2023-11-09T21:10:52Z | cs.CY, cs.AI, cs.CL, cs.CV | Despite the impressive performance of current AI models reported across
various tasks, performance reports often do not include evaluations of how
these models perform on the specific groups that will be impacted by these
technologies. Among the minority groups under-represented in AI, data from
low-income households are often overlooked in data collection and model
evaluation. We evaluate the performance of a state-of-the-art vision-language
model (CLIP) on a geo-diverse dataset containing household images associated
with different income values (Dollar Street) and show that performance
inequality exists among households of different income levels. Our results
indicate that performance for the poorer groups is consistently lower than the
wealthier groups across various topics and countries. We highlight insights
that can help mitigate these issues and propose actionable steps for
economic-level inclusive AI development. Code is available at
https://github.com/MichiganNLP/Bridging_the_Digital_Divide. | cs.CY | Bridging the Digital Divide: Performance Variation across Socio-Economic Factors in Vision-Language Models |
2023-11-09T20:59:08Z | http://arxiv.org/pdf/2311.05741v2 | http://arxiv.org/abs/2311.05741v2 | Zoltan Csaki, Pian Pawakapan, Urmish Thakker, Qiantong Xu | 2023-12-14T23:37:14Z | cs.CL, cs.AI, cs.LG | Recent large language models (LLM) exhibit sub-optimal performance on
low-resource languages, as the training data of these models is usually
dominated by English and other high-resource languages. Furthermore, it is
challenging to train models for low-resource languages, especially from
scratch, due to a lack of high quality training data. Adapting pretrained LLMs
reduces the need for data in the new language while also providing cross
lingual transfer capabilities. However, naively adapting to new languages leads
to catastrophic forgetting and poor tokenizer efficiency. In this work, we
study how to efficiently adapt any existing pretrained LLM to a new language
without running into these issues. In particular, we improve the encoding
efficiency of the tokenizer by adding new tokens from the target language and
study the data mixing recipe to mitigate forgetting. Our experiments on
adapting an English LLM to Hungarian and Thai show that our recipe can reach
better performance than open source models on the target language, with minimal
regressions on English. | cs.CL | Efficiently Adapting Pretrained Language Models To New Languages |
2023-11-09T20:04:08Z | http://arxiv.org/pdf/2311.05720v1 | http://arxiv.org/abs/2311.05720v1 | Simon Stepputtis, Joseph Campbell, Yaqi Xie, Zhengyang Qi, Wenxin Sharon Zhang, Ruiyi Wang, Sanketh Rangreji, Michael Lewis, Katia Sycara | 2023-11-09T20:04:08Z | cs.CL, cs.AI, cs.LG | Deception and persuasion play a critical role in long-horizon dialogues
between multiple parties, especially when the interests, goals, and motivations
of the participants are not aligned. Such complex tasks pose challenges for
current Large Language Models (LLM) as deception and persuasion can easily
mislead them, especially in long-horizon multi-party dialogues. To this end, we
explore the game of Avalon: The Resistance, a social deduction game in which
players must determine each other's hidden identities to complete their team's
objective. We introduce an online testbed and a dataset containing 20 carefully
collected and labeled games among human players that exhibit long-horizon
deception in a cooperative-competitive setting. We discuss the capabilities of
LLMs to utilize deceptive long-horizon conversations between six human players
to determine each player's goal and motivation. Particularly, we discuss the
multimodal integration of the chat between the players and the game's state
that grounds the conversation, providing further insights into the true player
identities. We find that even current state-of-the-art LLMs do not reach human
performance, making our dataset a compelling benchmark to investigate the
decision-making and language-processing capabilities of LLMs. Our dataset and
online testbed can be found at our project website:
https://sstepput.github.io/Avalon-NLU/ | cs.CL | Long-Horizon Dialogue Understanding for Role Identification in the Game of Avalon with Large Language Models |
2023-11-09T18:59:11Z | http://arxiv.org/pdf/2311.05608v2 | http://arxiv.org/abs/2311.05608v2 | Yichen Gong, Delong Ran, Jinyuan Liu, Conglei Wang, Tianshuo Cong, Anyu Wang, Sisi Duan, Xiaoyun Wang | 2023-12-13T17:54:16Z | cs.CR, cs.AI, cs.CL | Ensuring the safety of artificial intelligence-generated content (AIGC) is a
longstanding topic in the artificial intelligence (AI) community, and the
safety concerns associated with Large Language Models (LLMs) have been widely
investigated. Recently, large vision-language models (VLMs) represent an
unprecedented revolution, as they are built upon LLMs but can incorporate
additional modalities (e.g., images). However, the safety of VLMs lacks
systematic evaluation, and there may be an overconfidence in the safety
guarantees provided by their underlying LLMs. In this paper, to demonstrate
that introducing additional modality modules leads to unforeseen AI safety
issues, we propose FigStep, a straightforward yet effective jailbreaking
algorithm against VLMs. Instead of feeding textual harmful instructions
directly, FigStep converts the harmful content into images through typography
to bypass the safety alignment within the textual module of the VLMs, inducing
VLMs to output unsafe responses that violate common AI safety policies. In our
evaluation, we manually review 46,500 model responses generated by 3 families
of the promising open-source VLMs, i.e., LLaVA, MiniGPT4, and CogVLM (a total
of 6 VLMs). The experimental results show that FigStep can achieve an average
attack success rate of 82.50% on 500 harmful queries in 10 topics. Moreover, we
demonstrate that the methodology of FigStep can even jailbreak GPT-4V, which
already leverages an OCR detector to filter harmful queries. Above all, our
work reveals that VLMs are vulnerable to jailbreaking attacks, which highlights
the necessity of novel safety alignments between visual and textual modalities. | cs.CR | FigStep: Jailbreaking Large Vision-language Models via Typographic Visual Prompts |
2023-11-09T18:57:39Z | http://arxiv.org/pdf/2311.05601v1 | http://arxiv.org/abs/2311.05601v1 | Siddharth Vashishtha, Alexander Martin, William Gantt, Benjamin Van Durme, Aaron Steven White | 2023-11-09T18:57:39Z | cs.CL | Understanding event descriptions is a central aspect of language processing,
but current approaches focus overwhelmingly on single sentences or documents.
Aggregating information about an event \emph{across documents} can offer a much
richer understanding. To this end, we present FAMuS, a new corpus of Wikipedia
passages that \emph{report} on some event, paired with underlying,
genre-diverse (non-Wikipedia) \emph{source} articles for the same event. Events
and (cross-sentence) arguments in both report and source are annotated against
FrameNet, providing broad coverage of different event types. We present results
on two key event understanding tasks enabled by FAMuS: \emph{source validation}
-- determining whether a document is a valid source for a target report event
-- and \emph{cross-document argument extraction} -- full-document argument
extraction for a target event from both its report and the correct source
article. We release both FAMuS and our models to support further research. | cs.CL | FAMuS: Frames Across Multiple Sources |
2023-11-09T18:48:02Z | http://arxiv.org/pdf/2311.05591v1 | http://arxiv.org/abs/2311.05591v1 | Thomas Buckley, James A. Diao, Adam Rodman, Arjun K. Manrai | 2023-11-09T18:48:02Z | cs.CV, cs.AI, cs.CL | Background: General-purpose large language models that utilize both text and
images have not been evaluated on a diverse array of challenging medical cases.
Methods: Using 934 cases from the NEJM Image Challenge published between 2005
and 2023, we evaluated the accuracy of the recently released Generative
Pre-trained Transformer 4 with Vision model (GPT-4V) compared to human
respondents overall and stratified by question difficulty, image type, and skin
tone. We further conducted a physician evaluation of GPT-4V on 69 NEJM
clinicopathological conferences (CPCs). Analyses were conducted for models
utilizing text alone, images alone, and both text and images.
Results: GPT-4V achieved an overall accuracy of 61% (95% CI, 58 to 64%)
compared to 49% (95% CI, 49 to 50%) for humans. GPT-4V outperformed humans at
all levels of difficulty and disagreement, skin tones, and image types; the
exception was radiographic images, where performance was equivalent between
GPT-4V and human respondents. Longer, more informative captions were associated
with improved performance for GPT-4V but similar performance for human
respondents. GPT-4V included the correct diagnosis in its differential for 80%
(95% CI, 68 to 88%) of CPCs when using text alone, compared to 58% (95% CI, 45
to 70%) of CPCs when using both images and text.
Conclusions: GPT-4V outperformed human respondents on challenging medical
cases and was able to synthesize information from both images and text, but
performance deteriorated when images were added to highly informative text.
Overall, our results suggest that multimodal AI models may be useful in medical
diagnostic reasoning but that their accuracy may depend heavily on context. | cs.CV | Accuracy of a Vision-Language Model on Challenging Medical Cases |
2023-11-09T18:45:16Z | http://arxiv.org/pdf/2311.05584v1 | http://arxiv.org/abs/2311.05584v1 | Joey Hong, Sergey Levine, Anca Dragan | 2023-11-09T18:45:16Z | cs.LG, cs.AI, cs.CL | Large language models (LLMs) have emerged as powerful and general solutions
to many natural language tasks. However, many of the most important
applications of language generation are interactive, where an agent has to talk
to a person to reach a desired outcome. For example, a teacher might try to
understand their student's current comprehension level to tailor their
instruction accordingly, and a travel agent might ask questions of their
customer to understand their preferences in order to recommend activities they
might enjoy. LLMs trained with supervised fine-tuning or "single-step" RL, as
with standard RLHF, might struggle which tasks that require such goal-directed
behavior, since they are not trained to optimize for overall conversational
outcomes after multiple turns of interaction. In this work, we explore a new
method for adapting LLMs with RL for such goal-directed dialogue. Our key
insight is that, though LLMs might not effectively solve goal-directed dialogue
tasks out of the box, they can provide useful data for solving such tasks by
simulating suboptimal but human-like behaviors. Given a textual description of
a goal-directed dialogue task, we leverage LLMs to sample diverse synthetic
rollouts of hypothetical in-domain human-human interactions. Our algorithm then
utilizes this dataset with offline reinforcement learning to train an
interactive conversational agent that can optimize goal-directed objectives
over multiple turns. In effect, the LLM produces examples of possible
interactions, and RL then processes these examples to learn to perform more
optimal interactions. Empirically, we show that our proposed approach achieves
state-of-the-art performance in various goal-directed dialogue tasks that
include teaching and preference elicitation. | cs.LG | Zero-Shot Goal-Directed Dialogue via RL on Imagined Conversations |
2023-11-09T17:54:59Z | http://arxiv.org/pdf/2311.05553v3 | http://arxiv.org/abs/2311.05553v3 | Qiusi Zhan, Richard Fang, Rohan Bindu, Akul Gupta, Tatsunori Hashimoto, Daniel Kang | 2024-04-05T23:30:56Z | cs.CL, cs.AI | As large language models (LLMs) have increased in their capabilities, so does
their potential for dual use. To reduce harmful outputs, produces and vendors
of LLMs have used reinforcement learning with human feedback (RLHF). In tandem,
LLM vendors have been increasingly enabling fine-tuning of their most powerful
models. However, concurrent work has shown that fine-tuning can remove RLHF
protections. We may expect that the most powerful models currently available
(GPT-4) are less susceptible to fine-tuning attacks. In this work, we show the
contrary: fine-tuning allows attackers to remove RLHF protections with as few
as 340 examples and a 95% success rate. These training examples can be
automatically generated with weaker models. We further show that removing RLHF
protections does not decrease usefulness on non-censored outputs, providing
evidence that our fine-tuning strategy does not decrease usefulness despite
using weaker models to generate training data. Our results show the need for
further research on protections on LLMs. | cs.CL | Removing RLHF Protections in GPT-4 via Fine-Tuning |
2023-11-09T17:50:23Z | http://arxiv.org/pdf/2311.05552v1 | http://arxiv.org/abs/2311.05552v1 | Tyler Loakman, Aaron Maladry, Chenghua Lin | 2023-11-09T17:50:23Z | cs.CL | Human evaluation is often considered to be the gold standard method of
evaluating a Natural Language Generation system. However, whilst its importance
is accepted by the community at large, the quality of its execution is often
brought into question. In this position paper, we argue that the generation of
more esoteric forms of language - humour, irony and sarcasm - constitutes a
subdomain where the characteristics of selected evaluator panels are of utmost
importance, and every effort should be made to report demographic
characteristics wherever possible, in the interest of transparency and
replicability. We support these claims with an overview of each language form
and an analysis of examples in terms of how their interpretation is affected by
different participant variables. We additionally perform a critical survey of
recent works in NLG to assess how well evaluation procedures are reported in
this subdomain, and note a severe lack of open reporting of evaluator
demographic information, and a significant reliance on crowdsourcing platforms
for recruitment. | cs.CL | The Iron(ic) Melting Pot: Reviewing Human Evaluation in Humour, Irony and Sarcasm Generation |
2023-11-09T17:49:02Z | http://arxiv.org/pdf/2311.05550v1 | http://arxiv.org/abs/2311.05550v1 | Stefano Bannò, Rao Ma, Mengjie Qian, Kate M. Knill, Mark J. F. Gales | 2023-11-09T17:49:02Z | cs.CL, cs.LG, eess.AS | Grammatical feedback is crucial for L2 learners, teachers, and testers.
Spoken grammatical error correction (GEC) aims to supply feedback to L2
learners on their use of grammar when speaking. This process usually relies on
a cascaded pipeline comprising an ASR system, disfluency removal, and GEC, with
the associated concern of propagating errors between these individual modules.
In this paper, we introduce an alternative "end-to-end" approach to spoken GEC,
exploiting a speech recognition foundation model, Whisper. This foundation
model can be used to replace the whole framework or part of it, e.g., ASR and
disfluency removal. These end-to-end approaches are compared to more standard
cascaded approaches on the data obtained from a free-speaking spoken language
assessment test, Linguaskill. Results demonstrate that end-to-end spoken GEC is
possible within this architecture, but the lack of available data limits
current performance compared to a system using large quantities of text-based
GEC data. Conversely, end-to-end disfluency detection and removal, which is
easier for the attention-based Whisper to learn, does outperform cascaded
approaches. Additionally, the paper discusses the challenges of providing
feedback to candidates when using end-to-end systems for spoken GEC. | cs.CL | Towards End-to-End Spoken Grammatical Error Correction |
2023-11-09T17:12:44Z | http://arxiv.org/pdf/2311.07590v3 | http://arxiv.org/abs/2311.07590v3 | Jérémy Scheurer, Mikita Balesni, Marius Hobbhahn | 2024-05-09T07:18:43Z | cs.CL, cs.AI, cs.LG | We demonstrate a situation in which Large Language Models, trained to be
helpful, harmless, and honest, can display misaligned behavior and
strategically deceive their users about this behavior without being instructed
to do so. Concretely, we deploy GPT-4 as an agent in a realistic, simulated
environment, where it assumes the role of an autonomous stock trading agent.
Within this environment, the model obtains an insider tip about a lucrative
stock trade and acts upon it despite knowing that insider trading is
disapproved of by company management. When reporting to its manager, the model
consistently hides the genuine reasons behind its trading decision. We perform
a brief investigation of how this behavior varies under changes to the setting,
such as removing model access to a reasoning scratchpad, attempting to prevent
the misaligned behavior by changing system instructions, changing the amount of
pressure the model is under, varying the perceived risk of getting caught, and
making other simple changes to the environment. To our knowledge, this is the
first demonstration of Large Language Models trained to be helpful, harmless,
and honest, strategically deceiving their users in a realistic situation
without direct instructions or training for deception. | cs.CL | Large Language Models can Strategically Deceive their Users when Put Under Pressure |
2023-11-09T16:04:17Z | http://arxiv.org/pdf/2311.05472v1 | http://arxiv.org/abs/2311.05472v1 | Yanzhao Zhang, Dingkun Long, Zehan Li, Pengjun Xie | 2023-11-09T16:04:17Z | cs.CL, cs.AI | Pre-trained language models (PLMs) have recently shown great success in text
representation field. However, the high computational cost and high-dimensional
representation of PLMs pose significant challenges for practical applications.
To make models more accessible, an effective method is to distill large models
into smaller representation models. In order to relieve the issue of
performance degradation after distillation, we propose a novel Knowledge
Distillation method called IBKD. This approach is motivated by the Information
Bottleneck principle and aims to maximize the mutual information between the
final representation of the teacher and student model, while simultaneously
reducing the mutual information between the student model's representation and
the input data. This enables the student model to preserve important learned
information while avoiding unnecessary information, thus reducing the risk of
over-fitting. Empirical studies on two main downstream applications of text
representation (Semantic Textual Similarity and Dense Retrieval tasks)
demonstrate the effectiveness of our proposed approach. | cs.CL | Text Representation Distillation via Information Bottleneck Principle |
2023-11-09T15:39:40Z | http://arxiv.org/pdf/2311.05451v1 | http://arxiv.org/abs/2311.05451v1 | Pragyan Banerjee, Abhinav Java, Surgan Jandial, Simra Shahid, Shaz Furniturewala, Balaji Krishnamurthy, Sumit Bhatia | 2023-11-09T15:39:40Z | cs.CL, cs.CY, cs.LG | Fairness in Language Models (LMs) remains a longstanding challenge, given the
inherent biases in training data that can be perpetuated by models and affect
the downstream tasks. Recent methods employ expensive retraining or attempt
debiasing during inference by constraining model outputs to contrast from a
reference set of biased templates or exemplars. Regardless, they dont address
the primary goal of fairness to maintain equitability across different
demographic groups. In this work, we posit that inferencing LMs to generate
unbiased output for one demographic under a context ensues from being aware of
outputs for other demographics under the same context. To this end, we propose
Counterfactually Aware Fair InferencE (CAFIE), a framework that dynamically
compares the model understanding of diverse demographics to generate more
equitable sentences. We conduct an extensive empirical evaluation using base
LMs of varying sizes and across three diverse datasets and found that CAFIE
outperforms strong baselines. CAFIE produces fairer text and strikes the best
balance between fairness and language modeling capability | cs.CL | All Should Be Equal in the Eyes of Language Models: Counterfactually Aware Fair Text Generation |
2023-11-09T15:38:58Z | http://arxiv.org/pdf/2311.05450v1 | http://arxiv.org/abs/2311.05450v1 | Alex Clay, Eduardo Alonso, Esther Mondragón | 2023-11-09T15:38:58Z | cs.CL, cs.AI, I.2.0 | Current conversational agents (CA) have seen improvement in conversational
quality in recent years due to the influence of large language models (LLMs)
like GPT3. However, two key categories of problem remain. Firstly there are the
unique technical problems resulting from the approach taken in creating the CA,
such as scope with retrieval agents and the often nonsensical answers of former
generative agents. Secondly, humans perceive CAs as social actors, and as a
result expect the CA to adhere to social convention. Failure on the part of the
CA in this respect can lead to a poor interaction and even the perception of
threat by the user. As such, this paper presents a survey highlighting a
potential solution to both categories of problem through the introduction of
cognitively inspired additions to the CA. Through computational facsimiles of
semantic and episodic memory, emotion, working memory, and the ability to
learn, it is possible to address both the technical and social problems
encountered by CAs. | cs.CL | Cognitively Inspired Components for Social Conversational Agents |
2023-11-09T15:22:26Z | http://arxiv.org/pdf/2311.05437v1 | http://arxiv.org/abs/2311.05437v1 | Shilong Liu, Hao Cheng, Haotian Liu, Hao Zhang, Feng Li, Tianhe Ren, Xueyan Zou, Jianwei Yang, Hang Su, Jun Zhu, Lei Zhang, Jianfeng Gao, Chunyuan Li | 2023-11-09T15:22:26Z | cs.CV, cs.AI, cs.CL, cs.LG, cs.MM | LLaVA-Plus is a general-purpose multimodal assistant that expands the
capabilities of large multimodal models. It maintains a skill repository of
pre-trained vision and vision-language models and can activate relevant tools
based on users' inputs to fulfill real-world tasks. LLaVA-Plus is trained on
multimodal instruction-following data to acquire the ability to use tools,
covering visual understanding, generation, external knowledge retrieval, and
compositions. Empirical results show that LLaVA-Plus outperforms LLaVA in
existing capabilities and exhibits new ones. It is distinct in that the image
query is directly grounded and actively engaged throughout the entire human-AI
interaction sessions, significantly improving tool use performance and enabling
new scenarios. | cs.CV | LLaVA-Plus: Learning to Use Tools for Creating Multimodal Agents |
2023-11-09T14:58:46Z | http://arxiv.org/pdf/2311.05419v2 | http://arxiv.org/abs/2311.05419v2 | Tong Zhu, Junfei Ren, Zijian Yu, Mengsong Wu, Guoliang Zhang, Xiaoye Qu, Wenliang Chen, Zhefeng Wang, Baoxing Huai, Min Zhang | 2023-11-26T17:12:20Z | cs.CL, cs.AI | Sharing knowledge between information extraction tasks has always been a
challenge due to the diverse data formats and task variations. Meanwhile, this
divergence leads to information waste and increases difficulties in building
complex applications in real scenarios. Recent studies often formulate IE tasks
as a triplet extraction problem. However, such a paradigm does not support
multi-span and n-ary extraction, leading to weak versatility. To this end, we
reorganize IE problems into unified multi-slot tuples and propose a universal
framework for various IE tasks, namely Mirror. Specifically, we recast existing
IE tasks as a multi-span cyclic graph extraction problem and devise a
non-autoregressive graph decoding algorithm to extract all spans in a single
step. It is worth noting that this graph structure is incredibly versatile, and
it supports not only complex IE tasks, but also machine reading comprehension
and classification tasks. We manually construct a corpus containing 57 datasets
for model pretraining, and conduct experiments on 30 datasets across 8
downstream tasks. The experimental results demonstrate that our model has
decent compatibility and outperforms or reaches competitive performance with
SOTA systems under few-shot and zero-shot settings. The code, model weights,
and pretraining corpus are available at https://github.com/Spico197/Mirror . | cs.CL | Mirror: A Universal Framework for Various Information Extraction Tasks |
2023-11-09T14:03:51Z | http://arxiv.org/pdf/2311.05379v1 | http://arxiv.org/abs/2311.05379v1 | Verna Dankers, Ivan Titov, Dieuwke Hupkes | 2023-11-09T14:03:51Z | cs.CL | When training a neural network, it will quickly memorise some source-target
mappings from your dataset but never learn some others. Yet, memorisation is
not easily expressed as a binary feature that is good or bad: individual
datapoints lie on a memorisation-generalisation continuum. What determines a
datapoint's position on that spectrum, and how does that spectrum influence
neural models' performance? We address these two questions for neural machine
translation (NMT) models. We use the counterfactual memorisation metric to (1)
build a resource that places 5M NMT datapoints on a memorisation-generalisation
map, (2) illustrate how the datapoints' surface-level characteristics and a
models' per-datum training signals are predictive of memorisation in NMT, (3)
and describe the influence that subsets of that map have on NMT systems'
performance. | cs.CL | Memorisation Cartography: Mapping out the Memorisation-Generalisation Continuum in Neural Machine Translation |
2023-11-09T13:58:59Z | http://arxiv.org/pdf/2311.05374v1 | http://arxiv.org/abs/2311.05374v1 | Shuyi Xie, Wenlin Yao, Yong Dai, Shaobo Wang, Donlin Zhou, Lifeng Jin, Xinhua Feng, Pengzhi Wei, Yujie Lin, Zhichao Hu, Dong Yu, Zhengyou Zhang, Jing Nie, Yuhong Liu | 2023-11-09T13:58:59Z | cs.CL, cs.AI | Large language models (LLMs) have shown impressive capabilities across
various natural language tasks. However, evaluating their alignment with human
preferences remains a challenge. To this end, we propose a comprehensive human
evaluation framework to assess LLMs' proficiency in following instructions on
diverse real-world tasks. We construct a hierarchical task tree encompassing 7
major areas covering over 200 categories and over 800 tasks, which covers
diverse capabilities such as question answering, reasoning, multiturn dialogue,
and text generation, to evaluate LLMs in a comprehensive and in-depth manner.
We also design detailed evaluation standards and processes to facilitate
consistent, unbiased judgments from human evaluators. A test set of over 3,000
instances is released, spanning different difficulty levels and knowledge
domains. Our work provides a standardized methodology to evaluate human
alignment in LLMs for both English and Chinese. We also analyze the feasibility
of automating parts of evaluation with a strong LLM (GPT-4). Our framework
supports a thorough assessment of LLMs as they are integrated into real-world
applications. We have made publicly available the task tree, TencentLLMEval
dataset, and evaluation methodology which have been demonstrated as effective
in assessing the performance of Tencent Hunyuan LLMs. By doing so, we aim to
facilitate the benchmarking of advances in the development of safe and
human-aligned LLMs. | cs.CL | TencentLLMEval: A Hierarchical Evaluation of Real-World Capabilities for Human-Aligned LLMs |
2023-11-09T13:21:34Z | http://arxiv.org/pdf/2311.05350v1 | http://arxiv.org/abs/2311.05350v1 | Jan-Thorsten Peter, David Vilar, Daniel Deutsch, Mara Finkelstein, Juraj Juraska, Markus Freitag | 2023-11-09T13:21:34Z | cs.CL | Quality Estimation (QE), the evaluation of machine translation output without
the need of explicit references, has seen big improvements in the last years
with the use of neural metrics. In this paper we analyze the viability of using
QE metrics for filtering out bad quality sentence pairs in the training data of
neural machine translation systems~(NMT). While most corpus filtering methods
are focused on detecting noisy examples in collections of texts, usually huge
amounts of web crawled data, QE models are trained to discriminate more
fine-grained quality differences. We show that by selecting the highest quality
sentence pairs in the training data, we can improve translation quality while
reducing the training size by half. We also provide a detailed analysis of the
filtering results, which highlights the differences between both approaches. | cs.CL | There's no Data Like Better Data: Using QE Metrics for MT Data Filtering |
2023-11-09T12:58:37Z | http://arxiv.org/pdf/2311.05332v2 | http://arxiv.org/abs/2311.05332v2 | Licheng Wen, Xuemeng Yang, Daocheng Fu, Xiaofeng Wang, Pinlong Cai, Xin Li, Tao Ma, Yingxuan Li, Linran Xu, Dengke Shang, Zheng Zhu, Shaoyan Sun, Yeqi Bai, Xinyu Cai, Min Dou, Shuanglu Hu, Botian Shi, Yu Qiao | 2023-11-28T09:47:57Z | cs.CV, cs.AI, cs.CL, cs.RO | The pursuit of autonomous driving technology hinges on the sophisticated
integration of perception, decision-making, and control systems. Traditional
approaches, both data-driven and rule-based, have been hindered by their
inability to grasp the nuance of complex driving environments and the
intentions of other road users. This has been a significant bottleneck,
particularly in the development of common sense reasoning and nuanced scene
understanding necessary for safe and reliable autonomous driving. The advent of
Visual Language Models (VLM) represents a novel frontier in realizing fully
autonomous vehicle driving. This report provides an exhaustive evaluation of
the latest state-of-the-art VLM, GPT-4V(ision), and its application in
autonomous driving scenarios. We explore the model's abilities to understand
and reason about driving scenes, make decisions, and ultimately act in the
capacity of a driver. Our comprehensive tests span from basic scene recognition
to complex causal reasoning and real-time decision-making under varying
conditions. Our findings reveal that GPT-4V demonstrates superior performance
in scene understanding and causal reasoning compared to existing autonomous
systems. It showcases the potential to handle out-of-distribution scenarios,
recognize intentions, and make informed decisions in real driving contexts.
However, challenges remain, particularly in direction discernment, traffic
light recognition, vision grounding, and spatial reasoning tasks. These
limitations underscore the need for further research and development. Project
is now available on GitHub for interested parties to access and utilize:
\url{https://github.com/PJLab-ADG/GPT4V-AD-Exploration} | cs.CV | On the Road with GPT-4V(ision): Early Explorations of Visual-Language Model on Autonomous Driving |
2023-11-09T11:54:01Z | http://arxiv.org/pdf/2311.05297v2 | http://arxiv.org/abs/2311.05297v2 | Tom Sühr, Florian E. Dorner, Samira Samadi, Augustin Kelava | 2024-06-05T10:33:18Z | cs.CL, cs.AI, cs.LG, 91E45, H.1; I.2; I.6; J.4 | With large language models (LLMs) like GPT-4 appearing to behave increasingly
human-like in text-based interactions, it has become popular to attempt to
evaluate personality traits of LLMs using questionnaires originally developed
for humans. While reusing measures is a resource-efficient way to evaluate
LLMs, careful adaptations are usually required to ensure that assessment
results are valid even across human subpopulations. In this work, we provide
evidence that LLMs' responses to personality tests systematically deviate from
human responses, implying that the results of these tests cannot be interpreted
in the same way. Concretely, reverse-coded items ("I am introverted" vs. "I am
extraverted") are often both answered affirmatively. Furthermore, variation
across prompts designed to "steer" LLMs to simulate particular personality
types does not follow the clear separation into five independent personality
factors from human samples. In light of these results, we believe that it is
important to investigate tests' validity for LLMs before drawing strong
conclusions about potentially ill-defined concepts like LLMs' "personality". | cs.CL | Challenging the Validity of Personality Tests for Large Language Models |
2023-11-09T11:53:52Z | http://arxiv.org/pdf/2311.05296v2 | http://arxiv.org/abs/2311.05296v2 | Xianming Li, Jing Li | 2024-03-14T08:04:17Z | cs.CL | Sentence embeddings are crucial in measuring semantic similarity. Most recent
studies employed large language models (LLMs) to learn sentence embeddings.
Existing LLMs mainly adopted autoregressive architecture without explicit
backward dependency modeling. Therefore, we examined the effects of backward
dependencies in LLMs for semantic similarity measurements. Concretely, we
propose a novel model: backward dependency enhanced large language model
(BeLLM). It learns sentence embeddings via transforming specific attention
layers from uni- to bi-directional. We extensively experiment across various
semantic textual similarity (STS) tasks and downstream applications. BeLLM
achieves state-of-the-art performance in varying scenarios. It shows that
auto-regressive LLMs benefit from backward dependencies for sentence
embeddings. | cs.CL | BeLLM: Backward Dependency Enhanced Large Language Model for Sentence Embeddings |
2023-11-09T11:44:22Z | http://arxiv.org/pdf/2311.16162v1 | http://arxiv.org/abs/2311.16162v1 | Hui Yin, Amir Aryani, Gavin Lambert, Marcus White, Luis Salvador-Carulla, Shazia Sadiq, Elvira Sojli, Jennifer Boddy, Greg Murray, Wing Wah Tham | 2023-11-09T11:44:22Z | cs.DL, cs.AI, cs.CL, I.2.7 | The number of publications related to the Sustainable Development Goals
(SDGs) continues to grow. These publications cover a diverse spectrum of
research, from humanities and social sciences to engineering and health. Given
the imperative of funding bodies to monitor outcomes and impacts, linking
publications to relevant SDGs is critical but remains time-consuming and
difficult given the breadth and complexity of the SDGs. A publication may
relate to several goals (interconnection feature of goals), and therefore
require multidisciplinary knowledge to tag accurately. Machine learning
approaches are promising and have proven particularly valuable for tasks such
as manual data labeling and text classification. In this study, we employed
over 82,000 publications from an Australian university as a case study. We
utilized a similarity measure to map these publications onto Sustainable
Development Goals (SDGs). Additionally, we leveraged the OpenAI GPT model to
conduct the same task, facilitating a comparative analysis between the two
approaches. Experimental results show that about 82.89% of the results obtained
by the similarity measure overlap (at least one tag) with the outputs of the
GPT model. The adopted model (similarity measure) can complement GPT model for
SDG classification. Furthermore, deep learning methods, which include the
similarity measure used here, are more accessible and trusted for dealing with
sensitive data without the use of commercial AI services or the deployment of
expensive computing resources to operate large language models. Our study
demonstrates how a crafted combination of the two methods can achieve reliable
results for mapping research to the SDGs. | cs.DL | Leveraging Artificial Intelligence Technology for Mapping Research to Sustainable Development Goals: A Case Study |
2023-11-09T11:29:44Z | http://arxiv.org/pdf/2311.05286v2 | http://arxiv.org/abs/2311.05286v2 | Yuxiang Zhou, Yulan He | 2023-11-23T12:12:22Z | cs.CL | Adjusting for latent covariates is crucial for estimating causal effects from
observational textual data. Most existing methods only account for confounding
covariates that affect both treatment and outcome, potentially leading to
biased causal effects. This bias arises from insufficient consideration of
non-confounding covariates, which are relevant only to either the treatment or
the outcome. In this work, we aim to mitigate the bias by unveiling
interactions between different variables to disentangle the non-confounding
covariates when estimating causal effects from text. The disentangling process
ensures covariates only contribute to their respective objectives, enabling
independence between variables. Additionally, we impose a constraint to balance
representations from the treatment group and control group to alleviate
selection bias. We conduct experiments on two different treatment factors under
various scenarios, and the proposed model significantly outperforms recent
strong baselines. Furthermore, our thorough analysis on earnings call
transcripts demonstrates that our model can effectively disentangle the
variables, and further investigations into real-world scenarios provide
guidance for investors to make informed decisions. | cs.CL | Causal Inference from Text: Unveiling Interactions between Variables |
2023-11-09T10:50:36Z | http://arxiv.org/pdf/2311.05268v2 | http://arxiv.org/abs/2311.05268v2 | Yanzhe Li, Frank Broz, Mark Neerincx | 2024-01-17T10:09:46Z | cs.CL | This abstract presents a scenario for human-robot action in a home setting
involving an older adult and a robot. The scenario is designed to explore the
envisioned modelling of memory for communication with a socially assistive
robots (SAR). The scenario will enable the gathering of data on failures of
speech technology and human-robot communication involving shared memory that
may occur during daily activities such as a music-listening activity. | cs.CL | Modelling prospective memory and resilient situated communications via Wizard of Oz |
2023-11-09T10:47:39Z | http://arxiv.org/pdf/2311.05265v1 | http://arxiv.org/abs/2311.05265v1 | Ben Wu, Yue Li, Yida Mu, Carolina Scarton, Kalina Bontcheva, Xingyi Song | 2023-11-09T10:47:39Z | cs.CL, cs.AI, cs.LG | In this paper, we address the limitations of the common data annotation and
training methods for objective single-label classification tasks. Typically,
when annotating such tasks annotators are only asked to provide a single label
for each sample and annotator disagreement is discarded when a final hard label
is decided through majority voting. We challenge this traditional approach,
acknowledging that determining the appropriate label can be difficult due to
the ambiguity and lack of context in the data samples. Rather than discarding
the information from such ambiguous annotations, our soft label method makes
use of them for training. Our findings indicate that additional annotator
information, such as confidence, secondary label and disagreement, can be used
to effectively generate soft labels. Training classifiers with these soft
labels then leads to improved performance and calibration on the hard label
test set. | cs.CL | Don't Waste a Single Annotation: Improving Single-Label Classifiers Through Soft Labels |
2023-11-09T10:46:09Z | http://arxiv.org/pdf/2311.05263v2 | http://arxiv.org/abs/2311.05263v2 | Yuu Jinnai, Tetsuro Morimura, Ukyo Honda, Kaito Ariu, Kenshi Abe | 2024-06-12T01:00:09Z | cs.AI, cs.CL | Minimum Bayes Risk (MBR) decoding has been shown to be a powerful alternative
to beam search decoding in a variety of text generation tasks. MBR decoding
selects a hypothesis from a pool of hypotheses that has the least expected risk
under a probability model according to a given utility function. Since it is
impractical to compute the expected risk exactly over all possible hypotheses,
two approximations are commonly used in MBR. First, it integrates over a
sampled set of hypotheses rather than over all possible hypotheses. Second, it
estimates the probability of each hypothesis using a Monte Carlo estimator.
While the first approximation is necessary to make it computationally feasible,
the second is not essential since we typically have access to the model
probability at inference time. We propose Model-Based MBR (MBMBR), a variant of
MBR that uses the model probability itself as the estimate of the probability
distribution instead of the Monte Carlo estimate. We show analytically and
empirically that the model-based estimate is more promising than the Monte
Carlo estimate in text generation tasks. Our experiments show that MBMBR
outperforms MBR in several text generation tasks, both with encoder-decoder
models and with large language models. | cs.AI | Model-Based Minimum Bayes Risk Decoding for Text Generation |
2023-11-09T09:25:37Z | http://arxiv.org/pdf/2311.05232v1 | http://arxiv.org/abs/2311.05232v1 | Lei Huang, Weijiang Yu, Weitao Ma, Weihong Zhong, Zhangyin Feng, Haotian Wang, Qianglong Chen, Weihua Peng, Xiaocheng Feng, Bing Qin, Ting Liu | 2023-11-09T09:25:37Z | cs.CL | The emergence of large language models (LLMs) has marked a significant
breakthrough in natural language processing (NLP), leading to remarkable
advancements in text understanding and generation. Nevertheless, alongside
these strides, LLMs exhibit a critical tendency to produce hallucinations,
resulting in content that is inconsistent with real-world facts or user inputs.
This phenomenon poses substantial challenges to their practical deployment and
raises concerns over the reliability of LLMs in real-world scenarios, which
attracts increasing attention to detect and mitigate these hallucinations. In
this survey, we aim to provide a thorough and in-depth overview of recent
advances in the field of LLM hallucinations. We begin with an innovative
taxonomy of LLM hallucinations, then delve into the factors contributing to
hallucinations. Subsequently, we present a comprehensive overview of
hallucination detection methods and benchmarks. Additionally, representative
approaches designed to mitigate hallucinations are introduced accordingly.
Finally, we analyze the challenges that highlight the current limitations and
formulate open questions, aiming to delineate pathways for future research on
hallucinations in LLMs. | cs.CL | A Survey on Hallucination in Large Language Models: Principles, Taxonomy, Challenges, and Open Questions |
2023-11-09T08:19:34Z | http://arxiv.org/pdf/2311.05195v1 | http://arxiv.org/abs/2311.05195v1 | Daniela Occhipinti, Serra Sinem Tekiroglu, Marco Guerini | 2023-11-09T08:19:34Z | cs.CL | Providing dialogue agents with a profile representation can improve their
consistency and coherence, leading to better conversations. However, current
profile-based dialogue datasets for training such agents contain either
explicit profile representations that are simple and dialogue-specific, or
implicit representations that are difficult to collect. In this work, we
propose a unified framework in which we bring together both standard and more
sophisticated profile representations by creating a new resource where each
dialogue is aligned with all possible speaker representations such as
communication style, biographies, and personality. This framework allows to
test several baselines built using generative language models with several
profile configurations. The automatic evaluation shows that profile-based
models have better generalisation capabilities than models trained on dialogues
only, both in-domain and cross-domain settings. These results are consistent
for fine-tuned models and instruction-based LLMs. Additionally, human
evaluation demonstrates a clear preference for generations consistent with both
profile and context. Finally, to account for possible privacy concerns, all
experiments are done under two configurations: inter-character and
intra-character. In the former, the LM stores the information about the
character in its internal representation, while in the latter, the LM does not
retain any personal information but uses it only at inference time. | cs.CL | PRODIGy: a PROfile-based DIalogue Generation dataset |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.