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-10-23T09:01:13Z | http://arxiv.org/pdf/2310.14724v3 | http://arxiv.org/abs/2310.14724v3 | Junchao Wu, Shu Yang, Runzhe Zhan, Yulin Yuan, Derek F. Wong, Lidia S. Chao | 2024-04-19T09:12:32Z | cs.CL, cs.AI | The powerful ability to understand, follow, and generate complex language
emerging from large language models (LLMs) makes LLM-generated text flood many
areas of our daily lives at an incredible speed and is widely accepted by
humans. As LLMs continue to expand, there is an imperative need to develop
detectors that can detect LLM-generated text. This is crucial to mitigate
potential misuse of LLMs and safeguard realms like artistic expression and
social networks from harmful influence of LLM-generated content. The
LLM-generated text detection aims to discern if a piece of text was produced by
an LLM, which is essentially a binary classification task. The detector
techniques have witnessed notable advancements recently, propelled by
innovations in watermarking techniques, statistics-based detectors, neural-base
detectors, and human-assisted methods. In this survey, we collate recent
research breakthroughs in this area and underscore the pressing need to bolster
detector research. We also delve into prevalent datasets, elucidating their
limitations and developmental requirements. Furthermore, we analyze various
LLM-generated text detection paradigms, shedding light on challenges like
out-of-distribution problems, potential attacks, real-world data issues and the
lack of effective evaluation framework. Conclusively, we highlight interesting
directions for future research in LLM-generated text detection to advance the
implementation of responsible artificial intelligence (AI). Our aim with this
survey is to provide a clear and comprehensive introduction for newcomers while
also offering seasoned researchers a valuable update in the field of
LLM-generated text detection. The useful resources are publicly available at:
https://github.com/NLP2CT/LLM-generated-Text-Detection. | cs.CL | A Survey on LLM-Generated Text Detection: Necessity, Methods, and Future Directions |
2023-10-23T08:49:00Z | http://arxiv.org/pdf/2310.14709v1 | http://arxiv.org/abs/2310.14709v1 | Sen Yang, Xin Li, Lidong Bing, Wai Lam | 2023-10-23T08:49:00Z | cs.CL | Our physical world is constantly evolving over time, rendering challenges for
pre-trained language models to understand and reason over the temporal contexts
of texts. Existing work focuses on strengthening the direct association between
a piece of text and its time-stamp. However, the knowledge-time association is
usually insufficient for the downstream tasks that require reasoning over
temporal dependencies between knowledge. In this work, we make use of the
underlying nature of time, all temporally-scoped sentences are strung together
through a one-dimensional time axis, and suggest creating a graph structure
based on the relative placements of events along the time axis. Inspired by the
graph view, we propose RemeMo ($\underline{Re}$lative Ti$\underline{me}$
$\underline{Mo}$deling), which explicitly connects all temporally-scoped facts
by modeling the time relations between any two sentences. Experimental results
show that RemeMo outperforms the baseline T5 on multiple temporal question
answering datasets under various settings. Further analysis suggests that
RemeMo is especially good at modeling long-range complex temporal dependencies.
We release our code and pre-trained checkpoints at
$\href{https://github.com/DAMO-NLP-SG/RemeMo}{\text{this url}}$. | cs.CL | Once Upon a $\textit{Time}$ in $\textit{Graph}$: Relative-Time Pretraining for Complex Temporal Reasoning |
2023-10-23T08:48:14Z | http://arxiv.org/pdf/2310.14708v1 | http://arxiv.org/abs/2310.14708v1 | Andrei C. Coman, Gianni Barlacchi, Adrià de Gispert | 2023-10-23T08:48:14Z | cs.CL | Unlike the Open Domain Question Answering (ODQA) setting, the conversational
(ODConvQA) domain has received limited attention when it comes to reevaluating
baselines for both efficiency and effectiveness. In this paper, we study the
State-of-the-Art (SotA) Dense Passage Retrieval (DPR) retriever and
Fusion-in-Decoder (FiD) reader pipeline, and show that it significantly
underperforms when applied to ODConvQA tasks due to various limitations. We
then propose and evaluate strong yet simple and efficient baselines, by
introducing a fast reranking component between the retriever and the reader,
and by performing targeted finetuning steps. Experiments on two ODConvQA tasks,
namely TopiOCQA and OR-QuAC, show that our method improves the SotA results,
while reducing reader's latency by 60%. Finally, we provide new and valuable
insights into the development of challenging baselines that serve as a
reference for future, more intricate approaches, including those that leverage
Large Language Models (LLMs). | cs.CL | Strong and Efficient Baselines for Open Domain Conversational Question Answering |
2023-10-23T08:45:12Z | http://arxiv.org/pdf/2310.14703v2 | http://arxiv.org/abs/2310.14703v2 | Gonzalo Martínez, Javier Conde, Elena Merino-Gómez, Beatriz Bermúdez-Margaretto, José Alberto Hernández, Pedro Reviriego, Marc Brysbaert | 2024-01-29T09:26:36Z | cs.CL | Vocabulary tests, once a cornerstone of language modeling evaluation, have
been largely overlooked in the current landscape of Large Language Models
(LLMs) like Llama, Mistral, and GPT. While most LLM evaluation benchmarks focus
on specific tasks or domain-specific knowledge, they often neglect the
fundamental linguistic aspects of language understanding and production. In
this paper, we advocate for the revival of vocabulary tests as a valuable tool
for assessing LLM performance. We evaluate seven LLMs using two vocabulary test
formats across two languages and uncover surprising gaps in their lexical
knowledge. These findings shed light on the intricacies of LLM word
representations, their learning mechanisms, and performance variations across
models and languages. Moreover, the ability to automatically generate and
perform vocabulary tests offers new opportunities to expand the approach and
provide a more complete picture of LLMs' language skills. | cs.CL | Establishing Vocabulary Tests as a Benchmark for Evaluating Large Language Models |
2023-10-23T08:42:49Z | http://arxiv.org/pdf/2310.14696v1 | http://arxiv.org/abs/2310.14696v1 | Gangwoo Kim, Sungdong Kim, Byeongguk Jeon, Joonsuk Park, Jaewoo Kang | 2023-10-23T08:42:49Z | cs.CL | Questions in open-domain question answering are often ambiguous, allowing
multiple interpretations. One approach to handling them is to identify all
possible interpretations of the ambiguous question (AQ) and to generate a
long-form answer addressing them all, as suggested by Stelmakh et al., (2022).
While it provides a comprehensive response without bothering the user for
clarification, considering multiple dimensions of ambiguity and gathering
corresponding knowledge remains a challenge. To cope with the challenge, we
propose a novel framework, Tree of Clarifications (ToC): It recursively
constructs a tree of disambiguations for the AQ -- via few-shot prompting
leveraging external knowledge -- and uses it to generate a long-form answer.
ToC outperforms existing baselines on ASQA in a few-shot setup across the
metrics, while surpassing fully-supervised baselines trained on the whole
training set in terms of Disambig-F1 and Disambig-ROUGE. Code is available at
https://github.com/gankim/tree-of-clarifications. | cs.CL | Tree of Clarifications: Answering Ambiguous Questions with Retrieval-Augmented Large Language Models |
2023-10-23T08:26:28Z | http://arxiv.org/pdf/2310.14687v1 | http://arxiv.org/abs/2310.14687v1 | Yihan Cao, Shuyi Chen, Ryan Liu, Zhiruo Wang, Daniel Fried | 2023-10-23T08:26:28Z | cs.CL, cs.AI | A persistent challenge to table question answering (TableQA) by generating
executable programs has been adapting to varied table structures, typically
requiring domain-specific logical forms. In response, this paper introduces a
unified TableQA framework that: (1) provides a unified representation for
structured tables as multi-index Pandas data frames, (2) uses Python as a
powerful querying language, and (3) uses few-shot prompting to translate NL
questions into Python programs, which are executable on Pandas data frames.
Furthermore, to answer complex relational questions with extended program
functionality and external knowledge, our framework allows customized APIs that
Python programs can call. We experiment with four TableQA datasets that involve
tables of different structures -- relational, multi-table, and hierarchical
matrix shapes -- and achieve prominent improvements over past state-of-the-art
systems. In ablation studies, we (1) show benefits from our multi-index
representation and APIs over baselines that use only an LLM, and (2)
demonstrate that our approach is modular and can incorporate additional APIs. | cs.CL | API-Assisted Code Generation for Question Answering on Varied Table Structures |
2023-10-23T08:24:35Z | http://arxiv.org/pdf/2310.14684v1 | http://arxiv.org/abs/2310.14684v1 | Hassan S. Shavarani, Anoop Sarkar | 2023-10-23T08:24:35Z | cs.CL | Entity linking is a prominent thread of research focused on structured data
creation by linking spans of text to an ontology or knowledge source. We
revisit the use of structured prediction for entity linking which classifies
each individual input token as an entity, and aggregates the token predictions.
Our system, called SpEL (Structured prediction for Entity Linking) is a
state-of-the-art entity linking system that uses some new ideas to apply
structured prediction to the task of entity linking including: two refined
fine-tuning steps; a context sensitive prediction aggregation strategy;
reduction of the size of the model's output vocabulary, and; we address a
common problem in entity-linking systems where there is a training vs.
inference tokenization mismatch. Our experiments show that we can outperform
the state-of-the-art on the commonly used AIDA benchmark dataset for entity
linking to Wikipedia. Our method is also very compute efficient in terms of
number of parameters and speed of inference. | cs.CL | SpEL: Structured Prediction for Entity Linking |
2023-10-23T08:15:38Z | http://arxiv.org/pdf/2310.14676v1 | http://arxiv.org/abs/2310.14676v1 | Shuwen Deng, Paul Prasse, David R. Reich, Tobias Scheffer, Lena A. Jäger | 2023-10-23T08:15:38Z | cs.CL | Human gaze data offer cognitive information that reflects natural language
comprehension. Indeed, augmenting language models with human scanpaths has
proven beneficial for a range of NLP tasks, including language understanding.
However, the applicability of this approach is hampered because the abundance
of text corpora is contrasted by a scarcity of gaze data. Although models for
the generation of human-like scanpaths during reading have been developed, the
potential of synthetic gaze data across NLP tasks remains largely unexplored.
We develop a model that integrates synthetic scanpath generation with a
scanpath-augmented language model, eliminating the need for human gaze data.
Since the model's error gradient can be propagated throughout all parts of the
model, the scanpath generator can be fine-tuned to downstream tasks. We find
that the proposed model not only outperforms the underlying language model, but
achieves a performance that is comparable to a language model augmented with
real human gaze data. Our code is publicly available. | cs.CL | Pre-Trained Language Models Augmented with Synthetic Scanpaths for Natural Language Understanding |
2023-10-23T08:09:42Z | http://arxiv.org/pdf/2310.14670v2 | http://arxiv.org/abs/2310.14670v2 | Zhecan Wang, Long Chen, Haoxuan You, Keyang Xu, Yicheng He, Wenhao Li, Noel Codella, Kai-Wei Chang, Shih-Fu Chang | 2023-10-31T20:49:11Z | cs.CV, cs.AI, cs.CL, cs.LG, cs.MM | Vision-language (VL) understanding tasks evaluate models' comprehension of
complex visual scenes through multiple-choice questions. However, we have
identified two dataset biases that models can exploit as shortcuts to resolve
various VL tasks correctly without proper understanding. The first type of
dataset bias is \emph{Unbalanced Matching} bias, where the correct answer
overlaps the question and image more than the incorrect answers. The second
type of dataset bias is \emph{Distractor Similarity} bias, where incorrect
answers are overly dissimilar to the correct answer but significantly similar
to other incorrect answers within the same sample. To address these dataset
biases, we first propose Adversarial Data Synthesis (ADS) to generate synthetic
training and debiased evaluation data. We then introduce Intra-sample
Counterfactual Training (ICT) to assist models in utilizing the synthesized
training data, particularly the counterfactual data, via focusing on
intra-sample differentiation. Extensive experiments demonstrate the
effectiveness of ADS and ICT in consistently improving model performance across
different benchmarks, even in domain-shifted scenarios. | cs.CV | Dataset Bias Mitigation in Multiple-Choice Visual Question Answering and Beyond |
2023-10-23T07:59:46Z | http://arxiv.org/pdf/2310.14663v1 | http://arxiv.org/abs/2310.14663v1 | Seongho Joo, Hyukhun Koh, Kyomin Jung | 2023-10-23T07:59:46Z | eess.AS, cs.CL | With the rapid advancement in deep generative models, recent neural
Text-To-Speech(TTS) models have succeeded in synthesizing human-like speech.
There have been some efforts to generate speech with various prosody beyond
monotonous prosody patterns. However, previous works have several limitations.
First, typical TTS models depend on the scaled sampling temperature for
boosting the diversity of prosody. Speech samples generated at high sampling
temperatures often lack perceptual prosodic diversity, which can adversely
affect the naturalness of the speech. Second, the diversity among samples is
neglected since the sampling procedure often focuses on a single speech sample
rather than multiple ones. In this paper, we propose DPP-TTS: a text-to-speech
model based on Determinantal Point Processes (DPPs) with a prosody diversifying
module. Our TTS model is capable of generating speech samples that
simultaneously consider perceptual diversity in each sample and among multiple
samples. We demonstrate that DPP-TTS generates speech samples with more
diversified prosody than baselines in the side-by-side comparison test
considering the naturalness of speech at the same time. | eess.AS | DPP-TTS: Diversifying prosodic features of speech via determinantal point processes |
2023-10-23T07:52:38Z | http://arxiv.org/pdf/2310.14657v1 | http://arxiv.org/abs/2310.14657v1 | Stefan F. Schouten, Peter Bloem, Ilia Markov, Piek Vossen | 2023-10-23T07:52:38Z | cs.CL, cs.AI | Natural language reasoning plays an increasingly important role in improving
language models' ability to solve complex language understanding tasks. An
interesting use case for reasoning is the resolution of context-dependent
ambiguity. But no resources exist to evaluate how well Large Language Models
can use explicit reasoning to resolve ambiguity in language. We propose to use
ambiguous definite descriptions for this purpose and create and publish the
first benchmark dataset consisting of such phrases. Our method includes all
information required to resolve the ambiguity in the prompt, which means a
model does not require anything but reasoning to do well. We find this to be a
challenging task for recent LLMs. Code and data available at:
https://github.com/sfschouten/exploiting-ambiguity | cs.CL | Reasoning about Ambiguous Definite Descriptions |
2023-10-23T07:50:10Z | http://arxiv.org/pdf/2310.14654v2 | http://arxiv.org/abs/2310.14654v2 | Nithya R, Malavika S, Jordan F, Arjun Gangwar, Metilda N J, S Umesh, Rithik Sarab, Akhilesh Kumar Dubey, Govind Divakaran, Samudra Vijaya K, Suryakanth V Gangashetty | 2023-10-24T06:03:14Z | cs.CL, eess.AS | India is home to a multitude of languages of which 22 languages are
recognised by the Indian Constitution as official. Building speech based
applications for the Indian population is a difficult problem owing to limited
data and the number of languages and accents to accommodate. To encourage the
language technology community to build speech based applications in Indian
languages, we are open sourcing SPRING-INX data which has about 2000 hours of
legally sourced and manually transcribed speech data for ASR system building in
Assamese, Bengali, Gujarati, Hindi, Kannada, Malayalam, Marathi, Odia, Punjabi
and Tamil. This endeavor is by SPRING Lab , Indian Institute of Technology
Madras and is a part of National Language Translation Mission (NLTM), funded by
the Indian Ministry of Electronics and Information Technology (MeitY),
Government of India. We describe the data collection and data cleaning process
along with the data statistics in this paper. | cs.CL | SPRING-INX: A Multilingual Indian Language Speech Corpus by SPRING Lab, IIT Madras |
2023-10-23T07:35:37Z | http://arxiv.org/pdf/2310.14644v1 | http://arxiv.org/abs/2310.14644v1 | David Stap, Christof Monz | 2023-10-23T07:35:37Z | cs.CL | k-nearest-neighbor machine translation has demonstrated remarkable
improvements in machine translation quality by creating a datastore of cached
examples. However, these improvements have been limited to high-resource
language pairs, with large datastores, and remain a challenge for low-resource
languages. In this paper, we address this issue by combining representations
from multiple languages into a single datastore. Our results consistently
demonstrate substantial improvements not only in low-resource translation
quality (up to +3.6 BLEU), but also for high-resource translation quality (up
to +0.5 BLEU). Our experiments show that it is possible to create multilingual
datastores that are a quarter of the size, achieving a 5.3x speed improvement,
by using linguistic similarities for datastore creation. | cs.CL | Multilingual k-Nearest-Neighbor Machine Translation |
2023-10-23T07:13:31Z | http://arxiv.org/pdf/2310.14633v3 | http://arxiv.org/abs/2310.14633v3 | Petros Karypis, Julian McAuley, George Karypis | 2024-06-19T14:00:27Z | cs.CL, cs.LG | Effectively training language models on long inputs poses many technical
challenges. As a cost consideration, languages models are pretrained on a fixed
sequence length before being adapted to longer sequences. We explore various
methods for adapting models to longer inputs by training on segmented sequences
and an interpolation-based method for extending absolute positional embeddings.
We develop a training procedure to extend the input context size of pretrained
models with no architectural changes and no additional memory costs than
training on the original input lengths. By sub-sampling segments from long
inputs while maintaining their original position the model is able to learn new
positional interactions. Our method benefits both models trained with absolute
positional embeddings, by extending their input contexts, as well as popular
relative positional embedding methods showing a reduced perplexity on sequences
longer than they were trained on. We demonstrate our method can extend input
contexts by a factor of 4x while improving perplexity. | cs.CL | Extending Input Contexts of Language Models through Training on Segmented Sequences |
2023-10-23T07:02:20Z | http://arxiv.org/pdf/2310.14628v2 | http://arxiv.org/abs/2310.14628v2 | Tengxiao Liu, Qipeng Guo, Yuqing Yang, Xiangkun Hu, Yue Zhang, Xipeng Qiu, Zheng Zhang | 2023-12-27T13:54:48Z | cs.CL | As large language models (LLMs) have shown effectiveness with different
prompting methods, such as Chain of Thought, Program of Thought, we find that
these methods have formed a great complementarity to each other on math
reasoning tasks. In this work, we propose XoT, an integrated problem solving
framework by prompting LLMs with diverse reasoning thoughts. For each question,
XoT always begins with selecting the most suitable method then executes each
method iteratively. Within each iteration, XoT actively checks the validity of
the generated answer and incorporates the feedback from external executors,
allowing it to dynamically switch among different prompting methods. Through
extensive experiments on 10 popular math reasoning datasets, we demonstrate the
effectiveness of our proposed approach and thoroughly analyze the strengths of
each module. Moreover, empirical results suggest that our framework is
orthogonal to recent work that makes improvements on single reasoning methods
and can further generalise to logical reasoning domain. By allowing method
switching, XoT provides a fresh perspective on the collaborative integration of
diverse reasoning thoughts in a unified framework. The code is available at
https://github.com/tengxiaoliu/XoT. | cs.CL | Plan, Verify and Switch: Integrated Reasoning with Diverse X-of-Thoughts |
2023-10-23T07:01:09Z | http://arxiv.org/pdf/2310.14627v1 | http://arxiv.org/abs/2310.14627v1 | Henry Peng Zou, Yue Zhou, Cornelia Caragea, Doina Caragea | 2023-10-23T07:01:09Z | cs.CL, cs.LG | The shared real-time information about natural disasters on social media
platforms like Twitter and Facebook plays a critical role in informing
volunteers, emergency managers, and response organizations. However, supervised
learning models for monitoring disaster events require large amounts of
annotated data, making them unrealistic for real-time use in disaster events.
To address this challenge, we present a fine-grained disaster tweet
classification model under the semi-supervised, few-shot learning setting where
only a small number of annotated data is required. Our model, CrisisMatch,
effectively classifies tweets into fine-grained classes of interest using few
labeled data and large amounts of unlabeled data, mimicking the early stage of
a disaster. Through integrating effective semi-supervised learning ideas and
incorporating TextMixUp, CrisisMatch achieves performance improvement on two
disaster datasets of 11.2\% on average. Further analyses are also provided for
the influence of the number of labeled data and out-of-domain results. | cs.CL | CrisisMatch: Semi-Supervised Few-Shot Learning for Fine-Grained Disaster Tweet Classification |
2023-10-23T07:00:51Z | http://arxiv.org/pdf/2310.14626v1 | http://arxiv.org/abs/2310.14626v1 | Yuanxing Liu, Wei-Nan Zhang, Yifan Chen, Yuchi Zhang, Haopeng Bai, Fan Feng, Hengbin Cui, Yongbin Li, Wanxiang Che | 2023-10-23T07:00:51Z | cs.CL, cs.IR | E-commerce pre-sales dialogue aims to understand and elicit user needs and
preferences for the items they are seeking so as to provide appropriate
recommendations. Conversational recommender systems (CRSs) learn user
representation and provide accurate recommendations based on dialogue context,
but rely on external knowledge. Large language models (LLMs) generate responses
that mimic pre-sales dialogues after fine-tuning, but lack domain-specific
knowledge for accurate recommendations. Intuitively, the strengths of LLM and
CRS in E-commerce pre-sales dialogues are complementary, yet no previous work
has explored this. This paper investigates the effectiveness of combining LLM
and CRS in E-commerce pre-sales dialogues, proposing two collaboration methods:
CRS assisting LLM and LLM assisting CRS. We conduct extensive experiments on a
real-world dataset of Ecommerce pre-sales dialogues. We analyze the impact of
two collaborative approaches with two CRSs and two LLMs on four tasks of
Ecommerce pre-sales dialogue. We find that collaborations between CRS and LLM
can be very effective in some cases. | cs.CL | Conversational Recommender System and Large Language Model Are Made for Each Other in E-commerce Pre-sales Dialogue |
2023-10-23T06:54:51Z | http://arxiv.org/pdf/2310.14623v1 | http://arxiv.org/abs/2310.14623v1 | Hoang H. Nguyen, Ye Liu, Chenwei Zhang, Tao Zhang, Philip S. Yu | 2023-10-23T06:54:51Z | cs.CL, cs.LG | While Chain-of-Thought prompting is popular in reasoning tasks, its
application to Large Language Models (LLMs) in Natural Language Understanding
(NLU) is under-explored. Motivated by multi-step reasoning of LLMs, we propose
Coarse-to-Fine Chain-of-Thought (CoF-CoT) approach that breaks down NLU tasks
into multiple reasoning steps where LLMs can learn to acquire and leverage
essential concepts to solve tasks from different granularities. Moreover, we
propose leveraging semantic-based Abstract Meaning Representation (AMR)
structured knowledge as an intermediate step to capture the nuances and diverse
structures of utterances, and to understand connections between their varying
levels of granularity. Our proposed approach is demonstrated effective in
assisting the LLMs adapt to the multi-grained NLU tasks under both zero-shot
and few-shot multi-domain settings. | cs.CL | CoF-CoT: Enhancing Large Language Models with Coarse-to-Fine Chain-of-Thought Prompting for Multi-domain NLU Tasks |
2023-10-23T06:46:03Z | http://arxiv.org/pdf/2310.14614v1 | http://arxiv.org/abs/2310.14614v1 | Yige Xu, Zhiwei Zeng, Zhiqi Shen | 2023-10-23T06:46:03Z | cs.CL | Emotion Recognition in Conversation (ERC) has been widely studied due to its
importance in developing emotion-aware empathetic machines. The rise of
pre-trained language models (PLMs) has further pushed the limit of ERC
performance. However, most recent works on ERC using PLMs are heavily
data-driven, and requires fine-tuning the entire PLMs. To improve both sample
and computational efficiency, we propose a derivative-free optimization method
called Cross-Task Prompt Tuning (CTPT) for few-shot conversational emotion
recognition. Unlike existing methods that learn independent knowledge from
individual tasks, CTPT leverages sharable cross-task knowledge by exploiting
external knowledge from other source tasks to improve learning performance
under the few-shot setting. Moreover, CTPT only needs to optimize a vector
under the low intrinsic dimensionality without gradient, which is highly
parameter-efficient compared with existing approaches. Experiments on five
different contextual conversation datasets demonstrate that our CTPT method has
superior results on both few-shot scenarios and zero-shot transfers. | cs.CL | Efficient Cross-Task Prompt Tuning for Few-Shot Conversational Emotion Recognition |
2023-10-23T06:38:49Z | http://arxiv.org/pdf/2310.14610v1 | http://arxiv.org/abs/2310.14610v1 | Jaechan Lee, Alisa Liu, Orevaoghene Ahia, Hila Gonen, Noah A. Smith | 2023-10-23T06:38:49Z | cs.CL | The translation of ambiguous text presents a challenge for translation
systems, as it requires using the surrounding context to disambiguate the
intended meaning as much as possible. While prior work has studied ambiguities
that result from different grammatical features of the source and target
language, we study semantic ambiguities that exist in the source (English in
this work) itself. In particular, we focus on idioms that are open to both
literal and figurative interpretations (e.g., goose egg), and collect TIDE, a
dataset of 512 pairs of English sentences containing idioms with disambiguating
context such that one is literal (it laid a goose egg) and another is
figurative (they scored a goose egg, as in a score of zero). In experiments, we
compare MT-specific models and language models for (i) their preference when
given an ambiguous subsentence, (ii) their sensitivity to disambiguating
context, and (iii) the performance disparity between figurative and literal
source sentences. We find that current MT models consistently translate English
idioms literally, even when the context suggests a figurative interpretation.
On the other hand, LMs are far more context-aware, although there remain
disparities across target languages. Our findings underline the potential of
LMs as a strong backbone for context-aware translation. | cs.CL | That was the last straw, we need more: Are Translation Systems Sensitive to Disambiguating Context? |
2023-10-23T06:34:39Z | http://arxiv.org/pdf/2310.14609v1 | http://arxiv.org/abs/2310.14609v1 | Xian Li, Hongguang Shi, Yunfei Wang, Yeqin Zhang, Xubin Li, Cam-Tu Nguyen | 2023-10-23T06:34:39Z | cs.CL | In Conversational Recommendation Systems (CRS), the central question is how
the conversational agent can naturally ask for user preferences and provide
suitable recommendations. Existing works mainly follow the hierarchical
architecture, where a higher policy decides whether to invoke the conversation
module (to ask questions) or the recommendation module (to make
recommendations). This architecture prevents these two components from fully
interacting with each other. In contrast, this paper proposes a novel
architecture, the long short-term feedback architecture, to connect these two
essential components in CRS. Specifically, the recommendation predicts the
long-term recommendation target based on the conversational context and the
user history. Driven by the targeted recommendation, the conversational model
predicts the next topic or attribute to verify if the user preference matches
the target. The balance feedback loop continues until the short-term planner
output matches the long-term planner output, that is when the system should
make the recommendation. | cs.CL | Long Short-Term Planning for Conversational Recommendation Systems |
2023-10-23T06:31:28Z | http://arxiv.org/pdf/2310.14607v2 | http://arxiv.org/abs/2310.14607v2 | Yanchen Liu, Srishti Gautam, Jiaqi Ma, Himabindu Lakkaraju | 2024-04-02T21:29:20Z | cs.CL, cs.LG | Recent literature has suggested the potential of using large language models
(LLMs) to make classifications for tabular tasks. However, LLMs have been shown
to exhibit harmful social biases that reflect the stereotypes and inequalities
present in society. To this end, as well as the widespread use of tabular data
in many high-stake applications, it is important to explore the following
questions: what sources of information do LLMs draw upon when making
classifications for tabular tasks; whether and to what extent are LLM
classifications for tabular data influenced by social biases and stereotypes;
and what are the consequential implications for fairness?
Through a series of experiments, we delve into these questions and show that
LLMs tend to inherit social biases from their training data which significantly
impact their fairness in tabular classification tasks. Furthermore, our
investigations show that in the context of bias mitigation, though in-context
learning and finetuning have a moderate effect, the fairness metric gap between
different subgroups is still larger than that in traditional machine learning
models, such as Random Forest and shallow Neural Networks. This observation
emphasizes that the social biases are inherent within the LLMs themselves and
inherited from their pretraining corpus, not only from the downstream task
datasets. Besides, we demonstrate that label-flipping of in-context examples
can significantly reduce biases, further highlighting the presence of inherent
bias within LLMs. | cs.CL | Confronting LLMs with Traditional ML: Rethinking the Fairness of Large Language Models in Tabular Classifications |
2023-10-23T06:22:39Z | http://arxiv.org/pdf/2310.14605v1 | http://arxiv.org/abs/2310.14605v1 | Fei Zhao, Chunhui Li, Zhen Wu, Yawen Ouyang, Jianbing Zhang, Xinyu Dai | 2023-10-23T06:22:39Z | cs.CL, cs.MM | Multimodal Aspect-based Sentiment Analysis (MABSA) is a fine-grained
Sentiment Analysis task, which has attracted growing research interests
recently. Existing work mainly utilizes image information to improve the
performance of MABSA task. However, most of the studies overestimate the
importance of images since there are many noise images unrelated to the text in
the dataset, which will have a negative impact on model learning. Although some
work attempts to filter low-quality noise images by setting thresholds, relying
on thresholds will inevitably filter out a lot of useful image information.
Therefore, in this work, we focus on whether the negative impact of noisy
images can be reduced without modifying the data. To achieve this goal, we
borrow the idea of Curriculum Learning and propose a Multi-grained
Multi-curriculum Denoising Framework (M2DF), which can achieve denoising by
adjusting the order of training data. Extensive experimental results show that
our framework consistently outperforms state-of-the-art work on three sub-tasks
of MABSA. | cs.CL | M2DF: Multi-grained Multi-curriculum Denoising Framework for Multimodal Aspect-based Sentiment Analysis |
2023-10-23T06:14:07Z | http://arxiv.org/pdf/2310.14602v2 | http://arxiv.org/abs/2310.14602v2 | Tam Minh Vo, Khiem Vinh Tran | 2023-10-31T09:15:51Z | cs.CL | Recent studies have provided empirical evidence of the wide-ranging potential
of Generative Pre-trained Transformer (GPT), a pretrained language model, in
the field of natural language processing. GPT has been effectively employed as
a decoder within state-of-the-art (SOTA) question answering systems, yielding
exceptional performance across various tasks. However, the current research
landscape concerning GPT's application in Vietnamese remains limited. This
paper aims to address this gap by presenting an implementation of GPT-2 for
community-based question answering specifically focused on COVID-19 related
queries in Vietnamese. We introduce a novel approach by conducting a
comparative analysis of different Transformers vs SOTA models in the
community-based COVID-19 question answering dataset. The experimental findings
demonstrate that the GPT-2 models exhibit highly promising outcomes,
outperforming other SOTA models as well as previous community-based COVID-19
question answering models developed for Vietnamese. | cs.CL | Generative Pre-trained Transformer for Vietnamese Community-based COVID-19 Question Answering |
2023-10-23T06:13:08Z | http://arxiv.org/pdf/2310.14599v1 | http://arxiv.org/abs/2310.14599v1 | Huiyu Mai, Wenhao Jiang, Zhihong Deng | 2023-10-23T06:13:08Z | cs.CL, cs.AI | Unsupervised text style transfer aims at training a generative model that can
alter the style of the input sentence while preserving its content without
using any parallel data. In this paper, we employ powerful pre-trained large
language models and present a new prefix-tuning-based method for unsupervised
text style transfer. We construct three different kinds of prefixes, i.e.,
\textit{shared prefix, style prefix}, and \textit{content prefix}, to encode
task-specific information, target style, and the content information of the
input sentence, respectively. Compared to embeddings used by previous works,
the proposed prefixes can provide richer information for the model.
Furthermore, we adopt a recursive way of using language models in the process
of style transfer. This strategy provides a more effective way for the
interactions between the input sentence and GPT-2, helps the model construct
more informative prefixes, and thus, helps improve the performance. Evaluations
on the well-known datasets show that our method outperforms the
state-of-the-art baselines. Results, analysis of ablation studies, and
subjective evaluations from humans are also provided for a deeper understanding
of the proposed method. | cs.CL | Prefix-Tuning Based Unsupervised Text Style Transfer |
2023-10-23T06:04:07Z | http://arxiv.org/pdf/2310.14596v1 | http://arxiv.org/abs/2310.14596v1 | Minghao Tang, Yongquan He, Yongxiu Xu, Hongbo Xu, Wenyuan Zhang, Yang Lin | 2023-10-23T06:04:07Z | cs.CL, cs.AI | Fine-grained entity typing (FET) is an essential task in natural language
processing that aims to assign semantic types to entities in text. However, FET
poses a major challenge known as the noise labeling problem, whereby current
methods rely on estimating noise distribution to identify noisy labels but are
confused by diverse noise distribution deviation. To address this limitation,
we introduce Co-Prediction Prompt Tuning for noise correction in FET, which
leverages multiple prediction results to identify and correct noisy labels.
Specifically, we integrate prediction results to recall labeled labels and
utilize a differentiated margin to identify inaccurate labels. Moreover, we
design an optimization objective concerning divergent co-predictions during
fine-tuning, ensuring that the model captures sufficient information and
maintains robustness in noise identification. Experimental results on three
widely-used FET datasets demonstrate that our noise correction approach
significantly enhances the quality of various types of training samples,
including those annotated using distant supervision, ChatGPT, and
crowdsourcing. | cs.CL | Learning to Correct Noisy Labels for Fine-Grained Entity Typing via Co-Prediction Prompt Tuning |
2023-10-23T05:52:09Z | http://arxiv.org/pdf/2310.14587v2 | http://arxiv.org/abs/2310.14587v2 | Liang Wang, Nan Yang, Xiaolong Huang, Linjun Yang, Rangan Majumder, Furu Wei | 2024-01-02T07:22:04Z | cs.IR, cs.CL | Modern search engines are built on a stack of different components, including
query understanding, retrieval, multi-stage ranking, and question answering,
among others. These components are often optimized and deployed independently.
In this paper, we introduce a novel conceptual framework called large search
model, which redefines the conventional search stack by unifying search tasks
with one large language model (LLM). All tasks are formulated as autoregressive
text generation problems, allowing for the customization of tasks through the
use of natural language prompts. This proposed framework capitalizes on the
strong language understanding and reasoning capabilities of LLMs, offering the
potential to enhance search result quality while simultaneously simplifying the
existing cumbersome search stack. To substantiate the feasibility of this
framework, we present a series of proof-of-concept experiments and discuss the
potential challenges associated with implementing this approach within
real-world search systems. | cs.IR | Large Search Model: Redefining Search Stack in the Era of LLMs |
2023-10-23T05:43:35Z | http://arxiv.org/pdf/2310.14583v1 | http://arxiv.org/abs/2310.14583v1 | Henry Peng Zou, Cornelia Caragea | 2023-10-23T05:43:35Z | cs.CL, cs.LG | Semi-supervised text classification (SSTC) has gained increasing attention
due to its ability to leverage unlabeled data. However, existing approaches
based on pseudo-labeling suffer from the issues of pseudo-label bias and error
accumulation. In this paper, we propose JointMatch, a holistic approach for
SSTC that addresses these challenges by unifying ideas from recent
semi-supervised learning and the task of learning with noise. JointMatch
adaptively adjusts classwise thresholds based on the learning status of
different classes to mitigate model bias towards current easy classes.
Additionally, JointMatch alleviates error accumulation by utilizing two
differently initialized networks to teach each other in a cross-labeling
manner. To maintain divergence between the two networks for mutual learning, we
introduce a strategy that weighs more disagreement data while also allowing the
utilization of high-quality agreement data for training. Experimental results
on benchmark datasets demonstrate the superior performance of JointMatch,
achieving a significant 5.13% improvement on average. Notably, JointMatch
delivers impressive results even in the extremely-scarce-label setting,
obtaining 86% accuracy on AG News with only 5 labels per class. We make our
code available at https://github.com/HenryPengZou/JointMatch. | cs.CL | JointMatch: A Unified Approach for Diverse and Collaborative Pseudo-Labeling to Semi-Supervised Text Classification |
2023-10-23T05:25:51Z | http://arxiv.org/pdf/2310.14577v1 | http://arxiv.org/abs/2310.14577v1 | Henry Peng Zou, Yue Zhou, Weizhi Zhang, Cornelia Caragea | 2023-10-23T05:25:51Z | cs.CL, cs.LG | During crisis events, people often use social media platforms such as Twitter
to disseminate information about the situation, warnings, advice, and support.
Emergency relief organizations leverage such information to acquire timely
crisis circumstances and expedite rescue operations. While existing works
utilize such information to build models for crisis event analysis,
fully-supervised approaches require annotating vast amounts of data and are
impractical due to limited response time. On the other hand, semi-supervised
models can be biased, performing moderately well for certain classes while
performing extremely poorly for others, resulting in substantially negative
effects on disaster monitoring and rescue. In this paper, we first study two
recent debiasing methods on semi-supervised crisis tweet classification. Then
we propose a simple but effective debiasing method, DeCrisisMB, that utilizes a
Memory Bank to store and perform equal sampling for generated pseudo-labels
from each class at each training iteration. Extensive experiments are conducted
to compare different debiasing methods' performance and generalization ability
in both in-distribution and out-of-distribution settings. The results
demonstrate the superior performance of our proposed method. Our code is
available at https://github.com/HenryPengZou/DeCrisisMB. | cs.CL | DeCrisisMB: Debiased Semi-Supervised Learning for Crisis Tweet Classification via Memory Bank |
2023-10-23T05:13:03Z | http://arxiv.org/pdf/2310.14573v1 | http://arxiv.org/abs/2310.14573v1 | Qianchu Liu, Stephanie Hyland, Shruthi Bannur, Kenza Bouzid, Daniel C. Castro, Maria Teodora Wetscherek, Robert Tinn, Harshita Sharma, Fernando Pérez-García, Anton Schwaighofer, Pranav Rajpurkar, Sameer Tajdin Khanna, Hoifung Poon, Naoto Usuyama, Anja Thieme, Aditya V. Nori, Matthew P. Lungren, Ozan Oktay, Javier Alvarez-Valle | 2023-10-23T05:13:03Z | cs.CL | The recent success of general-domain large language models (LLMs) has
significantly changed the natural language processing paradigm towards a
unified foundation model across domains and applications. In this paper, we
focus on assessing the performance of GPT-4, the most capable LLM so far, on
the text-based applications for radiology reports, comparing against
state-of-the-art (SOTA) radiology-specific models. Exploring various prompting
strategies, we evaluated GPT-4 on a diverse range of common radiology tasks and
we found GPT-4 either outperforms or is on par with current SOTA radiology
models. With zero-shot prompting, GPT-4 already obtains substantial gains
($\approx$ 10% absolute improvement) over radiology models in temporal sentence
similarity classification (accuracy) and natural language inference ($F_1$).
For tasks that require learning dataset-specific style or schema (e.g. findings
summarisation), GPT-4 improves with example-based prompting and matches
supervised SOTA. Our extensive error analysis with a board-certified
radiologist shows GPT-4 has a sufficient level of radiology knowledge with only
occasional errors in complex context that require nuanced domain knowledge. For
findings summarisation, GPT-4 outputs are found to be overall comparable with
existing manually-written impressions. | cs.CL | Exploring the Boundaries of GPT-4 in Radiology |
2023-10-23T05:12:41Z | http://arxiv.org/pdf/2310.14572v1 | http://arxiv.org/abs/2310.14572v1 | Pritam Kadasi, Mayank Singh | 2023-10-23T05:12:41Z | cs.CL, cs.AI | The NLP community has long advocated for the construction of multi-annotator
datasets to better capture the nuances of language interpretation,
subjectivity, and ambiguity. This paper conducts a retrospective study to show
how performance scores can vary when a dataset expands from a single annotation
per instance to multiple annotations. We propose a novel multi-annotator
simulation process to generate datasets with varying annotation budgets. We
show that similar datasets with the same annotation budget can lead to varying
performance gains. Our findings challenge the popular belief that models
trained on multi-annotation examples always lead to better performance than
models trained on single or few-annotation examples. | cs.CL | Unveiling the Multi-Annotation Process: Examining the Influence of Annotation Quantity and Instance Difficulty on Model Performance |
2023-10-23T05:04:07Z | http://arxiv.org/pdf/2310.18349v1 | http://arxiv.org/abs/2310.18349v1 | Minghao Tang, Yongquan He, Yongxiu Xu, Hongbo Xu, Wenyuan Zhang, Yang Lin | 2023-10-23T05:04:07Z | cs.CL | Named entity recognition (NER) is a fundamental task in natural language
processing that aims to identify and classify named entities in text. However,
span-based methods for NER typically assign entity types to text spans,
resulting in an imbalanced sample space and neglecting the connections between
non-entity and entity spans. To address these issues, we propose a novel
approach for NER, named the Boundary Offset Prediction Network (BOPN), which
predicts the boundary offsets between candidate spans and their nearest entity
spans. By leveraging the guiding semantics of boundary offsets, BOPN
establishes connections between non-entity and entity spans, enabling
non-entity spans to function as additional positive samples for entity
detection. Furthermore, our method integrates entity type and span
representations to generate type-aware boundary offsets instead of using entity
types as detection targets. We conduct experiments on eight widely-used NER
datasets, and the results demonstrate that our proposed BOPN outperforms
previous state-of-the-art methods. | cs.CL | A Boundary Offset Prediction Network for Named Entity Recognition |
2023-10-23T04:49:09Z | http://arxiv.org/pdf/2310.14566v5 | http://arxiv.org/abs/2310.14566v5 | Tianrui Guan, Fuxiao Liu, Xiyang Wu, Ruiqi Xian, Zongxia Li, Xiaoyu Liu, Xijun Wang, Lichang Chen, Furong Huang, Yaser Yacoob, Dinesh Manocha, Tianyi Zhou | 2024-03-25T06:05:24Z | cs.CV, cs.CL | We introduce HallusionBench, a comprehensive benchmark designed for the
evaluation of image-context reasoning. This benchmark presents significant
challenges to advanced large visual-language models (LVLMs), such as
GPT-4V(Vision), Gemini Pro Vision, Claude 3, and LLaVA-1.5, by emphasizing
nuanced understanding and interpretation of visual data. The benchmark
comprises 346 images paired with 1129 questions, all meticulously crafted by
human experts. We introduce a novel structure for these visual questions
designed to establish control groups. This structure enables us to conduct a
quantitative analysis of the models' response tendencies, logical consistency,
and various failure modes. In our evaluation on HallusionBench, we benchmarked
15 different models, highlighting a 31.42% question-pair accuracy achieved by
the state-of-the-art GPT-4V. Notably, all other evaluated models achieve
accuracy below 16%. Moreover, our analysis not only highlights the observed
failure modes, including language hallucination and visual illusion, but also
deepens an understanding of these pitfalls. Our comprehensive case studies
within HallusionBench shed light on the challenges of hallucination and
illusion in LVLMs. Based on these insights, we suggest potential pathways for
their future improvement. The benchmark and codebase can be accessed at
https://github.com/tianyi-lab/HallusionBench. | cs.CV | HallusionBench: An Advanced Diagnostic Suite for Entangled Language Hallucination and Visual Illusion in Large Vision-Language Models |
2023-10-23T04:39:01Z | http://arxiv.org/pdf/2310.14564v2 | http://arxiv.org/abs/2310.14564v2 | Jian Guan, Jesse Dodge, David Wadden, Minlie Huang, Hao Peng | 2024-03-21T02:56:22Z | cs.CL | Recent progress in natural language processing (NLP) owes much to remarkable
advances in large language models (LLMs). Nevertheless, LLMs frequently
"hallucinate," resulting in non-factual outputs. Our carefully-designed human
evaluation substantiates the serious hallucination issue, revealing that even
GPT-3.5 produces factual outputs less than 25% of the time. This underscores
the importance of fact verifiers in order to measure and incentivize progress.
Our systematic investigation affirms that LLMs can be repurposed as effective
fact verifiers with strong correlations with human judgments. Surprisingly,
FLAN-T5-11B, the least factual generator in our study, performs the best as a
fact verifier, even outperforming more capable LLMs like GPT3.5 and ChatGPT.
Delving deeper, we analyze the reliance of these LLMs on high-quality evidence,
as well as their deficiencies in robustness and generalization ability. Our
study presents insights for developing trustworthy generation models. | cs.CL | Language Models Hallucinate, but May Excel at Fact Verification |
2023-10-23T04:38:34Z | http://arxiv.org/pdf/2310.14563v2 | http://arxiv.org/abs/2310.14563v2 | Oliver Li, Mallika Subramanian, Arkadiy Saakyan, Sky CH-Wang, Smaranda Muresan | 2023-10-25T02:00:19Z | cs.CL, cs.CY | Social norms fundamentally shape interpersonal communication. We present
NormDial, a high-quality dyadic dialogue dataset with turn-by-turn annotations
of social norm adherences and violations for Chinese and American cultures.
Introducing the task of social norm observance detection, our dataset is
synthetically generated in both Chinese and English using a human-in-the-loop
pipeline by prompting large language models with a small collection of
expert-annotated social norms. We show that our generated dialogues are of high
quality through human evaluation and further evaluate the performance of
existing large language models on this task. Our findings point towards new
directions for understanding the nuances of social norms as they manifest in
conversational contexts that span across languages and cultures. | cs.CL | NormDial: A Comparable Bilingual Synthetic Dialog Dataset for Modeling Social Norm Adherence and Violation |
2023-10-23T04:35:58Z | http://arxiv.org/pdf/2310.18348v3 | http://arxiv.org/abs/2310.18348v3 | Tian Yu Liu, Matthew Trager, Alessandro Achille, Pramuditha Perera, Luca Zancato, Stefano Soatto | 2023-11-29T05:32:24Z | cs.CL, cs.AI, cs.CV, cs.LG | We propose to extract meaning representations from autoregressive language
models by considering the distribution of all possible trajectories extending
an input text. This strategy is prompt-free, does not require fine-tuning, and
is applicable to any pre-trained autoregressive model. Moreover, unlike
vector-based representations, distribution-based representations can also model
asymmetric relations (e.g., direction of logical entailment, hypernym/hyponym
relations) by using algebraic operations between likelihood functions. These
ideas are grounded in distributional perspectives on semantics and are
connected to standard constructions in automata theory, but to our knowledge
they have not been applied to modern language models. We empirically show that
the representations obtained from large models align well with human
annotations, outperform other zero-shot and prompt-free methods on semantic
similarity tasks, and can be used to solve more complex entailment and
containment tasks that standard embeddings cannot handle. Finally, we extend
our method to represent data from different modalities (e.g., image and text)
using multimodal autoregressive models. Our code is available at:
https://github.com/tianyu139/meaning-as-trajectories | cs.CL | Meaning Representations from Trajectories in Autoregressive Models |
2023-10-23T04:22:50Z | http://arxiv.org/pdf/2310.14558v4 | http://arxiv.org/abs/2310.14558v4 | Xinlu Zhang, Chenxin Tian, Xianjun Yang, Lichang Chen, Zekun Li, Linda Ruth Petzold | 2024-06-10T17:52:31Z | cs.CL, cs.AI | Instruction-finetuning (IFT) has become crucial in aligning Large Language
Models (LLMs) with diverse human needs and has shown great potential in medical
applications. However, previous studies mainly fine-tune LLMs on biomedical
datasets with limited diversity, which often rely on benchmarks or narrow task
scopes, and hence significantly limit the effectiveness on their medical
instruction-following ability and generalizability. To bridge this gap, we
propose creating a diverse, machine-generated medical IFT dataset,
MedInstruct-52k, using GPT-4 and ChatGPT with a high-quality expert-curated
seed set. We then fine-tune LLaMA-series models on the dataset to develop
AlpaCare. Despite using a smaller domain-specific dataset than previous medical
LLMs, AlpaCare not only demonstrates superior performance on medical
applications, with up to 38.1% absolute gain over best baselines in medical
free-form instruction evaluations, but also achieves 6.7% absolute gains
averaged over multiple general domain benchmarks. Human evaluation further
shows that AlpaCare consistently outperforms best baselines in terms of both
correctness and helpfulness. We offer public access to our data, model, and
codebase in https://github.com/XZhang97666/AlpaCare. | cs.CL | AlpaCare:Instruction-tuned Large Language Models for Medical Application |
2023-10-23T04:22:44Z | http://arxiv.org/pdf/2310.14557v1 | http://arxiv.org/abs/2310.14557v1 | Chiyu Zhang, Khai Duy Doan, Qisheng Liao, Muhammad Abdul-Mageed | 2023-10-23T04:22:44Z | cs.CL | Instruction tuned large language models (LLMs), such as ChatGPT, demonstrate
remarkable performance in a wide range of tasks. Despite numerous recent
studies that examine the performance of instruction-tuned LLMs on various NLP
benchmarks, there remains a lack of comprehensive investigation into their
ability to understand cross-lingual sociopragmatic meaning (SM), i.e., meaning
embedded within social and interactive contexts. This deficiency arises partly
from SM not being adequately represented in any of the existing benchmarks. To
address this gap, we present SPARROW, an extensive multilingual benchmark
specifically designed for SM understanding. SPARROW comprises 169 datasets
covering 13 task types across six primary categories (e.g., anti-social
language detection, emotion recognition). SPARROW datasets encompass 64
different languages originating from 12 language families representing 16
writing scripts. We evaluate the performance of various multilingual pretrained
language models (e.g., mT5) and instruction-tuned LLMs (e.g., BLOOMZ, ChatGPT)
on SPARROW through fine-tuning, zero-shot, and/or few-shot learning. Our
comprehensive analysis reveals that existing open-source instruction tuned LLMs
still struggle to understand SM across various languages, performing close to a
random baseline in some cases. We also find that although ChatGPT outperforms
many LLMs, it still falls behind task-specific finetuned models with a gap of
12.19 SPARROW score. Our benchmark is available at:
https://github.com/UBC-NLP/SPARROW | cs.CL | The Skipped Beat: A Study of Sociopragmatic Understanding in LLMs for 64 Languages |
2023-10-23T03:55:13Z | http://arxiv.org/pdf/2310.14545v2 | http://arxiv.org/abs/2310.14545v2 | V Vien Lee, Stephanie C. C. van der Lubbe, Lay Hoon Goh, Jose M. Valderas | 2023-10-24T01:56:05Z | cs.CL | ChatGPT is an advanced natural language processing tool with growing
applications across various disciplines in medical research. Thematic analysis,
a qualitative research method to identify and interpret patterns in data, is
one application that stands to benefit from this technology. This viewpoint
explores the utilization of ChatGPT in three core phases of thematic analysis
within a medical context: 1) direct coding of transcripts, 2) generating themes
from a predefined list of codes, and 3) preprocessing quotes for manuscript
inclusion. Additionally, we explore the potential of ChatGPT to generate
interview transcripts, which may be used for training purposes. We assess the
strengths and limitations of using ChatGPT in these roles, highlighting areas
where human intervention remains necessary. Overall, we argue that ChatGPT can
function as a valuable tool during analysis, enhancing the efficiency of the
thematic analysis and offering additional insights into the qualitative data. | cs.CL | Harnessing ChatGPT for thematic analysis: Are we ready? |
2023-10-23T03:48:24Z | http://arxiv.org/pdf/2310.14542v1 | http://arxiv.org/abs/2310.14542v1 | Jiao Sun, Yufei Tian, Wangchunshu Zhou, Nan Xu, Qian Hu, Rahul Gupta, John Frederick Wieting, Nanyun Peng, Xuezhe Ma | 2023-10-23T03:48:24Z | cs.CL | While recent studies have looked into the abilities of large language models
in various benchmark tasks, including question generation, reading
comprehension, multilingual and etc, there have been few studies looking into
the controllability of large language models on generation tasks. We present an
extensive analysis of various benchmarks including a sentence planning
benchmark with different granularities. After comparing large language models
against state-of-the-start finetuned smaller models, we present a spectrum
showing large language models falling behind, are comparable, or exceed the
ability of smaller models. We conclude that **large language models struggle at
meeting fine-grained hard constraints**. | cs.CL | Evaluating Large Language Models on Controlled Generation Tasks |
2023-10-23T03:45:30Z | http://arxiv.org/pdf/2310.14541v1 | http://arxiv.org/abs/2310.14541v1 | Duzhen Zhang, Wei Cong, Jiahua Dong, Yahan Yu, Xiuyi Chen, Yonggang Zhang, Zhen Fang | 2023-10-23T03:45:30Z | cs.CL | Continual Named Entity Recognition (CNER) is a burgeoning area, which
involves updating an existing model by incorporating new entity types
sequentially. Nevertheless, continual learning approaches are often severely
afflicted by catastrophic forgetting. This issue is intensified in CNER due to
the consolidation of old entity types from previous steps into the non-entity
type at each step, leading to what is known as the semantic shift problem of
the non-entity type. In this paper, we introduce a pooled feature distillation
loss that skillfully navigates the trade-off between retaining knowledge of old
entity types and acquiring new ones, thereby more effectively mitigating the
problem of catastrophic forgetting. Additionally, we develop a confidence-based
pseudo-labeling for the non-entity type, \emph{i.e.,} predicting entity types
using the old model to handle the semantic shift of the non-entity type.
Following the pseudo-labeling process, we suggest an adaptive re-weighting
type-balanced learning strategy to handle the issue of biased type
distribution. We carried out comprehensive experiments on ten CNER settings
using three different datasets. The results illustrate that our method
significantly outperforms prior state-of-the-art approaches, registering an
average improvement of $6.3$\% and $8.0$\% in Micro and Macro F1 scores,
respectively. | cs.CL | Continual Named Entity Recognition without Catastrophic Forgetting |
2023-10-23T03:44:40Z | http://arxiv.org/pdf/2310.14540v3 | http://arxiv.org/abs/2310.14540v3 | Yutaro Yamada, Yihan Bao, Andrew K. Lampinen, Jungo Kasai, Ilker Yildirim | 2024-04-13T01:59:06Z | cs.CL, cs.AI | Large language models (LLMs) show remarkable capabilities across a variety of
tasks. Despite the models only seeing text in training, several recent studies
suggest that LLM representations implicitly capture aspects of the underlying
grounded concepts. Here, we explore LLM representations of a particularly
salient kind of grounded knowledge -- spatial relationships. We design
natural-language navigation tasks and evaluate the ability of LLMs, in
particular GPT-3.5-turbo, GPT-4, and Llama2 series models, to represent and
reason about spatial structures. These tasks reveal substantial variability in
LLM performance across different spatial structures, including square,
hexagonal, and triangular grids, rings, and trees. In extensive error analysis,
we find that LLMs' mistakes reflect both spatial and non-spatial factors. These
findings suggest that LLMs appear to capture certain aspects of spatial
structure implicitly, but room for improvement remains. | cs.CL | Evaluating Spatial Understanding of Large Language Models |
2023-10-23T03:36:37Z | http://arxiv.org/pdf/2310.14534v1 | http://arxiv.org/abs/2310.14534v1 | Houquan Zhou, Yumeng Liu, Zhenghua Li, Min Zhang, Bo Zhang, Chen Li, Ji Zhang, Fei Huang | 2023-10-23T03:36:37Z | cs.CL | The sequence-to-sequence (Seq2Seq) approach has recently been widely used in
grammatical error correction (GEC) and shows promising performance. However,
the Seq2Seq GEC approach still suffers from two issues. First, a Seq2Seq GEC
model can only be trained on parallel data, which, in GEC task, is often noisy
and limited in quantity. Second, the decoder of a Seq2Seq GEC model lacks an
explicit awareness of the correctness of the token being generated. In this
paper, we propose a unified decoding intervention framework that employs an
external critic to assess the appropriateness of the token to be generated
incrementally, and then dynamically influence the choice of the next token. We
discover and investigate two types of critics: a pre-trained left-to-right
language model critic and an incremental target-side grammatical error detector
critic. Through extensive experiments on English and Chinese datasets, our
framework consistently outperforms strong baselines and achieves results
competitive with state-of-the-art methods. | cs.CL | Improving Seq2Seq Grammatical Error Correction via Decoding Interventions |
2023-10-23T03:21:11Z | http://arxiv.org/pdf/2310.14528v1 | http://arxiv.org/abs/2310.14528v1 | Tianyuan Shi, Liangzhi Li, Zijian Lin, Tao Yang, Xiaojun Quan, Qifan Wang | 2023-10-23T03:21:11Z | cs.CL | Efficient knowledge retrieval plays a pivotal role in ensuring the success of
end-to-end task-oriented dialogue systems by facilitating the selection of
relevant information necessary to fulfill user requests. However, current
approaches generally integrate knowledge retrieval and response generation,
which poses scalability challenges when dealing with extensive knowledge bases.
Taking inspiration from open-domain question answering, we propose a
retriever-generator architecture that harnesses a retriever to retrieve
pertinent knowledge and a generator to generate system responses.~Due to the
lack of retriever training labels, we propose relying on feedback from the
generator as pseudo-labels to train the retriever. To achieve this, we
introduce a dual-feedback mechanism that generates both positive and negative
feedback based on the output of the generator. Our method demonstrates superior
performance in task-oriented dialogue tasks, as evidenced by experimental
results on three benchmark datasets. | cs.CL | Dual-Feedback Knowledge Retrieval for Task-Oriented Dialogue Systems |
2023-10-23T03:12:00Z | http://arxiv.org/pdf/2310.18347v1 | http://arxiv.org/abs/2310.18347v1 | Haoyan Yang, Zhitao Li, Yong Zhang, Jianzong Wang, Ning Cheng, Ming Li, Jing Xiao | 2023-10-23T03:12:00Z | cs.CL | The Retrieval Question Answering (ReQA) task employs the retrieval-augmented
framework, composed of a retriever and generator. The generator formulates the
answer based on the documents retrieved by the retriever. Incorporating Large
Language Models (LLMs) as generators is beneficial due to their advanced QA
capabilities, but they are typically too large to be fine-tuned with budget
constraints while some of them are only accessible via APIs. To tackle this
issue and further improve ReQA performance, we propose a trainable Pluggable
Reward-Driven Contextual Adapter (PRCA), keeping the generator as a black box.
Positioned between the retriever and generator in a Pluggable manner, PRCA
refines the retrieved information by operating in a token-autoregressive
strategy via maximizing rewards of the reinforcement learning phase. Our
experiments validate PRCA's effectiveness in enhancing ReQA performance on
three datasets by up to 20% improvement to fit black-box LLMs into existing
frameworks, demonstrating its considerable potential in the LLMs era. | cs.CL | PRCA: Fitting Black-Box Large Language Models for Retrieval Question Answering via Pluggable Reward-Driven Contextual Adapter |
2023-10-23T03:11:46Z | http://arxiv.org/pdf/2310.14523v2 | http://arxiv.org/abs/2310.14523v2 | Xingyu Chen, Lemao Liu, Guoping Huang, Zhirui Zhang, Mingming Yang, Shuming Shi, Rui Wang | 2023-10-24T06:48:07Z | cs.CL | Word-Level Auto-Completion (WLAC) plays a crucial role in Computer-Assisted
Translation. It aims at providing word-level auto-completion suggestions for
human translators. While previous studies have primarily focused on designing
complex model architectures, this paper takes a different perspective by
rethinking the fundamental question: what kind of words are good
auto-completions? We introduce a measurable criterion to answer this question
and discover that existing WLAC models often fail to meet this criterion.
Building upon this observation, we propose an effective approach to enhance
WLAC performance by promoting adherence to the criterion. Notably, the proposed
approach is general and can be applied to various encoder-based architectures.
Through extensive experiments, we demonstrate that our approach outperforms the
top-performing system submitted to the WLAC shared tasks in WMT2022, while
utilizing significantly smaller model sizes. | cs.CL | Rethinking Word-Level Auto-Completion in Computer-Aided Translation |
2023-10-23T03:03:58Z | http://arxiv.org/pdf/2310.14520v2 | http://arxiv.org/abs/2310.14520v2 | Yating Wu, Ritika Mangla, Greg Durrett, Junyi Jessy Li | 2023-11-01T20:30:41Z | cs.CL | Questions Under Discussion (QUD) is a versatile linguistic framework in which
discourse progresses as continuously asking questions and answering them.
Automatic parsing of a discourse to produce a QUD structure thus entails a
complex question generation task: given a document and an answer sentence,
generate a question that satisfies linguistic constraints of QUD and can be
grounded in an anchor sentence in prior context. These questions are known to
be curiosity-driven and open-ended. This work introduces the first framework
for the automatic evaluation of QUD parsing, instantiating the theoretical
constraints of QUD in a concrete protocol. We present QUDeval, a dataset of
fine-grained evaluation of 2,190 QUD questions generated from both fine-tuned
systems and LLMs. Using QUDeval, we show that satisfying all constraints of QUD
is still challenging for modern LLMs, and that existing evaluation metrics
poorly approximate parser quality. Encouragingly, human-authored QUDs are
scored highly by our human evaluators, suggesting that there is headroom for
further progress on language modeling to improve both QUD parsing and QUD
evaluation. | cs.CL | QUDEVAL: The Evaluation of Questions Under Discussion Discourse Parsing |
2023-10-23T02:53:46Z | http://arxiv.org/pdf/2310.14513v1 | http://arxiv.org/abs/2310.14513v1 | Zihan Zhang, Meng Fang, Fanghua Ye, Ling Chen, Mohammad-Reza Namazi-Rad | 2023-10-23T02:53:46Z | cs.CL | Dialogue state tracking (DST) plays an important role in task-oriented
dialogue systems. However, collecting a large amount of turn-by-turn annotated
dialogue data is costly and inefficient. In this paper, we propose a novel
turn-level active learning framework for DST to actively select turns in
dialogues to annotate. Given the limited labelling budget, experimental results
demonstrate the effectiveness of selective annotation of dialogue turns.
Additionally, our approach can effectively achieve comparable DST performance
to traditional training approaches with significantly less annotated data,
which provides a more efficient way to annotate new dialogue data. | cs.CL | Turn-Level Active Learning for Dialogue State Tracking |
2023-10-23T02:47:27Z | http://arxiv.org/pdf/2310.14512v2 | http://arxiv.org/abs/2310.14512v2 | Sheng Xu, Peifeng Li, Qiaoming Zhu | 2023-10-24T02:45:55Z | cs.CL, cs.AI, cs.IR | Event coreference resolution (ECR) aims to group event mentions referring to
the same real-world event into clusters. Most previous studies adopt the
"encoding first, then scoring" framework, making the coreference judgment rely
on event encoding. Furthermore, current methods struggle to leverage
human-summarized ECR rules, e.g., coreferential events should have the same
event type, to guide the model. To address these two issues, we propose a
prompt-based approach, CorefPrompt, to transform ECR into a cloze-style MLM
(masked language model) task. This allows for simultaneous event modeling and
coreference discrimination within a single template, with a fully shared
context. In addition, we introduce two auxiliary prompt tasks, event-type
compatibility and argument compatibility, to explicitly demonstrate the
reasoning process of ECR, which helps the model make final predictions.
Experimental results show that our method CorefPrompt performs well in a
state-of-the-art (SOTA) benchmark. | cs.CL | CorefPrompt: Prompt-based Event Coreference Resolution by Measuring Event Type and Argument Compatibilities |
2023-10-23T02:42:32Z | http://arxiv.org/pdf/2310.14510v1 | http://arxiv.org/abs/2310.14510v1 | Zihan Zhang, Meng Fang, Ling Chen, Mohammad-Reza Namazi-Rad | 2023-10-23T02:42:32Z | cs.CL | Continual learning (CL) is a paradigm that aims to replicate the human
ability to learn and accumulate knowledge continually without forgetting
previous knowledge and transferring it to new tasks. Recent instruction tuning
(IT) involves fine-tuning models to make them more adaptable to solving NLP
tasks in general. However, it is still uncertain how instruction tuning works
in the context of CL tasks. This challenging yet practical problem is
formulated as Continual Instruction Tuning (CIT). In this work, we establish a
CIT benchmark consisting of learning and evaluation protocols. We curate two
long dialogue task streams of different types, InstrDialog and InstrDialog++,
to study various CL methods systematically. Our experiments show that existing
CL methods do not effectively leverage the rich natural language instructions,
and fine-tuning an instruction-tuned model sequentially can yield similar or
better results. We further explore different aspects that might affect the
learning of CIT. We hope this benchmark will facilitate more research in this
direction. | cs.CL | CITB: A Benchmark for Continual Instruction Tuning |
2023-10-23T02:39:14Z | http://arxiv.org/pdf/2310.14508v1 | http://arxiv.org/abs/2310.14508v1 | Yingjie Zhu, Jiasheng Si, Yibo Zhao, Haiyang Zhu, Deyu Zhou, Yulan He | 2023-10-23T02:39:14Z | cs.CL | Automatic multi-hop fact verification task has gained significant attention
in recent years. Despite impressive results, these well-designed models perform
poorly on out-of-domain data. One possible solution is to augment the training
data with counterfactuals, which are generated by minimally altering the causal
features of the original data. However, current counterfactual data
augmentation techniques fail to handle multi-hop fact verification due to their
incapability to preserve the complex logical relationships within multiple
correlated texts. In this paper, we overcome this limitation by developing a
rationale-sensitive method to generate linguistically diverse and
label-flipping counterfactuals while preserving logical relationships. In
specific, the diverse and fluent counterfactuals are generated via an
Explain-Edit-Generate architecture. Moreover, the checking and filtering
modules are proposed to regularize the counterfactual data with logical
relations and flipped labels. Experimental results show that the proposed
approach outperforms the SOTA baselines and can generate linguistically diverse
counterfactual data without disrupting their logical relationships. | cs.CL | EXPLAIN, EDIT, GENERATE: Rationale-Sensitive Counterfactual Data Augmentation for Multi-hop Fact Verification |
2023-10-23T02:32:30Z | http://arxiv.org/pdf/2310.14505v4 | http://arxiv.org/abs/2310.14505v4 | Fanfei Meng, Chen-Ao Wang | 2024-03-11T04:13:50Z | cs.CL | We propose a novel framework based on the attention mechanism to identify the
sentiment of a movie review document. Previous efforts on deep neural networks
with attention mechanisms focus on encoder and decoder with fixed numbers of
multi-head attention. Therefore, we need a mechanism to stop the attention
process automatically if no more useful information can be read from the
memory.In this paper, we propose an adaptive multi-head attention architecture
(AdaptAttn) which varies the number of attention heads based on length of
sentences. AdaptAttn has a data preprocessing step where each document is
classified into any one of the three bins small, medium or large based on
length of the sentence. The document classified as small goes through two heads
in each layer, the medium group passes four heads and the large group is
processed by eight heads. We examine the merit of our model on the Stanford
large movie review dataset. The experimental results show that the F1 score
from our model is on par with the baseline model. | cs.CL | Sentiment analysis with adaptive multi-head attention in Transformer |
2023-10-23T02:27:31Z | http://arxiv.org/pdf/2310.14503v1 | http://arxiv.org/abs/2310.14503v1 | Qi Gou, Zehua Xia, Bowen Yu, Haiyang Yu, Fei Huang, Yongbin Li, Nguyen Cam-Tu | 2023-10-23T02:27:31Z | cs.CL | Given a textual passage and an answer, humans are able to ask questions with
various expressions, but this ability is still challenging for most question
generation (QG) systems. Existing solutions mainly focus on the internal
knowledge within the given passage or the semantic word space for diverse
content planning. These methods, however, have not considered the potential of
external knowledge for expression diversity. To bridge this gap, we propose
RAST, a framework for Retrieval-Augmented Style Transfer, where the objective
is to utilize the style of diverse templates for question generation. For
training RAST, we develop a novel Reinforcement Learning (RL) based approach
that maximizes a weighted combination of diversity reward and consistency
reward. Here, the consistency reward is computed by a Question-Answering (QA)
model, whereas the diversity reward measures how much the final output mimics
the retrieved template. Experimental results show that our method outperforms
previous diversity-driven baselines on diversity while being comparable in
terms of consistency scores. Our code is available at
https://github.com/gouqi666/RAST. | cs.CL | Diversify Question Generation with Retrieval-Augmented Style Transfer |
2023-10-23T02:00:55Z | http://arxiv.org/pdf/2310.14495v1 | http://arxiv.org/abs/2310.14495v1 | Justin Payan, Swaroop Mishra, Mukul Singh, Carina Negreanu, Christian Poelitz, Chitta Baral, Subhro Roy, Rasika Chakravarthy, Benjamin Van Durme, Elnaz Nouri | 2023-10-23T02:00:55Z | cs.CL, cs.AI | With the evolution of Large Language Models (LLMs) we can solve increasingly
more complex NLP tasks across various domains, including spreadsheets. This
work investigates whether LLMs can generate code (Excel OfficeScripts, a
TypeScript API for executing many tasks in Excel) that solves Excel specific
tasks provided via natural language user instructions. To do so we introduce a
new large-scale benchmark, InstructExcel, created by leveraging the 'Automate'
feature in Excel to automatically generate OfficeScripts from users' actions.
Our benchmark includes over 10k samples covering 170+ Excel operations across
2,000 publicly available Excel spreadsheets. Experiments across various
zero-shot and few-shot settings show that InstructExcel is a hard benchmark for
state of the art models like GPT-4. We observe that (1) using GPT-4 over
GPT-3.5, (2) providing more in-context examples, and (3) dynamic prompting can
help improve performance on this benchmark. | cs.CL | InstructExcel: A Benchmark for Natural Language Instruction in Excel |
2023-10-23T01:47:29Z | http://arxiv.org/pdf/2310.14491v1 | http://arxiv.org/abs/2310.14491v1 | Yifan Hou, Jiaoda Li, Yu Fei, Alessandro Stolfo, Wangchunshu Zhou, Guangtao Zeng, Antoine Bosselut, Mrinmaya Sachan | 2023-10-23T01:47:29Z | cs.CL | Recent work has shown that language models (LMs) have strong multi-step
(i.e., procedural) reasoning capabilities. However, it is unclear whether LMs
perform these tasks by cheating with answers memorized from pretraining corpus,
or, via a multi-step reasoning mechanism. In this paper, we try to answer this
question by exploring a mechanistic interpretation of LMs for multi-step
reasoning tasks. Concretely, we hypothesize that the LM implicitly embeds a
reasoning tree resembling the correct reasoning process within it. We test this
hypothesis by introducing a new probing approach (called MechanisticProbe) that
recovers the reasoning tree from the model's attention patterns. We use our
probe to analyze two LMs: GPT-2 on a synthetic task (k-th smallest element),
and LLaMA on two simple language-based reasoning tasks (ProofWriter & AI2
Reasoning Challenge). We show that MechanisticProbe is able to detect the
information of the reasoning tree from the model's attentions for most
examples, suggesting that the LM indeed is going through a process of
multi-step reasoning within its architecture in many cases. | cs.CL | Towards a Mechanistic Interpretation of Multi-Step Reasoning Capabilities of Language Models |
2023-10-23T01:36:44Z | http://arxiv.org/pdf/2310.14486v1 | http://arxiv.org/abs/2310.14486v1 | Nishant Balepur, Jie Huang, Kevin Chen-Chuan Chang | 2023-10-23T01:36:44Z | cs.CL | Text style transfer is a prominent task that aims to control the style of
text without inherently changing its factual content. To cover more text
modification applications, such as adapting past news for current events and
repurposing educational materials, we propose the task of text fact transfer,
which seeks to transfer the factual content of a source text between topics
without modifying its style. We find that existing language models struggle
with text fact transfer, due to their inability to preserve the specificity and
phrasing of the source text, and tendency to hallucinate errors. To address
these issues, we design ModQGA, a framework that minimally modifies a source
text with a novel combination of end-to-end question generation and
specificity-aware question answering. Through experiments on four existing
datasets adapted for text fact transfer, we show that ModQGA can accurately
transfer factual content without sacrificing the style of the source text. | cs.CL | Text Fact Transfer |
2023-10-23T01:29:18Z | http://arxiv.org/pdf/2310.14483v1 | http://arxiv.org/abs/2310.14483v1 | Yu Zhang, Yanzhen Shen, Xiusi Chen, Bowen Jin, Jiawei Han | 2023-10-23T01:29:18Z | cs.IR, cs.CL, cs.DL, cs.LG | As many academic conferences are overwhelmed by a rapidly increasing number
of paper submissions, automatically finding appropriate reviewers for each
submission becomes a more urgent need than ever. Various factors have been
considered by previous attempts on this task to measure the expertise relevance
between a paper and a reviewer, including whether the paper is semantically
close to, shares topics with, and cites previous papers of the reviewer.
However, the majority of previous studies take only one of these factors into
account, leading to an incomprehensive evaluation of paper-reviewer relevance.
To bridge this gap, in this paper, we propose a unified model for
paper-reviewer matching that jointly captures semantic, topic, and citation
factors. In the unified model, a contextualized language model backbone is
shared by all factors to learn common knowledge, while instruction tuning is
introduced to characterize the uniqueness of each factor by producing
factor-aware paper embeddings. Experiments on four datasets (one of which is
newly contributed by us) across different fields, including machine learning,
computer vision, information retrieval, and data mining, consistently validate
the effectiveness of our proposed UniPR model in comparison with
state-of-the-art paper-reviewer matching methods and scientific pre-trained
language models. | cs.IR | "Why Should I Review This Paper?" Unifying Semantic, Topic, and Citation Factors for Paper-Reviewer Matching |
2023-10-23T01:23:10Z | http://arxiv.org/pdf/2310.14479v1 | http://arxiv.org/abs/2310.14479v1 | Rongsheng Wang, Qi Li, Sihong Xie | 2023-10-23T01:23:10Z | cs.CL | General large language models (LLMs) such as ChatGPT have shown remarkable
success, but it has also raised concerns among people about the misuse of
AI-generated texts. Therefore, an important question is how to detect whether
the texts are generated by ChatGPT or by humans. Existing detectors are built
on the assumption that there is a distribution gap between human-generated and
AI-generated texts. These gaps are typically identified using statistical
information or classifiers. In contrast to prior research methods, we find that
large language models such as ChatGPT exhibit strong self-consistency in text
generation and continuation. Self-consistency capitalizes on the intuition that
AI-generated texts can still be reasoned with by large language models using
the same logical reasoning when portions of the texts are masked, which differs
from human-generated texts. Using this observation, we subsequently proposed a
new method for AI-generated texts detection based on self-consistency with
masked predictions to determine whether a text is generated by LLMs. This
method, which we call DetectGPT-SC. We conducted a series of experiments to
evaluate the performance of DetectGPT-SC. In these experiments, we employed
various mask scheme, zero-shot, and simple prompt for completing masked texts
and self-consistency predictions. The results indicate that DetectGPT-SC
outperforms the current state-of-the-art across different tasks. | cs.CL | DetectGPT-SC: Improving Detection of Text Generated by Large Language Models through Self-Consistency with Masked Predictions |
2023-10-23T01:20:01Z | http://arxiv.org/pdf/2310.14478v1 | http://arxiv.org/abs/2310.14478v1 | Zekun Li, Wenxuan Zhou, Yao-Yi Chiang, Muhao Chen | 2023-10-23T01:20:01Z | cs.CL | Humans subconsciously engage in geospatial reasoning when reading articles.
We recognize place names and their spatial relations in text and mentally
associate them with their physical locations on Earth. Although pretrained
language models can mimic this cognitive process using linguistic context, they
do not utilize valuable geospatial information in large, widely available
geographical databases, e.g., OpenStreetMap. This paper introduces GeoLM, a
geospatially grounded language model that enhances the understanding of
geo-entities in natural language. GeoLM leverages geo-entity mentions as
anchors to connect linguistic information in text corpora with geospatial
information extracted from geographical databases. GeoLM connects the two types
of context through contrastive learning and masked language modeling. It also
incorporates a spatial coordinate embedding mechanism to encode distance and
direction relations to capture geospatial context. In the experiment, we
demonstrate that GeoLM exhibits promising capabilities in supporting toponym
recognition, toponym linking, relation extraction, and geo-entity typing, which
bridge the gap between natural language processing and geospatial sciences. The
code is publicly available at https://github.com/knowledge-computing/geolm. | cs.CL | GeoLM: Empowering Language Models for Geospatially Grounded Language Understanding |
2023-10-22T23:25:28Z | http://arxiv.org/pdf/2310.14451v1 | http://arxiv.org/abs/2310.14451v1 | Yasmin Moslem, Gianfranco Romani, Mahdi Molaei, Rejwanul Haque, John D. Kelleher, Andy Way | 2023-10-22T23:25:28Z | cs.CL | This paper discusses the methods that we used for our submissions to the WMT
2023 Terminology Shared Task for German-to-English (DE-EN), English-to-Czech
(EN-CS), and Chinese-to-English (ZH-EN) language pairs. The task aims to
advance machine translation (MT) by challenging participants to develop systems
that accurately translate technical terms, ultimately enhancing communication
and understanding in specialised domains. To this end, we conduct experiments
that utilise large language models (LLMs) for two purposes: generating
synthetic bilingual terminology-based data, and post-editing translations
generated by an MT model through incorporating pre-approved terms. Our system
employs a four-step process: (i) using an LLM to generate bilingual synthetic
data based on the provided terminology, (ii) fine-tuning a generic
encoder-decoder MT model, with a mix of the terminology-based synthetic data
generated in the first step and a randomly sampled portion of the original
generic training data, (iii) generating translations with the fine-tuned MT
model, and (iv) finally, leveraging an LLM for terminology-constrained
automatic post-editing of the translations that do not include the required
terms. The results demonstrate the effectiveness of our proposed approach in
improving the integration of pre-approved terms into translations. The number
of terms incorporated into the translations of the blind dataset increases from
an average of 36.67% with the generic model to an average of 72.88% by the end
of the process. In other words, successful utilisation of terms nearly doubles
across the three language pairs. | cs.CL | Domain Terminology Integration into Machine Translation: Leveraging Large Language Models |
2023-10-22T23:23:44Z | http://arxiv.org/pdf/2310.14450v3 | http://arxiv.org/abs/2310.14450v3 | Hans W. A. Hanley, Zakir Durumeric | 2024-02-08T15:17:15Z | cs.CL, cs.CY, cs.LG | Stance detection is important for understanding different attitudes and
beliefs on the Internet. However, given that a passage's stance toward a given
topic is often highly dependent on that topic, building a stance detection
model that generalizes to unseen topics is difficult. In this work, we propose
using contrastive learning as well as an unlabeled dataset of news articles
that cover a variety of different topics to train topic-agnostic/TAG and
topic-aware/TAW embeddings for use in downstream stance detection. Combining
these embeddings in our full TATA model, we achieve state-of-the-art
performance across several public stance detection datasets (0.771 $F_1$-score
on the Zero-shot VAST dataset). We release our code and data at
https://github.com/hanshanley/tata. | cs.CL | TATA: Stance Detection via Topic-Agnostic and Topic-Aware Embeddings |
2023-10-22T22:45:14Z | http://arxiv.org/pdf/2310.14435v1 | http://arxiv.org/abs/2310.14435v1 | Vaibhav Mavi, Abulhair Saparov, Chen Zhao | 2023-10-22T22:45:14Z | cs.CL, cs.AI | Applying existing question answering (QA) systems to specialized domains like
law and finance presents challenges that necessitate domain expertise. Although
large language models (LLMs) have shown impressive language comprehension and
in-context learning capabilities, their inability to handle very long
inputs/contexts is well known. Tasks specific to these domains need significant
background knowledge, leading to contexts that can often exceed the maximum
length that existing LLMs can process. This study explores leveraging the
semi-structured nature of legal and financial data to efficiently retrieve
relevant context, enabling the use of LLMs for domain-specialized QA. The
resulting system outperforms contemporary models and also provides useful
explanations for the answers, encouraging the integration of LLMs into legal
and financial NLP systems for future research. | cs.CL | Retrieval-Augmented Chain-of-Thought in Semi-structured Domains |
2023-10-22T22:25:14Z | http://arxiv.org/pdf/2310.14429v1 | http://arxiv.org/abs/2310.14429v1 | Alexander P. Welsh, Matthew Edwards | 2023-10-22T22:25:14Z | cs.CR, cs.CL | Security classifiers, designed to detect malicious content in computer
systems and communications, can underperform when provided with insufficient
training data. In the security domain, it is often easy to find samples of the
negative (benign) class, and challenging to find enough samples of the positive
(malicious) class to train an effective classifier. This study evaluates the
application of natural language text generators to fill this data gap in
multiple security-related text classification tasks. We describe a variety of
previously-unexamined language-model fine-tuning approaches for this purpose
and consider in particular the impact of disproportionate class-imbalances in
the training set. Across our evaluation using three state-of-the-art
classifiers designed for offensive language detection, review fraud detection,
and SMS spam detection, we find that models trained with GPT-3 data
augmentation strategies outperform both models trained without augmentation and
models trained using basic data augmentation strategies already in common
usage. In particular, we find substantial benefits for GPT-3 data augmentation
strategies in situations with severe limitations on known positive-class
samples. | cs.CR | Text generation for dataset augmentation in security classification tasks |
2023-10-22T21:48:51Z | http://arxiv.org/pdf/2310.14424v1 | http://arxiv.org/abs/2310.14424v1 | Meriem Boubdir, Edward Kim, Beyza Ermis, Marzieh Fadaee, Sara Hooker | 2023-10-22T21:48:51Z | cs.CL, cs.AI | Human evaluation is increasingly critical for assessing large language
models, capturing linguistic nuances, and reflecting user preferences more
accurately than traditional automated metrics. However, the resource-intensive
nature of this type of annotation process poses significant challenges. The key
question driving our work: "is it feasible to minimize human-in-the-loop
feedback by prioritizing data instances which most effectively distinguish
between models?" We evaluate several metric-based methods and find that these
metrics enhance the efficiency of human evaluations by minimizing the number of
required annotations, thus saving time and cost, while ensuring a robust
performance evaluation. We show that our method is effective across widely used
model families, reducing instances of indecisive (or "tie") outcomes by up to
54% compared to a random sample when focusing on the top-20 percentile of
prioritized instances. This potential reduction in required human effort
positions our approach as a valuable strategy in future large language model
evaluations. | cs.CL | Which Prompts Make The Difference? Data Prioritization For Efficient Human LLM Evaluation |
2023-10-22T21:33:50Z | http://arxiv.org/pdf/2310.14422v1 | http://arxiv.org/abs/2310.14422v1 | Eugenio Herrera-Berg, Tomás Vergara Browne, Pablo León-Villagrá, Marc-Lluís Vives, Cristian Buc Calderon | 2023-10-22T21:33:50Z | cs.CL | Recent advancements in natural language processing by large language models
(LLMs), such as GPT-4, have been suggested to approach Artificial General
Intelligence. And yet, it is still under dispute whether LLMs possess similar
reasoning abilities to humans. This study evaluates GPT-4 and various other
LLMs in judging the profoundness of mundane, motivational, and pseudo-profound
statements. We found a significant statement-to-statement correlation between
the LLMs and humans, irrespective of the type of statements and the prompting
technique used. However, LLMs systematically overestimate the profoundness of
nonsensical statements, with the exception of Tk-instruct, which uniquely
underestimates the profoundness of statements. Only few-shot learning prompts,
as opposed to chain-of-thought prompting, draw LLMs ratings closer to humans.
Furthermore, this work provides insights into the potential biases induced by
Reinforcement Learning from Human Feedback (RLHF), inducing an increase in the
bias to overestimate the profoundness of statements. | cs.CL | Large Language Models are biased to overestimate profoundness |
2023-10-22T21:20:52Z | http://arxiv.org/pdf/2310.14418v1 | http://arxiv.org/abs/2310.14418v1 | Mohammad Reza Ghasemi Madani, Pasquale Minervini | 2023-10-22T21:20:52Z | cs.CL | Human-annotated textual explanations are becoming increasingly important in
Explainable Natural Language Processing. Rationale extraction aims to provide
faithful (i.e., reflective of the behavior of the model) and plausible (i.e.,
convincing to humans) explanations by highlighting the inputs that had the
largest impact on the prediction without compromising the performance of the
task model. In recent works, the focus of training rationale extractors was
primarily on optimizing for plausibility using human highlights, while the task
model was trained on jointly optimizing for task predictive accuracy and
faithfulness. We propose REFER, a framework that employs a differentiable
rationale extractor that allows to back-propagate through the rationale
extraction process. We analyze the impact of using human highlights during
training by jointly training the task model and the rationale extractor. In our
experiments, REFER yields significantly better results in terms of
faithfulness, plausibility, and downstream task accuracy on both
in-distribution and out-of-distribution data. On both e-SNLI and CoS-E, our
best setting produces better results in terms of composite normalized relative
gain than the previous baselines by 11% and 3%, respectively. | cs.CL | REFER: An End-to-end Rationale Extraction Framework for Explanation Regularization |
2023-10-22T20:31:35Z | http://arxiv.org/pdf/2310.14404v1 | http://arxiv.org/abs/2310.14404v1 | Kushal Chawla, Ian Wu, Yu Rong, Gale M. Lucas, Jonathan Gratch | 2023-10-22T20:31:35Z | cs.CL, cs.AI | A natural way to design a negotiation dialogue system is via self-play RL:
train an agent that learns to maximize its performance by interacting with a
simulated user that has been designed to imitate human-human dialogue data.
Although this procedure has been adopted in prior work, we find that it results
in a fundamentally flawed system that fails to learn the value of compromise in
a negotiation, which can often lead to no agreements (i.e., the partner walking
away without a deal), ultimately hurting the model's overall performance. We
investigate this observation in the context of the DealOrNoDeal task, a
multi-issue negotiation over books, hats, and balls. Grounded in negotiation
theory from Economics, we modify the training procedure in two novel ways to
design agents with diverse personalities and analyze their performance with
human partners. We find that although both techniques show promise, a selfish
agent, which maximizes its own performance while also avoiding walkaways,
performs superior to other variants by implicitly learning to generate value
for both itself and the negotiation partner. We discuss the implications of our
findings for what it means to be a successful negotiation dialogue system and
how these systems should be designed in the future. | cs.CL | Be Selfish, But Wisely: Investigating the Impact of Agent Personality in Mixed-Motive Human-Agent Interactions |
2023-10-22T20:28:33Z | http://arxiv.org/pdf/2310.14403v5 | http://arxiv.org/abs/2310.14403v5 | Yuchen Xiao, Yanchao Sun, Mengda Xu, Udari Madhushani, Jared Vann, Deepeka Garg, Sumitra Ganesh | 2024-02-26T18:29:45Z | cs.AI, cs.CL | Recent advancements in large language models (LLMs) have exhibited promising
performance in solving sequential decision-making problems. By imitating
few-shot examples provided in the prompts (i.e., in-context learning), an LLM
agent can interact with an external environment and complete given tasks
without additional training. However, such few-shot examples are often
insufficient to generate high-quality solutions for complex and long-horizon
tasks, while the limited context length cannot consume larger-scale
demonstrations with long interaction horizons. To this end, we propose an
offline learning framework that utilizes offline data at scale (e.g, logs of
human interactions) to improve LLM-powered policies without finetuning. The
proposed method O3D (Offline Data-driven Discovery and Distillation)
automatically discovers reusable skills and distills generalizable knowledge
across multiple tasks based on offline interaction data, advancing the
capability of solving downstream tasks. Empirical results under two interactive
decision-making benchmarks (ALFWorld and WebShop) verify that O3D can notably
enhance the decision-making capabilities of LLMs through the offline discovery
and distillation process, and consistently outperform baselines across various
LLMs. | cs.AI | O3D: Offline Data-driven Discovery and Distillation for Sequential Decision-Making with Large Language Models |
2023-10-22T19:37:06Z | http://arxiv.org/pdf/2310.14393v1 | http://arxiv.org/abs/2310.14393v1 | Yunxiang Zhang, Muhammad Khalifa, Lajanugen Logeswaran, Moontae Lee, Honglak Lee, Lu Wang | 2023-10-22T19:37:06Z | cs.CL, cs.AI | Open-domain question answering (QA) systems are often built with retrieval
modules. However, retrieving passages from a given source is known to suffer
from insufficient knowledge coverage. Alternatively, prompting large language
models (LLMs) to generate contextual passages based on their parametric
knowledge has been shown to improve QA performance. Yet, LLMs tend to
"hallucinate" content that conflicts with the retrieved knowledge. Based on the
intuition that answers supported by both sources are more likely to be correct,
we propose COMBO, a Compatibility-Oriented knowledge Merging for Better
Open-domain QA framework, to effectively leverage the two sources of
information. Concretely, we match LLM-generated passages with retrieved
counterparts into compatible pairs, based on discriminators trained with silver
compatibility labels. Then a Fusion-in-Decoder-based reader model handles
passage pairs to arrive at the final answer. Experiments show that COMBO
outperforms competitive baselines on three out of four tested open-domain QA
benchmarks. Further analysis reveals that our proposed framework demonstrates
greater efficacy in scenarios with a higher degree of knowledge conflicts. | cs.CL | Merging Generated and Retrieved Knowledge for Open-Domain QA |
2023-10-22T19:12:17Z | http://arxiv.org/pdf/2310.14389v1 | http://arxiv.org/abs/2310.14389v1 | Hongli Zhan, Desmond C. Ong, Junyi Jessy Li | 2023-10-22T19:12:17Z | cs.CL | The emotions we experience involve complex processes; besides physiological
aspects, research in psychology has studied cognitive appraisals where people
assess their situations subjectively, according to their own values (Scherer,
2005). Thus, the same situation can often result in different emotional
experiences. While the detection of emotion is a well-established task, there
is very limited work so far on the automatic prediction of cognitive
appraisals. This work fills the gap by presenting CovidET-Appraisals, the most
comprehensive dataset to-date that assesses 24 appraisal dimensions, each with
a natural language rationale, across 241 Reddit posts. CovidET-Appraisals
presents an ideal testbed to evaluate the ability of large language models --
excelling at a wide range of NLP tasks -- to automatically assess and explain
cognitive appraisals. We found that while the best models are performant,
open-sourced LLMs fall short at this task, presenting a new challenge in the
future development of emotionally intelligent models. We release our dataset at
https://github.com/honglizhan/CovidET-Appraisals-Public. | cs.CL | Evaluating Subjective Cognitive Appraisals of Emotions from Large Language Models |
2023-10-22T18:41:26Z | http://arxiv.org/pdf/2310.14384v1 | http://arxiv.org/abs/2310.14384v1 | Sandra Rizkallah, Amir F. Atiya, Samir Shaheen | 2023-10-22T18:41:26Z | cs.CL, cs.AI | This paper presents a dataset for closest opposite questions in Arabic
language. The dataset is the first of its kind for the Arabic language. It is
beneficial for the assessment of systems on the aspect of antonymy detection.
The structure is similar to that of the Graduate Record Examination (GRE)
closest opposite questions dataset for the English language. The introduced
dataset consists of 500 questions, each contains a query word for which the
closest opposite needs to be determined from among a set of candidate words.
Each question is also associated with the correct answer. We publish the
dataset publicly in addition to providing standard splits of the dataset into
development and test sets. Moreover, the paper provides a benchmark for the
performance of different Arabic word embedding models on the introduced
dataset. | cs.CL | ARCOQ: Arabic Closest Opposite Questions Dataset |
2023-10-22T17:30:16Z | http://arxiv.org/pdf/2310.14366v1 | http://arxiv.org/abs/2310.14366v1 | Zainab Awan, Tim Kahlke, Peter Ralph, Paul Kennedy | 2023-10-22T17:30:16Z | cs.CL, cs.LG | Motivation: Biomedical named-entity normalization involves connecting
biomedical entities with distinct database identifiers in order to facilitate
data integration across various fields of biology. Existing systems for
biomedical named entity normalization heavily rely on dictionaries, manually
created rules, and high-quality representative features such as lexical or
morphological characteristics. However, recent research has investigated the
use of neural network-based models to reduce dependence on dictionaries,
manually crafted rules, and features. Despite these advancements, the
performance of these models is still limited due to the lack of sufficiently
large training datasets. These models have a tendency to overfit small training
corpora and exhibit poor generalization when faced with previously unseen
entities, necessitating the redesign of rules and features. Contribution: We
present a novel deep learning approach for named entity normalization, treating
it as a pair-wise learning to rank problem. Our method utilizes the widely-used
information retrieval algorithm Best Matching 25 to generate candidate
concepts, followed by the application of bi-directional encoder representation
from the encoder (BERT) to re-rank the candidate list. Notably, our approach
eliminates the need for feature-engineering or rule creation. We conduct
experiments on species entity types and evaluate our method against
state-of-the-art techniques using LINNAEUS and S800 biomedical corpora. Our
proposed approach surpasses existing methods in linking entities to the NCBI
taxonomy. To the best of our knowledge, there is no existing neural
network-based approach for species normalization in the literature. | cs.CL | Bi-Encoders based Species Normalization -- Pairwise Sentence Learning to Rank |
2023-10-22T17:03:56Z | http://arxiv.org/pdf/2310.14360v4 | http://arxiv.org/abs/2310.14360v4 | Zhengcong Yin, Diya Li, Daniel W. Goldberg | 2023-12-15T08:19:59Z | cs.CL, cs.LG | The remarkable success of GPT models across various tasks, including toponymy
recognition motivates us to assess the performance of the GPT-3 model in the
geocoding address parsing task. To ensure that the evaluation more accurately
mirrors performance in real-world scenarios with diverse user input qualities
and resolve the pressing need for a 'gold standard' evaluation dataset for
geocoding systems, we introduce a benchmark dataset of low-quality address
descriptions synthesized based on human input patterns mining from actual input
logs of a geocoding system in production. This dataset has 21 different input
errors and variations; contains over 239,000 address records that are uniquely
selected from streets across all U.S. 50 states and D.C.; and consists of three
subsets to be used as training, validation, and testing sets. Building on this,
we train and gauge the performance of the GPT-3 model in extracting address
components, contrasting its performance with transformer-based and LSTM-based
models. The evaluation results indicate that Bidirectional LSTM-CRF model has
achieved the best performance over these transformer-based models and GPT-3
model. Transformer-based models demonstrate very comparable results compared to
the Bidirectional LSTM-CRF model. The GPT-3 model, though trailing in
performance, showcases potential in the address parsing task with few-shot
examples, exhibiting room for improvement with additional fine-tuning. We open
source the code and data of this presented benchmark so that researchers can
utilize it for future model development or extend it to evaluate similar tasks,
such as document geocoding. | cs.CL | Is ChatGPT a game changer for geocoding -- a benchmark for geocoding address parsing techniques |
2023-10-22T16:59:31Z | http://arxiv.org/pdf/2310.14358v1 | http://arxiv.org/abs/2310.14358v1 | Elena Sergeeva, Anastasia Sergeeva, Huiyun Tang, Kerstin Bongard-Blanchy, Peter Szolovits | 2023-10-22T16:59:31Z | cs.CL, cs.AI, cs.HC | Previous research on expert advice-taking shows that humans exhibit two
contradictory behaviors: on the one hand, people tend to overvalue their own
opinions undervaluing the expert opinion, and on the other, people often defer
to other people's advice even if the advice itself is rather obviously wrong.
In our study, we conduct an exploratory evaluation of users' AI-advice
accepting behavior when evaluating the truthfulness of a health-related
statement in different "advice quality" settings. We find that even feedback
that is confined to just stating that "the AI thinks that the statement is
false/true" results in more than half of people moving their statement veracity
assessment towards the AI suggestion. The different types of advice given
influence the acceptance rates, but the sheer effect of getting a suggestion is
often bigger than the suggestion-type effect. | cs.CL | Right, No Matter Why: AI Fact-checking and AI Authority in Health-related Inquiry Settings |
2023-10-22T16:51:42Z | http://arxiv.org/pdf/2310.14356v3 | http://arxiv.org/abs/2310.14356v3 | Andre Ye, Sebastin Santy, Jena D. Hwang, Amy X. Zhang, Ranjay Krishna | 2024-03-09T20:47:30Z | cs.CV, cs.CL, cs.CY, cs.HC | Computer vision often treats human perception as homogeneous: an implicit
assumption that visual stimuli are perceived similarly by everyone. This
assumption is reflected in the way researchers collect datasets and train
vision models. By contrast, literature in cross-cultural psychology and
linguistics has provided evidence that people from different cultural
backgrounds observe vastly different concepts even when viewing the same visual
stimuli. In this paper, we study how these differences manifest themselves in
vision-language datasets and models, using language as a proxy for culture. By
comparing textual descriptions generated across 7 languages for the same
images, we find significant differences in the semantic content and linguistic
expression. When datasets are multilingual as opposed to monolingual,
descriptions have higher semantic coverage on average, where coverage is
measured using scene graphs, model embeddings, and linguistic taxonomies. For
example, multilingual descriptions have on average 29.9% more objects, 24.5%
more relations, and 46.0% more attributes than a set of monolingual captions.
When prompted to describe images in different languages, popular models (e.g.
LLaVA) inherit this bias and describe different parts of the image. Moreover,
finetuning models on captions from one language performs best on corresponding
test data from that language, while finetuning on multilingual data performs
consistently well across all test data compositions. Our work points towards
the need to account for and embrace the diversity of human perception in the
computer vision community. | cs.CV | Computer Vision Datasets and Models Exhibit Cultural and Linguistic Diversity in Perception |
2023-10-22T16:34:31Z | http://arxiv.org/pdf/2310.14346v1 | http://arxiv.org/abs/2310.14346v1 | Robert Mahari, Dominik Stammbach, Elliott Ash, Alex 'Sandy' Pentland | 2023-10-22T16:34:31Z | cs.CL | Legal practice is intrinsically rooted in the fabric of language, yet legal
practitioners and scholars have been slow to adopt tools from natural language
processing (NLP). At the same time, the legal system is experiencing an access
to justice crisis, which could be partially alleviated with NLP. In this
position paper, we argue that the slow uptake of NLP in legal practice is
exacerbated by a disconnect between the needs of the legal community and the
focus of NLP researchers. In a review of recent trends in the legal NLP
literature, we find limited overlap between the legal NLP community and legal
academia. Our interpretation is that some of the most popular legal NLP tasks
fail to address the needs of legal practitioners. We discuss examples of legal
NLP tasks that promise to bridge disciplinary disconnects and highlight
interesting areas for legal NLP research that remain underexplored. | cs.CL | The Law and NLP: Bridging Disciplinary Disconnects |
2023-10-22T16:14:56Z | http://arxiv.org/pdf/2310.14340v1 | http://arxiv.org/abs/2310.14340v1 | Revanth Gangi Reddy, Hao Bai, Wentao Yao, Sharath Chandra Etagi Suresh, Heng Ji, ChengXiang Zhai | 2023-10-22T16:14:56Z | cs.CL | Open-domain dialog involves generating search queries that help obtain
relevant knowledge for holding informative conversations. However, it can be
challenging to determine what information to retrieve when the user is passive
and does not express a clear need or request. To tackle this issue, we present
a novel approach that focuses on generating internet search queries that are
guided by social commonsense. Specifically, we leverage a commonsense dialog
system to establish connections related to the conversation topic, which
subsequently guides our query generation. Our proposed framework addresses
passive user interactions by integrating topic tracking, commonsense response
generation and instruction-driven query generation. Through extensive
evaluations, we show that our approach overcomes limitations of existing query
generation techniques that rely solely on explicit dialog information, and
produces search queries that are more relevant, specific, and compelling,
ultimately resulting in more engaging responses. | cs.CL | Social Commonsense-Guided Search Query Generation for Open-Domain Knowledge-Powered Conversations |
2023-10-22T16:07:06Z | http://arxiv.org/pdf/2310.14338v3 | http://arxiv.org/abs/2310.14338v3 | Megha Sundriyal, Tanmoy Chakraborty, Preslav Nakov | 2024-02-12T06:30:44Z | cs.CL, cs.AI | With the rise of social media, users are exposed to many misleading claims.
However, the pervasive noise inherent in these posts presents a challenge in
identifying precise and prominent claims that require verification. Extracting
the important claims from such posts is arduous and time-consuming, yet it is
an underexplored problem. Here, we aim to bridge this gap. We introduce a novel
task, Claim Normalization (aka ClaimNorm), which aims to decompose complex and
noisy social media posts into more straightforward and understandable forms,
termed normalized claims. We propose CACN, a pioneering approach that leverages
chain-of-thought and claim check-worthiness estimation, mimicking human
reasoning processes, to comprehend intricate claims. Moreover, we capitalize on
the in-context learning capabilities of large language models to provide
guidance and to improve claim normalization. To evaluate the effectiveness of
our proposed model, we meticulously compile a comprehensive real-world dataset,
CLAN, comprising more than 6k instances of social media posts alongside their
respective normalized claims. Our experiments demonstrate that CACN outperforms
several baselines across various evaluation measures. Finally, our rigorous
error analysis validates CACN's capabilities and pitfalls. | cs.CL | From Chaos to Clarity: Claim Normalization to Empower Fact-Checking |
2023-10-22T15:39:44Z | http://arxiv.org/pdf/2311.02084v2 | http://arxiv.org/abs/2311.02084v2 | Baohao Liao, Michael Kozielski, Sanjika Hewavitharana, Jiangbo Yuan, Shahram Khadivi, Tomer Lancewicki | 2024-02-26T16:28:13Z | cs.CV, cs.CL, cs.IR | Product embedding serves as a cornerstone for a wide range of applications in
eCommerce. The product embedding learned from multiple modalities shows
significant improvement over that from a single modality, since different
modalities provide complementary information. However, some modalities are more
informatively dominant than others. How to teach a model to learn embedding
from different modalities without neglecting information from the less dominant
modality is challenging. We present an image-text embedding model (ITEm), an
unsupervised learning method that is designed to better attend to image and
text modalities. We extend BERT by (1) learning an embedding from text and
image without knowing the regions of interest; (2) training a global
representation to predict masked words and to construct masked image patches
without their individual representations. We evaluate the pre-trained ITEm on
two tasks: the search for extremely similar products and the prediction of
product categories, showing substantial gains compared to strong baseline
models. | cs.CV | ITEm: Unsupervised Image-Text Embedding Learning for eCommerce |
2023-10-22T15:27:16Z | http://arxiv.org/pdf/2310.14329v1 | http://arxiv.org/abs/2310.14329v1 | Mahdi Zakizadeh, Kaveh Eskandari Miandoab, Mohammad Taher Pilehvar | 2023-10-22T15:27:16Z | cs.CL | Numerous debiasing techniques have been proposed to mitigate the gender bias
that is prevalent in pretrained language models. These are often evaluated on
datasets that check the extent to which the model is gender-neutral in its
predictions. Importantly, this evaluation protocol overlooks the possible
adverse impact of bias mitigation on useful gender knowledge. To fill this gap,
we propose DiFair, a manually curated dataset based on masked language modeling
objectives. DiFair allows us to introduce a unified metric, gender invariance
score, that not only quantifies a model's biased behavior, but also checks if
useful gender knowledge is preserved. We use DiFair as a benchmark for a number
of widely-used pretained language models and debiasing techniques. Experimental
results corroborate previous findings on the existing gender biases, while also
demonstrating that although debiasing techniques ameliorate the issue of gender
bias, this improvement usually comes at the price of lowering useful gender
knowledge of the model. | cs.CL | DiFair: A Benchmark for Disentangled Assessment of Gender Knowledge and Bias |
2023-10-22T15:20:11Z | http://arxiv.org/pdf/2310.14326v1 | http://arxiv.org/abs/2310.14326v1 | Abhilash Nandy, Manav Nitin Kapadnis, Pawan Goyal, Niloy Ganguly | 2023-10-22T15:20:11Z | cs.CL, cs.AI | In this paper, we propose CLMSM, a domain-specific, continual pre-training
framework, that learns from a large set of procedural recipes. CLMSM uses a
Multi-Task Learning Framework to optimize two objectives - a) Contrastive
Learning using hard triplets to learn fine-grained differences across entities
in the procedures, and b) a novel Mask-Step Modelling objective to learn
step-wise context of a procedure. We test the performance of CLMSM on the
downstream tasks of tracking entities and aligning actions between two
procedures on three datasets, one of which is an open-domain dataset not
conforming with the pre-training dataset. We show that CLMSM not only
outperforms baselines on recipes (in-domain) but is also able to generalize to
open-domain procedural NLP tasks. | cs.CL | CLMSM: A Multi-Task Learning Framework for Pre-training on Procedural Text |
2023-10-22T15:19:04Z | http://arxiv.org/pdf/2310.14325v1 | http://arxiv.org/abs/2310.14325v1 | Inez Okulska, Emilia Wiśnios | 2023-10-22T15:19:04Z | cs.CL | Adult content detection still poses a great challenge for automation.
Existing classifiers primarily focus on distinguishing between erotic and
non-erotic texts. However, they often need more nuance in assessing the
potential harm. Unfortunately, the content of this nature falls beyond the
reach of generative models due to its potentially harmful nature. Ethical
restrictions prohibit large language models (LLMs) from analyzing and
classifying harmful erotics, let alone generating them to create synthetic
datasets for other neural models. In such instances where data is scarce and
challenging, a thorough analysis of the structure of such texts rather than a
large model may offer a viable solution. Especially given that harmful erotic
narratives, despite appearing similar to harmless ones, usually reveal their
harmful nature first through contextual information hidden in the non-sexual
parts of the narrative.
This paper introduces a hybrid neural and rule-based context-aware system
that leverages coreference resolution to identify harmful contextual cues in
erotic content. Collaborating with professional moderators, we compiled a
dataset and developed a classifier capable of distinguishing harmful from
non-harmful erotic content. Our hybrid model, tested on Polish text,
demonstrates a promising accuracy of 84% and a recall of 80%. Models based on
RoBERTa and Longformer without explicit usage of coreference chains achieved
significantly weaker results, underscoring the importance of coreference
resolution in detecting such nuanced content as harmful erotics. This approach
also offers the potential for enhanced visual explainability, supporting
moderators in evaluating predictions and taking necessary actions to address
harmful content. | cs.CL | Towards Harmful Erotic Content Detection through Coreference-Driven Contextual Analysis |
2023-10-22T15:09:51Z | http://arxiv.org/pdf/2310.18345v1 | http://arxiv.org/abs/2310.18345v1 | Rui Mao, Kai He, Xulang Zhang, Guanyi Chen, Jinjie Ni, Zonglin Yang, Erik Cambria | 2023-10-22T15:09:51Z | cs.CL, cs.AI | Semantic processing is a fundamental research domain in computational
linguistics. In the era of powerful pre-trained language models and large
language models, the advancement of research in this domain appears to be
decelerating. However, the study of semantics is multi-dimensional in
linguistics. The research depth and breadth of computational semantic
processing can be largely improved with new technologies. In this survey, we
analyzed five semantic processing tasks, e.g., word sense disambiguation,
anaphora resolution, named entity recognition, concept extraction, and
subjectivity detection. We study relevant theoretical research in these fields,
advanced methods, and downstream applications. We connect the surveyed tasks
with downstream applications because this may inspire future scholars to fuse
these low-level semantic processing tasks with high-level natural language
processing tasks. The review of theoretical research may also inspire new tasks
and technologies in the semantic processing domain. Finally, we compare the
different semantic processing techniques and summarize their technical trends,
application trends, and future directions. | cs.CL | A Survey on Semantic Processing Techniques |
2023-10-22T14:45:14Z | http://arxiv.org/pdf/2310.18344v1 | http://arxiv.org/abs/2310.18344v1 | Robert Friel, Atindriyo Sanyal | 2023-10-22T14:45:14Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have experienced notable advancements in
generating coherent and contextually relevant responses. However,
hallucinations - incorrect or unfounded claims - are still prevalent, prompting
the creation of automated metrics to detect these in LLM outputs. Our
contributions include: introducing ChainPoll, an innovative hallucination
detection method that excels compared to its counterparts, and unveiling
RealHall, a refined collection of benchmark datasets to assess hallucination
detection metrics from recent studies. While creating RealHall, we assessed
tasks and datasets from previous hallucination detection studies and observed
that many are not suitable for the potent LLMs currently in use. Overcoming
this, we opted for four datasets challenging for modern LLMs and pertinent to
real-world scenarios. Using RealHall, we conducted a comprehensive comparison
of ChainPoll with numerous hallucination metrics from recent studies. Our
findings indicate that ChainPoll outperforms in all RealHall benchmarks,
achieving an overall AUROC of 0.781. This surpasses the next best theoretical
method by 11% and exceeds industry standards by over 23%. Additionally,
ChainPoll is cost-effective and offers greater transparency than other metrics.
We introduce two novel metrics to assess LLM hallucinations: Adherence and
Correctness. Adherence is relevant to Retrieval Augmented Generation workflows,
evaluating an LLM's analytical capabilities within given documents and
contexts. In contrast, Correctness identifies logical and reasoning errors. | cs.CL | Chainpoll: A high efficacy method for LLM hallucination detection |
2023-10-22T14:43:53Z | http://arxiv.org/pdf/2310.14319v1 | http://arxiv.org/abs/2310.14319v1 | Carlos Gómez-Rodríguez, Diego Roca, David Vilares | 2023-10-22T14:43:53Z | cs.CL, cs.FL, 68T50, I.2.7 | We introduce an encoding for parsing as sequence labeling that can represent
any projective dependency tree as a sequence of 4-bit labels, one per word. The
bits in each word's label represent (1) whether it is a right or left
dependent, (2) whether it is the outermost (left/right) dependent of its
parent, (3) whether it has any left children and (4) whether it has any right
children. We show that this provides an injective mapping from trees to labels
that can be encoded and decoded in linear time. We then define a 7-bit
extension that represents an extra plane of arcs, extending the coverage to
almost full non-projectivity (over 99.9% empirical arc coverage). Results on a
set of diverse treebanks show that our 7-bit encoding obtains substantial
accuracy gains over the previously best-performing sequence labeling encodings. | cs.CL | 4 and 7-bit Labeling for Projective and Non-Projective Dependency Trees |
2023-10-22T14:17:27Z | http://arxiv.org/pdf/2310.14312v1 | http://arxiv.org/abs/2310.14312v1 | Anthi Papadopoulou, Pierre Lison, Mark Anderson, Lilja Øvrelid, Ildikó Pilán | 2023-10-22T14:17:27Z | cs.CL | Text sanitization is the task of redacting a document to mask all occurrences
of (direct or indirect) personal identifiers, with the goal of concealing the
identity of the individual(s) referred in it. In this paper, we consider a
two-step approach to text sanitization and provide a detailed analysis of its
empirical performance on two recently published datasets: the Text
Anonymization Benchmark (Pil\'an et al., 2022) and a collection of Wikipedia
biographies (Papadopoulou et al., 2022). The text sanitization process starts
with a privacy-oriented entity recognizer that seeks to determine the text
spans expressing identifiable personal information. This privacy-oriented
entity recognizer is trained by combining a standard named entity recognition
model with a gazetteer populated by person-related terms extracted from
Wikidata. The second step of the text sanitization process consists in
assessing the privacy risk associated with each detected text span, either
isolated or in combination with other text spans. We present five distinct
indicators of the re-identification risk, respectively based on language model
probabilities, text span classification, sequence labelling, perturbations, and
web search. We provide a contrastive analysis of each privacy indicator and
highlight their benefits and limitations, notably in relation to the available
labeled data. | cs.CL | Neural Text Sanitization with Privacy Risk Indicators: An Empirical Analysis |
2023-10-22T13:55:46Z | http://arxiv.org/pdf/2310.14303v2 | http://arxiv.org/abs/2310.14303v2 | Rishabh Bhardwaj, Soujanya Poria | 2023-11-13T05:28:47Z | cs.CL | Red-teaming has been a widely adopted way to evaluate the harmfulness of
Large Language Models (LLMs). It aims to jailbreak a model's safety behavior to
make it act as a helpful agent disregarding the harmfulness of the query.
Existing methods are primarily based on input text-based red-teaming such as
adversarial prompts, low-resource prompts, or contextualized prompts to
condition the model in a way to bypass its safe behavior. Bypassing the
guardrails uncovers hidden harmful information and biases in the model that are
left untreated or newly introduced by its safety training. However,
prompt-based attacks fail to provide such a diagnosis owing to their low attack
success rate, and applicability to specific models. In this paper, we present a
new perspective on LLM safety research i.e., parametric red-teaming through
Unalignment. It simply (instruction) tunes the model parameters to break model
guardrails that are not deeply rooted in the model's behavior. Unalignment
using as few as 100 examples can significantly bypass commonly referred to as
CHATGPT, to the point where it responds with an 88% success rate to harmful
queries on two safety benchmark datasets. On open-source models such as
VICUNA-7B and LLAMA-2-CHAT 7B AND 13B, it shows an attack success rate of more
than 91%. On bias evaluations, Unalignment exposes inherent biases in
safety-aligned models such as CHATGPT and LLAMA- 2-CHAT where the model's
responses are strongly biased and opinionated 64% of the time. | cs.CL | Language Model Unalignment: Parametric Red-Teaming to Expose Hidden Harms and Biases |
2023-10-22T12:23:00Z | http://arxiv.org/pdf/2310.14282v1 | http://arxiv.org/abs/2310.14282v1 | Uri Katz, Matan Vetzler, Amir DN Cohen, Yoav Goldberg | 2023-10-22T12:23:00Z | cs.CL, cs.AI, cs.IR | Recognizing entities in texts is a central need in many information-seeking
scenarios, and indeed, Named Entity Recognition (NER) is arguably one of the
most successful examples of a widely adopted NLP task and corresponding NLP
technology. Recent advances in large language models (LLMs) appear to provide
effective solutions (also) for NER tasks that were traditionally handled with
dedicated models, often matching or surpassing the abilities of the dedicated
models. Should NER be considered a solved problem? We argue to the contrary:
the capabilities provided by LLMs are not the end of NER research, but rather
an exciting beginning. They allow taking NER to the next level, tackling
increasingly more useful, and increasingly more challenging, variants. We
present three variants of the NER task, together with a dataset to support
them. The first is a move towards more fine-grained -- and intersectional --
entity types. The second is a move towards zero-shot recognition and extraction
of these fine-grained types based on entity-type labels. The third, and most
challenging, is the move from the recognition setup to a novel retrieval setup,
where the query is a zero-shot entity type, and the expected result is all the
sentences from a large, pre-indexed corpus that contain entities of these
types, and their corresponding spans. We show that all of these are far from
being solved. We provide a large, silver-annotated corpus of 4 million
paragraphs covering 500 entity types, to facilitate research towards all of
these three goals. | cs.CL | NERetrieve: Dataset for Next Generation Named Entity Recognition and Retrieval |
2023-10-22T11:57:33Z | http://arxiv.org/pdf/2310.14278v2 | http://arxiv.org/abs/2310.14278v2 | Kun Wei, Bei Li, Hang Lv, Quan Lu, Ning Jiang, Lei Xie | 2024-04-28T03:50:18Z | cs.SD, cs.CL, eess.AS | Automatic Speech Recognition (ASR) in conversational settings presents unique
challenges, including extracting relevant contextual information from previous
conversational turns. Due to irrelevant content, error propagation, and
redundancy, existing methods struggle to extract longer and more effective
contexts. To address this issue, we introduce a novel conversational ASR
system, extending the Conformer encoder-decoder model with cross-modal
conversational representation. Our approach leverages a cross-modal extractor
that combines pre-trained speech and text models through a specialized encoder
and a modal-level mask input. This enables the extraction of richer historical
speech context without explicit error propagation. We also incorporate
conditional latent variational modules to learn conversational level attributes
such as role preference and topic coherence. By introducing both cross-modal
and conversational representations into the decoder, our model retains context
over longer sentences without information loss, achieving relative accuracy
improvements of 8.8% and 23% on Mandarin conversation datasets HKUST and
MagicData-RAMC, respectively, compared to the standard Conformer model. | cs.SD | Conversational Speech Recognition by Learning Audio-textual Cross-modal Contextual Representation |
2023-10-22T11:00:04Z | http://arxiv.org/pdf/2310.14265v2 | http://arxiv.org/abs/2310.14265v2 | Minxuan Lv, Chengwei Dai, Kun Li, Wei Zhou, Songlin Hu | 2023-11-05T14:07:04Z | cs.CL | Neural network models are vulnerable to adversarial examples, and adversarial
transferability further increases the risk of adversarial attacks. Current
methods based on transferability often rely on substitute models, which can be
impractical and costly in real-world scenarios due to the unavailability of
training data and the victim model's structural details. In this paper, we
propose a novel approach that directly constructs adversarial examples by
extracting transferable features across various tasks. Our key insight is that
adversarial transferability can extend across different tasks. Specifically, we
train a sequence-to-sequence generative model named CT-GAT using adversarial
sample data collected from multiple tasks to acquire universal adversarial
features and generate adversarial examples for different tasks. We conduct
experiments on ten distinct datasets, and the results demonstrate that our
method achieves superior attack performance with small cost. | cs.CL | CT-GAT: Cross-Task Generative Adversarial Attack based on Transferability |
2023-10-22T10:57:12Z | http://arxiv.org/pdf/2310.14262v1 | http://arxiv.org/abs/2310.14262v1 | Ivana Kvapilíková, Ondřej Bojar | 2023-10-22T10:57:12Z | cs.CL | Even with the latest developments in deep learning and large-scale language
modeling, the task of machine translation (MT) of low-resource languages
remains a challenge. Neural MT systems can be trained in an unsupervised way
without any translation resources but the quality lags behind, especially in
truly low-resource conditions. We propose a training strategy that relies on
pseudo-parallel sentence pairs mined from monolingual corpora in addition to
synthetic sentence pairs back-translated from monolingual corpora. We
experiment with different training schedules and reach an improvement of up to
14.5 BLEU points (English to Ukrainian) over a baseline trained on
back-translated data only. | cs.CL | Boosting Unsupervised Machine Translation with Pseudo-Parallel Data |
2023-10-22T10:55:56Z | http://arxiv.org/pdf/2310.14261v1 | http://arxiv.org/abs/2310.14261v1 | Pratinav Seth, Rashi Goel, Komal Mathur, Swetha Vemulapalli | 2023-10-22T10:55:56Z | cs.CL, cs.AI, cs.LG | This paper describes our approach to submissions made at Shared Task 2 at BLP
Workshop - Sentiment Analysis of Bangla Social Media Posts. Sentiment Analysis
is an action research area in the digital age. With the rapid and constant
growth of online social media sites and services and the increasing amount of
textual data, the application of automatic Sentiment Analysis is on the rise.
However, most of the research in this domain is based on the English language.
Despite being the world's sixth most widely spoken language, little work has
been done in Bangla. This task aims to promote work on Bangla Sentiment
Analysis while identifying the polarity of social media content by determining
whether the sentiment expressed in the text is Positive, Negative, or Neutral.
Our approach consists of experimenting and finetuning various multilingual and
pre-trained BERT-based models on our downstream tasks and using a Majority
Voting and Weighted ensemble model that outperforms individual baseline model
scores. Our system scored 0.711 for the multiclass classification task and
scored 10th place among the participants on the leaderboard for the shared
task. Our code is available at https://github.com/ptnv-s/RSM-NLP-BLP-Task2 . | cs.CL | RSM-NLP at BLP-2023 Task 2: Bangla Sentiment Analysis using Weighted and Majority Voted Fine-Tuned Transformers |
2023-10-22T10:18:53Z | http://arxiv.org/pdf/2310.14248v1 | http://arxiv.org/abs/2310.14248v1 | Mingzhe Du, Anh Tuan Luu, Bin Ji, See-kiong Ng | 2023-10-22T10:18:53Z | cs.CL | The vast number of parameters in large language models (LLMs) endows them
with remarkable capabilities, allowing them to excel in a variety of natural
language processing tasks. However, this complexity also presents challenges,
making LLMs difficult to train and inhibiting their ability to continuously
assimilate new knowledge, which may lead to inaccuracies in their outputs. To
mitigate these issues, this paper presents DynaMind, a novel continual learning
framework designed for LLMs. DynaMind incorporates memory mechanisms to
assimilate new knowledge and modular operators to enhance the model inference
process with the newly assimilated knowledge, consequently improving the
accuracies of LLMs' outputs. Benchmark experiments demonstrate DynaMind's
effectiveness in overcoming these challenges. The code and demo of DynaMind are
available on GitHub: https://github.com/Elfsong/DynaMind. | cs.CL | From Static to Dynamic: A Continual Learning Framework for Large Language Models |
2023-10-22T08:45:48Z | http://arxiv.org/pdf/2310.18343v2 | http://arxiv.org/abs/2310.18343v2 | Nadav Borenstein, Phillip Rust, Desmond Elliott, Isabelle Augenstein | 2023-11-04T11:30:01Z | cs.CL | The digitisation of historical documents has provided historians with
unprecedented research opportunities. Yet, the conventional approach to
analysing historical documents involves converting them from images to text
using OCR, a process that overlooks the potential benefits of treating them as
images and introduces high levels of noise. To bridge this gap, we take
advantage of recent advancements in pixel-based language models trained to
reconstruct masked patches of pixels instead of predicting token distributions.
Due to the scarcity of real historical scans, we propose a novel method for
generating synthetic scans to resemble real historical documents. We then
pre-train our model, PHD, on a combination of synthetic scans and real
historical newspapers from the 1700-1900 period. Through our experiments, we
demonstrate that PHD exhibits high proficiency in reconstructing masked image
patches and provide evidence of our model's noteworthy language understanding
capabilities. Notably, we successfully apply our model to a historical QA task,
highlighting its usefulness in this domain. | cs.CL | PHD: Pixel-Based Language Modeling of Historical Documents |
2023-10-22T08:44:26Z | http://arxiv.org/pdf/2310.18342v1 | http://arxiv.org/abs/2310.18342v1 | Zhenyi Lu, Wei Wei, Xiaoye Qu, XianLing Mao, Dangyang Chen, Jixiong Chen | 2023-10-22T08:44:26Z | cs.CL, cs.AI | Personalized dialogue systems aim to endow the chatbot agent with more
anthropomorphic traits for human-like interactions. Previous approaches have
explored explicitly user profile modeling using text descriptions, implicit
derivation of user embeddings, or utilizing handicraft prompts for ChatGPT-like
models. However, textual personas are limited in describing multi-faceted
attributes (\emph{e.g.}, \emph{language style, inner character nuances}),
implicit embedding suffers from personality sparsity, and handicraft prompts
lack fine-grained and stable controllability. Hence, these approaches may
struggle with complex personalized dialogue generation tasks that require
generating controllable responses with multiple personal attributes. To this
end, we propose \textbf{\textsc{Miracle}}, a novel personalized dialogue
generation method through \textbf{M}ult\textbf{I}ple Pe\textbf{R}sonal
\textbf{A}ttributes \textbf{C}ontrol within \textbf{L}atent-Space
\textbf{E}nergy-based Models. ttributes \textbf{C}ontrol within
\textbf{L}atent-Space \textbf{E}nergy-based Models. Specifically, our approach
first disentangles complex personality into multi-faceted attributes.
Subsequently, we employ a conditional variational auto-encoder to align with
the dense personalized responses within a latent joint attribute space. We have
also tailored a dedicated energy function and customized the ordinary
differential equations sampling method to offer flexible attribute composition
and precise attribute control. Extensive experiments demonstrate that
\textsc{Miracle} outperforms several strong baselines in terms of personality
controllability and response generation quality. Our dataset and code are
available at \url{https://github.com/LZY-the-boys/MIRACLE} | cs.CL | MIRACLE: Towards Personalized Dialogue Generation with Latent-Space Multiple Personal Attribute Control |
2023-10-22T08:09:13Z | http://arxiv.org/pdf/2310.14225v1 | http://arxiv.org/abs/2310.14225v1 | Liyizhe Peng, Zixing Zhang, Tao Pang, Jing Han, Huan Zhao, Hao Chen, Björn W. Schuller | 2023-10-22T08:09:13Z | cs.CL | The advent of large language models (LLMs) has gained tremendous attention
over the past year. Previous studies have shown the astonishing performance of
LLMs not only in other tasks but also in emotion recognition in terms of
accuracy, universality, explanation, robustness, few/zero-shot learning, and
others. Leveraging the capability of LLMs inevitably becomes an essential
solution for emotion recognition. To this end, we further comprehensively
investigate how LLMs perform in linguistic emotion recognition if we
concentrate on this specific task. Specifically, we exemplify a publicly
available and widely used LLM -- Chat General Language Model, and customise it
for our target by using two different modal adaptation techniques, i.e., deep
prompt tuning and low-rank adaptation. The experimental results obtained on six
widely used datasets present that the adapted LLM can easily outperform other
state-of-the-art but specialised deep models. This indicates the strong
transferability and feasibility of LLMs in the field of emotion recognition. | cs.CL | Customising General Large Language Models for Specialised Emotion Recognition Tasks |
2023-10-22T07:26:21Z | http://arxiv.org/pdf/2310.14211v2 | http://arxiv.org/abs/2310.14211v2 | Da Song, Xuan Xie, Jiayang Song, Derui Zhu, Yuheng Huang, Felix Juefei-Xu, Lei Ma | 2024-06-13T21:40:02Z | cs.LG, cs.AI, cs.CL, cs.CR, cs.SE | Over the past decade, Artificial Intelligence (AI) has had great success
recently and is being used in a wide range of academic and industrial fields.
More recently, LLMs have made rapid advancements that have propelled AI to a
new level, enabling even more diverse applications and industrial domains with
intelligence, particularly in areas like software engineering and natural
language processing. Nevertheless, a number of emerging trustworthiness
concerns and issues exhibited in LLMs have already recently received much
attention, without properly solving which the widespread adoption of LLMs could
be greatly hindered in practice. The distinctive characteristics of LLMs, such
as the self-attention mechanism, extremely large model scale, and
autoregressive generation schema, differ from classic AI software based on CNNs
and RNNs and present new challenges for quality analysis. Up to the present, it
still lacks universal and systematic analysis techniques for LLMs despite the
urgent industrial demand. Towards bridging this gap, we initiate an early
exploratory study and propose a universal analysis framework for LLMs, LUNA,
designed to be general and extensible, to enable versatile analysis of LLMs
from multiple quality perspectives in a human-interpretable manner. In
particular, we first leverage the data from desired trustworthiness
perspectives to construct an abstract model as an auxiliary analysis asset,
which is empowered by various abstract model construction methods. To assess
the quality of the abstract model, we collect and define a number of evaluation
metrics, aiming at both abstract model level and the semantics level. Then, the
semantics, which is the degree of satisfaction of the LLM w.r.t. the
trustworthiness perspective, is bound to and enriches the abstract model with
semantics, which enables more detailed analysis applications for diverse
purposes. | cs.LG | LUNA: A Model-Based Universal Analysis Framework for Large Language Models |
2023-10-22T06:58:28Z | http://arxiv.org/pdf/2310.14206v1 | http://arxiv.org/abs/2310.14206v1 | Ayan Sengupta, Md Shad Akhtar, Tanmoy Chakraborty | 2023-10-22T06:58:28Z | cs.CL, cs.LG | Multi-head self-attention-based Transformers have shown promise in different
learning tasks. Albeit these models exhibit significant improvement in
understanding short-term and long-term contexts from sequences, encoders of
Transformers and their variants fail to preserve layer-wise contextual
information. Transformers usually project tokens onto sparse manifolds and fail
to preserve mathematical equivalence among the token representations. In this
work, we propose TransJect, an encoder model that guarantees a theoretical
bound for layer-wise distance preservation between a pair of tokens. We propose
a simple alternative to dot-product attention to ensure Lipschitz continuity.
This allows TransJect to learn injective mappings to transform token
representations to different manifolds with similar topology and preserve
Euclidean distance between every pair of tokens in subsequent layers.
Evaluations across multiple benchmark short- and long-sequence classification
tasks show maximum improvements of 6.8% and 5.9%, respectively, over the
variants of Transformers. Additionally, TransJect displays 79% better
performance than Transformer on the language modeling task. We further
highlight the shortcomings of multi-head self-attention from the statistical
physics viewpoint. Although multi-head self-attention was incepted to learn
different abstraction levels within the networks, our empirical analyses
suggest that different attention heads learn randomly and unorderly. In
contrast, TransJect adapts a mixture of experts for regularization; these
experts are more orderly and balanced and learn different sparse
representations from the input sequences. TransJect exhibits very low entropy
and can be efficiently scaled to larger depths. | cs.CL | Manifold-Preserving Transformers are Effective for Short-Long Range Encoding |
2023-10-22T06:27:31Z | http://arxiv.org/pdf/2310.14198v1 | http://arxiv.org/abs/2310.14198v1 | Rami Aly, Marek Strong, Andreas Vlachos | 2023-10-22T06:27:31Z | cs.CL | Fact verification systems assess a claim's veracity based on evidence. An
important consideration in designing them is faithfulness, i.e. generating
explanations that accurately reflect the reasoning of the model. Recent works
have focused on natural logic, which operates directly on natural language by
capturing the semantic relation of spans between an aligned claim with its
evidence via set-theoretic operators. However, these approaches rely on
substantial resources for training, which are only available for high-resource
languages. To this end, we propose to use question answering to predict natural
logic operators, taking advantage of the generalization capabilities of
instruction-tuned language models. Thus, we obviate the need for annotated
training data while still relying on a deterministic inference system. In a
few-shot setting on FEVER, our approach outperforms the best baseline by $4.3$
accuracy points, including a state-of-the-art pre-trained seq2seq natural logic
system, as well as a state-of-the-art prompt-based classifier. Our system
demonstrates its robustness and portability, achieving competitive performance
on a counterfactual dataset and surpassing all approaches without further
annotation on a Danish verification dataset. A human evaluation indicates that
our approach produces more plausible proofs with fewer erroneous natural logic
operators than previous natural logic-based systems. | cs.CL | QA-NatVer: Question Answering for Natural Logic-based Fact Verification |
2023-10-22T06:22:37Z | http://arxiv.org/pdf/2310.18341v3 | http://arxiv.org/abs/2310.18341v3 | Seowoo Lee, Jiwon Youn, Hyungjin Kim, Mansu Kim, Soon Ho Yoon | 2024-01-14T13:29:15Z | cs.CL, cs.AI | Purpose: This study aimed to develop an open-source multimodal large language
model (CXR-LLAVA) for interpreting chest X-ray images (CXRs), leveraging recent
advances in large language models (LLMs) to potentially replicate the image
interpretation skills of human radiologists Materials and Methods: For
training, we collected 592,580 publicly available CXRs, of which 374,881 had
labels for certain radiographic abnormalities (Dataset 1) and 217,699 provided
free-text radiology reports (Dataset 2). After pre-training a vision
transformer with Dataset 1, we integrated it with an LLM influenced by the
LLAVA network. Then, the model was fine-tuned, primarily using Dataset 2. The
model's diagnostic performance for major pathological findings was evaluated,
along with the acceptability of radiologic reports by human radiologists, to
gauge its potential for autonomous reporting. Results: The model demonstrated
impressive performance in test sets, achieving an average F1 score of 0.81 for
six major pathological findings in the MIMIC internal test set and 0.62 for
seven major pathological findings in the external test set. The model's F1
scores surpassed those of GPT-4-vision and Gemini-Pro-Vision in both test sets.
In human radiologist evaluations of the external test set, the model achieved a
72.7% success rate in autonomous reporting, slightly below the 84.0% rate of
ground truth reports. Conclusion: This study highlights the significant
potential of multimodal LLMs for CXR interpretation, while also acknowledging
the performance limitations. Despite these challenges, we believe that making
our model open-source will catalyze further research, expanding its
effectiveness and applicability in various clinical contexts. CXR-LLAVA is
available at https://github.com/ECOFRI/CXR_LLAVA. | cs.CL | CXR-LLAVA: a multimodal large language model for interpreting chest X-ray images |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.