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-05-24T11:18:00Z | http://arxiv.org/pdf/2305.15033v2 | http://arxiv.org/abs/2305.15033v2 | Zekun Wang, Jingchang Chen, Wangchunshu Zhou, Haichao Zhu, Jiafeng Liang, Liping Shan, Ming Liu, Dongliang Xu, Qing Yang, Bing Qin | 2024-02-26T15:26:20Z | cs.CL | Despite achieving remarkable performance on various vision-language tasks,
Transformer-based Vision-Language Models (VLMs) suffer from redundancy in
inputs and parameters, significantly hampering their efficiency in real-world
applications. Moreover, the degree of redundancy in token representations and
model parameters, such as attention heads, varies significantly for different
inputs. In light of the challenges, we propose SmartTrim, an adaptive
acceleration framework for VLMs, which adjusts the computational overhead per
instance. Specifically, we integrate lightweight modules into the original
backbone to identify and prune redundant token representations and attention
heads within each layer. Furthermore, we devise a self-distillation strategy to
enhance the consistency between the predictions of the pruned model and its
fully-capacity counterpart. Experimental results across various vision-language
tasks consistently demonstrate that SmartTrim accelerates the original model by
2-3 times with minimal performance degradation, highlighting the effectiveness
and efficiency compared to previous approaches. Code will be available at
https://github.com/kugwzk/SmartTrim. | cs.CL | SmartTrim: Adaptive Tokens and Attention Pruning for Efficient Vision-Language Models |
2023-05-24T11:16:09Z | http://arxiv.org/pdf/2305.15032v1 | http://arxiv.org/abs/2305.15032v1 | Xinpeng Wang, Leonie Weissweiler, Hinrich Schütze, Barbara Plank | 2023-05-24T11:16:09Z | cs.CL, cs.AI, cs.LG | Recently, various intermediate layer distillation (ILD) objectives have been
shown to improve compression of BERT models via Knowledge Distillation (KD).
However, a comprehensive evaluation of the objectives in both task-specific and
task-agnostic settings is lacking. To the best of our knowledge, this is the
first work comprehensively evaluating distillation objectives in both settings.
We show that attention transfer gives the best performance overall. We also
study the impact of layer choice when initializing the student from the teacher
layers, finding a significant impact on the performance in task-specific
distillation. For vanilla KD and hidden states transfer, initialisation with
lower layers of the teacher gives a considerable improvement over higher
layers, especially on the task of QNLI (up to an absolute percentage change of
17.8 in accuracy). Attention transfer behaves consistently under different
initialisation settings. We release our code as an efficient transformer-based
model distillation framework for further studies. | cs.CL | How to Distill your BERT: An Empirical Study on the Impact of Weight Initialisation and Distillation Objectives |
2023-05-24T11:14:31Z | http://arxiv.org/pdf/2305.15028v2 | http://arxiv.org/abs/2305.15028v2 | Heming Xia, Qingxiu Dong, Lei Li, Jingjing Xu, Tianyu Liu, Ziwei Qin, Zhifang Sui | 2023-10-20T20:41:46Z | cs.CL, cs.AI, cs.CV | Recently, Large Language Models (LLMs) have been serving as general-purpose
interfaces, posing a significant demand for comprehensive visual knowledge.
However, it remains unclear how well current LLMs and their visually augmented
counterparts (VaLMs) can master visual commonsense knowledge. To investigate
this, we propose ImageNetVC, a human-annotated dataset specifically designed
for zero- and few-shot visual commonsense evaluation across 1,000 ImageNet
categories. Utilizing ImageNetVC, we benchmark the fundamental visual
commonsense knowledge of both unimodal LLMs and VaLMs. Furthermore, we analyze
the factors affecting the visual commonsense knowledge of large-scale models,
providing insights into the development of language models enriched with visual
commonsense knowledge. Our code and dataset are available at
https://github.com/hemingkx/ImageNetVC. | cs.CL | ImageNetVC: Zero- and Few-Shot Visual Commonsense Evaluation on 1000 ImageNet Categories |
2023-05-24T11:06:52Z | http://arxiv.org/pdf/2305.15025v2 | http://arxiv.org/abs/2305.15025v2 | Tianyu Yang, Thy Thy Tran, Iryna Gurevych | 2023-10-23T18:51:10Z | cs.CL | Current variational dialog models have employed pre-trained language models
(PLMs) to parameterize the likelihood and posterior distributions. However, the
Gaussian assumption made on the prior distribution is incompatible with these
distributions, thus restricting the diversity of generated responses. These
models also suffer from posterior collapse, i.e., the decoder tends to ignore
latent variables and directly access information captured in the encoder
through the cross-attention mechanism. In this work, we propose Dior-CVAE, a
hierarchical conditional variational autoencoder (CVAE) with diffusion priors
to address these challenges. We employ a diffusion model to increase the
complexity of the prior distribution and its compatibility with the
distributions produced by a PLM. Also, we propose memory dropout to the
cross-attention mechanism, which actively encourages the use of latent
variables for response generation. Overall, experiments across two commonly
used open-domain dialog datasets show that our method can generate more diverse
responses without large-scale dialog pre-training. Code is available at
https://github.com/UKPLab/dior-cvae. | cs.CL | Dior-CVAE: Pre-trained Language Models and Diffusion Priors for Variational Dialog Generation |
2023-05-24T11:06:23Z | http://arxiv.org/pdf/2305.15024v1 | http://arxiv.org/abs/2305.15024v1 | Biao Zhao, Weiqiang Jin, Javier Del Ser, Guang Yang | 2023-05-24T11:06:23Z | cs.CL, cs.AI | In the era of sustainable smart agriculture, a massive amount of agricultural
news text is being posted on the Internet, in which massive agricultural
knowledge has been accumulated. In this context, it is urgent to explore
effective text classification techniques for users to access the required
agricultural knowledge with high efficiency. Mainstream deep learning
approaches employing fine-tuning strategies on pre-trained language models
(PLMs), have demonstrated remarkable performance gains over the past few years.
Nonetheless, these methods still face many drawbacks that are complex to solve,
including: 1. Limited agricultural training data due to the expensive-cost and
labour-intensive annotation; 2. Poor domain transferability, especially of
cross-linguistic ability; 3. Complex and expensive large models
deployment.Inspired by the extraordinary success brought by the recent ChatGPT
(e.g. GPT-3.5, GPT-4), in this work, we systematically investigate and explore
the capability and utilization of ChatGPT applying to the agricultural
informatization field. ....(shown in article).... Code has been released on
Github
https://github.com/albert-jin/agricultural_textual_classification_ChatGPT. | cs.CL | ChatAgri: Exploring Potentials of ChatGPT on Cross-linguistic Agricultural Text Classification |
2023-05-24T11:00:33Z | http://arxiv.org/pdf/2305.15020v3 | http://arxiv.org/abs/2305.15020v3 | Asahi Ushio, Yi Zhou, Jose Camacho-Collados | 2023-10-19T10:30:02Z | cs.CL | Multilingual language model (LM) have become a powerful tool in NLP
especially for non-English languages. Nevertheless, model parameters of
multilingual LMs remain large due to the larger embedding matrix of the
vocabulary covering tokens in different languages. On the contrary, monolingual
LMs can be trained in a target language with the language-specific vocabulary
only, but this requires a large budget and availability of reliable corpora to
achieve a high-quality LM from scratch. In this paper, we propose
vocabulary-trimming (VT), a method to reduce a multilingual LM vocabulary to a
target language by deleting irrelevant tokens from its vocabulary. In theory,
VT can compress any existing multilingual LM to build monolingual LMs in any
language covered by the multilingual LM. In our experiments, we show that VT
can retain the original performance of the multilingual LM, while being smaller
in size (in general around 50% of the original vocabulary size is enough) than
the original multilingual LM. The evaluation is performed over four NLP tasks
(two generative and two classification tasks) among four widely used
multilingual LMs in seven languages. Finally, we show that this methodology can
keep the best of both monolingual and multilingual worlds by keeping a small
size as monolingual models without the need for specifically retraining them,
and even limiting potentially harmful social biases. | cs.CL | An Efficient Multilingual Language Model Compression through Vocabulary Trimming |
2023-05-24T10:58:20Z | http://arxiv.org/pdf/2305.15017v2 | http://arxiv.org/abs/2305.15017v2 | Marek Kadlčík, Michal Štefánik, Ondřej Sotolář, Vlastimil Martinek | 2023-10-23T15:23:22Z | cs.LG, cs.AI, cs.CL | Despite outstanding performance in many tasks, language models are
notoriously inclined to make factual errors in tasks requiring arithmetic
computation. We address this deficiency by creating Calc-X, a collection of
datasets that demonstrates the appropriate use of a calculator in reasoning
chains. Calc-X is suitable for teaching language models to offload computations
to a symbolic system. We survey and unify several existing chain-of-thought
datasets into a proposed format, resulting in a standard collection of over
300,000 samples requiring arithmetic reasoning. Finally, we use the new Calc-X
collection to train open-source calculator-using models we call Calcformers and
show that these models approximately double the accuracy of generating correct
results compared to vanilla language model baselines. We make all Calc-X
datasets, source code and Calcformers models publicly available. | cs.LG | Calc-X and Calcformers: Empowering Arithmetical Chain-of-Thought through Interaction with Symbolic Systems |
2023-05-24T10:57:53Z | http://arxiv.org/pdf/2305.15014v1 | http://arxiv.org/abs/2305.15014v1 | Xingxuan Li, Liying Cheng, Qingyu Tan, Hwee Tou Ng, Shafiq Joty, Lidong Bing | 2023-05-24T10:57:53Z | cs.CL | Large language models (LLMs) have made significant progress in natural
language processing (NLP), and are utilized extensively in various
applications. Recent works, such as chain-of-thought (CoT), have shown that
intermediate reasoning steps can improve the performance of LLMs for complex
reasoning tasks, such as math problems and symbolic question-answering tasks.
However, we notice the challenge that LLMs face when it comes to temporal
reasoning. Our preliminary experiments show that generating intermediate
reasoning steps does not always boost the performance of complex temporal
question-answering tasks. Therefore, we propose a novel framework that combines
the extraction capability of LLMs and the logical reasoning capability of a
Python solver to tackle this issue. Extensive experiments and analysis
demonstrate the effectiveness of our framework in handling intricate time-bound
reasoning tasks. | cs.CL | Unlocking Temporal Question Answering for Large Language Models Using Code Execution |
2023-05-24T10:50:31Z | http://arxiv.org/pdf/2305.15011v2 | http://arxiv.org/abs/2305.15011v2 | Haonan Li, Fajri Koto, Minghao Wu, Alham Fikri Aji, Timothy Baldwin | 2023-10-10T07:46:44Z | cs.CL | Instruction tuning has shown great promise in improving the performance of
large language models. However, research on multilingual instruction tuning has
been limited due to the scarcity of high-quality instruction-response datasets
across different languages. To bridge this gap, we present Bactrian-X, a
comprehensive multilingual parallel dataset of 3.4 million instruction-response
pairs across 52 languages. Leveraging this dataset, we train a set of adapters
using low-rank adaptation (LoRA), which are lightweight components that
seamlessly integrate with large language models. These adapters have a
substantially lower parameter count than the base model, making them easily
replaceable and usable as plug-ins for different languages or language groups.
Extensive experiments in various multilingual evaluation settings demonstrate
that models derived from LoRA-based training over Bactrian-X outperform both
the vanilla models and existing instruction-tuned models. The code and models
are publicly available at https://github.com/mbzuai-nlp/bactrian-x | cs.CL | Bactrian-X: Multilingual Replicable Instruction-Following Models with Low-Rank Adaptation |
2023-05-24T10:48:53Z | http://arxiv.org/pdf/2305.15010v1 | http://arxiv.org/abs/2305.15010v1 | Hongbo Zhang, Xiang Wan, Benyou Wang | 2023-05-24T10:48:53Z | cs.CL | Pre-trained language models (PLMs) were considered to be able to store
relational knowledge present in the training data. However, some relational
knowledge seems to be discarded unsafely in PLMs due to \textbf{report bias}:
low-frequency relational knowledge might be underexpressed compared to
high-frequency one in PLMs. This gives us a hint that relational knowledge
might not be redundant to the stored knowledge of PLMs, but rather be
complementary. To additionally inject relational knowledge into PLMs, we
propose a simple-yet-effective approach to inject relational knowledge into
PLMs, which is inspired by three observations (namely, polymorphism, synonymous
substitution, and association). In particular, we switch entities in the
training corpus to related entities (either hypernyms/hyponyms/synonyms, or
arbitrarily-related concepts). Experimental results show that the proposed
approach could not only better capture relational knowledge, but also improve
the performance in various biomedical downstream tasks. Our model is available
in \url{https://github.com/StevenZHB/BioPLM_InjectingKnowledge}. | cs.CL | Injecting Knowledge into Biomedical Pre-trained Models via Polymorphism and Synonymous Substitution |
2023-05-24T10:48:05Z | http://arxiv.org/pdf/2305.15008v1 | http://arxiv.org/abs/2305.15008v1 | Aman Priyanshu, Supriti Vijay, Ayush Kumar, Rakshit Naidu, Fatemehsadat Mireshghallah | 2023-05-24T10:48:05Z | cs.CL, cs.AI, cs.CY | LLM-powered chatbots are becoming widely adopted in applications such as
healthcare, personal assistants, industry hiring decisions, etc. In many of
these cases, chatbots are fed sensitive, personal information in their prompts,
as samples for in-context learning, retrieved records from a database, or as
part of the conversation. The information provided in the prompt could directly
appear in the output, which might have privacy ramifications if there is
sensitive information there. As such, in this paper, we aim to understand the
input copying and regurgitation capabilities of these models during inference
and how they can be directly instructed to limit this copying by complying with
regulations such as HIPAA and GDPR, based on their internal knowledge of them.
More specifically, we find that when ChatGPT is prompted to summarize cover
letters of a 100 candidates, it would retain personally identifiable
information (PII) verbatim in 57.4% of cases, and we find this retention to be
non-uniform between different subgroups of people, based on attributes such as
gender identity. We then probe ChatGPT's perception of privacy-related policies
and privatization mechanisms by directly instructing it to provide compliant
outputs and observe a significant omission of PII from output. | cs.CL | Are Chatbots Ready for Privacy-Sensitive Applications? An Investigation into Input Regurgitation and Prompt-Induced Sanitization |
2023-05-24T10:45:25Z | http://arxiv.org/pdf/2305.15005v1 | http://arxiv.org/abs/2305.15005v1 | Wenxuan Zhang, Yue Deng, Bing Liu, Sinno Jialin Pan, Lidong Bing | 2023-05-24T10:45:25Z | cs.CL | Sentiment analysis (SA) has been a long-standing research area in natural
language processing. It can offer rich insights into human sentiments and
opinions and has thus seen considerable interest from both academia and
industry. With the advent of large language models (LLMs) such as ChatGPT,
there is a great potential for their employment on SA problems. However, the
extent to which existing LLMs can be leveraged for different sentiment analysis
tasks remains unclear. This paper aims to provide a comprehensive investigation
into the capabilities of LLMs in performing various sentiment analysis tasks,
from conventional sentiment classification to aspect-based sentiment analysis
and multifaceted analysis of subjective texts. We evaluate performance across
13 tasks on 26 datasets and compare the results against small language models
(SLMs) trained on domain-specific datasets. Our study reveals that while LLMs
demonstrate satisfactory performance in simpler tasks, they lag behind in more
complex tasks requiring deeper understanding or structured sentiment
information. However, LLMs significantly outperform SLMs in few-shot learning
settings, suggesting their potential when annotation resources are limited. We
also highlight the limitations of current evaluation practices in assessing
LLMs' SA abilities and propose a novel benchmark, \textsc{SentiEval}, for a
more comprehensive and realistic evaluation. Data and code during our
investigations are available at
\url{https://github.com/DAMO-NLP-SG/LLM-Sentiment}. | cs.CL | Sentiment Analysis in the Era of Large Language Models: A Reality Check |
2023-05-24T10:45:16Z | http://arxiv.org/pdf/2305.15004v3 | http://arxiv.org/abs/2305.15004v3 | Kangxi Wu, Liang Pang, Huawei Shen, Xueqi Cheng, Tat-Seng Chua | 2023-11-03T14:31:09Z | cs.CL | Generated texts from large language models (LLMs) are remarkably close to
high-quality human-authored text, raising concerns about their potential misuse
in spreading false information and academic misconduct. Consequently, there is
an urgent need for a highly practical detection tool capable of accurately
identifying the source of a given text. However, existing detection tools
typically rely on access to LLMs and can only differentiate between
machine-generated and human-authored text, failing to meet the requirements of
fine-grained tracing, intermediary judgment, and rapid detection. Therefore, we
propose LLMDet, a model-specific, secure, efficient, and extendable detection
tool, that can source text from specific LLMs, such as GPT-2, OPT, LLaMA, and
others. In LLMDet, we record the next-token probabilities of salient n-grams as
features to calculate proxy perplexity for each LLM. By jointly analyzing the
proxy perplexities of LLMs, we can determine the source of the generated text.
Experimental results show that LLMDet yields impressive detection performance
while ensuring speed and security, achieving 98.54% precision and x5.0 faster
for recognizing human-authored text. Additionally, LLMDet can effortlessly
extend its detection capabilities to a new open-source model. We will provide
an open-source tool at https://github.com/TrustedLLM/LLMDet. | cs.CL | LLMDet: A Third Party Large Language Models Generated Text Detection Tool |
2023-05-24T10:41:24Z | http://arxiv.org/pdf/2305.15002v2 | http://arxiv.org/abs/2305.15002v2 | Asahi Ushio, Jose Camacho Collados, Steven Schockaert | 2024-01-31T03:56:22Z | cs.CL, cs.LG | Relations such as "is influenced by", "is known for" or "is a competitor of"
are inherently graded: we can rank entity pairs based on how well they satisfy
these relations, but it is hard to draw a line between those pairs that satisfy
them and those that do not. Such graded relations play a central role in many
applications, yet they are typically not covered by existing Knowledge Graphs.
In this paper, we consider the possibility of using Large Language Models
(LLMs) to fill this gap. To this end, we introduce a new benchmark, in which
entity pairs have to be ranked according to how much they satisfy a given
graded relation. The task is formulated as a few-shot ranking problem, where
models only have access to a description of the relation and five prototypical
instances. We use the proposed benchmark to evaluate state-of-the-art relation
embedding strategies as well as several recent LLMs, covering both publicly
available LLMs and closed models such as GPT-4. Overall, we find a strong
correlation between model size and performance, with smaller Language Models
struggling to outperform a naive baseline. The results of the largest Flan-T5
and OPT models are remarkably strong, although a clear gap with human
performance remains. | cs.CL | A RelEntLess Benchmark for Modelling Graded Relations between Named Entities |
2023-05-24T10:36:14Z | http://arxiv.org/pdf/2305.14999v2 | http://arxiv.org/abs/2305.14999v2 | Jingyuan Qi, Zhiyang Xu, Ying Shen, Minqian Liu, Di Jin, Qifan Wang, Lifu Huang | 2023-11-02T02:40:48Z | cs.CL | Chain-of-Thought (CoT) prompting enables large language models to solve
complex reasoning problems by generating intermediate steps. However, confined
by its inherent single-pass and sequential generation process, CoT heavily
relies on the initial decisions, causing errors in early steps to accumulate
and impact the final answers. In contrast, humans adopt recursive thinking when
tackling complex reasoning problems, i.e., iteratively breaking the original
problem into approachable sub-problems and aggregating their answers to resolve
the original one. Inspired by the human cognitive process, we propose SOCRATIC
QUESTIONING, a divide-and-conquer style algorithm that mimics the recursive
thinking process. Specifically, SOCRATIC QUESTIONING leverages large language
models to raise and answer sub-questions until collecting enough information to
tackle the original question. Unlike CoT, SOCRATIC QUESTIONING explicitly
navigates the thinking space, stimulates effective recursive thinking, and is
more robust towards errors in the thinking process. Extensive experiments on
several complex reasoning tasks, including MMLU, MATH, LogiQA, and visual
question-answering demonstrate significant performance improvements over the
state-of-the-art prompting methods, such as CoT, and Tree-of-Thought. The
qualitative analysis clearly shows that the intermediate reasoning steps
elicited by SOCRATIC QUESTIONING are similar to humans' recursively thinking
process of complex reasoning problems. | cs.CL | The Art of SOCRATIC QUESTIONING: Recursive Thinking with Large Language Models |
2023-05-24T10:36:12Z | http://arxiv.org/pdf/2305.14998v2 | http://arxiv.org/abs/2305.14998v2 | Saba Ahmadi, Aishwarya Agrawal | 2024-02-06T04:20:15Z | cs.CL, cs.AI, cs.CV, cs.LG | Recently, reference-free metrics such as CLIPScore (Hessel et al., 2021),
UMIC (Lee et al., 2021), and PAC-S (Sarto et al., 2023) have been proposed for
automatic reference-free evaluation of image captions. Our focus lies in
evaluating the robustness of these metrics in scenarios that require
distinguishing between two captions with high lexical overlap but very
different meanings. Our findings reveal that despite their high correlation
with human judgments, CLIPScore, UMIC, and PAC-S struggle to identify
fine-grained errors. While all metrics exhibit strong sensitivity to visual
grounding errors, their sensitivity to caption implausibility errors is
limited. Furthermore, we found that all metrics are sensitive to variations in
the size of image-relevant objects mentioned in the caption, while CLIPScore
and PAC-S are also sensitive to the number of mentions of image-relevant
objects in the caption. Regarding linguistic aspects of a caption, all metrics
show weak comprehension of negation, and CLIPScore and PAC-S are insensitive to
the structure of the caption to a great extent. We hope our findings will guide
further improvements in reference-free evaluation of image captioning. | cs.CL | An Examination of the Robustness of Reference-Free Image Captioning Evaluation Metrics |
2023-05-24T10:35:58Z | http://arxiv.org/pdf/2305.16344v2 | http://arxiv.org/abs/2305.16344v2 | Chongjian Yue, Xinrun Xu, Xiaojun Ma, Lun Du, Hengyu Liu, Zhiming Ding, Yanbing Jiang, Shi Han, Dongmei Zhang | 2024-03-07T13:44:27Z | cs.CL, cs.AI | Large Language Models (LLMs) demonstrate exceptional performance in textual
understanding and tabular reasoning tasks. However, their ability to comprehend
and analyze hybrid text, containing textual and tabular data, remains
underexplored. In this research, we specialize in harnessing the potential of
LLMs to comprehend critical information from financial reports, which are
hybrid long-documents. We propose an Automated Financial Information Extraction
(AFIE) framework that enhances LLMs' ability to comprehend and extract
information from financial reports. To evaluate AFIE, we develop a Financial
Reports Numerical Extraction (FINE) dataset and conduct an extensive
experimental analysis. Our framework is effectively validated on GPT-3.5 and
GPT-4, yielding average accuracy increases of 53.94% and 33.77%, respectively,
compared to a naive method. These results suggest that the AFIE framework
offers accuracy for automated numerical extraction from complex, hybrid
documents. | cs.CL | Enabling and Analyzing How to Efficiently Extract Information from Hybrid Long Documents with LLMs |
2023-05-24T10:35:56Z | http://arxiv.org/pdf/2305.14996v2 | http://arxiv.org/abs/2305.14996v2 | Shaurya Rohatgi, Yanxia Qin, Benjamin Aw, Niranjana Unnithan, Min-Yen Kan | 2023-10-24T05:18:32Z | cs.CL, cs.DL | We present ACL OCL, a scholarly corpus derived from the ACL Anthology to
assist Open scientific research in the Computational Linguistics domain.
Integrating and enhancing the previous versions of the ACL Anthology, the ACL
OCL contributes metadata, PDF files, citation graphs and additional structured
full texts with sections, figures, and links to a large knowledge resource
(Semantic Scholar). The ACL OCL spans seven decades, containing 73K papers,
alongside 210K figures.
We spotlight how ACL OCL applies to observe trends in computational
linguistics. By detecting paper topics with a supervised neural model, we note
that interest in "Syntax: Tagging, Chunking and Parsing" is waning and "Natural
Language Generation" is resurging. Our dataset is available from HuggingFace
(https://huggingface.co/datasets/WINGNUS/ACL-OCL). | cs.CL | The ACL OCL Corpus: Advancing Open Science in Computational Linguistics |
2023-05-24T10:30:42Z | http://arxiv.org/pdf/2305.14994v3 | http://arxiv.org/abs/2305.14994v3 | Dongjie Yang, Ruifeng Yuan, Yuantao Fan, Yifei Yang, Zili Wang, Shusen Wang, Hai Zhao | 2023-10-19T00:45:51Z | cs.CL | Large Language Models (LLMs) have attained the impressive capability to
resolve a wide range of NLP tasks by fine-tuning high-quality instruction data.
However, collecting human-written data of high quality, especially multi-turn
dialogues, is expensive and unattainable for most people. Though previous
studies have used powerful LLMs to generate the dialogues automatically, they
all suffer from generating untruthful dialogues because of the model
hallucination. Therefore, we propose a method called RefGPT to generate
enormous truthful and customized dialogues without worrying about factual
errors caused by the model hallucination. RefGPT solves the model hallucination
in dialogue generation by restricting the LLMs to leverage the given reference
instead of reciting their own knowledge to generate dialogues. Additionally,
RefGPT adds detailed controls on every utterance to enable high customization
capability, which previous studies have ignored. On the basis of RefGPT, we
also propose two high-quality dialogue datasets generated by GPT-4, namely
RefGPT-Fact and RefGPT-Code. RefGPT-Fact is a dataset with 100k multi-turn
dialogues based on factual knowledge and RefGPT-Code has 76k multi-turn
dialogues covering a wide range of coding scenarios. Our code and datasets are
released in https://github.com/mutonix/RefGPT. | cs.CL | RefGPT: Dialogue Generation of GPT, by GPT, and for GPT |
2023-05-24T10:29:45Z | http://arxiv.org/pdf/2305.14993v2 | http://arxiv.org/abs/2305.14993v2 | Sweta Agrawal, Marine Carpuat | 2023-11-30T14:14:31Z | cs.CL | Text simplification (TS) systems rewrite text to make it more readable while
preserving its content. However, what makes a text easy to read depends on the
intended readers. Recent work has shown that pre-trained language models can
simplify text using a wealth of techniques to control output simplicity,
ranging from specifying only the desired reading grade level, to directly
specifying low-level edit operations. Yet it remains unclear how to set these
control parameters in practice. Existing approaches set them at the corpus
level, disregarding the complexity of individual inputs and considering only
one level of output complexity. In this work, we conduct an empirical study to
understand how different control mechanisms impact the adequacy and simplicity
of text simplification systems. Based on these insights, we introduce a simple
method that predicts the edit operations required for simplifying a text for a
specific grade level on an instance-per-instance basis. This approach improves
the quality of the simplified outputs over corpus-level search-based
heuristics. | cs.CL | Controlling Pre-trained Language Models for Grade-Specific Text Simplification |
2023-05-24T10:28:28Z | http://arxiv.org/pdf/2305.14992v2 | http://arxiv.org/abs/2305.14992v2 | Shibo Hao, Yi Gu, Haodi Ma, Joshua Jiahua Hong, Zhen Wang, Daisy Zhe Wang, Zhiting Hu | 2023-10-23T07:24:28Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have shown remarkable reasoning capabilities,
especially when prompted to generate intermediate reasoning steps (e.g.,
Chain-of-Thought, CoT). However, LLMs can still struggle with problems that are
easy for humans, such as generating action plans for executing tasks in a given
environment, or performing complex math, logical, and commonsense reasoning.
The deficiency stems from the key fact that LLMs lack an internal
$\textit{world model}$ to predict the world $\textit{state}$ (e.g., environment
status, intermediate variable values) and simulate long-term outcomes of
actions. This prevents LLMs from performing deliberate planning akin to human
brains, which involves exploring alternative reasoning paths, anticipating
future states and rewards, and iteratively refining existing reasoning steps.
To overcome the limitations, we propose a new LLM reasoning framework,
$\underline{R}$easoning vi$\underline{a}$ $\underline{P}$lanning
$\textbf{(RAP)}$. RAP repurposes the LLM as both a world model and a reasoning
agent, and incorporates a principled planning algorithm (based on Monto Carlo
Tree Search) for strategic exploration in the vast reasoning space. During
reasoning, the LLM (as agent) incrementally builds a reasoning tree under the
guidance of the LLM (as world model) and task-specific rewards, and obtains a
high-reward reasoning path efficiently with a proper balance between
exploration $\textit{vs.}$ exploitation. We apply RAP to a variety of
challenging reasoning problems including plan generation, math reasoning, and
logical inference. Empirical results on these tasks demonstrate the superiority
of RAP over various strong baselines, including CoT and least-to-most prompting
with self-consistency. RAP on LLAMA-33B surpasses CoT on GPT-4 with 33%
relative improvement in a plan generation setting. | cs.CL | Reasoning with Language Model is Planning with World Model |
2023-05-24T10:26:13Z | http://arxiv.org/pdf/2305.14991v2 | http://arxiv.org/abs/2305.14991v2 | Taelin Karidi, Leshem Choshen, Gal Patel, Omri Abend | 2023-11-29T10:47:58Z | cs.CL, cs.AI | We propose a novel methodology (namely, MuLER) that transforms any
reference-based evaluation metric for text generation, such as machine
translation (MT) into a fine-grained analysis tool. Given a system and a
metric, MuLER quantifies how much the chosen metric penalizes specific error
types (e.g., errors in translating names of locations). MuLER thus enables a
detailed error analysis which can lead to targeted improvement efforts for
specific phenomena. We perform experiments in both synthetic and naturalistic
settings to support MuLER's validity and showcase its usability in MT
evaluation, and other tasks, such as summarization. Analyzing all submissions
to WMT in 2014-2020, we find consistent trends. For example, nouns and verbs
are among the most frequent POS tags. However, they are among the hardest to
translate. Performance on most POS tags improves with overall system
performance, but a few are not thus correlated (their identity changes from
language to language). Preliminary experiments with summarization reveal
similar trends. | cs.CL | MuLER: Detailed and Scalable Reference-based Evaluation |
2023-05-24T10:25:12Z | http://arxiv.org/pdf/2306.04657v1 | http://arxiv.org/abs/2306.04657v1 | Hua Cai, Xuli Shen, Qing Xu, Weilin Shen, Xiaomei Wang, Weifeng Ge, Xiaoqing Zheng, Xiangyang Xue | 2023-05-24T10:25:12Z | cs.CL, cs.AI | In empathetic conversations, individuals express their empathy towards
others. Previous work has mainly focused on generating empathetic responses by
utilizing the speaker's emotion. Besides, external commonsense knowledge has
been applied to enhance the system's understandings of the speaker's situation.
However, given an event, commonsense knowledge base contains various relations,
potentially leading to confusion for the dialogue system. Consequently,
inconsistencies arise among the emotion, generated response and speaker's
contextual information. To this end, we propose a novel approach for empathetic
response generation, which incorporates an adaptive module for commonsense
knowledge selection to ensure consistency between the generated empathetic
responses and the speaker's situation. This selected knowledge is used to
refine the commonsense cognition and empathy expression for generated
responses. Experimental results show that our approach significantly
outperforms baseline models in both automatic and human evaluations, exhibiting
the generation of more coherent and empathetic responses. Moreover, case
studies highlight the interpretability of knowledge selection in the responses
and the effectiveness of adaptive module in our model. Code:
https://github.com/Hanscal/DCKS. | cs.CL | Improving Empathetic Dialogue Generation by Dynamically Infusing Commonsense Knowledge |
2023-05-24T10:24:10Z | http://arxiv.org/pdf/2305.14989v2 | http://arxiv.org/abs/2305.14989v2 | El Moatez Billah Nagoudi, AbdelRahim Elmadany, Ahmed El-Shangiti, Muhammad Abdul-Mageed | 2023-10-24T17:48:43Z | cs.CL | We present Dolphin, a novel benchmark that addresses the need for a natural
language generation (NLG) evaluation framework dedicated to the wide collection
of Arabic languages and varieties. The proposed benchmark encompasses a broad
range of 13 different NLG tasks, including dialogue generation, question
answering, machine translation, summarization, among others. Dolphin comprises
a substantial corpus of 40 diverse and representative public datasets across 50
test splits, carefully curated to reflect real-world scenarios and the
linguistic richness of Arabic. It sets a new standard for evaluating the
performance and generalization capabilities of Arabic and multilingual models,
promising to enable researchers to push the boundaries of current
methodologies. We provide an extensive analysis of Dolphin, highlighting its
diversity and identifying gaps in current Arabic NLG research. We also offer a
public leaderboard that is both interactive and modular and evaluate several
models on our benchmark, allowing us to set strong baselines against which
researchers can compare. | cs.CL | Dolphin: A Challenging and Diverse Benchmark for Arabic NLG |
2023-05-24T10:22:30Z | http://arxiv.org/pdf/2305.14987v2 | http://arxiv.org/abs/2305.14987v2 | Yilun Zhao, Haowei Zhang, Shengyun Si, Linyong Nan, Xiangru Tang, Arman Cohan | 2023-10-30T22:00:25Z | cs.CL | Tabular data is prevalent across various industries, necessitating
significant time and effort for users to understand and manipulate for their
information-seeking purposes. The advancements in large language models (LLMs)
have shown enormous potential to improve user efficiency. However, the adoption
of LLMs in real-world applications for table information seeking remains
underexplored. In this paper, we investigate the table-to-text capabilities of
different LLMs using four datasets within two real-world information seeking
scenarios. These include the LogicNLG and our newly-constructed LoTNLG datasets
for data insight generation, along with the FeTaQA and our newly-constructed
F2WTQ datasets for query-based generation. We structure our investigation
around three research questions, evaluating the performance of LLMs in
table-to-text generation, automated evaluation, and feedback generation,
respectively. Experimental results indicate that the current high-performing
LLM, specifically GPT-4, can effectively serve as a table-to-text generator,
evaluator, and feedback generator, facilitating users' information seeking
purposes in real-world scenarios. However, a significant performance gap still
exists between other open-sourced LLMs (e.g., Tulu and LLaMA-2) and GPT-4
models. Our data and code are publicly available at
https://github.com/yale-nlp/LLM-T2T. | cs.CL | Investigating Table-to-Text Generation Capabilities of LLMs in Real-World Information Seeking Scenarios |
2023-05-24T10:19:57Z | http://arxiv.org/pdf/2305.14985v1 | http://arxiv.org/abs/2305.14985v1 | Haoxuan You, Rui Sun, Zhecan Wang, Long Chen, Gengyu Wang, Hammad A. Ayyubi, Kai-Wei Chang, Shih-Fu Chang | 2023-05-24T10:19:57Z | cs.CV, cs.CL | The field of vision-and-language (VL) understanding has made unprecedented
progress with end-to-end large pre-trained VL models (VLMs). However, they
still fall short in zero-shot reasoning tasks that require multi-step
inferencing. To achieve this goal, previous works resort to a
divide-and-conquer pipeline. In this paper, we argue that previous efforts have
several inherent shortcomings: 1) They rely on domain-specific sub-question
decomposing models. 2) They force models to predict the final answer even if
the sub-questions or sub-answers provide insufficient information. We address
these limitations via IdealGPT, a framework that iteratively decomposes VL
reasoning using large language models (LLMs). Specifically, IdealGPT utilizes
an LLM to generate sub-questions, a VLM to provide corresponding sub-answers,
and another LLM to reason to achieve the final answer. These three modules
perform the divide-and-conquer procedure iteratively until the model is
confident about the final answer to the main question. We evaluate IdealGPT on
multiple challenging VL reasoning tasks under a zero-shot setting. In
particular, our IdealGPT outperforms the best existing GPT-4-like models by an
absolute 10% on VCR and 15% on SNLI-VE. Code is available at
https://github.com/Hxyou/IdealGPT | cs.CV | IdealGPT: Iteratively Decomposing Vision and Language Reasoning via Large Language Models |
2023-05-24T10:16:16Z | http://arxiv.org/pdf/2305.14982v2 | http://arxiv.org/abs/2305.14982v2 | Ahmed Abdelali, Hamdy Mubarak, Shammur Absar Chowdhury, Maram Hasanain, Basel Mousi, Sabri Boughorbel, Yassine El Kheir, Daniel Izham, Fahim Dalvi, Majd Hawasly, Nizi Nazar, Yousseif Elshahawy, Ahmed Ali, Nadir Durrani, Natasa Milic-Frayling, Firoj Alam | 2024-02-05T07:27:18Z | cs.CL, cs.AI, 68T50, F.2.2; I.2.7 | Recent advancements in Large Language Models (LLMs) have significantly
influenced the landscape of language and speech research. Despite this
progress, these models lack specific benchmarking against state-of-the-art
(SOTA) models tailored to particular languages and tasks. LAraBench addresses
this gap for Arabic Natural Language Processing (NLP) and Speech Processing
tasks, including sequence tagging and content classification across different
domains. We utilized models such as GPT-3.5-turbo, GPT-4, BLOOMZ,
Jais-13b-chat, Whisper, and USM, employing zero and few-shot learning
techniques to tackle 33 distinct tasks across 61 publicly available datasets.
This involved 98 experimental setups, encompassing ~296K data points, ~46 hours
of speech, and 30 sentences for Text-to-Speech (TTS). This effort resulted in
330+ sets of experiments. Our analysis focused on measuring the performance gap
between SOTA models and LLMs. The overarching trend observed was that SOTA
models generally outperformed LLMs in zero-shot learning, with a few
exceptions. Notably, larger computational models with few-shot learning
techniques managed to reduce these performance gaps. Our findings provide
valuable insights into the applicability of LLMs for Arabic NLP and speech
processing tasks. | cs.CL | LAraBench: Benchmarking Arabic AI with Large Language Models |
2023-05-24T10:15:17Z | http://arxiv.org/pdf/2305.14981v1 | http://arxiv.org/abs/2305.14981v1 | Tanay Dixit, Fei Wang, Muhao Chen | 2023-05-24T10:15:17Z | cs.CL, cs.AI, cs.LG | Improving factual consistency of abstractive summarization has been a widely
studied topic. However, most of the prior works on training factuality-aware
models have ignored the negative effect it has on summary quality. We propose
EFACTSUM (i.e., Effective Factual Summarization), a candidate summary
generation and ranking technique to improve summary factuality without
sacrificing summary quality. We show that using a contrastive learning
framework with our refined candidate summaries leads to significant gains on
both factuality and similarity-based metrics. Specifically, we propose a
ranking strategy in which we effectively combine two metrics, thereby
preventing any conflict during training. Models trained using our approach show
up to 6 points of absolute improvement over the base model with respect to
FactCC on XSUM and 11 points on CNN/DM, without negatively affecting either
similarity-based metrics or absractiveness. | cs.CL | Improving Factuality of Abstractive Summarization without Sacrificing Summary Quality |
2023-05-24T10:12:39Z | http://arxiv.org/pdf/2305.14976v2 | http://arxiv.org/abs/2305.14976v2 | Md Tawkat Islam Khondaker, Abdul Waheed, El Moatez Billah Nagoudi, Muhammad Abdul-Mageed | 2023-10-21T05:16:24Z | cs.CL, cs.LG | ChatGPT's emergence heralds a transformative phase in NLP, particularly
demonstrated through its excellent performance on many English benchmarks.
However, the model's efficacy across diverse linguistic contexts remains
largely uncharted territory. This work aims to bridge this knowledge gap, with
a primary focus on assessing ChatGPT's capabilities on Arabic languages and
dialectal varieties. Our comprehensive study conducts a large-scale automated
and human evaluation of ChatGPT, encompassing 44 distinct language
understanding and generation tasks on over 60 different datasets. To our
knowledge, this marks the first extensive performance analysis of ChatGPT's
deployment in Arabic NLP. Our findings indicate that, despite its remarkable
performance in English, ChatGPT is consistently surpassed by smaller models
that have undergone finetuning on Arabic. We further undertake a meticulous
comparison of ChatGPT and GPT-4's Modern Standard Arabic (MSA) and Dialectal
Arabic (DA), unveiling the relative shortcomings of both models in handling
Arabic dialects compared to MSA. Although we further explore and confirm the
utility of employing GPT-4 as a potential alternative for human evaluation, our
work adds to a growing body of research underscoring the limitations of
ChatGPT. | cs.CL | GPTAraEval: A Comprehensive Evaluation of ChatGPT on Arabic NLP |
2023-05-24T10:12:33Z | http://arxiv.org/pdf/2305.14975v2 | http://arxiv.org/abs/2305.14975v2 | Katherine Tian, Eric Mitchell, Allan Zhou, Archit Sharma, Rafael Rafailov, Huaxiu Yao, Chelsea Finn, Christopher D. Manning | 2023-10-24T04:27:42Z | cs.CL | A trustworthy real-world prediction system should produce well-calibrated
confidence scores; that is, its confidence in an answer should be indicative of
the likelihood that the answer is correct, enabling deferral to an expert in
cases of low-confidence predictions. Recent studies have shown that
unsupervised pre-training produces large language models (LMs) whose
conditional probabilities are remarkably well-calibrated. However, the most
widely-used LMs are fine-tuned with reinforcement learning from human feedback
(RLHF-LMs), and some studies have suggested that RLHF-LMs produce conditional
probabilities that are very poorly calibrated. In light of this perceived
weakness, we conduct a broad evaluation of methods for extracting confidence
scores from RLHF-LMs. For RLHF-LMs such as ChatGPT, GPT-4, and Claude, we find
that verbalized confidences emitted as output tokens are typically
better-calibrated than the model's conditional probabilities on the TriviaQA,
SciQ, and TruthfulQA benchmarks, often reducing the expected calibration error
by a relative 50%. | cs.CL | Just Ask for Calibration: Strategies for Eliciting Calibrated Confidence Scores from Language Models Fine-Tuned with Human Feedback |
2023-05-24T10:08:04Z | http://arxiv.org/pdf/2305.14973v2 | http://arxiv.org/abs/2305.14973v2 | Jiazheng Li, Runcong Zhao, Yongxin Yang, Yulan He, Lin Gui | 2023-12-14T16:17:20Z | cs.CL | The remarkable performance of pre-trained large language models has
revolutionised various natural language processing applications. Due to huge
parametersizes and extensive running costs, companies or organisations tend to
transfer the models to the target task by zero-shot prompting techniques.
However, the prohibitive costs of tokens and time have hindered their adoption
in applications. We propose OverPrompt, leveraging the in-context learning
capability of LLMs to handle multiple task inputs, thereby reducing token and
time costs. This approach could potentially improve task performance during API
queries due to better conditional distribution mapping. Evaluated across
diverse classification datasets, our experiments show that OverPrompt can
achieve cost-efficient zero-shot classification without causing significant
detriment to task performance, and in some cases, even improving it. An
ablation study conducted on various LLMs, along with an investigation into the
robustness of our prompting strategy to different input ordering, offers
valuable insights into the broader applicability of our method across diverse
tasks. These findings also suggest a more seamless integration of our method
with LLMs through an API. | cs.CL | OverPrompt: Enhancing ChatGPT through Efficient In-Context Learning |
2023-05-24T10:05:59Z | http://arxiv.org/pdf/2305.16343v1 | http://arxiv.org/abs/2305.16343v1 | Ciprian-Octavian Truică, Neculai-Ovidiu Istrate, Elena-Simona Apostol | 2023-05-24T10:05:59Z | cs.CL, cs.AI | Automatic Term Recognition is used to extract domain-specific terms that
belong to a given domain. In order to be accurate, these corpus and
language-dependent methods require large volumes of textual data that need to
be processed to extract candidate terms that are afterward scored according to
a given metric. To improve text preprocessing and candidate terms extraction
and scoring, we propose a distributed Spark-based architecture to automatically
extract domain-specific terms. The main contributions are as follows: (1)
propose a novel distributed automatic domain-specific multi-word term
recognition architecture built on top of the Spark ecosystem; (2) perform an
in-depth analysis of our architecture in terms of accuracy and scalability; (3)
design an easy-to-integrate Python implementation that enables the use of Big
Data processing in fields such as Computational Linguistics and Natural
Language Processing. We prove empirically the feasibility of our architecture
by performing experiments on two real-world datasets. | cs.CL | A Distributed Automatic Domain-Specific Multi-Word Term Recognition Architecture using Spark Ecosystem |
2023-05-24T10:04:06Z | http://arxiv.org/pdf/2305.14970v2 | http://arxiv.org/abs/2305.14970v2 | Tianqing Fang, Zhaowei Wang, Wenxuan Zhou, Hongming Zhang, Yangqiu Song, Muhao Chen | 2024-04-08T14:59:53Z | cs.CL, cs.AI | Event temporal reasoning aims at identifying the temporal relations between
two or more events from narratives. However, knowledge conflicts arise when
there is a mismatch between the actual temporal relations of events in the
context and the prior knowledge or biases learned by the model. In this paper,
we propose to detect knowledge-conflict examples in event temporal reasoning
using bias indicators, which include event relation prior bias, tense bias,
narrative bias, and dependency bias. We define conflict examples as those where
event relations are opposite to biased or prior relations. To mitigate
event-related knowledge conflicts, we introduce a Counterfactual Data
Augmentation (CDA) based method that can be applied to both Pre-trained
Language Models (PLMs) and Large Language Models (LLMs) either as additional
training data or demonstrations for In-Context Learning. Experiments suggest
both PLMs and LLMs suffer from knowledge conflicts in event temporal reasoning,
and CDA has the potential for reducing hallucination and improving model
performance. | cs.CL | Getting Sick After Seeing a Doctor? Diagnosing and Mitigating Knowledge Conflicts in Event Temporal Reasoning |
2023-05-24T09:57:37Z | http://arxiv.org/pdf/2305.14965v4 | http://arxiv.org/abs/2305.14965v4 | Abhinav Rao, Sachin Vashistha, Atharva Naik, Somak Aditya, Monojit Choudhury | 2024-03-27T04:38:44Z | cs.CL | Recent explorations with commercial Large Language Models (LLMs) have shown
that non-expert users can jailbreak LLMs by simply manipulating their prompts;
resulting in degenerate output behavior, privacy and security breaches,
offensive outputs, and violations of content regulator policies. Limited
studies have been conducted to formalize and analyze these attacks and their
mitigations. We bridge this gap by proposing a formalism and a taxonomy of
known (and possible) jailbreaks. We survey existing jailbreak methods and their
effectiveness on open-source and commercial LLMs (such as GPT-based models,
OPT, BLOOM, and FLAN-T5-XXL). We further discuss the challenges of jailbreak
detection in terms of their effectiveness against known attacks. For further
analysis, we release a dataset of model outputs across 3700 jailbreak prompts
over 4 tasks. | cs.CL | Tricking LLMs into Disobedience: Formalizing, Analyzing, and Detecting Jailbreaks |
2023-05-24T09:57:12Z | http://arxiv.org/pdf/2305.14964v2 | http://arxiv.org/abs/2305.14964v2 | Sagi Pendzel, Nir Lotan, Alon Zoizner, Einat Minkov | 2023-11-14T22:41:40Z | cs.CL | The rise of social media has been argued to intensify uncivil and hostile
online political discourse. Yet, to date, there is a lack of clarity on what
incivility means in the political sphere. In this work, we utilize a
multidimensional perspective of political incivility, developed in the fields
of political science and communication, that differentiates between
impoliteness and political intolerance. We present state-of-the-art incivility
detection results using a large dataset of 13K political tweets, collected and
annotated per this distinction. Applying political incivility detection at
large-scale, we observe that political incivility demonstrates a highly skewed
distribution over users, and examine social factors that correlate with
incivility at subpopulation and user-level. Finally, we propose an approach for
modeling social context information about the tweet author alongside the tweet
content, showing that this leads to improved performance on the task of
political incivility detection. We believe that this latter result holds
promise for socially-informed text processing in general. | cs.CL | Detecting Multidimensional Political Incivility on Social Media |
2023-05-24T09:57:06Z | http://arxiv.org/pdf/2305.14963v1 | http://arxiv.org/abs/2305.14963v1 | Yau-Shian Wang, Ta-Chung Chi, Ruohong Zhang, Yiming Yang | 2023-05-24T09:57:06Z | cs.CL | We present PESCO, a novel contrastive learning framework that substantially
improves the performance of zero-shot text classification. We formulate text
classification as a neural text matching problem where each document is treated
as a query, and the system learns the mapping from each query to the relevant
class labels by (1) adding prompts to enhance label matching, and (2) using
retrieved labels to enrich the training set in a self-training loop of
contrastive learning. PESCO achieves state-of-the-art performance on four
benchmark text classification datasets. On DBpedia, we achieve 98.5\% accuracy
without any labeled data, which is close to the fully-supervised result.
Extensive experiments and analyses show all the components of PESCO are
necessary for improving the performance of zero-shot text classification. | cs.CL | PESCO: Prompt-enhanced Self Contrastive Learning for Zero-shot Text Classification |
2023-05-24T09:50:54Z | http://arxiv.org/pdf/2305.14956v3 | http://arxiv.org/abs/2305.14956v3 | Anshita Gupta, Debanjan Mondal, Akshay Krishna Sheshadri, Wenlong Zhao, Xiang Lorraine Li, Sarah Wiegreffe, Niket Tandon | 2023-10-26T15:38:38Z | cs.CL | Editing model parameters directly in Transformers makes updating open-source
transformer-based models possible without re-training (Meng et al., 2023).
However, these editing methods have only been evaluated on statements about
encyclopedic knowledge with a single correct answer. Commonsense knowledge with
multiple correct answers, e.g., an apple can be green or red but not
transparent, has not been studied but is as essential for enhancing
transformers' reliability and usefulness. In this paper, we investigate whether
commonsense judgments are causally associated with localized, editable
parameters in Transformers, and we provide an affirmative answer. We find that
directly applying the MEMIT editing algorithm results in sub-par performance
and improve it for the commonsense domain by varying edit tokens and improving
the layer selection strategy, i.e., $MEMIT_{CSK}$. GPT-2 Large and XL models
edited using $MEMIT_{CSK}$ outperform best-fine-tuned baselines by 10.97% and
10.73% F1 scores on PEP3k and 20Q datasets. In addition, we propose a novel
evaluation dataset, PROBE SET, that contains unaffected and affected
neighborhoods, affected paraphrases, and affected reasoning challenges.
$MEMIT_{CSK}$ performs well across the metrics while fine-tuning baselines show
significant trade-offs between unaffected and affected metrics. These results
suggest a compelling future direction for incorporating feedback about common
sense into Transformers through direct model editing. | cs.CL | Editing Common Sense in Transformers |
2023-05-24T09:40:56Z | http://arxiv.org/pdf/2305.14950v2 | http://arxiv.org/abs/2305.14950v2 | Jiongxiao Wang, Zichen Liu, Keun Hee Park, Zhuojun Jiang, Zhaoheng Zheng, Zhuofeng Wu, Muhao Chen, Chaowei Xiao | 2023-10-14T05:03:53Z | cs.CL, cs.AI, cs.CR, cs.LG | With the emergence of more powerful large language models (LLMs), such as
ChatGPT and GPT-4, in-context learning (ICL) has gained significant prominence
in leveraging these models for specific tasks by utilizing data-label pairs as
precondition prompts. While incorporating demonstrations can greatly enhance
the performance of LLMs across various tasks, it may introduce a new security
concern: attackers can manipulate only the demonstrations without changing the
input to perform an attack. In this paper, we investigate the security concern
of ICL from an adversarial perspective, focusing on the impact of
demonstrations. We propose a novel attack method named advICL, which aims to
manipulate only the demonstration without changing the input to mislead the
models. Our results demonstrate that as the number of demonstrations increases,
the robustness of in-context learning would decrease. Additionally, we also
identify the intrinsic property of the demonstrations is that they can be used
(prepended) with different inputs. As a result, it introduces a more practical
threat model in which an attacker can attack the test input example even
without knowing and manipulating it. To achieve it, we propose the transferable
version of advICL, named Transferable-advICL. Our experiment shows that the
adversarial demonstration generated by Transferable-advICL can successfully
attack the unseen test input examples. We hope that our study reveals the
critical security risks associated with ICL and underscores the need for
extensive research on the robustness of ICL, particularly given its increasing
significance in the advancement of LLMs. | cs.CL | Adversarial Demonstration Attacks on Large Language Models |
2023-05-24T09:40:52Z | http://arxiv.org/pdf/2305.14949v2 | http://arxiv.org/abs/2305.14949v2 | Qi Gou, Zehua Xia, Wenzhe Du | 2023-09-20T07:39:19Z | cs.CL | This paper proposes a framework to address the issue of data scarcity in
Document-Grounded Dialogue Systems(DGDS). Our model leverages high-resource
languages to enhance the capability of dialogue generation in low-resource
languages. Specifically, We present a novel pipeline CLEM (Cross-Lingual
Enhanced Model) including adversarial training retrieval (Retriever and
Re-ranker), and Fid (fusion-in-decoder) generator. To further leverage
high-resource language, we also propose an innovative architecture to conduct
alignment across different languages with translated training. Extensive
experiment results demonstrate the effectiveness of our model and we achieved
4th place in the DialDoc 2023 Competition. Therefore, CLEM can serve as a
solution to resource scarcity in DGDS and provide useful guidance for
multi-lingual alignment tasks. | cs.CL | Cross-lingual Data Augmentation for Document-grounded Dialog Systems in Low Resource Languages |
2023-05-24T09:35:34Z | http://arxiv.org/pdf/2305.14947v2 | http://arxiv.org/abs/2305.14947v2 | Qinyuan Ye, Harvey Yiyun Fu, Xiang Ren, Robin Jia | 2023-10-31T17:27:07Z | cs.CL, cs.LG | We investigate the predictability of large language model (LLM) capabilities:
given records of past experiments using different model families, numbers of
parameters, tasks, and numbers of in-context examples, can we accurately
predict LLM performance on new experiment configurations? Answering this
question has practical implications for LLM users (e.g., deciding which models
to try), developers (e.g., prioritizing evaluation on representative tasks),
and the research community (e.g., identifying hard-to-predict capabilities that
warrant further investigation).
We study the performance prediction problem on experiment records from
BIG-bench. On a random train-test split, an MLP-based predictor achieves an
$R^2$ score greater than 95%, indicating the presence of learnable patterns
within the experiment records. We then formulate the problem of searching for
"small-bench," an informative subset of BIG-bench tasks from which the
performance on the full set can be maximally recovered. We find a subset as
informative as BIG-bench Hard for evaluating new model families, while being
$3\times$ smaller. Additionally, we find competitive subsets by clustering task
representations learned by our MLP-based predictor and selecting tasks close to
cluster centroids, highlighting the importance of task diversity in
constructing "small-bench." | cs.CL | How Predictable Are Large Language Model Capabilities? A Case Study on BIG-bench |
2023-05-24T09:21:06Z | http://arxiv.org/pdf/2305.14938v2 | http://arxiv.org/abs/2305.14938v2 | Minje Choi, Jiaxin Pei, Sagar Kumar, Chang Shu, David Jurgens | 2023-12-07T23:13:50Z | cs.CL, cs.AI | Large language models (LLMs) have been shown to perform well at a variety of
syntactic, discourse, and reasoning tasks. While LLMs are increasingly deployed
in many forms including conversational agents that interact with humans, we
lack a grounded benchmark to measure how well LLMs understand \textit{social}
language. Here, we introduce a new theory-driven benchmark, SocKET, that
contains 58 NLP tasks testing social knowledge which we group into five
categories: humor & sarcasm, offensiveness, sentiment & emotion, and
trustworthiness. In tests on the benchmark, we demonstrate that current models
attain only moderate performance but reveal significant potential for task
transfer among different types and categories of tasks, which were predicted
from theory. Through zero-shot evaluations, we show that pretrained models
already possess some innate but limited capabilities of social language
understanding and training on one category of tasks can improve zero-shot
testing on others. Our benchmark provides a systematic way to analyze model
performance on an important dimension of language and points to clear room for
improvement to build more socially-aware LLMs. The associated resources are
released at https://github.com/minjechoi/SOCKET. | cs.CL | Do LLMs Understand Social Knowledge? Evaluating the Sociability of Large Language Models with SocKET Benchmark |
2023-05-24T09:20:15Z | http://arxiv.org/pdf/2305.14937v2 | http://arxiv.org/abs/2305.14937v2 | Hannah Bast, Matthias Hertel, Natalie Prange | 2023-11-17T15:28:00Z | cs.CL | Existing evaluations of entity linking systems often say little about how the
system is going to perform for a particular application. There are two
fundamental reasons for this. One is that many evaluations only use aggregate
measures (like precision, recall, and F1 score), without a detailed error
analysis or a closer look at the results. The other is that all of the widely
used benchmarks have strong biases and artifacts, in particular: a strong focus
on named entities, an unclear or missing specification of what else counts as
an entity mention, poor handling of ambiguities, and an over- or
underrepresentation of certain kinds of entities.
We provide a more meaningful and fair in-depth evaluation of a variety of
existing end-to-end entity linkers. We characterize their strengths and
weaknesses and also report on reproducibility aspects. The detailed results of
our evaluation can be inspected under
https://elevant.cs.uni-freiburg.de/emnlp2023 . Our evaluation is based on
several widely used benchmarks, which exhibit the problems mentioned above to
various degrees, as well as on two new benchmarks, which address the problems
mentioned above. The new benchmarks can be found under
https://github.com/ad-freiburg/fair-entity-linking-benchmarks . | cs.CL | A Fair and In-Depth Evaluation of Existing End-to-End Entity Linking Systems |
2023-05-24T09:18:28Z | http://arxiv.org/pdf/2305.14936v1 | http://arxiv.org/abs/2305.14936v1 | Cleo Matzken, Steffen Eger, Ivan Habernal | 2023-05-24T09:18:28Z | cs.CL | Protecting privacy in contemporary NLP models is gaining in importance. So
does the need to mitigate social biases of such models. But can we have both at
the same time? Existing research suggests that privacy preservation comes at
the price of worsening biases in classification tasks. In this paper, we
explore the extent to which this tradeoff really holds when we incorporate both
privacy preservation and de-biasing techniques into training text generation
models. How does improving the model along one dimension affect the other
dimension as well as the utility of the model? We conduct an extensive set of
experiments that include bias detection, privacy attacks, language modeling,
and performance on downstream tasks. | cs.CL | Trade-Offs Between Fairness and Privacy in Language Modeling |
2023-05-24T09:17:05Z | http://arxiv.org/pdf/2305.14935v1 | http://arxiv.org/abs/2305.14935v1 | Timon Ziegenbein, Shahbaz Syed, Felix Lange, Martin Potthast, Henning Wachsmuth | 2023-05-24T09:17:05Z | cs.CL | Online discussion moderators must make ad-hoc decisions about whether the
contributions of discussion participants are appropriate or should be removed
to maintain civility. Existing research on offensive language and the resulting
tools cover only one aspect among many involved in such decisions. The question
of what is considered appropriate in a controversial discussion has not yet
been systematically addressed. In this paper, we operationalize appropriate
language in argumentation for the first time. In particular, we model
appropriateness through the absence of flaws, grounded in research on argument
quality assessment, especially in aspects from rhetoric. From these, we derive
a new taxonomy of 14 dimensions that determine inappropriate language in online
discussions. Building on three argument quality corpora, we then create a
corpus of 2191 arguments annotated for the 14 dimensions. Empirical analyses
support that the taxonomy covers the concept of appropriateness
comprehensively, showing several plausible correlations with argument quality
dimensions. Moreover, results of baseline approaches to assessing
appropriateness suggest that all dimensions can be modeled computationally on
the corpus. | cs.CL | Modeling Appropriate Language in Argumentation |
2023-05-24T09:16:51Z | http://arxiv.org/pdf/2305.14934v2 | http://arxiv.org/abs/2305.14934v2 | Muhammad Khalifa, Lajanugen Logeswaran, Moontae Lee, Honglak Lee, Lu Wang | 2023-10-24T01:21:05Z | cs.CL, cs.AI | In the context of multi-step reasoning, e.g., with chain-of-thought, language
models (LMs) can easily assign a high likelihood to incorrect steps. As a
result, decoding strategies that optimize for solution likelihood often yield
incorrect solutions. To address this issue, we propose Guiding chain-of-thought
ReAsoning with a CorrectnEss Discriminator (GRACE), a stepwise decoding
approach that steers the decoding process towards producing correct reasoning
steps. GRACE employs a discriminator trained with a contrastive loss over
correct and incorrect steps, which is used during decoding to score next-step
candidates based on their correctness. Importantly, GRACE only requires
sampling from the LM, without the need for LM training or fine-tuning. Using
models from FLAN-T5 and LLaMA families, we evaluate GRACE over four math and
two symbolic reasoning tasks, where it exhibits substantial performance gains
compared to greedy decoding, verifiers, and self-consistency in most settings.
When further combined with self-consistency, GRACE outperforms all the
baselines by sizeable margins. Human and LLM evaluations over GSM8K show that
GRACE not only improves the final answer accuracy but also the correctness of
the intermediate reasoning. Our implementation can be accessed at
\url{https://github.com/mukhal/grace}. | cs.CL | GRACE: Discriminator-Guided Chain-of-Thought Reasoning |
2023-05-24T09:13:15Z | http://arxiv.org/pdf/2305.14930v2 | http://arxiv.org/abs/2305.14930v2 | Leonard Salewski, Stephan Alaniz, Isabel Rio-Torto, Eric Schulz, Zeynep Akata | 2023-11-26T18:36:30Z | cs.AI, cs.CL, cs.LG | In everyday conversations, humans can take on different roles and adapt their
vocabulary to their chosen roles. We explore whether LLMs can take on, that is
impersonate, different roles when they generate text in-context. We ask LLMs to
assume different personas before solving vision and language tasks. We do this
by prefixing the prompt with a persona that is associated either with a social
identity or domain expertise. In a multi-armed bandit task, we find that LLMs
pretending to be children of different ages recover human-like developmental
stages of exploration. In a language-based reasoning task, we find that LLMs
impersonating domain experts perform better than LLMs impersonating non-domain
experts. Finally, we test whether LLMs' impersonations are complementary to
visual information when describing different categories. We find that
impersonation can improve performance: an LLM prompted to be a bird expert
describes birds better than one prompted to be a car expert. However,
impersonation can also uncover LLMs' biases: an LLM prompted to be a man
describes cars better than one prompted to be a woman. These findings
demonstrate that LLMs are capable of taking on diverse roles and that this
in-context impersonation can be used to uncover their hidden strengths and
biases. | cs.AI | In-Context Impersonation Reveals Large Language Models' Strengths and Biases |
2023-05-24T09:11:11Z | http://arxiv.org/pdf/2305.14929v1 | http://arxiv.org/abs/2305.14929v1 | EunJeong Hwang, Bodhisattwa Prasad Majumder, Niket Tandon | 2023-05-24T09:11:11Z | cs.CL | An important aspect of developing LLMs that interact with humans is to align
models' behavior to their users. It is possible to prompt an LLM into behaving
as a certain persona, especially a user group or ideological persona the model
captured during its pertaining stage. But, how to best align an LLM with a
specific user and not a demographic or ideological group remains an open
question. Mining public opinion surveys (by Pew Research), we find that the
opinions of a user and their demographics and ideologies are not mutual
predictors. We use this insight to align LLMs by modeling both user opinions as
well as user demographics and ideology, achieving up to 7 points accuracy gains
in predicting public opinions from survey questions across a broad set of
topics. In addition to the typical approach of prompting LLMs with demographics
and ideology, we discover that utilizing the most relevant past opinions from
individual users enables the model to predict user opinions more accurately. | cs.CL | Aligning Language Models to User Opinions |
2023-05-24T09:10:20Z | http://arxiv.org/pdf/2305.14928v3 | http://arxiv.org/abs/2305.14928v3 | Kellin Pelrine, Anne Imouza, Camille Thibault, Meilina Reksoprodjo, Caleb Gupta, Joel Christoph, Jean-François Godbout, Reihaneh Rabbany | 2023-10-31T07:19:01Z | cs.CL, cs.LG | Misinformation poses a critical societal challenge, and current approaches
have yet to produce an effective solution. We propose focusing on
generalization, uncertainty, and how to leverage recent large language models,
in order to create more practical tools to evaluate information veracity in
contexts where perfect classification is impossible. We first demonstrate that
GPT-4 can outperform prior methods in multiple settings and languages. Next, we
explore generalization, revealing that GPT-4 and RoBERTa-large exhibit
differences in failure modes. Third, we propose techniques to handle
uncertainty that can detect impossible examples and strongly improve outcomes.
We also discuss results on other language models, temperature, prompting,
versioning, explainability, and web retrieval, each one providing practical
insights and directions for future research. Finally, we publish the LIAR-New
dataset with novel paired English and French misinformation data and
Possibility labels that indicate if there is sufficient context for veracity
evaluation. Overall, this research lays the groundwork for future tools that
can drive real-world progress to combat misinformation. | cs.CL | Towards Reliable Misinformation Mitigation: Generalization, Uncertainty, and GPT-4 |
2023-05-24T09:09:48Z | http://arxiv.org/pdf/2305.14926v2 | http://arxiv.org/abs/2305.14926v2 | Xingchen Wan, Ruoxi Sun, Hootan Nakhost, Hanjun Dai, Julian Martin Eisenschlos, Sercan O. Arik, Tomas Pfister | 2023-10-21T02:25:33Z | cs.CL, cs.AI, cs.LG | A hallmark of modern large language models (LLMs) is their impressive general
zero-shot and few-shot abilities, often elicited through in-context learning
(ICL) via prompting. However, while highly coveted and being the most general,
zero-shot performances in LLMs are still typically weaker due to the lack of
guidance and the difficulty of applying existing automatic prompt design
methods in general tasks when ground-truth labels are unavailable. In this
study, we address this by presenting Universal Self-Adaptive Prompting (USP),
an automatic prompt design approach specifically tailored for zero-shot
learning (while compatible with few-shot). Requiring only a small amount of
unlabeled data and an inference-only LLM, USP is highly versatile: to achieve
universal prompting, USP categorizes a possible NLP task into one of the three
possible task types and then uses a corresponding selector to select the most
suitable queries and zero-shot model-generated responses as
pseudo-demonstrations, thereby generalizing ICL to the zero-shot setup in a
fully automated way. We evaluate USP with PaLM and PaLM 2 models and
demonstrate performances that are considerably stronger than standard zero-shot
baselines and often comparable to or even superior to few-shot baselines across
more than 40 natural language understanding, natural language generation, and
reasoning tasks. | cs.CL | Universal Self-Adaptive Prompting |
2023-05-24T09:06:49Z | http://arxiv.org/pdf/2305.14919v2 | http://arxiv.org/abs/2305.14919v2 | Bishal Santra, Sakya Basak, Abhinandan De, Manish Gupta, Pawan Goyal | 2023-11-05T06:05:19Z | cs.CL | The use of large language models (LLMs) in natural language processing (NLP)
tasks is rapidly increasing, leading to changes in how researchers approach
problems in the field. To fully utilize these models' abilities, a better
understanding of their behavior for different input protocols is required. With
LLMs, users can directly interact with the models through a text-based
interface to define and solve various tasks. Hence, understanding the
conversational abilities of these LLMs, which may not have been specifically
trained for dialog modeling, is also important. This study examines different
approaches for building dialog systems using LLMs by considering various
aspects of the prompt. As part of prompt tuning, we experiment with various
ways of providing instructions, exemplars, current query and additional
context. The research also analyzes the representations of dialog history that
have the optimal usable-information density. Based on the findings, the paper
suggests more compact ways of providing dialog history information while
ensuring good performance and reducing model's inference-API costs. The
research contributes to a better understanding of how LLMs can be effectively
used for building interactive systems. | cs.CL | Frugal Prompting for Dialog Models |
2023-05-24T09:04:18Z | http://arxiv.org/pdf/2305.14917v1 | http://arxiv.org/abs/2305.14917v1 | Gijs Wijnholds, Michael Moortgat | 2023-05-24T09:04:18Z | cs.CL, cs.AI | This paper addresses structural ambiguity in Dutch relative clauses. By
investigating the task of disambiguation by grounding, we study how the
presence of a prior sentence can resolve relative clause ambiguities. We apply
this method to two parsing architectures in an attempt to demystify the parsing
and language model components of two present-day neural parsers. Results show
that a neurosymbolic parser, based on proof nets, is more open to data bias
correction than an approach based on universal dependencies, although both
setups suffer from a comparable initial data bias. | cs.CL | Structural Ambiguity and its Disambiguation in Language Model Based Parsers: the Case of Dutch Clause Relativization |
2023-05-24T09:03:01Z | http://arxiv.org/pdf/2305.14913v1 | http://arxiv.org/abs/2305.14913v1 | Tingting Ma, Qianhui Wu, Huiqiang Jiang, Börje F. Karlsson, Tiejun Zhao, Chin-Yew Lin | 2023-05-24T09:03:01Z | cs.CL | Cross-lingual named entity recognition (NER) aims to train an NER system that
generalizes well to a target language by leveraging labeled data in a given
source language. Previous work alleviates the data scarcity problem by
translating source-language labeled data or performing knowledge distillation
on target-language unlabeled data. However, these methods may suffer from label
noise due to the automatic labeling process. In this paper, we propose CoLaDa,
a Collaborative Label Denoising Framework, to address this problem.
Specifically, we first explore a model-collaboration-based denoising scheme
that enables models trained on different data sources to collaboratively
denoise pseudo labels used by each other. We then present an
instance-collaboration-based strategy that considers the label consistency of
each token's neighborhood in the representation space for denoising.
Experiments on different benchmark datasets show that the proposed CoLaDa
achieves superior results compared to previous methods, especially when
generalizing to distant languages. | cs.CL | CoLaDa: A Collaborative Label Denoising Framework for Cross-lingual Named Entity Recognition |
2023-05-24T08:59:25Z | http://arxiv.org/pdf/2305.14910v3 | http://arxiv.org/abs/2305.14910v3 | Qin Liu, Fei Wang, Chaowei Xiao, Muhao Chen | 2024-04-02T23:01:17Z | cs.CL, cs.AI, cs.CR, cs.LG | Language models are often at risk of diverse backdoor attacks, especially
data poisoning. Thus, it is important to investigate defense solutions for
addressing them. Existing backdoor defense methods mainly focus on backdoor
attacks with explicit triggers, leaving a universal defense against various
backdoor attacks with diverse triggers largely unexplored. In this paper, we
propose an end-to-end ensemble-based backdoor defense framework, DPoE (Denoised
Product-of-Experts), which is inspired by the shortcut nature of backdoor
attacks, to defend various backdoor attacks. DPoE consists of two models: a
shallow model that captures the backdoor shortcuts and a main model that is
prevented from learning the backdoor shortcuts. To address the label flip
caused by backdoor attackers, DPoE incorporates a denoising design. Experiments
on SST-2 dataset show that DPoE significantly improves the defense performance
against various types of backdoor triggers including word-level,
sentence-level, and syntactic triggers. Furthermore, DPoE is also effective
under a more challenging but practical setting that mixes multiple types of
trigger. | cs.CL | From Shortcuts to Triggers: Backdoor Defense with Denoised PoE |
2023-05-24T08:59:00Z | http://arxiv.org/pdf/2305.14908v1 | http://arxiv.org/abs/2305.14908v1 | Anthony Chen, Panupong Pasupat, Sameer Singh, Hongrae Lee, Kelvin Guu | 2023-05-24T08:59:00Z | cs.CL | The remarkable capabilities of large language models have been accompanied by
a persistent drawback: the generation of false and unsubstantiated claims
commonly known as "hallucinations". To combat this issue, recent research has
introduced approaches that involve editing and attributing the outputs of
language models, particularly through prompt-based editing. However, the
inference cost and speed of using large language models for editing currently
bottleneck prompt-based methods. These bottlenecks motivate the training of
compact editors, which is challenging due to the scarcity of training data for
this purpose. To overcome these challenges, we exploit the power of large
language models to introduce corruptions (i.e., noise) into text and
subsequently fine-tune compact editors to denoise the corruptions by
incorporating relevant evidence. Our methodology is entirely unsupervised and
provides us with faux hallucinations for training in any domain. Our Petite
Unsupervised Research and Revision model, PURR, not only improves attribution
over existing editing methods based on fine-tuning and prompting, but also
achieves faster execution times by orders of magnitude. | cs.CL | PURR: Efficiently Editing Language Model Hallucinations by Denoising Language Model Corruptions |
2023-05-24T08:58:28Z | http://arxiv.org/pdf/2305.14907v3 | http://arxiv.org/abs/2305.14907v3 | Shivanshu Gupta, Matt Gardner, Sameer Singh | 2023-11-06T20:32:31Z | cs.CL | In-context learning (ICL), the ability of large language models to perform
novel tasks by conditioning on a prompt with a few task examples, requires
these examples to be informative about the test instance. The standard approach
of independently ranking and selecting the most similar examples selects
redundant examples while omitting important information. In this work, we show
that BERTScore-Recall (BSR) selects better examples that demonstrate more of
the salient aspects, e.g. reasoning patterns, of the test input. We further
extend BSR and many standard metrics to easily optimizable set-level metrics,
giving still better coverage of those salient aspects. On 15 datasets spanning
6 tasks and with 7 diverse LLMs, we show that (1) BSR is the superior metric
for in-context example selection across the board, and (2) for compositional
tasks, set selection using Set-BSR outperforms independent ranking by up to 17
points on average and, despite being training-free, surpasses methods that
leverage task or LLM-specific training. | cs.CL | Coverage-based Example Selection for In-Context Learning |
2023-05-24T08:56:35Z | http://arxiv.org/pdf/2305.14904v1 | http://arxiv.org/abs/2305.14904v1 | Alexander Spangher, Nanyun Peng, Jonathan May, Emilio Ferrara | 2023-05-24T08:56:35Z | cs.CL, cs.AI, cs.CY | News articles are driven by the informational sources journalists use in
reporting. Modeling when, how and why sources get used together in stories can
help us better understand the information we consume and even help journalists
with the task of producing it. In this work, we take steps toward this goal by
constructing the largest and widest-ranging annotated dataset, to date, of
informational sources used in news writing. We show that our dataset can be
used to train high-performing models for information detection and source
attribution. We further introduce a novel task, source prediction, to study the
compositionality of sources in news articles. We show good performance on this
task, which we argue is an important proof for narrative science exploring the
internal structure of news articles and aiding in planning-based language
generation, and an important step towards a source-recommendation system to aid
journalists. | cs.CL | Identifying Informational Sources in News Articles |
2023-05-24T08:55:11Z | http://arxiv.org/pdf/2305.14902v2 | http://arxiv.org/abs/2305.14902v2 | Yuxia Wang, Jonibek Mansurov, Petar Ivanov, Jinyan Su, Artem Shelmanov, Akim Tsvigun, Chenxi Whitehouse, Osama Mohammed Afzal, Tarek Mahmoud, Toru Sasaki, Thomas Arnold, Alham Fikri Aji, Nizar Habash, Iryna Gurevych, Preslav Nakov | 2024-03-10T01:04:48Z | cs.CL | Large language models (LLMs) have demonstrated remarkable capability to
generate fluent responses to a wide variety of user queries. However, this has
also raised concerns about the potential misuse of such texts in journalism,
education, and academia. In this study, we strive to create automated systems
that can detect machine-generated texts and pinpoint potential misuse. We first
introduce a large-scale benchmark \textbf{M4}, which is a multi-generator,
multi-domain, and multi-lingual corpus for machine-generated text detection.
Through an extensive empirical study of this dataset, we show that it is
challenging for detectors to generalize well on instances from unseen domains
or LLMs. In such cases, detectors tend to misclassify machine-generated text as
human-written. These results show that the problem is far from solved and that
there is a lot of room for improvement. We believe that our dataset will enable
future research towards more robust approaches to this pressing societal
problem. The dataset is available at https://github.com/mbzuai-nlp/M4. | cs.CL | M4: Multi-generator, Multi-domain, and Multi-lingual Black-Box Machine-Generated Text Detection |
2023-05-24T08:55:08Z | http://arxiv.org/pdf/2305.14901v3 | http://arxiv.org/abs/2305.14901v3 | Wang Zhu, Jesse Thomason, Robin Jia | 2023-12-23T06:05:26Z | cs.CL, cs.LG | We train a language model (LM) to robustly answer multistep questions by
generating and answering sub-questions. We propose Chain-of-Questions, a
framework that trains a model to generate sub-questions and sub-answers one at
a time by leveraging human annotated question decomposition meaning
representation (QDMR). The key technical challenge is that QDMR only contains
sub-questions but not answers to those sub-questions, so we treat sub-answers
as latent variables and optimize them using a novel dynamic mixture of Hard-EM
and MAPO. Chain-of-Questions greatly outperforms strong neuro-symbolic methods
by 9.0 F1 on DROP contrast set, and outperforms GPT-3.5 by 24.3 F1 on HOTPOTQA
adversarial set, thus demonstrating the effectiveness and robustness of our
framework. | cs.CL | Chain-of-Questions Training with Latent Answers for Robust Multistep Question Answering |
2023-05-24T08:52:08Z | http://arxiv.org/pdf/2305.14898v1 | http://arxiv.org/abs/2305.14898v1 | Keming Lu, Xiaoman Pan, Kaiqiang Song, Hongming Zhang, Dong Yu, Jianshu Chen | 2023-05-24T08:52:08Z | cs.CL | We consider the problem of Open-world Information Extraction (Open-world IE),
which extracts comprehensive entity profiles from unstructured texts. Different
from the conventional closed-world setting of Information Extraction (IE),
Open-world IE considers a more general situation where entities and relations
could be beyond a predefined ontology. More importantly, we seek to develop a
large language model (LLM) that is able to perform Open-world IE to extract
desirable entity profiles characterized by (possibly fine-grained) natural
language instructions. We achieve this by finetuning LLMs using instruction
tuning. In particular, we construct INSTRUCTOPENWIKI, a substantial instruction
tuning dataset for Open-world IE enriched with a comprehensive corpus,
extensive annotations, and diverse instructions. We finetune the pretrained
BLOOM models on INSTRUCTOPENWIKI and obtain PIVOINE, an LLM for Open-world IE
with strong instruction-following capabilities. Our experiments demonstrate
that PIVOINE significantly outperforms traditional closed-world methods and
other LLM baselines, displaying impressive generalization capabilities on both
unseen instructions and out-of-ontology cases. Consequently, PIVOINE emerges as
a promising solution to tackle the open-world challenge in IE effectively. | cs.CL | PIVOINE: Instruction Tuning for Open-world Information Extraction |
2023-05-24T08:48:44Z | http://arxiv.org/pdf/2305.14897v2 | http://arxiv.org/abs/2305.14897v2 | Amita Kamath, Jack Hessel, Kai-Wei Chang | 2023-10-30T17:57:47Z | cs.CL, cs.CV, cs.LG | Performant vision-language (VL) models like CLIP represent captions using a
single vector. How much information about language is lost in this bottleneck?
We first curate CompPrompts, a set of increasingly compositional image captions
that VL models should be able to capture (e.g., single object, to
object+property, to multiple interacting objects). Then, we train text-only
recovery probes that aim to reconstruct captions from single-vector text
representations produced by several VL models. This approach does not require
images, allowing us to test on a broader range of scenes compared to prior
work. We find that: 1) CLIP's text encoder falls short on more compositional
inputs, including object relationships, attribute-object association, counting,
and negations; 2) some text encoders work significantly better than others; and
3) text-only recovery performance predicts multi-modal matching performance on
ControlledImCaps: a new evaluation benchmark we collect and release consisting
of fine-grained compositional images and captions. Specifically, our results
suggest text-only recoverability is a necessary (but not sufficient) condition
for modeling compositional factors in contrastive VL models. We release our
datasets and code. | cs.CL | Text encoders bottleneck compositionality in contrastive vision-language models |
2023-05-24T08:43:44Z | http://arxiv.org/pdf/2305.16342v2 | http://arxiv.org/abs/2305.16342v2 | Zhi-Hao Lai, Tian-Hao Zhang, Qi Liu, Xinyuan Qian, Li-Fang Wei, Song-Lu Chen, Feng Chen, Xu-Cheng Yin | 2023-05-29T11:28:27Z | cs.CL, cs.AI, cs.SD, eess.AS | The local and global features are both essential for automatic speech
recognition (ASR). Many recent methods have verified that simply combining
local and global features can further promote ASR performance. However, these
methods pay less attention to the interaction of local and global features, and
their series architectures are rigid to reflect local and global relationships.
To address these issues, this paper proposes InterFormer for interactive local
and global features fusion to learn a better representation for ASR.
Specifically, we combine the convolution block with the transformer block in a
parallel design. Besides, we propose a bidirectional feature interaction module
(BFIM) and a selective fusion module (SFM) to implement the interaction and
fusion of local and global features, respectively. Extensive experiments on
public ASR datasets demonstrate the effectiveness of our proposed InterFormer
and its superior performance over the other Transformer and Conformer models. | cs.CL | InterFormer: Interactive Local and Global Features Fusion for Automatic Speech Recognition |
2023-05-24T08:41:23Z | http://arxiv.org/pdf/2305.14891v1 | http://arxiv.org/abs/2305.14891v1 | Luka Pavlović | 2023-05-24T08:41:23Z | cs.CL, cs.CY | In this work, we propose a method for extracting text spans that may indicate
one of the BIG5 psychological traits using a question-answering task with
examples that have no answer for the asked question. We utilized the RoBERTa
model fine-tuned on SQuAD 2.0 dataset. The model was further fine-tuned
utilizing comments from Reddit. We examined the effect of the percentage of
examples with no answer in the training dataset on the overall performance. The
results obtained in this study are in line with the SQuAD 2.0 benchmark and
present a good baseline for further research. | cs.CL | Extracting Psychological Indicators Using Question Answering |
2023-05-24T08:38:23Z | http://arxiv.org/pdf/2305.14889v2 | http://arxiv.org/abs/2305.14889v2 | Ziang Xiao, Susu Zhang, Vivian Lai, Q. Vera Liao | 2023-10-23T01:02:48Z | cs.CL, cs.AI | We address a fundamental challenge in Natural Language Generation (NLG) model
evaluation -- the design and evaluation of evaluation metrics. Recognizing the
limitations of existing automatic metrics and noises from how current human
evaluation was conducted, we propose MetricEval, a framework informed by
measurement theory, the foundation of educational test design, for
conceptualizing and evaluating the reliability and validity of NLG evaluation
metrics. The framework formalizes the source of measurement error and offers
statistical tools for evaluating evaluation metrics based on empirical data.
With our framework, one can quantify the uncertainty of the metrics to better
interpret the result. To exemplify the use of our framework in practice, we
analyzed a set of evaluation metrics for summarization and identified issues
related to conflated validity structure in human-eval and reliability in
LLM-based metrics. Through MetricEval, we aim to promote the design,
evaluation, and interpretation of valid and reliable metrics to advance robust
and effective NLG models. | cs.CL | Evaluating Evaluation Metrics: A Framework for Analyzing NLG Evaluation Metrics using Measurement Theory |
2023-05-24T08:37:27Z | http://arxiv.org/pdf/2305.14888v1 | http://arxiv.org/abs/2305.14888v1 | Yangsibo Huang, Samyak Gupta, Zexuan Zhong, Kai Li, Danqi Chen | 2023-05-24T08:37:27Z | cs.CL, cs.CR, cs.LG | Retrieval-based language models (LMs) have demonstrated improved
interpretability, factuality, and adaptability compared to their parametric
counterparts, by incorporating retrieved text from external datastores. While
it is well known that parametric models are prone to leaking private data, it
remains unclear how the addition of a retrieval datastore impacts model
privacy. In this work, we present the first study of privacy risks in
retrieval-based LMs, particularly $k$NN-LMs. Our goal is to explore the optimal
design and training procedure in domains where privacy is of concern, aiming to
strike a balance between utility and privacy. Crucially, we find that $k$NN-LMs
are more susceptible to leaking private information from their private
datastore than parametric models. We further explore mitigations of privacy
risks. When privacy information is targeted and readily detected in the text,
we find that a simple sanitization step would completely eliminate the risks,
while decoupling query and key encoders achieves an even better utility-privacy
trade-off. Otherwise, we consider strategies of mixing public and private data
in both datastore and encoder training. While these methods offer modest
improvements, they leave considerable room for future work. Together, our
findings provide insights for practitioners to better understand and mitigate
privacy risks in retrieval-based LMs. Our code is available at:
https://github.com/Princeton-SysML/kNNLM_privacy . | cs.CL | Privacy Implications of Retrieval-Based Language Models |
2023-05-24T08:33:15Z | http://arxiv.org/pdf/2305.14882v2 | http://arxiv.org/abs/2305.14882v2 | Xingyu Fu, Ben Zhou, Sihao Chen, Mark Yatskar, Dan Roth | 2024-04-13T17:13:55Z | cs.CL, cs.AI, cs.CV | Recent advances in multimodal large language models (LLMs) have shown extreme
effectiveness in visual question answering (VQA). However, the design nature of
these end-to-end models prevents them from being interpretable to humans,
undermining trust and applicability in critical domains. While post-hoc
rationales offer certain insight into understanding model behavior, these
explanations are not guaranteed to be faithful to the model. In this paper, we
address these shortcomings by introducing an interpretable by design model that
factors model decisions into intermediate human-legible explanations, and
allows people to easily understand why a model fails or succeeds. We propose
the Dynamic Clue Bottleneck Model ( (DCLUB), a method that is designed towards
an inherently interpretable VQA system. DCLUB provides an explainable
intermediate space before the VQA decision and is faithful from the beginning,
while maintaining comparable performance to black-box systems. Given a
question, DCLUB first returns a set of visual clues: natural language
statements of visually salient evidence from the image, and then generates the
output based solely on the visual clues. To supervise and evaluate the
generation of VQA explanations within DCLUB, we collect a dataset of 1.7k
reasoning-focused questions with visual clues. Evaluations show that our
inherently interpretable system can improve 4.64% over a comparable black-box
system in reasoning-focused questions while preserving 99.43% of performance on
VQA-v2. | cs.CL | Dynamic Clue Bottlenecks: Towards Interpretable-by-Design Visual Question Answering |
2023-05-24T08:31:30Z | http://arxiv.org/pdf/2305.14879v2 | http://arxiv.org/abs/2305.14879v2 | Ruoyao Wang, Graham Todd, Eric Yuan, Ziang Xiao, Marc-Alexandre Côté, Peter Jansen | 2023-10-23T18:10:31Z | cs.CL, cs.AI | In this work, we investigate the capacity of language models to generate
explicit, interpretable, and interactive world models of scientific and
common-sense reasoning tasks. We operationalize this as a task of generating
text games, expressed as hundreds of lines of Python code. To facilitate this
task, we introduce ByteSized32 (Code: github.com/cognitiveailab/BYTESIZED32), a
corpus of 32 reasoning-focused text games totaling 20k lines of Python code. We
empirically demonstrate that GPT-4 can use these games as templates for
single-shot in-context learning, successfully producing runnable games on
unseen topics in 28% of cases. When allowed to self-reflect on program errors,
game runnability substantially increases to 57%. While evaluating simulation
fidelity is labor-intensive, we introduce a suite of automated metrics to
assess game fidelity, technical validity, adherence to task specifications, and
winnability, showing a high degree of agreement with expert human ratings. We
pose this as a challenge task to spur further development at the juncture of
world modeling and code generation. | cs.CL | ByteSized32: A Corpus and Challenge Task for Generating Task-Specific World Models Expressed as Text Games |
2023-05-24T08:30:05Z | http://arxiv.org/pdf/2305.14878v2 | http://arxiv.org/abs/2305.14878v2 | Vikas Raunak, Amr Sharaf, Yiren Wang, Hany Hassan Awadallah, Arul Menezes | 2023-10-23T23:18:18Z | cs.CL, cs.AI | While Neural Machine Translation (NMT) represents the leading approach to
Machine Translation (MT), the outputs of NMT models still require translation
post-editing to rectify errors and enhance quality under critical settings. In
this work, we formalize the task of direct translation post-editing with Large
Language Models (LLMs) and explore the use of GPT-4 to automatically post-edit
NMT outputs across several language pairs. Our results demonstrate that GPT-4
is adept at translation post-editing, producing meaningful and trustworthy
edits to translations that help improve its general quality as well as remove
different classes of major errors in translations. In particular, human
evaluations on assessing edit trustworthiness show that GPT-4 exhibits a large
improvement over the prior state-of-the-art LLM. Notably, we improve upon
state-of-the-art performance on WMT-22 English-Chinese, English-German,
Chinese-English and German-English language pairs using GPT-4 based
post-editing, as evaluated by state-of-the-art MT quality metrics. However, we
also show that GPT-4 could produce hallucinated edits, thereby urging caution
in its use as an expert translation post-editor. | cs.CL | Leveraging GPT-4 for Automatic Translation Post-Editing |
2023-05-24T08:29:50Z | http://arxiv.org/pdf/2305.14877v2 | http://arxiv.org/abs/2305.14877v2 | Sohee Yang, Jonghyeon Kim, Joel Jang, Seonghyeon Ye, Hyunji Lee, Minjoon Seo | 2024-03-08T18:51:03Z | cs.CL | Previous works in prompt engineering for large language models have
introduced different gradient-free probability-based prompt selection methods
that aim to choose the optimal prompt among the candidates for a given task but
have failed to provide a comprehensive and fair comparison between each other.
In this paper, we propose a unified framework to interpret and evaluate the
existing probability-based prompt selection methods by performing extensive
experiments on 13 common and diverse NLP tasks. We find that each of the
existing methods can be interpreted as some variant of the method that
maximizes mutual information between the input and the predicted output (MI).
Utilizing this finding, we develop several other combinatorial variants of MI
and increase the effectiveness of the oracle prompt selection method from
87.79% to 94.98%, measured as the ratio of the performance of the selected
prompt to that of the optimal oracle prompt. Furthermore, considering that all
the methods rely on the output probability distribution of the model that might
be biased, we propose a novel calibration method called Calibration by
Marginalization (CBM) that is orthogonal to the existing methods and helps
increase the prompt selection effectiveness of the best method to 96.85%,
achieving 99.44% of the oracle prompt F1 without calibration. | cs.CL | Improving Probability-based Prompt Selection Through Unified Evaluation and Analysis |
2023-05-24T08:28:59Z | http://arxiv.org/pdf/2305.14874v2 | http://arxiv.org/abs/2305.14874v2 | Peter Jansen | 2023-10-13T23:47:33Z | cs.CL, cs.AI | In this work, we show that contemporary language models have a previously
unknown skill -- the capacity for electronic circuit design from high-level
textual descriptions, akin to code generation. We introduce two benchmarks:
Pins100, assessing model knowledge of electrical components, and Micro25,
evaluating a model's capability to design common microcontroller circuits and
code in the Arduino ecosystem that involve input, output, sensors, motors,
protocols, and logic -- with models such as GPT-4 and Claude-V1 achieving
between 60% to 96% Pass@1 on generating full devices. We include six case
studies of using language models as a design assistant for moderately complex
devices, such as a radiation-powered random number generator, an emoji
keyboard, a visible spectrometer, and several assistive devices, while offering
a qualitative analysis performance, outlining evaluation challenges, and
suggesting areas of development to improve complex circuit design and practical
utility. With this work, we aim to spur research at the juncture of natural
language processing and electronic design. | cs.CL | From Words to Wires: Generating Functioning Electronic Devices from Natural Language Descriptions |
2023-05-24T08:24:25Z | http://arxiv.org/pdf/2305.14871v2 | http://arxiv.org/abs/2305.14871v2 | Yuwei Zhang, Zihan Wang, Jingbo Shang | 2023-11-03T19:40:21Z | cs.CL | We introduce ClusterLLM, a novel text clustering framework that leverages
feedback from an instruction-tuned large language model, such as ChatGPT.
Compared with traditional unsupervised methods that builds upon "small"
embedders, ClusterLLM exhibits two intriguing advantages: (1) it enjoys the
emergent capability of LLM even if its embeddings are inaccessible; and (2) it
understands the user's preference on clustering through textual instruction
and/or a few annotated data. First, we prompt ChatGPT for insights on
clustering perspective by constructing hard triplet questions <does A better
correspond to B than C>, where A, B and C are similar data points that belong
to different clusters according to small embedder. We empirically show that
this strategy is both effective for fine-tuning small embedder and
cost-efficient to query ChatGPT. Second, we prompt ChatGPT for helps on
clustering granularity by carefully designed pairwise questions <do A and B
belong to the same category>, and tune the granularity from cluster hierarchies
that is the most consistent with the ChatGPT answers. Extensive experiments on
14 datasets show that ClusterLLM consistently improves clustering quality, at
an average cost of ~$0.6 per dataset. The code will be available at
https://github.com/zhang-yu-wei/ClusterLLM. | cs.CL | ClusterLLM: Large Language Models as a Guide for Text Clustering |
2023-05-24T08:21:31Z | http://arxiv.org/pdf/2305.14869v2 | http://arxiv.org/abs/2305.14869v2 | Weiqi Wang, Tianqing Fang, Wenxuan Ding, Baixuan Xu, Xin Liu, Yangqiu Song, Antoine Bosselut | 2023-10-20T04:49:21Z | cs.CL | The task of zero-shot commonsense question answering evaluates models on
their capacity to reason about general scenarios beyond those presented in
specific datasets. Existing approaches for tackling this task leverage external
knowledge from CommonSense Knowledge Bases (CSKBs) by pretraining the model on
synthetic QA pairs constructed from CSKBs. In these approaches, negative
examples (distractors) are formulated by randomly sampling from CSKBs using
fairly primitive keyword constraints. However, two bottlenecks limit these
approaches: the inherent incompleteness of CSKBs limits the semantic coverage
of synthetic QA pairs, and the lack of human annotations makes the sampled
negative examples potentially uninformative and contradictory. To tackle these
limitations above, we propose Conceptualization-Augmented Reasoner (CAR), a
zero-shot commonsense question-answering framework that fully leverages the
power of conceptualization. Specifically, CAR abstracts a commonsense knowledge
triple to many higher-level instances, which increases the coverage of CSKB and
expands the ground-truth answer space, reducing the likelihood of selecting
false-negative distractors. Extensive experiments demonstrate that CAR more
robustly generalizes to answering questions about zero-shot commonsense
scenarios than existing methods, including large language models, such as
GPT3.5 and ChatGPT. Our codes, data, and model checkpoints are available at
https://github.com/HKUST-KnowComp/CAR. | cs.CL | CAR: Conceptualization-Augmented Reasoner for Zero-Shot Commonsense Question Answering |
2023-05-24T08:18:35Z | http://arxiv.org/pdf/2305.14864v2 | http://arxiv.org/abs/2305.14864v2 | Ananya Harsh Jha, Tom Sherborne, Evan Pete Walsh, Dirk Groeneveld, Emma Strubell, Iz Beltagy | 2023-11-19T01:14:34Z | cs.CL | With the increase in the size of large language models (LLMs), we need
compression methods that can reduce the model size while preserving the
generality and zero-shot promptability of the model. This goal is more
ambitious than the typical compression setup, which reduces the model's size at
the expense of specializing it to a specific end-task. To study this, we
develop a task-agnostic compression pipeline with a large-scale evaluation
comprising language modeling perplexity and 12 zero-shot end-tasks. Our results
show that a simple layer-wise pruning followed by continued language model
pretraining matches or outperforms three existing state-of-the-art baselines
while being 1.5x more computationally efficient. However, unlike typical
task-specialized compression, our best-compressed model significantly
underperforms a similar-sized model trained from scratch. We posit the
half-sized pretrained model as an upper bound for task-agnostic compression and
call for future work to bridge this gap under a reasonable token budget. Our
findings highlight the inadequacy of existing compression methods for LLMs and
establish a requirement for new methods that preserve a model's generality and
zero-shot promptability under compression. We release our code and evaluation
setup to facilitate reproducibility and help iterate on method design. | cs.CL | How To Train Your (Compressed) Large Language Model |
2023-05-24T08:09:07Z | http://arxiv.org/pdf/2305.14859v2 | http://arxiv.org/abs/2305.14859v2 | Huang Bojun, Fei Yuan | 2023-05-25T09:25:24Z | cs.LG, cs.CL, cs.NE | It is typically understood that the training of modern neural networks is a
process of fitting the probability distribution of desired output. However,
recent paradoxical observations in a number of language generation tasks let
one wonder if this canonical probability-based explanation can really account
for the empirical success of deep learning. To resolve this issue, we propose
an alternative utility-based explanation to the standard supervised learning
procedure in deep learning. The basic idea is to interpret the learned neural
network not as a probability model but as an ordinal utility function that
encodes the preference revealed in training data. In this perspective, training
of the neural network corresponds to a utility learning process. Specifically,
we show that for all neural networks with softmax outputs, the SGD learning
dynamic of maximum likelihood estimation (MLE) can be seen as an iteration
process that optimizes the neural network toward an optimal utility function.
This utility-based interpretation can explain several otherwise-paradoxical
observations about the neural networks thus trained. Moreover, our
utility-based theory also entails an equation that can transform the learned
utility values back to a new kind of probability estimation with which
probability-compatible decision rules enjoy dramatic (double-digits)
performance improvements. These evidences collectively reveal a phenomenon of
utility-probability duality in terms of what modern neural networks are (truly)
modeling: We thought they are one thing (probabilities), until the
unexplainable showed up; changing mindset and treating them as another thing
(utility values) largely reconcile the theory, despite remaining subtleties
regarding its original (probabilistic) identity. | cs.LG | Utility-Probability Duality of Neural Networks |
2023-05-24T08:06:33Z | http://arxiv.org/pdf/2305.14857v1 | http://arxiv.org/abs/2305.14857v1 | Akari Asai, Sneha Kudugunta, Xinyan Velocity Yu, Terra Blevins, Hila Gonen, Machel Reid, Yulia Tsvetkov, Sebastian Ruder, Hannaneh Hajishirzi | 2023-05-24T08:06:33Z | cs.CL | Despite remarkable advancements in few-shot generalization in natural
language processing, most models are developed and evaluated primarily in
English. To facilitate research on few-shot cross-lingual transfer, we
introduce a new benchmark, called BUFFET, which unifies 15 diverse tasks across
54 languages in a sequence-to-sequence format and provides a fixed set of
few-shot examples and instructions. BUFFET is designed to establish a rigorous
and equitable evaluation framework for few-shot cross-lingual transfer across a
broad range of tasks and languages. Using BUFFET, we perform thorough
evaluations of state-of-the-art multilingual large language models with
different transfer methods, namely in-context learning and fine-tuning. Our
findings reveal significant room for improvement in few-shot in-context
cross-lingual transfer. In particular, ChatGPT with in-context learning often
performs worse than much smaller mT5-base models fine-tuned on English task
data and few-shot in-language examples. Our analysis suggests various avenues
for future research in few-shot cross-lingual transfer, such as improved
pretraining, understanding, and future evaluations. | cs.CL | BUFFET: Benchmarking Large Language Models for Few-shot Cross-lingual Transfer |
2023-05-24T07:57:04Z | http://arxiv.org/pdf/2305.14847v1 | http://arxiv.org/abs/2305.14847v1 | Anisha Gunjal, Greg Durrett | 2023-05-24T07:57:04Z | cs.CL | Past work has studied event prediction and event language modeling, sometimes
mediated through structured representations of knowledge in the form of event
schemas. Such schemas can lead to explainable predictions and forecasting of
unseen events given incomplete information. In this work, we look at the
process of creating such schemas to describe complex events. We use large
language models (LLMs) to draft schemas directly in natural language, which can
be further refined by human curators as necessary. Our focus is on whether we
can achieve sufficient diversity and recall of key events and whether we can
produce the schemas in a sufficiently descriptive style. We show that large
language models are able to achieve moderate recall against schemas taken from
two different datasets, with even better results when multiple prompts and
multiple samples are combined. Moreover, we show that textual entailment
methods can be used for both matching schemas to instances of events as well as
evaluating overlap between gold and predicted schemas. Our method paves the way
for easier distillation of event knowledge from large language model into
schemas. | cs.CL | Drafting Event Schemas using Language Models |
2023-05-24T07:51:42Z | http://arxiv.org/pdf/2305.14843v2 | http://arxiv.org/abs/2305.14843v2 | Hanxu Hu, Frank Keller | 2023-10-24T13:08:27Z | cs.CL | Current pre-trained vison-language models (PVLMs) achieve excellent
performance on a range of multi-modal datasets. Recent work has aimed at
building multilingual models, and a range of novel multilingual multi-modal
datasets have been proposed. Current PVLMs typically perform poorly on these
datasets when used for multi-modal zero-shot or few-shot cross-lingual
transfer, especially for low-resource languages. To alleviate this problem, we
propose a novel meta-learning fine-tuning framework. Our framework makes
current PVLMs rapidly adaptive to new languages in vision-language scenarios by
designing MAML in a cross-lingual multi-modal manner. Experiments show that our
method boosts the performance of current state-of-the-art PVLMs in both
zero-shot and few-shot cross-lingual transfer on a range of vision-language
understanding tasks and datasets (XVNLI, xGQA, MaRVL, xFlicker&Co) | cs.CL | Meta-learning For Vision-and-language Cross-lingual Transfer |
2023-05-24T07:48:41Z | http://arxiv.org/pdf/2305.14842v1 | http://arxiv.org/abs/2305.14842v1 | Karthick Prasad Gunasekaran | 2023-05-24T07:48:41Z | cs.CL, cs.AI | Sentiment analysis (SA) is the automated process of detecting and
understanding the emotions conveyed through written text. Over the past decade,
SA has gained significant popularity in the field of Natural Language
Processing (NLP). With the widespread use of social media and online platforms,
SA has become crucial for companies to gather customer feedback and shape their
marketing strategies. Additionally, researchers rely on SA to analyze public
sentiment on various topics. In this particular research study, a comprehensive
survey was conducted to explore the latest trends and techniques in SA. The
survey encompassed a wide range of methods, including lexicon-based,
graph-based, network-based, machine learning, deep learning, ensemble-based,
rule-based, and hybrid techniques. The paper also addresses the challenges and
opportunities in SA, such as dealing with sarcasm and irony, analyzing
multi-lingual data, and addressing ethical concerns. To provide a practical
case study, Twitter was chosen as one of the largest online social media
platforms. Furthermore, the researchers shed light on the diverse application
areas of SA, including social media, healthcare, marketing, finance, and
politics. The paper also presents a comparative and comprehensive analysis of
existing trends and techniques, datasets, and evaluation metrics. The ultimate
goal is to offer researchers and practitioners a systematic review of SA
techniques, identify existing gaps, and suggest possible improvements. This
study aims to enhance the efficiency and accuracy of SA processes, leading to
smoother and error-free outcomes. | cs.CL | Exploring Sentiment Analysis Techniques in Natural Language Processing: A Comprehensive Review |
2023-05-24T07:43:29Z | http://arxiv.org/pdf/2305.14839v2 | http://arxiv.org/abs/2305.14839v2 | Yunshui Li, Binyuan Hui, ZhiChao Yin, Min Yang, Fei Huang, Yongbin Li | 2023-06-13T06:31:46Z | cs.CL, cs.CV | Perceiving multi-modal information and fulfilling dialogues with humans is a
long-term goal of artificial intelligence. Pre-training is commonly regarded as
an effective approach for multi-modal dialogue. However, due to the limited
availability of multi-modal dialogue data, there is still scarce research on
multi-modal dialogue pre-training. Yet another intriguing challenge emerges
from the encompassing nature of multi-modal dialogue, which involves various
modalities and tasks. Moreover, new forms of tasks may arise at unpredictable
points in the future. Hence, it is essential for designed multi-modal dialogue
models to possess sufficient flexibility to adapt to such scenarios. This paper
proposes \textbf{PaCE}, a unified, structured, compositional multi-modal
dialogue pre-training framework. It utilizes a combination of several
fundamental experts to accommodate multiple dialogue-related tasks and can be
pre-trained using limited dialogue and extensive non-dialogue multi-modal data.
Furthermore, we propose a progressive training method where old experts from
the past can assist new experts, facilitating the expansion of their
capabilities. Experimental results demonstrate that PaCE achieves
state-of-the-art results on eight multi-modal dialog benchmarks. | cs.CL | PaCE: Unified Multi-modal Dialogue Pre-training with Progressive and Compositional Experts |
2023-05-24T07:42:15Z | http://arxiv.org/pdf/2305.14838v2 | http://arxiv.org/abs/2305.14838v2 | Chenyang Le, Yao Qian, Long Zhou, Shujie Liu, Yanmin Qian, Michael Zeng, Xuedong Huang | 2023-10-14T08:47:43Z | cs.CL, cs.SD, eess.AS | Joint speech-language training is challenging due to the large demand for
training data and GPU consumption, as well as the modality gap between speech
and language. We present ComSL, a speech-language model built atop a composite
architecture of public pretrained speech-only and language-only models and
optimized data-efficiently for spoken language tasks. Particularly, we propose
to incorporate cross-modality learning into transfer learning and conduct them
simultaneously for downstream tasks in a multi-task learning manner. Our
approach has demonstrated effectiveness in end-to-end speech-to-text
translation tasks, achieving a new state-of-the-art average BLEU score of 31.5
on the multilingual speech to English text translation task for 21 languages,
as measured on the public CoVoST2 evaluation set. | cs.CL | ComSL: A Composite Speech-Language Model for End-to-End Speech-to-Text Translation |
2023-05-24T07:40:06Z | http://arxiv.org/pdf/2305.14835v2 | http://arxiv.org/abs/2305.14835v2 | Haopeng Zhang, Xiao Liu, Jiawei Zhang | 2023-10-09T07:26:40Z | cs.CL | Text summarization systems have made significant progress in recent years,
but typically generate summaries in one single step. However, the one-shot
summarization setting is sometimes inadequate, as the generated summary may
contain hallucinations or overlook essential details related to the reader's
interests. This paper addresses this limitation by proposing SummIt, an
iterative text summarization framework based on large language models like
ChatGPT. Our framework enables the model to refine the generated summary
iteratively through self-evaluation and feedback, resembling humans' iterative
process when drafting and revising summaries. Furthermore, we explore the
potential benefits of integrating knowledge and topic extractors into the
framework to enhance summary faithfulness and controllability. We automatically
evaluate the performance of our framework on three benchmark summarization
datasets. We also conduct a human evaluation to validate the effectiveness of
the iterative refinements and identify a potential issue of over-correction. | cs.CL | SummIt: Iterative Text Summarization via ChatGPT |
2023-05-24T07:38:24Z | http://arxiv.org/pdf/2305.15444v2 | http://arxiv.org/abs/2305.15444v2 | Dhananjay Ashok, Zachary C. Lipton | 2023-06-20T14:41:38Z | cs.CL, cs.AI, cs.LG | In a surprising turn, Large Language Models (LLMs) together with a growing
arsenal of prompt-based heuristics now offer powerful off-the-shelf approaches
providing few-shot solutions to myriad classic NLP problems. However, despite
promising early results, these LLM-based few-shot methods remain far from the
state of the art in Named Entity Recognition (NER), where prevailing methods
include learning representations via end-to-end structural understanding and
fine-tuning on standard labeled corpora. In this paper, we introduce PromptNER,
a new state-of-the-art algorithm for few-Shot and cross-domain NER. To adapt to
any new NER task PromptNER requires a set of entity definitions in addition to
the standard few-shot examples. Given a sentence, PromptNER prompts an LLM to
produce a list of potential entities along with corresponding explanations
justifying their compatibility with the provided entity type definitions.
Remarkably, PromptNER achieves state-of-the-art performance on few-shot NER,
achieving a 4% (absolute) improvement in F1 score on the ConLL dataset, a 9%
(absolute) improvement on the GENIA dataset, and a 4% (absolute) improvement on
the FewNERD dataset. PromptNER also moves the state of the art on Cross Domain
NER, outperforming prior methods (including those not limited to the few-shot
setting), setting a new mark on 3/5 CrossNER target domains, with an average F1
gain of 3%, despite using less than 2% of the available data. | cs.CL | PromptNER: Prompting For Named Entity Recognition |
2023-05-24T07:34:33Z | http://arxiv.org/pdf/2305.14828v2 | http://arxiv.org/abs/2305.14828v2 | Prashant Krishnan, Zilong Wang, Yangkun Wang, Jingbo Shang | 2024-02-23T05:36:02Z | cs.CL, cs.CV | Recent advances of incorporating layout information, typically bounding box
coordinates, into pre-trained language models have achieved significant
performance in entity recognition from document images. Using coordinates can
easily model the absolute position of each token, but they might be sensitive
to manipulations in document images (e.g., shifting, rotation or scaling),
especially when the training data is limited in few-shot settings. In this
paper, we propose to further introduce the topological adjacency relationship
among the tokens, emphasizing their relative position information.
Specifically, we consider the tokens in the documents as nodes and formulate
the edges based on the topological heuristics from the k-nearest bounding
boxes. Such adjacency graphs are invariant to affine transformations including
shifting, rotations and scaling. We incorporate these graphs into the
pre-trained language model by adding graph neural network layers on top of the
language model embeddings, leading to a novel model LAGER. Extensive
experiments on two benchmark datasets show that LAGER significantly outperforms
strong baselines under different few-shot settings and also demonstrate better
robustness to manipulations. | cs.CL | Towards Few-shot Entity Recognition in Document Images: A Graph Neural Network Approach Robust to Image Manipulation |
2023-05-24T07:34:32Z | http://arxiv.org/pdf/2305.14827v2 | http://arxiv.org/abs/2305.14827v2 | Mujeen Sung, James Gung, Elman Mansimov, Nikolaos Pappas, Raphael Shu, Salvatore Romeo, Yi Zhang, Vittorio Castelli | 2023-11-14T02:23:01Z | cs.CL | Intent classification (IC) plays an important role in task-oriented dialogue
systems. However, IC models often generalize poorly when training without
sufficient annotated examples for each user intent. We propose a novel
pre-training method for text encoders that uses contrastive learning with
intent psuedo-labels to produce embeddings that are well-suited for IC tasks,
reducing the need for manual annotations. By applying this pre-training
strategy, we also introduce Pre-trained Intent-aware Encoder (PIE), which is
designed to align encodings of utterances with their intent names.
Specifically, we first train a tagger to identify key phrases within utterances
that are crucial for interpreting intents. We then use these extracted phrases
to create examples for pre-training a text encoder in a contrastive manner. As
a result, our PIE model achieves up to 5.4% and 4.0% higher accuracy than the
previous state-of-the-art text encoder for the N-way zero- and one-shot
settings on four IC datasets. | cs.CL | Pre-training Intent-Aware Encoders for Zero- and Few-Shot Intent Classification |
2023-05-24T07:33:34Z | http://arxiv.org/pdf/2305.14825v2 | http://arxiv.org/abs/2305.14825v2 | Xiaojuan Tang, Zilong Zheng, Jiaqi Li, Fanxu Meng, Song-Chun Zhu, Yitao Liang, Muhan Zhang | 2023-06-08T16:38:51Z | cs.CL, cs.AI | The emergent few-shot reasoning capabilities of Large Language Models (LLMs)
have excited the natural language and machine learning community over recent
years. Despite of numerous successful applications, the underlying mechanism of
such in-context capabilities still remains unclear. In this work, we
hypothesize that the learned \textit{semantics} of language tokens do the most
heavy lifting during the reasoning process. Different from human's symbolic
reasoning process, the semantic representations of LLMs could create strong
connections among tokens, thus composing a superficial logical chain. To test
our hypothesis, we decouple semantics from the language reasoning process and
evaluate three kinds of reasoning abilities, i.e., deduction, induction and
abduction. Our findings reveal that semantics play a vital role in LLMs'
in-context reasoning -- LLMs perform significantly better when semantics are
consistent with commonsense but struggle to solve symbolic or
counter-commonsense reasoning tasks by leveraging in-context new knowledge. The
surprising observations question whether modern LLMs have mastered the
inductive, deductive and abductive reasoning abilities as in human
intelligence, and motivate research on unveiling the magic existing within the
black-box LLMs. On the whole, our analysis provides a novel perspective on the
role of semantics in developing and evaluating language models' reasoning
abilities. Code is available at {\url{https://github.com/XiaojuanTang/ICSR}}. | cs.CL | Large Language Models are In-Context Semantic Reasoners rather than Symbolic Reasoners |
2023-05-24T07:30:08Z | http://arxiv.org/pdf/2305.14824v3 | http://arxiv.org/abs/2305.14824v3 | Michael J. Q. Zhang, Eunsol Choi | 2024-03-05T16:32:58Z | cs.CL | While large language models are able to retain vast amounts of world
knowledge seen during pretraining, such knowledge is prone to going out of date
and is nontrivial to update. Furthermore, these models are often used under
temporal misalignment, tasked with answering questions about the present,
despite having only been trained on data collected in the past. To mitigate the
effects of temporal misalignment, we propose fact duration prediction: the task
of predicting how long a given fact will remain true. In our experiments, we
demonstrate that identifying which facts are prone to rapid change can help
models avoid reciting outdated information and determine which predictions
require seeking out up-to-date knowledge sources. We also show how modeling
fact duration improves calibration for knowledge-intensive tasks, such as
open-retrieval question answering, under temporal misalignment, by discarding
volatile facts. Our data and code are released publicly at
https://github.com/mikejqzhang/mitigating_misalignment. | cs.CL | Mitigating Temporal Misalignment by Discarding Outdated Facts |
2023-05-24T07:10:56Z | http://arxiv.org/pdf/2305.18330v1 | http://arxiv.org/abs/2305.18330v1 | Areej Alsini, Du Q. Huynh, Amitava Datta | 2023-05-24T07:10:56Z | cs.IR, cs.AI, cs.CL, I.2.7 | Automatic evaluation of hashtag recommendation models is a fundamental task
in many online social network systems. In the traditional evaluation method,
the recommended hashtags from an algorithm are firstly compared with the ground
truth hashtags for exact correspondences. The number of exact matches is then
used to calculate the hit rate, hit ratio, precision, recall, or F1-score. This
way of evaluating hashtag similarities is inadequate as it ignores the semantic
correlation between the recommended and ground truth hashtags. To tackle this
problem, we propose a novel semantic evaluation framework for hashtag
recommendation, called #REval. This framework includes an internal module
referred to as BERTag, which automatically learns the hashtag embeddings. We
investigate on how the #REval framework performs under different word embedding
methods and different numbers of synonyms and hashtags in the recommendation
using our proposed #REval-hit-ratio measure. Our experiments of the proposed
framework on three large datasets show that #REval gave more meaningful hashtag
synonyms for hashtag recommendation evaluation. Our analysis also highlights
the sensitivity of the framework to the word embedding technique, with #REval
based on BERTag more superior over #REval based on FastText and Word2Vec. | cs.IR | #REVAL: a semantic evaluation framework for hashtag recommendation |
2023-05-24T07:09:56Z | http://arxiv.org/pdf/2305.14815v4 | http://arxiv.org/abs/2305.14815v4 | Dung Thai, Dhruv Agarwal, Mudit Chaudhary, Wenlong Zhao, Rajarshi Das, Manzil Zaheer, Jay-Yoon Lee, Hannaneh Hajishirzi, Andrew McCallum | 2023-12-05T20:59:58Z | cs.CL, cs.IR | We present an accurate and interpretable method for answer extraction in
machine reading comprehension that is reminiscent of case-based reasoning (CBR)
from classical AI. Our method (CBR-MRC) builds upon the hypothesis that
contextualized answers to similar questions share semantic similarities with
each other. Given a test question, CBR-MRC first retrieves a set of similar
cases from a nonparametric memory and then predicts an answer by selecting the
span in the test context that is most similar to the contextualized
representations of answers in the retrieved cases. The semi-parametric nature
of our approach allows it to attribute a prediction to the specific set of
evidence cases, making it a desirable choice for building reliable and
debuggable QA systems. We show that CBR-MRC provides high accuracy comparable
with large reader models and outperforms baselines by 11.5 and 8.4 EM on
NaturalQuestions and NewsQA, respectively. Further, we demonstrate the ability
of CBR-MRC in identifying not just the correct answer tokens but also the span
with the most relevant supporting evidence. Lastly, we observe that contexts
for certain question types show higher lexical diversity than others and find
that CBR-MRC is robust to these variations while performance using
fully-parametric methods drops. | cs.CL | Machine Reading Comprehension using Case-based Reasoning |
2023-05-24T07:00:00Z | http://arxiv.org/pdf/2305.14806v2 | http://arxiv.org/abs/2305.14806v2 | Shuyang Cao, Lu Wang | 2023-11-16T11:47:05Z | cs.CL | Long document summarization systems are critical for domains with lengthy and
jargonladen text, yet they present significant challenges to researchers and
developers with limited computing resources. Existing solutions mainly focus on
efficient attentions or divide-and-conquer strategies. The former reduces
theoretical time complexity, but is still memory-heavy. The latter methods
sacrifice global context, leading to uninformative and incoherent summaries.
This work aims to leverage the memory-efficient nature of divide-and-conquer
methods while preserving global context. Concretely, our framework AWESOME uses
two novel mechanisms: (1) External memory mechanisms track previously encoded
document segments and their corresponding summaries, to enhance global document
understanding and summary coherence. (2) Global salient content is further
identified beforehand to augment each document segment to support its
summarization. Extensive experiments on diverse genres of text, including
government reports, transcripts, scientific papers, and novels, show that
AWESOME produces summaries with improved informativeness, faithfulness, and
coherence than competitive baselines on longer documents, while having a
smaller GPU memory footprint. | cs.CL | AWESOME: GPU Memory-constrained Long Document Summarization using Memory Mechanism and Global Salient Content |
2023-05-24T06:55:09Z | http://arxiv.org/pdf/2305.14802v2 | http://arxiv.org/abs/2305.14802v2 | Harvey Yiyun Fu, Qinyuan Ye, Albert Xu, Xiang Ren, Robin Jia | 2023-10-26T06:09:05Z | cs.CL | Large Language Models (LLMs) have the impressive ability to perform
in-context learning (ICL) from only a few examples, but the success of ICL
varies widely from task to task. Thus, it is important to quickly determine
whether ICL is applicable to a new task, but directly evaluating ICL accuracy
can be expensive in situations where test data is expensive to annotate -- the
exact situations where ICL is most appealing. In this paper, we propose the
task of ICL accuracy estimation, in which we predict the accuracy of an LLM
when doing in-context learning on a new task given only unlabeled test data for
that task. To perform ICL accuracy estimation, we propose a method that trains
a meta-model using LLM confidence scores as features. We compare our method to
several strong accuracy estimation baselines on a new benchmark that covers 4
LLMs and 3 task collections. The meta-model improves over all baselines across
8 out of 12 settings and achieves the same estimation performance as directly
evaluating on 40 collected labeled test examples per task. At the same time, no
existing approach provides an accurate and reliable ICL accuracy estimation in
every setting, highlighting the need for better ways to measure the uncertainty
of LLM predictions. | cs.CL | Estimating Large Language Model Capabilities without Labeled Test Data |
2023-05-24T06:48:41Z | http://arxiv.org/pdf/2305.14795v2 | http://arxiv.org/abs/2305.14795v2 | Zexuan Zhong, Zhengxuan Wu, Christopher D. Manning, Christopher Potts, Danqi Chen | 2023-10-29T20:28:17Z | cs.CL | The information stored in large language models (LLMs) falls out of date
quickly, and retraining from scratch is often not an option. This has recently
given rise to a range of techniques for injecting new facts through updating
model weights. Current evaluation paradigms are extremely limited, mainly
validating the recall of edited facts, but changing one fact should cause
rippling changes to the model's related beliefs. If we edit the UK Prime
Minister to now be Rishi Sunak, then we should get a different answer to Who is
married to the British Prime Minister? In this work, we present a benchmark,
MQuAKE (Multi-hop Question Answering for Knowledge Editing), comprising
multi-hop questions that assess whether edited models correctly answer
questions where the answer should change as an entailed consequence of edited
facts. While we find that current knowledge-editing approaches can recall
edited facts accurately, they fail catastrophically on the constructed
multi-hop questions. We thus propose a simple memory-based approach, MeLLo,
which stores all edited facts externally while prompting the language model
iteratively to generate answers that are consistent with the edited facts.
While MQuAKE remains challenging, we show that MeLLo scales well with LLMs (up
to 175B) and outperforms previous model editors by a large margin. | cs.CL | MQuAKE: Assessing Knowledge Editing in Language Models via Multi-Hop Questions |
2023-05-24T06:45:33Z | http://arxiv.org/pdf/2305.14794v2 | http://arxiv.org/abs/2305.14794v2 | Chengyu Dong, Zihan Wang, Jingbo Shang | 2023-10-23T11:22:58Z | cs.CL, cs.AI, cs.LG | Recent advances in weakly supervised text classification mostly focus on
designing sophisticated methods to turn high-level human heuristics into
quality pseudo-labels. In this paper, we revisit the seed matching-based
method, which is arguably the simplest way to generate pseudo-labels, and show
that its power was greatly underestimated. We show that the limited performance
of seed matching is largely due to the label bias injected by the simple
seed-match rule, which prevents the classifier from learning reliable
confidence for selecting high-quality pseudo-labels. Interestingly, simply
deleting the seed words present in the matched input texts can mitigate the
label bias and help learn better confidence. Subsequently, the performance
achieved by seed matching can be improved significantly, making it on par with
or even better than the state-of-the-art. Furthermore, to handle the case when
the seed words are not made known, we propose to simply delete the word tokens
in the input text randomly with a high deletion ratio. Remarkably, seed
matching equipped with this random deletion method can often achieve even
better performance than that with seed deletion. | cs.CL | Debiasing Made State-of-the-art: Revisiting the Simple Seed-based Weak Supervision for Text Classification |
2023-05-24T06:44:42Z | http://arxiv.org/pdf/2305.14793v2 | http://arxiv.org/abs/2305.14793v2 | Zhuoer Wang, Marcus Collins, Nikhita Vedula, Simone Filice, Shervin Malmasi, Oleg Rokhlenko | 2023-07-11T16:15:00Z | cs.CL | Methods to generate text from structured data have advanced significantly in
recent years, primarily due to fine-tuning of pre-trained language models on
large datasets. However, such models can fail to produce output faithful to the
input data, particularly on out-of-domain data. Sufficient annotated data is
often not available for specific domains, leading us to seek an unsupervised
approach to improve the faithfulness of output text. Since the problem is
fundamentally one of consistency between the representations of the structured
data and text, we evaluate the effectiveness of cycle training in this work.
Cycle training uses two models which are inverses of each other: one that
generates text from structured data, and one which generates the structured
data from natural language text. We show that cycle training, when initialized
with a small amount of supervised data (100 samples in our case), achieves
nearly the same performance as fully supervised approaches for the data-to-text
generation task on the WebNLG, E2E, WTQ, and WSQL datasets. We perform
extensive empirical analysis with automated evaluation metrics and a newly
designed human evaluation schema to reveal different cycle training strategies'
effectiveness of reducing various types of generation errors. Our code is
publicly available at https://github.com/Edillower/CycleNLG. | cs.CL | Faithful Low-Resource Data-to-Text Generation through Cycle Training |
2023-05-24T06:44:32Z | http://arxiv.org/pdf/2305.14791v2 | http://arxiv.org/abs/2305.14791v2 | Yongqi Li, Mayi Xu, Xin Miao, Shen Zhou, Tieyun Qian | 2024-02-23T07:02:09Z | cs.CL | Large language models (LLMs) have made remarkable progress in a wide range of
natural language understanding and generation tasks. However, their ability to
generate counterfactuals has not been examined systematically. To bridge this
gap, we present a comprehensive evaluation framework on various types of NLU
tasks, which covers all key factors in determining LLMs' capability of
generating counterfactuals. Based on this framework, we 1) investigate the
strengths and weaknesses of LLMs as the counterfactual generator, and 2)
disclose the factors that affect LLMs when generating counterfactuals,
including both the intrinsic properties of LLMs and prompt designing. The
results show that, though LLMs are promising in most cases, they face
challenges in complex tasks like RE since they are bounded by task-specific
performance, entity constraints, and inherent selection bias. We also find that
alignment techniques, e.g., instruction-tuning and reinforcement learning from
human feedback, may potentially enhance the counterfactual generation ability
of LLMs. On the contrary, simply increasing the parameter size does not yield
the desired improvements. Besides, from the perspective of prompt designing,
task guidelines unsurprisingly play an important role. However, the
chain-of-thought approach does not always help due to inconsistency issues. | cs.CL | Prompting Large Language Models for Counterfactual Generation: An Empirical Study |
2023-05-24T06:43:23Z | http://arxiv.org/pdf/2305.14790v2 | http://arxiv.org/abs/2305.14790v2 | Feng Jiang, Weihao Liu, Xiaomin Chu, Peifeng Li, Qiaoming Zhu, Haizhou Li | 2024-03-26T11:29:21Z | cs.CL, cs.AI | Topic segmentation and outline generation strive to divide a document into
coherent topic sections and generate corresponding subheadings, unveiling the
discourse topic structure of a document. Compared with sentence-level topic
structure, the paragraph-level topic structure can quickly grasp and understand
the overall context of the document from a higher level, benefitting many
downstream tasks such as summarization, discourse parsing, and information
retrieval. However, the lack of large-scale, high-quality Chinese
paragraph-level topic structure corpora restrained relative research and
applications. To fill this gap, we build the Chinese paragraph-level topic
representation, corpus, and benchmark in this paper. Firstly, we propose a
hierarchical paragraph-level topic structure representation with three layers
to guide the corpus construction. Then, we employ a two-stage man-machine
collaborative annotation method to construct the largest Chinese
Paragraph-level Topic Structure corpus (CPTS), achieving high quality. We also
build several strong baselines, including ChatGPT, to validate the
computability of CPTS on two fundamental tasks (topic segmentation and outline
generation) and preliminarily verified its usefulness for the downstream task
(discourse parsing). | cs.CL | Advancing Topic Segmentation and Outline Generation in Chinese Texts: The Paragraph-level Topic Representation, Corpus, and Benchmark |
2023-05-24T06:42:44Z | http://arxiv.org/pdf/2305.14788v2 | http://arxiv.org/abs/2305.14788v2 | Alexis Chevalier, Alexander Wettig, Anirudh Ajith, Danqi Chen | 2023-11-04T04:09:43Z | cs.CL | Transformer-based language models (LMs) are powerful and widely-applicable
tools, but their usefulness is constrained by a finite context window and the
expensive computational cost of processing long text documents. We propose to
adapt pre-trained LMs into AutoCompressors. These language models are capable
of compressing long contexts into compact summary vectors, which are then
accessible to the model as soft prompts. Summary vectors are trained with an
unsupervised objective, whereby long documents are processed in segments, and
summary vectors from all previous segments are used in language modeling. We
fine-tune OPT and Llama-2 models on sequences of up to 30,720 tokens and show
that AutoCompressors can utilize long contexts to improve perplexity. We
evaluate AutoCompressors on in-context learning by compressing task
demonstrations and find that summary vectors are good substitutes for
plain-text demonstrations, increasing accuracy while reducing inference costs.
Finally, we explore the benefits of pre-computing summary vectors for large
corpora by applying summary vectors to retrievalaugmented language modeling and
a passage re-ranking task. Overall, AutoCompressors emerge as a simple and
inexpensive solution to extend the context window of LMs while speeding up
inference over long contexts. | cs.CL | Adapting Language Models to Compress Contexts |
2023-05-24T06:41:09Z | http://arxiv.org/pdf/2305.14785v2 | http://arxiv.org/abs/2305.14785v2 | Victoria Basmov, Yoav Goldberg, Reut Tsarfaty | 2024-04-11T11:16:45Z | cs.CL, cs.AI | We evaluate LLMs' language understanding capacities on simple inference tasks
that most humans find trivial. Specifically, we target (i)
grammatically-specified entailments, (ii) premises with evidential adverbs of
uncertainty, and (iii) monotonicity entailments. We design evaluation sets for
these tasks and conduct experiments in both zero-shot and chain-of-thought
setups, and with multiple prompts and LLMs. The models exhibit moderate to low
performance on these evaluation sets. Subsequent experiments show that
embedding the premise in syntactic constructions that should preserve the
entailment relations (presupposition triggers) or change them (non-factives),
further confuses the models, causing them to either under-predict or
over-predict certain entailment labels regardless of the true relation, and
often disregarding the nature of the embedding context. Overall these results
suggest that, despite LLMs' celebrated language understanding capacity, even
the strongest models have blindspots with respect to certain types of
entailments, and certain information-packaging structures act as ``blinds''
overshadowing the semantics of the embedded premise. | cs.CL | Simple Linguistic Inferences of Large Language Models (LLMs): Blind Spots and Blinds |
2023-05-24T06:39:45Z | http://arxiv.org/pdf/2305.14784v1 | http://arxiv.org/abs/2305.14784v1 | Ameet Deshpande, Tanmay Rajpurohit, Karthik Narasimhan, Ashwin Kalyan | 2023-05-24T06:39:45Z | cs.AI, cs.CL, cs.CY, cs.LG | Anthropomorphization is the tendency to attribute human-like traits to
non-human entities. It is prevalent in many social contexts -- children
anthropomorphize toys, adults do so with brands, and it is a literary device.
It is also a versatile tool in science, with behavioral psychology and
evolutionary biology meticulously documenting its consequences. With widespread
adoption of AI systems, and the push from stakeholders to make it human-like
through alignment techniques, human voice, and pictorial avatars, the tendency
for users to anthropomorphize it increases significantly. We take a dyadic
approach to understanding this phenomenon with large language models (LLMs) by
studying (1) the objective legal implications, as analyzed through the lens of
the recent blueprint of AI bill of rights and the (2) subtle psychological
aspects customization and anthropomorphization. We find that anthropomorphized
LLMs customized for different user bases violate multiple provisions in the
legislative blueprint. In addition, we point out that anthropomorphization of
LLMs affects the influence they can have on their users, thus having the
potential to fundamentally change the nature of human-AI interaction, with
potential for manipulation and negative influence. With LLMs being
hyper-personalized for vulnerable groups like children and patients among
others, our work is a timely and important contribution. We propose a
conservative strategy for the cautious use of anthropomorphization to improve
trustworthiness of AI systems. | cs.AI | Anthropomorphization of AI: Opportunities and Risks |
2023-05-24T06:39:12Z | http://arxiv.org/pdf/2305.14783v1 | http://arxiv.org/abs/2305.14783v1 | Zihong Liang, Xiaojun Quan, Qifan Wang | 2023-05-24T06:39:12Z | cs.CL | Chinese Spelling Correction (CSC) aims to detect and correct erroneous
characters in Chinese texts. Although efforts have been made to introduce
phonetic information (Hanyu Pinyin) in this task, they typically merge phonetic
representations with character representations, which tends to weaken the
representation effect of normal texts. In this work, we propose to disentangle
the two types of features to allow for direct interaction between textual and
phonetic information. To learn useful phonetic representations, we introduce a
pinyin-to-character objective to ask the model to predict the correct
characters based solely on phonetic information, where a separation mask is
imposed to disable attention from phonetic input to text. To avoid overfitting
the phonetics, we further design a self-distillation module to ensure that
semantic information plays a major role in the prediction. Extensive
experiments on three CSC benchmarks demonstrate the superiority of our method
in using phonetic information. | cs.CL | Disentangled Phonetic Representation for Chinese Spelling Correction |
2023-05-24T06:35:26Z | http://arxiv.org/pdf/2305.14779v3 | http://arxiv.org/abs/2305.14779v3 | Nikita Srivatsan, Sofia Samaniego, Omar Florez, Taylor Berg-Kirkpatrick | 2024-02-29T22:31:53Z | cs.CV, cs.CL, cs.LG | In this work we present an approach for generating alternative text (or
alt-text) descriptions for images shared on social media, specifically Twitter.
More than just a special case of image captioning, alt-text is both more
literally descriptive and context-specific. Also critically, images posted to
Twitter are often accompanied by user-written text that despite not necessarily
describing the image may provide useful context that if properly leveraged can
be informative. We address this task with a multimodal model that conditions on
both textual information from the associated social media post as well as
visual signal from the image, and demonstrate that the utility of these two
information sources stacks. We put forward a new dataset of 371k images paired
with alt-text and tweets scraped from Twitter and evaluate on it across a
variety of automated metrics as well as human evaluation. We show that our
approach of conditioning on both tweet text and visual information
significantly outperforms prior work, by more than 2x on BLEU@4. | cs.CV | Alt-Text with Context: Improving Accessibility for Images on Twitter |
2023-05-24T06:26:11Z | http://arxiv.org/pdf/2305.14775v1 | http://arxiv.org/abs/2305.14775v1 | Amirhossein Kazemnejad, Mehdi Rezagholizadeh, Prasanna Parthasarathi, Sarath Chandar | 2023-05-24T06:26:11Z | cs.CL, cs.AI, cs.LG | While pre-trained language models (PLMs) have shown evidence of acquiring
vast amounts of knowledge, it remains unclear how much of this parametric
knowledge is actually usable in performing downstream tasks. We propose a
systematic framework to measure parametric knowledge utilization in PLMs. Our
framework first extracts knowledge from a PLM's parameters and subsequently
constructs a downstream task around this extracted knowledge. Performance on
this task thus depends exclusively on utilizing the model's possessed
knowledge, avoiding confounding factors like insufficient signal. As an
instantiation, we study factual knowledge of PLMs and measure utilization
across 125M to 13B parameter PLMs. We observe that: (1) PLMs exhibit two gaps -
in acquired vs. utilized knowledge, (2) they show limited robustness in
utilizing knowledge under distribution shifts, and (3) larger models close the
acquired knowledge gap but the utilized knowledge gap remains. Overall, our
study provides insights into PLMs' capabilities beyond their acquired
knowledge. | cs.CL | Measuring the Knowledge Acquisition-Utilization Gap in Pretrained Language Models |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.