publication_date
stringlengths 20
20
| doc_url
stringlengths 33
34
| id
stringlengths 33
34
| authors
stringlengths 5
20.1k
| update_date
stringlengths 20
20
| category_all
stringlengths 5
138
| abstract
stringlengths 123
3.09k
| category_primary
stringclasses 78
values | title
stringlengths 10
211
|
---|---|---|---|---|---|---|---|---|
2023-11-14T00:43:33Z | http://arxiv.org/pdf/2311.07820v1 | http://arxiv.org/abs/2311.07820v1 | Nohil Park, Joonsuk Park, Kang Min Yoo, Sungroh Yoon | 2023-11-14T00:43:33Z | cs.CL | An exciting advancement in the field of multilingual models is the emergence
of autoregressive models with zero- and few-shot capabilities, a phenomenon
widely reported in large-scale language models. To further improve model
adaptation to cross-lingual tasks, another trend is to further fine-tune the
language models with either full fine-tuning or parameter-efficient tuning.
However, the interaction between parameter-efficient fine-tuning (PEFT) and
cross-lingual tasks in multilingual autoregressive models has yet to be
studied. Specifically, we lack an understanding of the role of linguistic
distributions in multilingual models in the effectiveness of token-based prompt
tuning. To address this question, we conduct experiments comparing prompt
tuning and fine-tuning on the decoder-based multilingual model, XGLM, with four
cross-lingual tasks (XNLI, PAWS-X, POS, NER). According to our study, prompt
tuning achieves on par or better performance over fine-tuning across all
languages while updating at most 0.13\% of the model parameters. Moreover, we
empirically show that prompt tuning is more effective in enhancing the
performance of low-resource languages than fine-tuning. Our further analysis
shows that the phenomenon is related to the tokenization scheme of the
multilingual model. | cs.CL | On the Analysis of Cross-Lingual Prompt Tuning for Decoder-based Multilingual Model |
2023-11-13T23:52:43Z | http://arxiv.org/pdf/2311.07811v2 | http://arxiv.org/abs/2311.07811v2 | Aaron Mueller, Albert Webson, Jackson Petty, Tal Linzen | 2024-04-10T15:38:33Z | cs.CL | In-context learning (ICL) is now a common method for teaching large language
models (LLMs) new tasks: given labeled examples in the input context, the LLM
learns to perform the task without weight updates. Do models guided via ICL
infer the underlying structure of the task defined by the context, or do they
rely on superficial heuristics that only generalize to identically distributed
examples? We address this question using transformations tasks and an NLI task
that assess sensitivity to syntax - a requirement for robust language
understanding. We further investigate whether out-of-distribution
generalization can be improved via chain-of-thought prompting, where the model
is provided with a sequence of intermediate computation steps that illustrate
how the task ought to be performed. In experiments with models from the GPT,
PaLM, and Llama 2 families, we find large variance across LMs. The variance is
explained more by the composition of the pre-training corpus and supervision
methods than by model size; in particular, models pre-trained on code
generalize better, and benefit more from chain-of-thought prompting. | cs.CL | In-context Learning Generalizes, But Not Always Robustly: The Case of Syntax |
2023-11-13T23:36:35Z | http://arxiv.org/pdf/2311.07804v1 | http://arxiv.org/abs/2311.07804v1 | Kabilan Prasanna, Aryaman Arora | 2023-11-13T23:36:35Z | cs.CL, I.2.7 | Tamil, a Dravidian language of South Asia, is a highly diglossic language
with two very different registers in everyday use: Literary Tamil (preferred in
writing and formal communication) and Spoken Tamil (confined to speech and
informal media). Spoken Tamil is under-supported in modern NLP systems. In this
paper, we release IruMozhi, a human-annotated dataset of parallel text in
Literary and Spoken Tamil. We train classifiers on the task of identifying
which variety a text belongs to. We use these models to gauge the availability
of pretraining data in Spoken Tamil, to audit the composition of existing
labelled datasets for Tamil, and to encourage future work on the variety. | cs.CL | IruMozhi: Automatically classifying diglossia in Tamil |
2023-11-13T21:42:38Z | http://arxiv.org/pdf/2311.07772v4 | http://arxiv.org/abs/2311.07772v4 | Gilad Deutch, Nadav Magar, Tomer Bar Natan, Guy Dar | 2024-03-31T19:33:50Z | cs.CL, cs.LG | In-context learning (ICL) has shown impressive results in few-shot learning
tasks, yet its underlying mechanism is still not fully understood. A recent
line of work suggests that ICL performs gradient descent (GD)-based
optimization implicitly. While appealing, much of the research focuses on
simplified settings, where the parameters of a shallow model are optimized. In
this work, we revisit evidence for ICL-GD correspondence on realistic NLP tasks
and models. We find gaps in evaluation, both in terms of problematic metrics
and insufficient baselines. We show that surprisingly, even untrained models
achieve comparable ICL-GD similarity scores despite not exhibiting ICL. Next,
we explore a major discrepancy in the flow of information throughout the model
between ICL and GD, which we term Layer Causality. We propose a simple GD-based
optimization procedure that respects layer causality, and show it improves
similarity scores significantly. | cs.CL | In-context Learning and Gradient Descent Revisited |
2023-11-13T21:33:12Z | http://arxiv.org/pdf/2311.07767v1 | http://arxiv.org/abs/2311.07767v1 | Nikolaos Giarelis, Charalampos Mastrokostas, Nikos Karacapilidis | 2023-11-13T21:33:12Z | cs.CL, cs.AI, 68T07, 68T50, I.2.7 | Text summarization (TS) is a natural language processing (NLP) subtask
pertaining to the automatic formulation of a concise and coherent summary that
covers the major concepts and topics from one or multiple documents. Recent
advancements in deep learning have led to the development of abstractive
summarization transformer-based models, which outperform classical approaches.
In any case, research in this field focuses on high resource languages such as
English, while the corresponding work for low resource languages is still
underdeveloped. Taking the above into account, this paper proposes a series of
novel TS models for Greek news articles. The proposed models were thoroughly
evaluated on the same dataset against GreekBART, which is the state-of-the-art
model in Greek abstractive news summarization. Our evaluation results reveal
that most of the proposed models significantly outperform GreekBART on various
evaluation metrics. We make our evaluation code public, aiming to increase the
reproducibility of this work and facilitate future research in the field. | cs.CL | GreekT5: A Series of Greek Sequence-to-Sequence Models for News Summarization |
2023-11-13T21:32:37Z | http://arxiv.org/pdf/2311.07766v1 | http://arxiv.org/abs/2311.07766v1 | Dota Tianai Dong, Mariya Toneva | 2023-11-13T21:32:37Z | cs.CV, cs.AI, cs.CL, cs.LG | Integrating information from multiple modalities is arguably one of the
essential prerequisites for grounding artificial intelligence systems with an
understanding of the real world. Recent advances in video transformers that
jointly learn from vision, text, and sound over time have made some progress
toward this goal, but the degree to which these models integrate information
from modalities still remains unclear. In this work, we present a promising
approach for probing a pre-trained multimodal video transformer model by
leveraging neuroscientific evidence of multimodal information processing in the
brain. Using brain recordings of participants watching a popular TV show, we
analyze the effects of multi-modal connections and interactions in a
pre-trained multi-modal video transformer on the alignment with uni- and
multi-modal brain regions. We find evidence that vision enhances masked
prediction performance during language processing, providing support that
cross-modal representations in models can benefit individual modalities.
However, we don't find evidence of brain-relevant information captured by the
joint multi-modal transformer representations beyond that captured by all of
the individual modalities. We finally show that the brain alignment of the
pre-trained joint representation can be improved by fine-tuning using a task
that requires vision-language inferences. Overall, our results paint an
optimistic picture of the ability of multi-modal transformers to integrate
vision and language in partially brain-relevant ways but also show that
improving the brain alignment of these models may require new approaches. | cs.CV | Vision-Language Integration in Multimodal Video Transformers (Partially) Aligns with the Brain |
2023-11-13T20:07:36Z | http://arxiv.org/pdf/2311.07723v3 | http://arxiv.org/abs/2311.07723v3 | Joshua Clymer, Garrett Baker, Rohan Subramani, Sam Wang | 2023-12-17T21:18:14Z | cs.AI, cs.CL, cs.LG | As AI systems become more intelligent and their behavior becomes more
challenging to assess, they may learn to game the flaws of human feedback
instead of genuinely striving to follow instructions; however, this risk can be
mitigated by controlling how LLMs generalize human feedback to situations where
it is unreliable. To better understand how reward models generalize, we craft
69 distribution shifts spanning 8 categories. We find that reward models do not
learn to evaluate `instruction-following' by default and instead favor personas
that resemble internet text. Techniques for interpreting reward models'
internal representations achieve better generalization than standard
fine-tuning, but still frequently fail to distinguish instruction-following
from conflated behaviors. We consolidate the 15 most challenging distribution
shifts into the GENeralization analogIES (GENIES) benchmark, which we hope will
enable progress toward controlling reward model generalization. | cs.AI | Generalization Analogies: A Testbed for Generalizing AI Oversight to Hard-To-Measure Domains |
2023-11-13T19:56:18Z | http://arxiv.org/pdf/2311.07715v1 | http://arxiv.org/abs/2311.07715v1 | Jerry Junyang Cheung, Yuchen Zhuang, Yinghao Li, Pranav Shetty, Wantian Zhao, Sanjeev Grampurohit, Rampi Ramprasad, Chao Zhang | 2023-11-13T19:56:18Z | cs.CL, cs.AI, cs.IR, cs.LG | Scientific information extraction (SciIE), which aims to automatically
extract information from scientific literature, is becoming more important than
ever. However, there are no existing SciIE datasets for polymer materials,
which is an important class of materials used ubiquitously in our daily lives.
To bridge this gap, we introduce POLYIE, a new SciIE dataset for polymer
materials. POLYIE is curated from 146 full-length polymer scholarly articles,
which are annotated with different named entities (i.e., materials, properties,
values, conditions) as well as their N-ary relations by domain experts. POLYIE
presents several unique challenges due to diverse lexical formats of entities,
ambiguity between entities, and variable-length relations. We evaluate
state-of-the-art named entity extraction and relation extraction models on
POLYIE, analyze their strengths and weaknesses, and highlight some difficult
cases for these models. To the best of our knowledge, POLYIE is the first SciIE
benchmark for polymer materials, and we hope it will lead to more research
efforts from the community on this challenging task. Our code and data are
available on: https://github.com/jerry3027/PolyIE. | cs.CL | PolyIE: A Dataset of Information Extraction from Polymer Material Scientific Literature |
2023-11-13T19:41:34Z | http://arxiv.org/pdf/2311.07703v2 | http://arxiv.org/abs/2311.07703v2 | Debasmita Bhattacharya, Siying Ding, Alayna Nguyen, Julia Hirschberg | 2024-03-26T15:31:34Z | cs.CL, cs.SD, eess.AS | It is well-known that speakers who entrain to one another have more
successful conversations than those who do not. Previous research has shown
that interlocutors entrain on linguistic features in both written and spoken
monolingual domains. More recent work on code-switched communication has also
shown preliminary evidence of entrainment on certain aspects of code-switching
(CSW). However, such studies of entrainment in code-switched domains have been
extremely few and restricted to human-machine textual interactions. Our work
studies code-switched spontaneous speech between humans, finding that (1)
patterns of written and spoken entrainment in monolingual settings largely
generalize to code-switched settings, and (2) some patterns of entrainment on
code-switching in dialogue agent-generated text generalize to spontaneous
code-switched speech. Our findings give rise to important implications for the
potentially "universal" nature of entrainment as a communication phenomenon,
and potential applications in inclusive and interactive speech technology. | cs.CL | Measuring Entrainment in Spontaneous Code-switched Speech |
2023-11-13T19:36:54Z | http://arxiv.org/pdf/2311.07700v1 | http://arxiv.org/abs/2311.07700v1 | Zhen Guo, Shangdi Yu | 2023-11-13T19:36:54Z | cs.CL, cs.AI, cs.LG | Large language models (LLMs) have opened up enormous opportunities while
simultaneously posing ethical dilemmas. One of the major concerns is their
ability to create text that closely mimics human writing, which can lead to
potential misuse, such as academic misconduct, disinformation, and fraud. To
address this problem, we present AuthentiGPT, an efficient classifier that
distinguishes between machine-generated and human-written texts. Under the
assumption that human-written text resides outside the distribution of
machine-generated text, AuthentiGPT leverages a black-box LLM to denoise input
text with artificially added noise, and then semantically compares the denoised
text with the original to determine if the content is machine-generated. With
only one trainable parameter, AuthentiGPT eliminates the need for a large
training dataset, watermarking the LLM's output, or computing the
log-likelihood. Importantly, the detection capability of AuthentiGPT can be
easily adapted to any generative language model. With a 0.918 AUROC score on a
domain-specific dataset, AuthentiGPT demonstrates its effectiveness over other
commercial algorithms, highlighting its potential for detecting
machine-generated text in academic settings. | cs.CL | AuthentiGPT: Detecting Machine-Generated Text via Black-Box Language Models Denoising |
2023-11-13T19:21:25Z | http://arxiv.org/pdf/2311.07692v1 | http://arxiv.org/abs/2311.07692v1 | Naman Goel | 2023-11-13T19:21:25Z | cs.LG, cs.AI, cs.CL, cs.GT | The surprisingly likely criterion in the seminal work of Prelec (the Bayesian
Truth Serum) guarantees truthfulness in a game-theoretic multi-agent setting,
by rewarding rational agents to maximise the expected information gain with
their answers w.r.t. their probabilistic beliefs. We investigate the relevance
of a similar criterion for responses of LLMs. We hypothesize that if the
surprisingly likely criterion works in LLMs, under certain conditions, the
responses that maximize the reward under this criterion should be more accurate
than the responses that only maximize the posterior probability. Using
benchmarks including the TruthfulQA benchmark and using openly available LLMs:
GPT-2 and LLaMA-2, we show that the method indeed improves the accuracy
significantly (for example, upto 24 percentage points aggregate improvement on
TruthfulQA and upto 70 percentage points improvement on individual categories
of questions). | cs.LG | On The Truthfulness of 'Surprisingly Likely' Responses of Large Language Models |
2023-11-13T19:13:29Z | http://arxiv.org/pdf/2311.07689v1 | http://arxiv.org/abs/2311.07689v1 | Suyu Ge, Chunting Zhou, Rui Hou, Madian Khabsa, Yi-Chia Wang, Qifan Wang, Jiawei Han, Yuning Mao | 2023-11-13T19:13:29Z | cs.CL | Red-teaming is a common practice for mitigating unsafe behaviors in Large
Language Models (LLMs), which involves thoroughly assessing LLMs to identify
potential flaws and addressing them with responsible and accurate responses.
While effective, manual red-teaming is costly, and existing automatic
red-teaming typically discovers safety risks without addressing them. In this
paper, we propose a Multi-round Automatic Red-Teaming (MART) method, which
incorporates both automatic adversarial prompt writing and safe response
generation, significantly increasing red-teaming scalability and the safety of
the target LLM. Specifically, an adversarial LLM and a target LLM interplay
with each other in an iterative manner, where the adversarial LLM aims to
generate challenging prompts that elicit unsafe responses from the target LLM,
while the target LLM is fine-tuned with safety aligned data on these
adversarial prompts. In each round, the adversarial LLM crafts better attacks
on the updated target LLM, while the target LLM also improves itself through
safety fine-tuning. On adversarial prompt benchmarks, the violation rate of an
LLM with limited safety alignment reduces up to 84.7% after 4 rounds of MART,
achieving comparable performance to LLMs with extensive adversarial prompt
writing. Notably, model helpfulness on non-adversarial prompts remains stable
throughout iterations, indicating the target LLM maintains strong performance
on instruction following. | cs.CL | MART: Improving LLM Safety with Multi-round Automatic Red-Teaming |
2023-11-13T19:12:49Z | http://arxiv.org/pdf/2311.07687v1 | http://arxiv.org/abs/2311.07687v1 | Arjun Vaithilingam Sudhakar, Prasanna Parthasarathi, Janarthanan Rajendran, Sarath Chandar | 2023-11-13T19:12:49Z | cs.CL, cs.AI, cs.LG | Large Language Models (LLMs) have demonstrated superior performance in
language understanding benchmarks. CALM, a popular approach, leverages
linguistic priors of LLMs -- GPT-2 -- for action candidate recommendations to
improve the performance in text games in Jericho without environment-provided
actions. However, CALM adapts GPT-2 with annotated human gameplays and keeps
the LLM fixed during the learning of the text based games. In this work, we
explore and evaluate updating LLM used for candidate recommendation during the
learning of the text based game as well to mitigate the reliance on the human
annotated gameplays, which are costly to acquire. We observe that by updating
the LLM during learning using carefully selected in-game transitions, we can
reduce the dependency on using human annotated game plays for fine-tuning the
LLMs. We conducted further analysis to study the transferability of the updated
LLMs and observed that transferring in-game trained models to other games did
not result in a consistent transfer. | cs.CL | Language Model-In-The-Loop: Data Optimal Approach to Learn-To-Recommend Actions in Text Games |
2023-11-13T19:02:56Z | http://arxiv.org/pdf/2311.07682v1 | http://arxiv.org/abs/2311.07682v1 | Kerem Zaman, Leshem Choshen, Shashank Srivastava | 2023-11-13T19:02:56Z | cs.CL, cs.AI, cs.LG | Model fusion research aims to aggregate the knowledge of multiple models to
enhance performance by combining their weights. In this work, we study the
inverse, investigating whether and how can model fusion interfere and reduce
unwanted knowledge. We delve into the effects of model fusion on the evolution
of learned shortcuts, social biases, and memorization capabilities in
fine-tuned language models. Through several experiments covering text
classification and generation tasks, our analysis highlights that shared
knowledge among models is usually enhanced during model fusion, while unshared
knowledge is usually lost or forgotten. Based on this observation, we
demonstrate the potential of model fusion as a debiasing tool and showcase its
efficacy in addressing privacy concerns associated with language models. | cs.CL | Fuse to Forget: Bias Reduction and Selective Memorization through Model Fusion |
2023-11-13T18:59:47Z | http://arxiv.org/pdf/2311.07575v1 | http://arxiv.org/abs/2311.07575v1 | Ziyi Lin, Chris Liu, Renrui Zhang, Peng Gao, Longtian Qiu, Han Xiao, Han Qiu, Chen Lin, Wenqi Shao, Keqin Chen, Jiaming Han, Siyuan Huang, Yichi Zhang, Xuming He, Hongsheng Li, Yu Qiao | 2023-11-13T18:59:47Z | cs.CV, cs.AI, cs.CL, cs.LG | We present SPHINX, a versatile multi-modal large language model (MLLM) with a
joint mixing of model weights, tuning tasks, and visual embeddings. First, for
stronger vision-language alignment, we unfreeze the large language model (LLM)
during pre-training, and introduce a weight mix strategy between LLMs trained
by real-world and synthetic data. By directly integrating the weights from two
domains, the mixed LLM can efficiently incorporate diverse semantics with
favorable robustness. Then, to enable multi-purpose capabilities, we mix a
variety of tasks for joint visual instruction tuning, and design task-specific
instructions to avoid inter-task conflict. In addition to the basic visual
question answering, we include more challenging tasks such as region-level
understanding, caption grounding, document layout detection, and human pose
estimation, contributing to mutual enhancement over different scenarios.
Additionally, we propose to extract comprehensive visual embeddings from
various network architectures, pre-training paradigms, and information
granularity, providing language models with more robust image representations.
Based on our proposed joint mixing, SPHINX exhibits superior multi-modal
understanding capabilities on a wide range of applications. On top of this, we
further propose an efficient strategy aiming to better capture fine-grained
appearances of high-resolution images. With a mixing of different scales and
high-resolution sub-images, SPHINX attains exceptional visual parsing and
reasoning performance on existing evaluation benchmarks. We hope our work may
cast a light on the exploration of joint mixing in future MLLM research. Code
is released at https://github.com/Alpha-VLLM/LLaMA2-Accessory. | cs.CV | SPHINX: The Joint Mixing of Weights, Tasks, and Visual Embeddings for Multi-modal Large Language Models |
2023-11-13T18:54:17Z | http://arxiv.org/pdf/2311.07564v3 | http://arxiv.org/abs/2311.07564v3 | Cristina Aggazzotti, Nicholas Andrews, Elizabeth Allyn Smith | 2024-06-13T19:54:53Z | cs.CL, cs.LG | Authorship verification is the task of determining if two distinct writing
samples share the same author and is typically concerned with the attribution
of written text. In this paper, we explore the attribution of transcribed
speech, which poses novel challenges. The main challenge is that many stylistic
features, such as punctuation and capitalization, are not informative in this
setting. On the other hand, transcribed speech exhibits other patterns, such as
filler words and backchannels (e.g., 'um', 'uh-huh'), which may be
characteristic of different speakers. We propose a new benchmark for speaker
attribution focused on human-transcribed conversational speech transcripts. To
limit spurious associations of speakers with topic, we employ both conversation
prompts and speakers participating in the same conversation to construct
verification trials of varying difficulties. We establish the state of the art
on this new benchmark by comparing a suite of neural and non-neural baselines,
finding that although written text attribution models achieve surprisingly good
performance in certain settings, they perform markedly worse as conversational
topic is increasingly controlled. We present analyses of the impact of
transcription style on performance as well as the ability of fine-tuning on
speech transcripts to improve performance. | cs.CL | Can Authorship Attribution Models Distinguish Speakers in Speech Transcripts? |
2023-11-13T18:49:13Z | http://arxiv.org/pdf/2311.07556v2 | http://arxiv.org/abs/2311.07556v2 | Xuanli He, Yuxiang Wu, Oana-Maria Camburu, Pasquale Minervini, Pontus Stenetorp | 2024-05-20T16:24:58Z | cs.CL | Recent studies demonstrated that large language models (LLMs) can excel in
many tasks via in-context learning (ICL). However, recent works show that
ICL-prompted models tend to produce inaccurate results when presented with
adversarial inputs. In this work, we investigate whether augmenting ICL with
natural language explanations (NLEs) improves the robustness of LLMs on
adversarial datasets covering natural language inference and paraphrasing
identification. We prompt LLMs with a small set of human-generated NLEs to
produce further NLEs, yielding more accurate results than both a zero-shot-ICL
setting and using only human-generated NLEs. Our results on five popular LLMs
(GPT3.5-turbo, Llama2, Vicuna, Zephyr, and Mistral) show that our approach
yields over 6% improvement over baseline approaches for eight adversarial
datasets: HANS, ISCS, NaN, ST, PICD, PISP, ANLI, and PAWS. Furthermore,
previous studies have demonstrated that prompt selection strategies
significantly enhance ICL on in-distribution test sets. However, our findings
reveal that these strategies do not match the efficacy of our approach for
robustness evaluations, resulting in an accuracy drop of 8% compared to the
proposed approach. | cs.CL | Using Natural Language Explanations to Improve Robustness of In-context Learning |
2023-11-13T18:36:50Z | http://arxiv.org/pdf/2311.07547v1 | http://arxiv.org/abs/2311.07547v1 | Hanjia Lyu, Jinfa Huang, Daoan Zhang, Yongsheng Yu, Xinyi Mou, Jinsheng Pan, Zhengyuan Yang, Zhongyu Wei, Jiebo Luo | 2023-11-13T18:36:50Z | cs.CV, cs.AI, cs.CL, cs.MM | Recent research has offered insights into the extraordinary capabilities of
Large Multimodal Models (LMMs) in various general vision and language tasks.
There is growing interest in how LMMs perform in more specialized domains.
Social media content, inherently multimodal, blends text, images, videos, and
sometimes audio. Understanding social multimedia content remains a challenging
problem for contemporary machine learning frameworks. In this paper, we explore
GPT-4V(ision)'s capabilities for social multimedia analysis. We select five
representative tasks, including sentiment analysis, hate speech detection, fake
news identification, demographic inference, and political ideology detection,
to evaluate GPT-4V. Our investigation begins with a preliminary quantitative
analysis for each task using existing benchmark datasets, followed by a careful
review of the results and a selection of qualitative samples that illustrate
GPT-4V's potential in understanding multimodal social media content. GPT-4V
demonstrates remarkable efficacy in these tasks, showcasing strengths such as
joint understanding of image-text pairs, contextual and cultural awareness, and
extensive commonsense knowledge. Despite the overall impressive capacity of
GPT-4V in the social media domain, there remain notable challenges. GPT-4V
struggles with tasks involving multilingual social multimedia comprehension and
has difficulties in generalizing to the latest trends in social media.
Additionally, it exhibits a tendency to generate erroneous information in the
context of evolving celebrity and politician knowledge, reflecting the known
hallucination problem. The insights gleaned from our findings underscore a
promising future for LMMs in enhancing our comprehension of social media
content and its users through the analysis of multimodal information. | cs.CV | GPT-4V(ision) as A Social Media Analysis Engine |
2023-11-13T18:28:25Z | http://arxiv.org/pdf/2311.07538v1 | http://arxiv.org/abs/2311.07538v1 | Kangda Wei, Sayan Ghosh, Rakesh R. Menon, Shashank Srivastava | 2023-11-13T18:28:25Z | cs.CL, cs.LG | Recent approaches have explored language-guided classifiers capable of
classifying examples from novel tasks when provided with task-specific natural
language explanations, instructions or prompts (Sanh et al., 2022; R. Menon et
al., 2022). While these classifiers can generalize in zero-shot settings, their
task performance often varies substantially between different language
explanations in unpredictable ways (Lu et al., 2022; Gonen et al., 2022). Also,
current approaches fail to leverage unlabeled examples that may be available in
many scenarios. Here, we introduce TALC, a framework that uses data programming
to adapt a language-guided classifier for a new task during inference when
provided with explanations from multiple teachers and unlabeled test examples.
Our results show that TALC consistently outperforms a competitive baseline from
prior work by an impressive 9.3% (relative improvement). Further, we
demonstrate the robustness of TALC to variations in the quality and quantity of
provided explanations, highlighting its potential in scenarios where learning
from multiple teachers or a crowd is involved. Our code is available at:
https://github.com/WeiKangda/TALC.git. | cs.CL | Leveraging Multiple Teachers for Test-Time Adaptation of Language-Guided Classifiers |
2023-11-13T18:25:20Z | http://arxiv.org/pdf/2311.10757v1 | http://arxiv.org/abs/2311.10757v1 | Andrei Nesterov, Laura Hollink, Jacco van Ossenbruggen | 2023-11-13T18:25:20Z | cs.CL, cs.AI, I.2.1 | Web resources in linked open data (LOD) are comprehensible to humans through
literal textual values attached to them, such as labels, notes, or comments.
Word choices in literals may not always be neutral. When outdated and
culturally stereotyping terminology is used in literals, they may appear as
offensive to users in interfaces and propagate stereotypes to algorithms
trained on them. We study how frequently and in which literals contentious
terms about people and cultures occur in LOD and whether there are attempts to
mark the usage of such terms. For our analysis, we reuse English and Dutch
terms from a knowledge graph that provides opinions of experts from the
cultural heritage domain about terms' contentiousness. We inspect occurrences
of these terms in four widely used datasets: Wikidata, The Getty Art &
Architecture Thesaurus, Princeton WordNet, and Open Dutch WordNet. Some terms
are ambiguous and contentious only in particular senses. Applying word sense
disambiguation, we generate a set of literals relevant to our analysis. We
found that outdated, derogatory, stereotyping terms frequently appear in
descriptive and labelling literals, such as preferred labels that are usually
displayed in interfaces and used for indexing. In some cases, LOD contributors
mark contentious terms with words and phrases in literals (implicit markers) or
properties linked to resources (explicit markers). However, such marking is
rare and non-consistent in all datasets. Our quantitative and qualitative
insights could be helpful in developing more systematic approaches to address
the propagation of stereotypes via LOD. | cs.CL | How Contentious Terms About People and Cultures are Used in Linked Open Data |
2023-11-13T18:22:32Z | http://arxiv.org/pdf/2311.07536v2 | http://arxiv.org/abs/2311.07536v2 | Yunxin Li, Longyue Wang, Baotian Hu, Xinyu Chen, Wanqi Zhong, Chenyang Lyu, Wei Wang, Min Zhang | 2024-01-27T14:16:54Z | cs.CL | The emergence of multimodal large models (MLMs) has significantly advanced
the field of visual understanding, offering remarkable capabilities in the
realm of visual question answering (VQA). Yet, the true challenge lies in the
domain of knowledge-intensive VQA tasks, which necessitate not just recognition
of visual elements, but also a deep comprehension of the visual information in
conjunction with a vast repository of learned knowledge. To uncover such
capabilities of MLMs, particularly the newly introduced GPT-4V, we provide an
in-depth evaluation from three perspectives: 1) Commonsense Knowledge, which
assesses how well models can understand visual cues and connect to general
knowledge; 2) Fine-grained World Knowledge, which tests the model's skill in
reasoning out specific knowledge from images, showcasing their proficiency
across various specialized fields; 3) Comprehensive Knowledge with
Decision-making Rationales, which examines model's capability to provide
logical explanations for its inference, facilitating a deeper analysis from the
interpretability perspective. Extensive experiments indicate that GPT-4V
achieves SOTA performance on above three tasks. Interestingly, we find that: a)
GPT-4V demonstrates enhanced reasoning and explanation when using composite
images as few-shot; b) GPT-4V produces severe hallucinations when dealing with
world knowledge, highlighting the future need for advancements in this research
direction. | cs.CL | A Comprehensive Evaluation of GPT-4V on Knowledge-Intensive Visual Question Answering |
2023-11-13T18:18:22Z | http://arxiv.org/pdf/2311.07532v3 | http://arxiv.org/abs/2311.07532v3 | Nishant Balepur, Shramay Palta, Rachel Rudinger | 2024-06-07T23:01:20Z | cs.CL | Chain-of-thought (COT) prompting can help large language models (LLMs) reason
toward correct answers, but its efficacy in reasoning toward incorrect answers
is unexplored. This process of elimination (PoE), when used with COT, can
enhance self-consistency, interpretability, and tasks such as medical diagnoses
of exclusion. Thus, we propose PoE with COT, where LLMs must reason toward
incorrect options on multiple-choice questions. We evaluate the ability of
GPT-3.5, LLaMA-2, and Falcon to perform PoE with COT on a total of four
commonsense and scientific reasoning datasets. We find that the strategy of PoE
always underperforms the strategy of choosing the correct answer. The agreement
of these strategies is also lower than the self-consistency of each strategy.
To study these issues further, we conduct error analyses and give suggestions
for future work. | cs.CL | It's Not Easy Being Wrong: Large Language Models Struggle with Process of Elimination Reasoning |
2023-11-13T17:54:50Z | http://arxiv.org/pdf/2311.07509v1 | http://arxiv.org/abs/2311.07509v1 | Juan Sequeda, Dean Allemang, Bryon Jacob | 2023-11-13T17:54:50Z | cs.AI, cs.CL, cs.DB | Enterprise applications of Large Language Models (LLMs) hold promise for
question answering on enterprise SQL databases. However, the extent to which
LLMs can accurately respond to enterprise questions in such databases remains
unclear, given the absence of suitable Text-to-SQL benchmarks tailored to
enterprise settings. Additionally, the potential of Knowledge Graphs (KGs) to
enhance LLM-based question answering by providing business context is not well
understood. This study aims to evaluate the accuracy of LLM-powered question
answering systems in the context of enterprise questions and SQL databases,
while also exploring the role of knowledge graphs in improving accuracy. To
achieve this, we introduce a benchmark comprising an enterprise SQL schema in
the insurance domain, a range of enterprise queries encompassing reporting to
metrics, and a contextual layer incorporating an ontology and mappings that
define a knowledge graph. Our primary finding reveals that question answering
using GPT-4, with zero-shot prompts directly on SQL databases, achieves an
accuracy of 16%. Notably, this accuracy increases to 54% when questions are
posed over a Knowledge Graph representation of the enterprise SQL database.
Therefore, investing in Knowledge Graph provides higher accuracy for LLM
powered question answering systems. | cs.AI | A Benchmark to Understand the Role of Knowledge Graphs on Large Language Model's Accuracy for Question Answering on Enterprise SQL Databases |
2023-11-13T17:36:58Z | http://arxiv.org/pdf/2311.07497v2 | http://arxiv.org/abs/2311.07497v2 | David Arps, Laura Kallmeyer, Younes Samih, Hassan Sajjad | 2024-06-12T13:41:16Z | cs.CL | We introduce SPUD (Semantically Perturbed Universal Dependencies), a
framework for creating nonce treebanks for the multilingual Universal
Dependencies (UD) corpora. SPUD data satisfies syntactic argument structure,
provides syntactic annotations, and ensures grammaticality via
language-specific rules. We create nonce data in Arabic, English, French,
German, and Russian, and demonstrate two use cases of SPUD treebanks. First, we
investigate the effect of nonce data on word co-occurrence statistics, as
measured by perplexity scores of autoregressive (ALM) and masked language
models (MLM). We find that ALM scores are significantly more affected by nonce
data than MLM scores. Second, we show how nonce data affects the performance of
syntactic dependency probes. We replicate the findings of M\"uller-Eberstein et
al. (2022) on nonce test data and show that the performance declines on both
MLMs and ALMs wrt. original test data. However, a majority of the performance
is kept, suggesting that the probe indeed learns syntax independently from
semantics. | cs.CL | Multilingual Nonce Dependency Treebanks: Understanding how Language Models represent and process syntactic structure |
2023-11-13T17:28:03Z | http://arxiv.org/pdf/2311.07491v1 | http://arxiv.org/abs/2311.07491v1 | Hejing Cao, Zhenwei An, Jiazhan Feng, Kun Xu, Liwei Chen, Dongyan Zhao | 2023-11-13T17:28:03Z | cs.CL | While large language models exhibit remarkable performance in the Question
Answering task, they are susceptible to hallucinations. Challenges arise when
these models grapple with understanding multi-hop relations in complex
questions or lack the necessary knowledge for a comprehensive response. To
address this issue, we introduce the "Decompose-and-Query" framework (D&Q).
This framework guides the model to think and utilize external knowledge similar
to ReAct, while also restricting its thinking to reliable information,
effectively mitigating the risk of hallucinations. Experiments confirm the
effectiveness of D&Q: On our ChitChatQA dataset, D&Q does not lose to ChatGPT
in 67% of cases; on the HotPotQA question-only setting, D&Q achieved an F1
score of 59.6%. Our code is available at
https://github.com/alkaidpku/DQ-ToolQA. | cs.CL | A Step Closer to Comprehensive Answers: Constrained Multi-Stage Question Decomposition with Large Language Models |
2023-11-13T17:19:14Z | http://arxiv.org/pdf/2311.07484v3 | http://arxiv.org/abs/2311.07484v3 | Tatsuki Kuribayashi, Yohei Oseki, Timothy Baldwin | 2024-04-15T12:12:24Z | cs.CL, cs.AI | Instruction tuning aligns the response of large language models (LLMs) with
human preferences. Despite such efforts in human--LLM alignment, we find that
instruction tuning does not always make LLMs human-like from a cognitive
modeling perspective. More specifically, next-word probabilities estimated by
instruction-tuned LLMs are often worse at simulating human reading behavior
than those estimated by base LLMs. In addition, we explore prompting
methodologies for simulating human reading behavior with LLMs. Our results show
that prompts reflecting a particular linguistic hypothesis improve psychometric
predictive power, but are still inferior to small base models. These findings
highlight that recent advancements in LLMs, i.e., instruction tuning and
prompting, do not offer better estimates than direct probability measurements
from base LLMs in cognitive modeling. In other words, pure next-word
probability remains a strong predictor for human reading behavior, even in the
age of LLMs. | cs.CL | Psychometric Predictive Power of Large Language Models |
2023-11-13T17:03:02Z | http://arxiv.org/pdf/2311.07470v2 | http://arxiv.org/abs/2311.07470v2 | Haowen Pan, Yixin Cao, Xiaozhi Wang, Xun Yang, Meng Wang | 2024-06-11T12:30:02Z | cs.CL | Understanding the internal mechanisms by which multi-modal large language
models (LLMs) interpret different modalities and integrate cross-modal
representations is becoming increasingly critical for continuous improvements
in both academia and industry. In this paper, we propose a novel method to
identify key neurons for interpretability -- how multi-modal LLMs bridge visual
and textual concepts for captioning. Our method improves conventional works
upon efficiency and applied range by removing needs of costly gradient
computation. Based on those identified neurons, we further design a multi-modal
knowledge editing method, beneficial to mitigate sensitive words or
hallucination. For rationale of our design, we provide theoretical assumption.
For empirical evaluation, we have conducted extensive quantitative and
qualitative experiments. The results not only validate the effectiveness of our
methods, but also offer insightful findings that highlight three key properties
of multi-modal neurons: sensitivity, specificity and causal-effect, to shed
light for future research. | cs.CL | Finding and Editing Multi-Modal Neurons in Pre-Trained Transformers |
2023-11-13T17:02:06Z | http://arxiv.org/pdf/2311.07469v2 | http://arxiv.org/abs/2311.07469v2 | Ken E. Friedl, Abbas Goher Khan, Soumya Ranjan Sahoo, Md Rashad Al Hasan Rony, Jana Germies, Christian Süß | 2023-11-15T22:10:34Z | cs.CL, cs.AI | The assessment of advanced generative large language models (LLMs) poses a
significant challenge, given their heightened complexity in recent
developments. Furthermore, evaluating the performance of LLM-based applications
in various industries, as indicated by Key Performance Indicators (KPIs), is a
complex undertaking. This task necessitates a profound understanding of
industry use cases and the anticipated system behavior. Within the context of
the automotive industry, existing evaluation metrics prove inadequate for
assessing in-car conversational question answering (ConvQA) systems. The unique
demands of these systems, where answers may relate to driver or car safety and
are confined within the car domain, highlight the limitations of current
metrics. To address these challenges, this paper introduces a set of KPIs
tailored for evaluating the performance of in-car ConvQA systems, along with
datasets specifically designed for these KPIs. A preliminary and comprehensive
empirical evaluation substantiates the efficacy of our proposed approach.
Furthermore, we investigate the impact of employing varied personas in prompts
and found that it enhances the model's capacity to simulate diverse viewpoints
in assessments, mirroring how individuals with different backgrounds perceive a
topic. | cs.CL | InCA: Rethinking In-Car Conversational System Assessment Leveraging Large Language Models |
2023-11-13T17:01:12Z | http://arxiv.org/pdf/2311.07468v2 | http://arxiv.org/abs/2311.07468v2 | Ang Lv, Kaiyi Zhang, Shufang Xie, Quan Tu, Yuhan Chen, Ji-Rong Wen, Rui Yan | 2023-11-16T08:35:05Z | cs.CL, cs.AI, cs.LG | Recent studies have highlighted a phenomenon in large language models (LLMs)
known as "the reversal curse," in which the order of knowledge entities in the
training data biases the models' comprehension. For example, if a model is
trained on sentences where entity A consistently appears before entity B, it
can respond to queries about A by providing B as the answer. However, it may
encounter confusion when presented with questions concerning B. We contend that
the reversal curse is partially a result of specific model training objectives,
particularly evident in the prevalent use of the next-token prediction within
most causal language models. For the next-token prediction, models solely focus
on a token's preceding context, resulting in a restricted comprehension of the
input. In contrast, we illustrate that the GLM, trained using the
autoregressive blank infilling objective where tokens to be predicted have
access to the entire context, exhibits better resilience against the reversal
curse. We propose a novel training method, BIdirectional Casual language
modeling Optimization (BICO), designed to mitigate the reversal curse when
fine-tuning pretrained causal language models on new data. BICO modifies the
causal attention mechanism to function bidirectionally and employs a mask
denoising optimization. In the task designed to assess the reversal curse, our
approach improves Llama's accuracy from the original 0% to around 70%. We hope
that more attention can be focused on exploring and addressing these inherent
weaknesses of the current LLMs, in order to achieve a higher level of
intelligence. | cs.CL | Are We Falling in a Middle-Intelligence Trap? An Analysis and Mitigation of the Reversal Curse |
2023-11-13T16:53:51Z | http://arxiv.org/pdf/2311.07466v3 | http://arxiv.org/abs/2311.07466v3 | Letitia Parcalabescu, Anette Frank | 2024-06-01T07:57:52Z | cs.CL, cs.AI, cs.LG, 68Txx, I.2.7; I.2.10 | Large language models (LLMs) can explain their predictions through post-hoc
or Chain-of-Thought (CoT) explanations. But an LLM could make up reasonably
sounding explanations that are unfaithful to its underlying reasoning. Recent
work has designed tests that aim to judge the faithfulness of post-hoc or CoT
explanations. In this work we argue that these faithfulness tests do not
measure faithfulness to the models' inner workings -- but rather their
self-consistency at output level. Our contributions are three-fold: i) We
clarify the status of faithfulness tests in view of model explainability,
characterising them as self-consistency tests instead. This assessment we
underline by ii) constructing a Comparative Consistency Bank for
self-consistency tests that for the first time compares existing tests on a
common suite of 11 open LLMs and 5 tasks -- including iii) our new
self-consistency measure CC-SHAP. CC-SHAP is a fine-grained measure (not a
test) of LLM self-consistency. It compares how a model's input contributes to
the predicted answer and to generating the explanation. Our fine-grained
CC-SHAP metric allows us iii) to compare LLM behaviour when making predictions
and to analyse the effect of other consistency tests at a deeper level, which
takes us one step further towards measuring faithfulness by bringing us closer
to the internals of the model than strictly surface output-oriented tests. Our
code is available at \url{https://github.com/Heidelberg-NLP/CC-SHAP} | cs.CL | On Measuring Faithfulness or Self-consistency of Natural Language Explanations |
2023-11-13T16:45:37Z | http://arxiv.org/pdf/2311.07463v2 | http://arxiv.org/abs/2311.07463v2 | Sanchit Ahuja, Divyanshu Aggarwal, Varun Gumma, Ishaan Watts, Ashutosh Sathe, Millicent Ochieng, Rishav Hada, Prachi Jain, Maxamed Axmed, Kalika Bali, Sunayana Sitaram | 2024-04-02T21:18:00Z | cs.CL | There has been a surge in LLM evaluation research to understand LLM
capabilities and limitations. However, much of this research has been confined
to English, leaving LLM building and evaluation for non-English languages
relatively unexplored. Several new LLMs have been introduced recently,
necessitating their evaluation on non-English languages. This study aims to
perform a thorough evaluation of the non-English capabilities of SoTA LLMs
(GPT-3.5-Turbo, GPT-4, PaLM2, Gemini-Pro, Mistral, Llama2, and Gemma) by
comparing them on the same set of multilingual datasets. Our benchmark
comprises 22 datasets covering 83 languages, including low-resource African
languages. We also include two multimodal datasets in the benchmark and compare
the performance of LLaVA models, GPT-4-Vision and Gemini-Pro-Vision. Our
experiments show that larger models such as GPT-4, Gemini-Pro and PaLM2
outperform smaller models on various tasks, notably on low-resource languages,
with GPT-4 outperforming PaLM2 and Gemini-Pro on more datasets. We also perform
a study on data contamination and find that several models are likely to be
contaminated with multilingual evaluation benchmarks, necessitating approaches
to detect and handle contamination while assessing the multilingual performance
of LLMs. | cs.CL | MEGAVERSE: Benchmarking Large Language Models Across Languages, Modalities, Models and Tasks |
2023-11-13T16:35:29Z | http://arxiv.org/pdf/2311.07453v2 | http://arxiv.org/abs/2311.07453v2 | Mubashara Akhtar, Nikesh Subedi, Vivek Gupta, Sahar Tahmasebi, Oana Cocarascu, Elena Simperl | 2024-02-16T12:14:05Z | cs.CL, cs.CV | Whilst fact verification has attracted substantial interest in the natural
language processing community, verifying misinforming statements against data
visualizations such as charts has so far been overlooked. Charts are commonly
used in the real-world to summarize and communicate key information, but they
can also be easily misused to spread misinformation and promote certain
agendas. In this paper, we introduce ChartCheck, a novel, large-scale dataset
for explainable fact-checking against real-world charts, consisting of 1.7k
charts and 10.5k human-written claims and explanations. We systematically
evaluate ChartCheck using vision-language and chart-to-table models, and
propose a baseline to the community. Finally, we study chart reasoning types
and visual attributes that pose a challenge to these models | cs.CL | ChartCheck: Explainable Fact-Checking over Real-World Chart Images |
2023-11-13T16:19:42Z | http://arxiv.org/pdf/2311.07445v2 | http://arxiv.org/abs/2311.07445v2 | Junkai Zhou, Liang Pang, Huawei Shen, Xueqi Cheng | 2024-03-15T08:30:30Z | cs.CL, cs.AI | The emergence of large language models (LLMs) further improves the
capabilities of open-domain dialogue systems and can generate fluent, coherent,
and diverse responses. However, LLMs still lack a crucial ability:
communication skills. This limitation renders them more like information
seeking tools rather than anthropomorphic chatbots. Communication skills, such
as topic transition, proactively asking questions, concept guidance, empathy,
and summarising often should be taken into consideration, to make LLMs more
anthropomorphic and proactive during the conversation, thereby increasing the
interest of users and attracting them to chat for longer. However, enabling
these communication skills in black-box LLMs remains a key challenge because
they do not have the same utterance formation mode as real people: think before
speaking. Inspired by linguistics and cognitive science, we empower LLMs with
communication skills through inner monologues. To evaluate various
communication skills, we construct a benchmark named Cskills, which can also
more comprehensively evaluate the dialogue generation ability of the model.
Experimental results show that the proposed CSIM strategy improves the backbone
models and outperforms the baselines. | cs.CL | Think Before You Speak: Cultivating Communication Skills of Large Language Models via Inner Monologue |
2023-11-13T16:15:20Z | http://arxiv.org/pdf/2311.07439v3 | http://arxiv.org/abs/2311.07439v3 | Alireza Mohammadshahi, Jannis Vamvas, Rico Sennrich | 2024-04-28T08:26:11Z | cs.CL, cs.AI, cs.LG | Massively multilingual machine translation models allow for the translation
of a large number of languages with a single model, but have limited
performance on low- and very-low-resource translation directions. Pivoting via
high-resource languages remains a strong strategy for low-resource directions,
and in this paper we revisit ways of pivoting through multiple languages.
Previous work has used a simple averaging of probability distributions from
multiple paths, but we find that this performs worse than using a single pivot,
and exacerbates the hallucination problem because the same hallucinations can
be probable across different paths. We also propose MaxEns, a novel combination
strategy that makes the output biased towards the most confident predictions,
hypothesising that confident predictions are less prone to be hallucinations.
We evaluate different strategies on the FLORES benchmark for 20 low-resource
language directions, demonstrating that MaxEns improves translation quality for
low-resource languages while reducing hallucination in translations, compared
to both direct translation and an averaging approach. On average, multi-pivot
strategies still lag behind using English as a single pivot language, raising
the question of how to identify the best pivoting strategy for a given
translation direction. | cs.CL | Investigating Multi-Pivot Ensembling with Massively Multilingual Machine Translation Models |
2023-11-13T16:03:23Z | http://arxiv.org/pdf/2311.07430v2 | http://arxiv.org/abs/2311.07430v2 | Sangwon Yu, Changmin Lee, Hojin Lee, Sungroh Yoon | 2024-06-08T04:35:07Z | cs.CL | Controlled text generation is very important for the practical use of
language models because it ensures that the produced text includes only the
desired attributes from a specific domain or dataset. Existing methods,
however, are inapplicable to black-box models or suffer a significant trade-off
between controlling the generated text and maintaining its fluency. This paper
introduces the Score-based Progressive Editor (ScoPE), a novel approach
designed to overcome these issues. ScoPE modifies the context at the token
level during the generation process of a backbone language model. This
modification guides the subsequent text to naturally include the target
attributes. To facilitate this process, ScoPE employs a training objective that
maximizes a target score, thoroughly considering both the ability to guide the
text and its fluency. Experimental results on diverse controlled generation
tasks demonstrate that ScoPE can effectively regulate the attributes of the
generated text while fully utilizing the capability of the backbone large
language models. Our codes are available at
\url{https://github.com/ysw1021/ScoPE}. | cs.CL | Controlled Text Generation for Black-box Language Models via Score-based Progressive Editor |
2023-11-13T15:58:18Z | http://arxiv.org/pdf/2311.07424v1 | http://arxiv.org/abs/2311.07424v1 | Abdullatif Köksal, Renat Aksitov, Chung-Ching Chang | 2023-11-13T15:58:18Z | cs.CL, cs.AI | Attribution is a key concept in large language models (LLMs) as it enables
control over information sources and enhances the factuality of LLMs. While
existing approaches utilize open book question answering to improve
attribution, factual datasets may reward language models to recall facts that
they already know from their pretraining data, not attribution. In contrast,
counterfactual open book QA datasets would further improve attribution because
the answer could only be grounded in the given text. We propose Hallucination
Augmented Recitations (HAR) for creating counterfactual datasets by utilizing
hallucination in LLMs to improve attribution. For open book QA as a case study,
we demonstrate that models finetuned with our counterfactual datasets improve
text grounding, leading to better open book QA performance, with up to an 8.0%
increase in F1 score. Our counterfactual dataset leads to significantly better
performance than using humanannotated factual datasets, even with 4x smaller
datasets and 4x smaller models. We observe that improvements are consistent
across various model sizes and datasets, including multi-hop, biomedical, and
adversarial QA datasets. | cs.CL | Hallucination Augmented Recitations for Language Models |
2023-11-13T15:54:30Z | http://arxiv.org/pdf/2311.07418v1 | http://arxiv.org/abs/2311.07418v1 | Guangzhi Sun, Shutong Feng, Dongcheng Jiang, Chao Zhang, Milica Gašić, Philip C. Woodland | 2023-11-13T15:54:30Z | cs.CL, cs.SD, eess.AS | Recently, advancements in large language models (LLMs) have shown an
unprecedented ability across various language tasks. This paper investigates
the potential application of LLMs to slot filling with noisy ASR
transcriptions, via both in-context learning and task-specific fine-tuning.
Dedicated prompt designs and fine-tuning approaches are proposed to improve the
robustness of LLMs for slot filling with noisy ASR transcriptions. Moreover, a
linearised knowledge injection (LKI) scheme is also proposed to integrate
dynamic external knowledge into LLMs. Experiments were performed on SLURP to
quantify the performance of LLMs, including GPT-3.5-turbo, GPT-4, LLaMA-13B and
Vicuna-13B (v1.1 and v1.5) with different ASR error rates. The use of the
proposed fine-tuning together with the LKI scheme for LLaMA-13B achieved an
8.3% absolute SLU-F1 improvement compared to the strong Flan-T5-base baseline
system on a limited data setup. | cs.CL | Speech-based Slot Filling using Large Language Models |
2023-11-13T15:25:42Z | http://arxiv.org/pdf/2311.07397v2 | http://arxiv.org/abs/2311.07397v2 | Junyang Wang, Yuhang Wang, Guohai Xu, Jing Zhang, Yukai Gu, Haitao Jia, Jiaqi Wang, Haiyang Xu, Ming Yan, Ji Zhang, Jitao Sang | 2024-02-23T07:54:11Z | cs.CL, cs.CV | Despite making significant progress in multi-modal tasks, current Multi-modal
Large Language Models (MLLMs) encounter the significant challenge of
hallucinations, which may lead to harmful consequences. Therefore, evaluating
MLLMs' hallucinations is becoming increasingly important in model improvement
and practical application deployment. Previous works are limited in high
evaluation costs (e.g., relying on humans or advanced LLMs) and insufficient
evaluation dimensions (e.g., types of tasks and hallucinations). In this paper,
we propose an LLM-free multi-dimensional benchmark AMBER, which can be used to
evaluate both generative task and discriminative task including existence,
attribute and relation hallucination. Based on AMBER, we design a low-cost and
efficient evaluation pipeline. Additionally, we conduct a comprehensive
evaluation and detailed analysis of mainstream MLLMs including GPT-4V(ision),
and also give guideline suggestions for mitigating hallucinations. The data and
code of AMBER are available at https://github.com/junyangwang0410/AMBER. | cs.CL | AMBER: An LLM-free Multi-dimensional Benchmark for MLLMs Hallucination Evaluation |
2023-11-13T15:11:26Z | http://arxiv.org/pdf/2311.07387v2 | http://arxiv.org/abs/2311.07387v2 | Yinghao Li, Haorui Wang, Chao Zhang | 2024-04-16T22:51:51Z | cs.CL | Large Language Models (LLMs) have shown remarkable proficiency in language
understanding and have been successfully applied to a variety of real-world
tasks through task-specific fine-tuning or prompt engineering. Despite these
advancements, it remains an open question whether LLMs are fundamentally
capable of reasoning and planning, or if they primarily rely on recalling and
synthesizing information from their training data. In our research, we
introduce a novel task -- Minesweeper -- specifically designed in a format
unfamiliar to LLMs and absent from their training datasets. This task
challenges LLMs to identify the locations of mines based on numerical clues
provided by adjacent opened cells. Successfully completing this task requires
an understanding of each cell's state, discerning spatial relationships between
the clues and mines, and strategizing actions based on logical deductions drawn
from the arrangement of the cells. Our experiments, including trials with the
advanced GPT-4 model, indicate that while LLMs possess the foundational
abilities required for this task, they struggle to integrate these into a
coherent, multi-step logical reasoning process needed to solve Minesweeper.
These findings highlight the need for further research to understand the nature
of reasoning capabilities in LLMs under similar circumstances, and to explore
pathways towards more sophisticated AI reasoning and planning models. | cs.CL | Assessing Logical Puzzle Solving in Large Language Models: Insights from a Minesweeper Case Study |
2023-11-13T15:08:59Z | http://arxiv.org/pdf/2311.07383v1 | http://arxiv.org/abs/2311.07383v1 | Ekaterina Fadeeva, Roman Vashurin, Akim Tsvigun, Artem Vazhentsev, Sergey Petrakov, Kirill Fedyanin, Daniil Vasilev, Elizaveta Goncharova, Alexander Panchenko, Maxim Panov, Timothy Baldwin, Artem Shelmanov | 2023-11-13T15:08:59Z | cs.CL, cs.LG | Recent advancements in the capabilities of large language models (LLMs) have
paved the way for a myriad of groundbreaking applications in various fields.
However, a significant challenge arises as these models often "hallucinate",
i.e., fabricate facts without providing users an apparent means to discern the
veracity of their statements. Uncertainty estimation (UE) methods are one path
to safer, more responsible, and more effective use of LLMs. However, to date,
research on UE methods for LLMs has been focused primarily on theoretical
rather than engineering contributions. In this work, we tackle this issue by
introducing LM-Polygraph, a framework with implementations of a battery of
state-of-the-art UE methods for LLMs in text generation tasks, with unified
program interfaces in Python. Additionally, it introduces an extendable
benchmark for consistent evaluation of UE techniques by researchers, and a demo
web application that enriches the standard chat dialog with confidence scores,
empowering end-users to discern unreliable responses. LM-Polygraph is
compatible with the most recent LLMs, including BLOOMz, LLaMA-2, ChatGPT, and
GPT-4, and is designed to support future releases of similarly-styled LMs. | cs.CL | LM-Polygraph: Uncertainty Estimation for Language Models |
2023-11-13T14:40:33Z | http://arxiv.org/pdf/2311.07635v1 | http://arxiv.org/abs/2311.07635v1 | Seunggyoon Shin, Seunggyu Chang, Sungjoon Choi | 2023-11-13T14:40:33Z | cs.SE, cs.AI, cs.CL | This work presents Past as a Guide (PaG), a simple approach for Large
Language Models (LLMs) to improve the coding capabilities by integrating the
past history with interactive and iterative code refinements. To be specific,
inspired by human cognitive processes, the proposed method enables LLMs to
utilize previous programming and debugging experiences to enhance the Python
code completion tasks. The framework facilitates LLMs to iteratively refine the
Python code based on previous execution and debugging results and optimize
learning and reasoning capabilities. The proposed methodology achieved a 92\%
pass@1 on HumanEval, demonstrating the potential to advance the field by
leveraging retrospection from past experiences and interactive and iterative
refinement processes without external correctness indicators. | cs.SE | Past as a Guide: Leveraging Retrospective Learning for Python Code Completion |
2023-11-13T14:26:24Z | http://arxiv.org/pdf/2311.07362v4 | http://arxiv.org/abs/2311.07362v4 | Seongyun Lee, Sue Hyun Park, Yongrae Jo, Minjoon Seo | 2024-04-02T04:12:43Z | cs.CL, cs.CV | Large multimodal models suffer from multimodal hallucination, where they
provide incorrect responses misaligned with the given visual information.
Recent works have conjectured that one of the reasons behind multimodal
hallucination is due to the vision encoder failing to ground on the image
properly. To mitigate this issue, we propose a novel approach that leverages
self-feedback as visual cues. Building on this approach, we introduce Volcano,
a multimodal self-feedback guided revision model. Volcano generates natural
language feedback to its initial response based on the provided visual
information and utilizes this feedback to self-revise its initial response.
Volcano effectively reduces multimodal hallucination and achieves
state-of-the-art on MMHal-Bench, POPE, and GAVIE. It also improves on general
multimodal abilities and outperforms previous models on MM-Vet and MMBench.
Through qualitative analysis, we show that Volcano's feedback is properly
grounded on the image than the initial response. This indicates that Volcano
can provide itself with richer visual information through feedback generation,
leading to self-correct hallucinations. We publicly release our model, data,
and code at https://github.com/kaistAI/Volcano}{github.com/kaistAI/Volcano | cs.CL | Volcano: Mitigating Multimodal Hallucination through Self-Feedback Guided Revision |
2023-11-13T14:26:12Z | http://arxiv.org/pdf/2311.07361v2 | http://arxiv.org/abs/2311.07361v2 | Microsoft Research AI4Science, Microsoft Azure Quantum | 2023-12-08T06:30:12Z | cs.CL, cs.AI | In recent years, groundbreaking advancements in natural language processing
have culminated in the emergence of powerful large language models (LLMs),
which have showcased remarkable capabilities across a vast array of domains,
including the understanding, generation, and translation of natural language,
and even tasks that extend beyond language processing. In this report, we delve
into the performance of LLMs within the context of scientific discovery,
focusing on GPT-4, the state-of-the-art language model. Our investigation spans
a diverse range of scientific areas encompassing drug discovery, biology,
computational chemistry (density functional theory (DFT) and molecular dynamics
(MD)), materials design, and partial differential equations (PDE). Evaluating
GPT-4 on scientific tasks is crucial for uncovering its potential across
various research domains, validating its domain-specific expertise,
accelerating scientific progress, optimizing resource allocation, guiding
future model development, and fostering interdisciplinary research. Our
exploration methodology primarily consists of expert-driven case assessments,
which offer qualitative insights into the model's comprehension of intricate
scientific concepts and relationships, and occasionally benchmark testing,
which quantitatively evaluates the model's capacity to solve well-defined
domain-specific problems. Our preliminary exploration indicates that GPT-4
exhibits promising potential for a variety of scientific applications,
demonstrating its aptitude for handling complex problem-solving and knowledge
integration tasks. Broadly speaking, we evaluate GPT-4's knowledge base,
scientific understanding, scientific numerical calculation abilities, and
various scientific prediction capabilities. | cs.CL | The Impact of Large Language Models on Scientific Discovery: a Preliminary Study using GPT-4 |
2023-11-13T13:10:44Z | http://arxiv.org/pdf/2311.07314v1 | http://arxiv.org/abs/2311.07314v1 | Junpeng Li, Zixia Jia, Zilong Zheng | 2023-11-13T13:10:44Z | cs.CL, cs.AI | Document-level Relation Extraction (DocRE), which aims to extract relations
from a long context, is a critical challenge in achieving fine-grained
structural comprehension and generating interpretable document representations.
Inspired by recent advances in in-context learning capabilities emergent from
large language models (LLMs), such as ChatGPT, we aim to design an automated
annotation method for DocRE with minimum human effort. Unfortunately, vanilla
in-context learning is infeasible for document-level relation extraction due to
the plenty of predefined fine-grained relation types and the uncontrolled
generations of LLMs. To tackle this issue, we propose a method integrating a
large language model (LLM) and a natural language inference (NLI) module to
generate relation triples, thereby augmenting document-level relation datasets.
We demonstrate the effectiveness of our approach by introducing an enhanced
dataset known as DocGNRE, which excels in re-annotating numerous long-tail
relation types. We are confident that our method holds the potential for
broader applications in domain-specific relation type definitions and offers
tangible benefits in advancing generalized language semantic comprehension. | cs.CL | Semi-automatic Data Enhancement for Document-Level Relation Extraction with Distant Supervision from Large Language Models |
2023-11-13T13:05:15Z | http://arxiv.org/pdf/2311.07311v1 | http://arxiv.org/abs/2311.07311v1 | Xudong Hong, Margarita Ryzhova, Daniel Adrian Biondi, Vera Demberg | 2023-11-13T13:05:15Z | cs.CL, cs.AI, I.2.7; I.2.0 | Recently, large pre-trained language models (LLMs) have demonstrated superior
language understanding abilities, including zero-shot causal reasoning.
However, it is unclear to what extent their capabilities are similar to human
ones. We here study the processing of an event $B$ in a script-based story,
which causally depends on a previous event $A$. In our manipulation, event $A$
is stated, negated, or omitted in an earlier section of the text. We first
conducted a self-paced reading experiment, which showed that humans exhibit
significantly longer reading times when causal conflicts exist ($\neg A
\rightarrow B$) than under logical conditions ($A \rightarrow B$). However,
reading times remain similar when cause A is not explicitly mentioned,
indicating that humans can easily infer event B from their script knowledge. We
then tested a variety of LLMs on the same data to check to what extent the
models replicate human behavior. Our experiments show that 1) only recent LLMs,
like GPT-3 or Vicuna, correlate with human behavior in the $\neg A \rightarrow
B$ condition. 2) Despite this correlation, all models still fail to predict
that $nil \rightarrow B$ is less surprising than $\neg A \rightarrow B$,
indicating that LLMs still have difficulties integrating script knowledge. Our
code and collected data set are available at
https://github.com/tony-hong/causal-script. | cs.CL | Do large language models and humans have similar behaviors in causal inference with script knowledge? |
2023-11-13T12:36:53Z | http://arxiv.org/pdf/2311.07296v1 | http://arxiv.org/abs/2311.07296v1 | Dr. D Muthusankar, Dr. P Kaladevi, Dr. V R Sadasivam, R Praveen | 2023-11-13T12:36:53Z | cs.CL, cs.IR | Text mining research has grown in importance in recent years due to the
tremendous increase in the volume of unstructured textual data. This has
resulted in immense potential as well as obstacles in the sector, which may be
efficiently addressed with adequate analytical and study methods. Deep
Bidirectional Recurrent Neural Networks are used in this study to analyze
sentiment. The method is categorized as sentiment polarity analysis because it
may generate a dataset with sentiment labels. This dataset can be used to train
and evaluate sentiment analysis models capable of extracting impartial
opinions. This paper describes the Sentiment Analysis-Deep Bidirectional
Recurrent Neural Networks (SA-BDRNN) Scheme, which seeks to overcome the
challenges and maximize the potential of text mining in the context of Big
Data. The current study proposes a SA-DBRNN Scheme that attempts to give a
systematic framework for sentiment analysis in the context of student input on
institution choice. The purpose of this study is to compare the effectiveness
of the proposed SA- DBRNN Scheme to existing frameworks to establish a robust
deep neural network that might serve as an adequate classification model in the
field of sentiment analysis. | cs.CL | BIDRN: A Method of Bidirectional Recurrent Neural Network for Sentiment Analysis |
2023-11-13T12:20:48Z | http://arxiv.org/pdf/2311.07277v2 | http://arxiv.org/abs/2311.07277v2 | Yangkai Du, Tengfei Ma, Lingfei Wu, Xuhong Zhang, Shouling Ji | 2024-03-06T17:46:50Z | cs.SE, cs.CL | Code Clone Detection, which aims to retrieve functionally similar programs
from large code bases, has been attracting increasing attention. Modern
software often involves a diverse range of programming languages. However,
current code clone detection methods are generally limited to only a few
popular programming languages due to insufficient annotated data as well as
their own model design constraints. To address these issues, we present AdaCCD,
a novel cross-lingual adaptation method that can detect cloned codes in a new
language without annotations in that language. AdaCCD leverages
language-agnostic code representations from pre-trained programming language
models and propose an Adaptively Refined Contrastive Learning framework to
transfer knowledge from resource-rich languages to resource-poor languages. We
evaluate the cross-lingual adaptation results of AdaCCD by constructing a
multilingual code clone detection benchmark consisting of 5 programming
languages. AdaCCD achieves significant improvements over other baselines, and
achieve comparable performance to supervised fine-tuning. | cs.SE | AdaCCD: Adaptive Semantic Contrasts Discovery Based Cross Lingual Adaptation for Code Clone Detection |
2023-11-13T12:03:52Z | http://arxiv.org/pdf/2311.07264v1 | http://arxiv.org/abs/2311.07264v1 | Kenneth Enevoldsen, Lasse Hansen, Dan S. Nielsen, Rasmus A. F. Egebæk, Søren V. Holm, Martin C. Nielsen, Martin Bernstorff, Rasmus Larsen, Peter B. Jørgensen, Malte Højmark-Bertelsen, Peter B. Vahlstrup, Per Møldrup-Dalum, Kristoffer Nielbo | 2023-11-13T12:03:52Z | cs.CL | Large language models, sometimes referred to as foundation models, have
transformed multiple fields of research. However, smaller languages risk
falling behind due to high training costs and small incentives for large
companies to train these models. To combat this, the Danish Foundation Models
project seeks to provide and maintain open, well-documented, and high-quality
foundation models for the Danish language. This is achieved through broad
cooperation with public and private institutions, to ensure high data quality
and applicability of the trained models. We present the motivation of the
project, the current status, and future perspectives. | cs.CL | Danish Foundation Models |
2023-11-13T10:56:59Z | http://arxiv.org/pdf/2311.07237v2 | http://arxiv.org/abs/2311.07237v2 | Huihan Li, Yuting Ning, Zeyi Liao, Siyuan Wang, Xiang Lorraine Li, Ximing Lu, Wenting Zhao, Faeze Brahman, Yejin Choi, Xiang Ren | 2024-02-27T22:28:52Z | cs.CL, cs.AI | State-of-the-art LLMs outperform humans on reasoning tasks such as Natural
Language Inference. Recent works evaluating LLMs note a marked performance drop
on input data from the low-probability distribution, i.e., the longtail.
Therefore, we focus on systematically generating statements involving long-tail
inferential knowledge for more effective evaluation of LLMs in the reasoning
space. We first propose a novel framework Logic-Induced- Knowledge-Search
(LINK) that generates factually correct and long-tail knowledge statements
grounded on symbolic rule templates; LINK effectively generates data in the
longtail distribution that zero-shot prompted LLMs are unable to reach, and
outperforms zero-shot GPT4 on factual correctness by 5%. We further use the
data generated by LINK to construct a dataset Logic-Induced-Long-Tail (LINT)
that can be used to evaluate downstream models on the long-tail distribution;
LINT contains 108K knowledge statements spanning four domains. We use LINT to
test LLMs on an entailment classification task and find that model performances
drop by as high as 5% in the long-tail distribution compared to head
distribution. Our work shows the utility of evaluating models in the long-tail
distribution, and calls for more research on generating evaluation data in the
long-tail distribution. | cs.CL | In Search of the Long-Tail: Systematic Generation of Long-Tail Inferential Knowledge via Logical Rule Guided Search |
2023-11-13T10:52:01Z | http://arxiv.org/pdf/2311.07230v2 | http://arxiv.org/abs/2311.07230v2 | Sheng Lu, Hendrik Schuff, Iryna Gurevych | 2024-06-20T22:41:35Z | cs.CL | In-context learning (ICL) has become one of the most popular learning
paradigms. While there is a growing body of literature focusing on prompt
engineering, there is a lack of systematic analysis comparing the effects of
prompts across different models and tasks. To address this gap, we present a
comprehensive prompt analysis based on the sensitivity of a function. Our
analysis reveals that sensitivity is an unsupervised proxy for model
performance, as it exhibits a strong negative correlation with accuracy. We use
gradient-based saliency scores to empirically demonstrate how different prompts
affect the relevance of input tokens to the output, resulting in different
levels of sensitivity. Furthermore, we introduce sensitivity-aware decoding
which incorporates sensitivity estimation as a penalty term in the standard
greedy decoding. We show that this approach is particularly helpful when
information in the input is scarce. Our work provides a fresh perspective on
the analysis of prompts, and contributes to a better understanding of the
mechanism of ICL. | cs.CL | How are Prompts Different in Terms of Sensitivity? |
2023-11-13T10:24:51Z | http://arxiv.org/pdf/2311.07217v1 | http://arxiv.org/abs/2311.07217v1 | Martina Wiltschko | 2023-11-13T10:24:51Z | cs.CL | The goal of this talk is to introduce a systematic research agenda which aims
to understand the nature of interaction between humans and artificial
conversational agents (CA) (henceforth humanmachine interaction, HMI).
Specifically, we shall take an explicit linguistic perspective focusing on
linguistically defined variables that are known to influence the flow of
conversations among humans (henceforth human-human interaction, HHI). | cs.CL | Troubles and Failures in Interactional Language. Towards a Linguistically Informed Taxonomy |
2023-11-13T10:15:19Z | http://arxiv.org/pdf/2311.07215v3 | http://arxiv.org/abs/2311.07215v3 | Seungjun Moon, Hyungjoo Chae, Yongho Song, Taeyoon Kwon, Dongjin Kang, Kai Tzu-iunn Ong, Seung-won Hwang, Jinyoung Yeo | 2024-02-23T06:56:16Z | cs.CL, cs.SE | Code editing is an essential step towards reliable program synthesis to
automatically correct critical errors generated from code LLMs. Recent studies
have demonstrated that closed-source LLMs (i.e., ChatGPT and GPT-4) are capable
of generating corrective feedback to edit erroneous inputs. However, it remains
challenging for open-source code LLMs to generate feedback for code editing,
since these models tend to adhere to the superficial formats of feedback and
provide feedback with misleading information. Hence, the focus of our work is
to leverage open-source code LLMs to generate helpful feedback with correct
guidance for code editing. To this end, we present Coffee, a collected dataset
specifically designed for code fixing with feedback. Using this dataset, we
construct CoffeePots, a framework for COde Fixing with FEEdback via
Preference-Optimized Tuning and Selection. The proposed framework aims to
automatically generate helpful feedback for code editing while minimizing the
potential risk of superficial feedback. The combination of Coffee and
CoffeePots marks a significant advancement, achieving state-of-the-art
performance on HumanEvalFix benchmark. Codes and model checkpoints are publicly
available at https://github.com/Lune-Blue/COFFEE. | cs.CL | Coffee: Boost Your Code LLMs by Fixing Bugs with Feedback |
2023-11-13T09:32:12Z | http://arxiv.org/pdf/2311.07194v3 | http://arxiv.org/abs/2311.07194v3 | Shuaijie She, Shujian Huang, Xingyun Wang, Yanke Zhou, Jiajun Chen | 2024-04-01T16:37:50Z | cs.CL | LLMs (Large Language Models) usually interact with users in the form of
dialogue and generate responses following their instructions, which naturally
require dialogue comprehension abilities. However, dialogue comprehension is a
general language ability which is hard to be evaluated directly. In this work,
we propose to perform the evaluation focusing on the factual consistency issue
with the help of the dialogue summarization task. Besides evaluating and
analyzing the dialogue summarization performance (DIAC-Sum) of different LLMs,
we also derive factual questions from the generated summaries and use them as a
more flexible measurement of dialogue comprehension (DIAC-QA). Our evaluation
shows that, on average, 26.8% of the summaries generated by LLMs contain
factual inconsistency. Even ChatGPT, the strongest model evaluated, has such
errors in 16% of its summaries. For answering the factual questions, which is
more challenging, the average error rate of all evaluated LLMs is 36.1%. Both
results indicate serious deficiencies. Detailed analysis shows that the
understanding of subject/object of the conversation is still challenging for
LLMs. Furthermore, to stimulate and enhance the dialogue comprehension ability
of LLMs, we propose a fine-tuning paradigm with auto-constructed multi-task
data, which achieved a relative error rate reduction of 11% on DIAC-QA. | cs.CL | Exploring the Factual Consistency in Dialogue Comprehension of Large Language Models |
2023-11-13T09:06:58Z | http://arxiv.org/pdf/2311.07172v1 | http://arxiv.org/abs/2311.07172v1 | Vernon Toh, Ratish Puduppully, Nancy F. Chen | 2023-11-13T09:06:58Z | cs.CL, cs.PL | Large Language Models (LLMs) combined with program-based solving techniques
are increasingly demonstrating proficiency in mathematical reasoning. However,
such progress is mostly demonstrated in closed-source models such as
OpenAI-GPT4 and Claude. In this paper, we seek to study the performance of
strong open-source LLMs. Specifically, we analyze the outputs of Code Llama
(7B) when applied to math word problems. We identify a category of problems
that pose a challenge for the model, particularly those involving quantities
that span multiple types or units. To address this issue, we propose a
systematic approach by defining units for each quantity and ensuring the
consistency of these units during mathematical operations. We developed Unit
Consistency Programs (UCPs), an annotated dataset of math word problems, each
paired with programs that contain unit specifications and unit verification
routines. Finally, we finetune the Code Llama (7B) model with UCPs to produce
VerityMath and present our preliminary findings. | cs.CL | VerityMath: Advancing Mathematical Reasoning by Self-Verification Through Unit Consistency |
2023-11-13T09:06:43Z | http://arxiv.org/pdf/2311.07171v1 | http://arxiv.org/abs/2311.07171v1 | Lester James V. Miranda | 2023-11-13T09:06:43Z | cs.CL | We introduce calamanCy, an open-source toolkit for constructing natural
language processing (NLP) pipelines for Tagalog. It is built on top of spaCy,
enabling easy experimentation and integration with other frameworks. calamanCy
addresses the development gap by providing a consistent API for building NLP
applications and offering general-purpose multitask models with out-of-the-box
support for dependency parsing, parts-of-speech (POS) tagging, and named entity
recognition (NER). calamanCy aims to accelerate the progress of Tagalog NLP by
consolidating disjointed resources in a unified framework. The calamanCy
toolkit is available on GitHub: https://github.com/ljvmiranda921/calamanCy. | cs.CL | calamanCy: A Tagalog Natural Language Processing Toolkit |
2023-11-13T09:02:30Z | http://arxiv.org/pdf/2311.07167v1 | http://arxiv.org/abs/2311.07167v1 | Skyler Hallinan, Faeze Brahman, Ximing Lu, Jaehun Jung, Sean Welleck, Yejin Choi | 2023-11-13T09:02:30Z | cs.CL, cs.AI | While text style transfer has many applications across natural language
processing, the core premise of transferring from a single source style is
unrealistic in a real-world setting. In this work, we focus on arbitrary style
transfer: rewriting a text from an arbitrary, unknown style to a target style.
We propose STEER: Unified Style Transfer with Expert Reinforcement, a unified
frame-work developed to overcome the challenge of limited parallel data for
style transfer. STEER involves automatically generating a corpus of
style-transfer pairs using a product of experts during decoding. The generated
offline data is then used to pre-train an initial policy before switching to
online, off-policy reinforcement learning for further improvements via
fine-grained reward signals. STEER is unified and can transfer to multiple
target styles from an arbitrary, unknown source style, making it particularly
flexible and efficient.
Experimental results on a challenging dataset with text from a diverse set of
styles demonstrate state-of-the-art results compared to competitive baselines.
Remarkably, STEER outperforms the 175B parameter instruction-tuned GPT-3 on
overall style transfer quality, despite being 226 times smaller in size. We
also show STEER is robust, maintaining its style transfer capabilities on
out-of-domain data, and surpassing nearly all baselines across various styles.
The success of our method highlights the potential of RL algorithms when
augmented with controllable decoding to overcome the challenge of limited data
supervision. | cs.CL | STEER: Unified Style Transfer with Expert Reinforcement |
2023-11-13T08:56:47Z | http://arxiv.org/pdf/2311.07161v1 | http://arxiv.org/abs/2311.07161v1 | Lester James V. Miranda | 2023-11-13T08:56:47Z | cs.CL | We present the development of a Named Entity Recognition (NER) dataset for
Tagalog. This corpus helps fill the resource gap present in Philippine
languages today, where NER resources are scarce. The texts were obtained from a
pretraining corpora containing news reports, and were labeled by native
speakers in an iterative fashion. The resulting dataset contains ~7.8k
documents across three entity types: Person, Organization, and Location. The
inter-annotator agreement, as measured by Cohen's $\kappa$, is 0.81. We also
conducted extensive empirical evaluation of state-of-the-art methods across
supervised and transfer learning settings. Finally, we released the data and
processing code publicly to inspire future work on Tagalog NLP. | cs.CL | Developing a Named Entity Recognition Dataset for Tagalog |
2023-11-13T08:39:06Z | http://arxiv.org/pdf/2311.07150v1 | http://arxiv.org/abs/2311.07150v1 | Kushal Koshti, Nidhir Bhavsar | 2023-11-13T08:39:06Z | cs.RO, cs.AI, cs.CL, cs.CV | This paper aims to address a critical challenge in robotics, which is
enabling them to operate seamlessly in human environments through natural
language interactions. Our primary focus is to equip robots with the ability to
understand and execute complex instructions in coherent dialogs to facilitate
intricate task-solving scenarios. To explore this, we build upon the Execution
from Dialog History (EDH) task from the Teach benchmark. We employ a
multi-transformer model with BART LM. We observe that our best configuration
outperforms the baseline with a success rate score of 8.85 and a
goal-conditioned success rate score of 14.02. In addition, we suggest an
alternative methodology for completing this task. Moreover, we introduce a new
task by expanding the EDH task and making predictions about game plans instead
of individual actions. We have evaluated multiple BART models and an LLaMA2
LLM, which has achieved a ROGUE-L score of 46.77 for this task. | cs.RO | Interaction is all You Need? A Study of Robots Ability to Understand and Execute |
2023-11-13T08:09:01Z | http://arxiv.org/pdf/2311.07138v2 | http://arxiv.org/abs/2311.07138v2 | Shangqing Tu, Yuliang Sun, Yushi Bai, Jifan Yu, Lei Hou, Juanzi Li | 2024-07-01T03:17:42Z | cs.CL, cs.AI | To mitigate the potential misuse of large language models (LLMs), recent
research has developed watermarking algorithms, which restrict the generation
process to leave an invisible trace for watermark detection. Due to the
two-stage nature of the task, most studies evaluate the generation and
detection separately, thereby presenting a challenge in unbiased, thorough, and
applicable evaluations. In this paper, we introduce WaterBench, the first
comprehensive benchmark for LLM watermarks, in which we design three crucial
factors: (1) For benchmarking procedure, to ensure an apples-to-apples
comparison, we first adjust each watermarking method's hyper-parameter to reach
the same watermarking strength, then jointly evaluate their generation and
detection performance. (2) For task selection, we diversify the input and
output length to form a five-category taxonomy, covering $9$ tasks. (3) For
evaluation metric, we adopt the GPT4-Judge for automatically evaluating the
decline of instruction-following abilities after watermarking. We evaluate $4$
open-source watermarks on $2$ LLMs under $2$ watermarking strengths and observe
the common struggles for current methods on maintaining the generation quality.
The code and data are available at https://github.com/THU-KEG/WaterBench. | cs.CL | WaterBench: Towards Holistic Evaluation of Watermarks for Large Language Models |
2023-11-13T07:12:57Z | http://arxiv.org/pdf/2311.07115v1 | http://arxiv.org/abs/2311.07115v1 | Sachin Kumar, Chan Young Park, Yulia Tsvetkov | 2023-11-13T07:12:57Z | cs.CL | Language model (LM) prompting--a popular paradigm for solving NLP tasks--has
been shown to be susceptible to miscalibration and brittleness to slight prompt
variations, caused by its discriminative prompting approach, i.e., predicting
the label given the input. To address these issues, we propose Gen-Z--a
generative prompting framework for zero-shot text classification. GEN-Z is
generative, as it measures the LM likelihood of input text, conditioned on
natural language descriptions of labels. The framework is multivariate, as
label descriptions allow us to seamlessly integrate additional contextual
information about the labels to improve task performance. On various standard
classification benchmarks, with six open-source LM families, we show that
zero-shot classification with simple contextualization of the data source of
the evaluation set consistently outperforms both zero-shot and few-shot
baselines while improving robustness to prompt variations. Further, our
approach enables personalizing classification in a zero-shot manner by
incorporating author, subject, or reader information in the label descriptions. | cs.CL | Gen-Z: Generative Zero-Shot Text Classification with Contextualized Label Descriptions |
2023-11-13T06:24:27Z | http://arxiv.org/pdf/2311.07102v2 | http://arxiv.org/abs/2311.07102v2 | Ziwei He, Jian Yuan, Le Zhou, Jingwen Leng, Bo Jiang | 2024-01-11T14:24:54Z | cs.CL | The quadratic complexity of self-attention in Transformers has hindered the
processing of long text. To alleviate this problem, previous works have
proposed to sparsify the attention matrix, taking advantage of the observation
that crucial information about a token can be derived from its neighbors. These
methods typically combine one or another form of local attention and global
attention. Such combinations introduce abrupt changes in contextual granularity
when going from local to global, which may be undesirable. We believe that a
smoother transition could potentially enhance model's ability to capture
long-context dependencies. In this study, we introduce Fovea Transformer, a
long-context focused transformer that addresses the challenges of capturing
global dependencies while maintaining computational efficiency. To achieve
this, we construct a multi-scale tree from the input sequence, and use
representations of context tokens with a progressively coarser granularity in
the tree, as their distance to the query token increases. We evaluate our model
on three long-context summarization tasks\footnote{Our code is publicly
available at: \textit{https://github.com/ZiweiHe/Fovea-Transformer}}. It
achieves state-of-the-art performance on two of them, and competitive results
on the third with mixed improvement and setback of the evaluation metrics. | cs.CL | Fovea Transformer: Efficient Long-Context Modeling with Structured Fine-to-Coarse Attention |
2023-11-13T06:13:38Z | http://arxiv.org/pdf/2311.07099v1 | http://arxiv.org/abs/2311.07099v1 | Yue Yu, Jiaming Shen, Tianqi Liu, Zhen Qin, Jing Nathan Yan, Jialu Liu, Chao Zhang, Michael Bendersky | 2023-11-13T06:13:38Z | cs.CL, cs.AI | Large language models (LLMs) have shown remarkable capabilities in various
natural language understanding tasks. With only a few demonstration examples,
these LLMs can quickly adapt to target tasks without expensive gradient
updates. Common strategies to boost such 'in-context' learning ability are to
ensemble multiple model decoded results and require the model to generate an
explanation along with the prediction. However, these models often treat
different class predictions equally and neglect the potential discrepancy
between the explanations and predictions. To fully unleash the power of
explanations, we propose EASE, an Explanation-Aware Soft Ensemble framework to
empower in-context learning with LLMs. We design two techniques,
explanation-guided ensemble, and soft probability aggregation, to mitigate the
effect of unreliable explanations and improve the consistency between
explanations and final predictions. Experiments on seven natural language
understanding tasks and four varying-size LLMs demonstrate the effectiveness of
our proposed framework. | cs.CL | Explanation-aware Soft Ensemble Empowers Large Language Model In-context Learning |
2023-11-13T05:45:55Z | http://arxiv.org/pdf/2311.07093v2 | http://arxiv.org/abs/2311.07093v2 | Xiaohan Shi, Jiajun He, Xingfeng Li, Tomoki Toda | 2023-11-14T13:09:51Z | cs.SD, cs.CL, eess.AS | This paper proposes an efficient attempt to noisy speech emotion recognition
(NSER). Conventional NSER approaches have proven effective in mitigating the
impact of artificial noise sources, such as white Gaussian noise, but are
limited to non-stationary noises in real-world environments due to their
complexity and uncertainty. To overcome this limitation, we introduce a new
method for NSER by adopting the automatic speech recognition (ASR) model as a
noise-robust feature extractor to eliminate non-vocal information in noisy
speech. We first obtain intermediate layer information from the ASR model as a
feature representation for emotional speech and then apply this representation
for the downstream NSER task. Our experimental results show that 1) the
proposed method achieves better NSER performance compared with the conventional
noise reduction method, 2) outperforms self-supervised learning approaches, and
3) even outperforms text-based approaches using ASR transcription or the ground
truth transcription of noisy speech. | cs.SD | On the Effectiveness of ASR Representations in Real-world Noisy Speech Emotion Recognition |
2023-11-13T05:40:11Z | http://arxiv.org/pdf/2311.07092v3 | http://arxiv.org/abs/2311.07092v3 | Sanchaita Hazra, Bodhisattwa Prasad Majumder | 2024-04-08T05:54:40Z | cs.CL, cs.AI | Text-based misinformation permeates online discourses, yet evidence of
people's ability to discern truth from such deceptive textual content is
scarce. We analyze a novel TV game show data where conversations in a
high-stake environment between individuals with conflicting objectives result
in lies. We investigate the manifestation of potentially verifiable language
cues of deception in the presence of objective truth, a distinguishing feature
absent in previous text-based deception datasets. We show that there exists a
class of detectors (algorithms) that have similar truth detection performance
compared to human subjects, even when the former accesses only the language
cues while the latter engages in conversations with complete access to all
potential sources of cues (language and audio-visual). Our model, built on a
large language model, employs a bottleneck framework to learn discernible cues
to determine truth, an act of reasoning in which human subjects often perform
poorly, even with incentives. Our model detects novel but accurate language
cues in many cases where humans failed to detect deception, opening up the
possibility of humans collaborating with algorithms and ameliorating their
ability to detect the truth. | cs.CL | To Tell The Truth: Language of Deception and Language Models |
2023-11-13T04:56:48Z | http://arxiv.org/pdf/2311.07076v1 | http://arxiv.org/abs/2311.07076v1 | Qineng Wang, Zihao Wang, Ying Su, Yangqiu Song | 2023-11-13T04:56:48Z | cs.CL | Two ways has been discussed to unlock the reasoning capability of a large
language model. The first one is prompt engineering and the second one is to
combine the multiple inferences of large language models, or the multi-agent
discussion. Theoretically, this paper justifies the multi-agent discussion
mechanisms from the symmetry of agents. Empirically, this paper reports the
empirical results of the interplay of prompts and discussion mechanisms,
revealing the empirical state-of-the-art performance of complex multi-agent
mechanisms can be approached by carefully developed prompt engineering. This
paper also proposes a scalable discussion mechanism based on conquer and merge,
providing a simple multi-agent discussion solution with simple prompts but
state-of-the-art performance. | cs.CL | On the Discussion of Large Language Models: Symmetry of Agents and Interplay with Prompts |
2023-11-13T04:28:49Z | http://arxiv.org/pdf/2311.07070v1 | http://arxiv.org/abs/2311.07070v1 | Zilu Tang, Mayank Agarwal, Alex Shypula, Bailin Wang, Derry Wijaya, Jie Chen, Yoon Kim | 2023-11-13T04:28:49Z | cs.CL | This work explores the use of self-generated natural language explanations as
an intermediate step for code-to-code translation with language models. Across
three types of explanations and 19 programming languages constructed from the
MultiPL-E dataset, we find the explanations to be particularly effective in the
zero-shot case, improving performance by 12% on average. Improvements with
natural language explanations are particularly pronounced on difficult
programs. We release our dataset, code, and canonical solutions in all 19
languages. | cs.CL | Explain-then-Translate: An Analysis on Improving Program Translation with Self-generated Explanations |
2023-11-13T04:11:32Z | http://arxiv.org/pdf/2311.07066v1 | http://arxiv.org/abs/2311.07066v1 | Meizhi Zhong, Lemao Liu, Kehai Chen, Mingming Yang, Min Zhang | 2023-11-13T04:11:32Z | cs.CL | Simultaneous Machine Translation (SiMT) aims to yield a real-time partial
translation with a monotonically growing the source-side context. However,
there is a counterintuitive phenomenon about the context usage between training
and testing: e.g., the wait-k testing model consistently trained with wait-k is
much worse than that model inconsistently trained with wait-k' (k' is not equal
to k) in terms of translation quality. To this end, we first investigate the
underlying reasons behind this phenomenon and uncover the following two
factors: 1) the limited correlation between translation quality and training
(cross-entropy) loss; 2) exposure bias between training and testing. Based on
both reasons, we then propose an effective training approach called context
consistency training accordingly, which makes consistent the context usage
between training and testing by optimizing translation quality and latency as
bi-objectives and exposing the predictions to the model during the training.
The experiments on three language pairs demonstrate our intuition: our system
encouraging context consistency outperforms that existing systems with context
inconsistency for the first time, with the help of our context consistency
training approach. | cs.CL | Context Consistency between Training and Testing in Simultaneous Machine Translation |
2023-11-13T04:08:49Z | http://arxiv.org/pdf/2311.07064v2 | http://arxiv.org/abs/2311.07064v2 | Rimon Melamed, Lucas H. McCabe, Tanay Wakhare, Yejin Kim, H. Howie Huang, Enric Boix-Adsera | 2024-04-29T12:57:55Z | cs.CL | We discover that many natural-language prompts can be replaced by
corresponding prompts that are unintelligible to humans but that provably
elicit similar behavior in language models. We call these prompts "evil twins"
because they are obfuscated and uninterpretable (evil), but at the same time
mimic the functionality of the original natural-language prompts (twins).
Remarkably, evil twins transfer between models. We find these prompts by
solving a maximum-likelihood problem which has applications of independent
interest. | cs.CL | Prompt have evil twins |
2023-11-13T03:36:18Z | http://arxiv.org/pdf/2311.07052v1 | http://arxiv.org/abs/2311.07052v1 | Chen Zhang, Dawei Song, Zheyu Ye, Yan Gao | 2023-11-13T03:36:18Z | cs.CL, cs.AI, cs.LG | Language model (LM) distillation is a trending area that aims to distil the
knowledge resided in a large teacher LM to a small student one. While various
methods have been proposed to push the distillation to its limits, it is still
a pain distilling LMs when a large capacity gap is exhibited between the
teacher and the student LMs. The pain is mainly resulted by the curse of
capacity gap, which describes that a larger teacher LM cannot always lead to a
better student LM than one distilled from a smaller teacher LM due to the
affect of capacity gap increment. That is, there is likely an optimal point
yielding the best student LM along the scaling course of the teacher LM. Even
worse, the curse of capacity gap can be only partly yet not fully lifted as
indicated in previous studies.
However, the tale is not ever one-sided. Although a larger teacher LM has
better performance than a smaller teacher LM, it is much more
resource-demanding especially in the context of recent large LMs (LLMs).
Consequently, instead of sticking to lifting the curse, leaving the curse as is
should be arguably fine. Even better, in this paper, we reveal that the optimal
capacity gap is almost consistent across different student scales and
architectures, fortunately turning the curse into the law of capacity gap. The
law later guides us to distil a 3B student LM (termed MiniMA) from a 7B teacher
LM (adapted LLaMA2-7B). MiniMA is demonstrated to yield a new
compute-performance pareto frontier among existing 3B LMs on commonly used
benchmarks, and its instruction-tuned version (termed MiniChat) outperforms a
wide range of 3B competitors in GPT4 evaluation and could even compete with
several 7B chat models. | cs.CL | Towards the Law of Capacity Gap in Distilling Language Models |
2023-11-13T02:41:41Z | http://arxiv.org/pdf/2311.07037v1 | http://arxiv.org/abs/2311.07037v1 | Mostafa Shahin, Julien Epps, Beena Ahmed | 2023-11-13T02:41:41Z | eess.AS, cs.AI, cs.CL | The automatic identification and analysis of pronunciation errors, known as
Mispronunciation Detection and Diagnosis (MDD) plays a crucial role in Computer
Aided Pronunciation Learning (CAPL) tools such as Second-Language (L2) learning
or speech therapy applications. Existing MDD methods relying on analysing
phonemes can only detect categorical errors of phonemes that have an adequate
amount of training data to be modelled. With the unpredictable nature of the
pronunciation errors of non-native or disordered speakers and the scarcity of
training datasets, it is unfeasible to model all types of mispronunciations.
Moreover, phoneme-level MDD approaches have a limited ability to provide
detailed diagnostic information about the error made. In this paper, we propose
a low-level MDD approach based on the detection of speech attribute features.
Speech attribute features break down phoneme production into elementary
components that are directly related to the articulatory system leading to more
formative feedback to the learner. We further propose a multi-label variant of
the Connectionist Temporal Classification (CTC) approach to jointly model the
non-mutually exclusive speech attributes using a single model. The pre-trained
wav2vec2 model was employed as a core model for the speech attribute detector.
The proposed method was applied to L2 speech corpora collected from English
learners from different native languages. The proposed speech attribute MDD
method was further compared to the traditional phoneme-level MDD and achieved a
significantly lower False Acceptance Rate (FAR), False Rejection Rate (FRR),
and Diagnostic Error Rate (DER) over all speech attributes compared to the
phoneme-level equivalent. | eess.AS | Phonological Level wav2vec2-based Mispronunciation Detection and Diagnosis Method |
2023-11-13T02:31:16Z | http://arxiv.org/pdf/2311.07032v1 | http://arxiv.org/abs/2311.07032v1 | Wangtao Sun, Xuanqing Yu, Shizhu He, Jun Zhao, Kang Liu | 2023-11-13T02:31:16Z | cs.CL, cs.AI | Black-box Large Language Models (LLMs) have shown great power in solving
various tasks and are considered general problem solvers. However, LLMs still
fail in many specific tasks although understand the task instruction. In this
paper, we focus on the problem of boosting the ability of black-box LLMs to
solve downstream tasks. We propose ExpNote, an automated framework to help LLMs
better adapt to unfamiliar tasks through reflecting and noting experiences from
training data and retrieving them from external memory during testing. We
evaluate ExpNote on multiple tasks and the experimental results demonstrate
that the proposed method significantly improves the performance of black-box
LLMs. The data and code are available at
https://github.com/forangel2014/ExpNote | cs.CL | ExpNote: Black-box Large Language Models are Better Task Solvers with Experience Notebook |
2023-11-13T02:13:13Z | http://arxiv.org/pdf/2311.07022v1 | http://arxiv.org/abs/2311.07022v1 | Ilker Kesen, Andrea Pedrotti, Mustafa Dogan, Michele Cafagna, Emre Can Acikgoz, Letitia Parcalabescu, Iacer Calixto, Anette Frank, Albert Gatt, Aykut Erdem, Erkut Erdem | 2023-11-13T02:13:13Z | cs.CL, cs.AI, cs.CV | With the ever-increasing popularity of pretrained Video-Language Models
(VidLMs), there is a pressing need to develop robust evaluation methodologies
that delve deeper into their visio-linguistic capabilities. To address this
challenge, we present ViLMA (Video Language Model Assessment), a task-agnostic
benchmark that places the assessment of fine-grained capabilities of these
models on a firm footing. Task-based evaluations, while valuable, fail to
capture the complexities and specific temporal aspects of moving images that
VidLMs need to process. Through carefully curated counterfactuals, ViLMA offers
a controlled evaluation suite that sheds light on the true potential of these
models, as well as their performance gaps compared to human-level
understanding. ViLMA also includes proficiency tests, which assess basic
capabilities deemed essential to solving the main counterfactual tests. We show
that current VidLMs' grounding abilities are no better than those of
vision-language models which use static images. This is especially striking
once the performance on proficiency tests is factored in. Our benchmark serves
as a catalyst for future research on VidLMs, helping to highlight areas that
still need to be explored. | cs.CL | ViLMA: A Zero-Shot Benchmark for Linguistic and Temporal Grounding in Video-Language Models |
2023-11-13T01:53:12Z | http://arxiv.org/pdf/2311.07014v1 | http://arxiv.org/abs/2311.07014v1 | Fatema Hasan, Yulong Li, James Foulds, Shimei Pan, Bishwaranjan Bhattacharjee | 2023-11-13T01:53:12Z | cs.CL, cs.SD, eess.AS | Speech data has rich acoustic and paralinguistic information with important
cues for understanding a speaker's tone, emotion, and intent, yet traditional
large language models such as BERT do not incorporate this information. There
has been an increased interest in multi-modal language models leveraging audio
and/or visual information and text. However, current multi-modal language
models require both text and audio/visual data streams during inference/test
time. In this work, we propose a methodology for training language models
leveraging spoken language audio data but without requiring the audio stream
during prediction time. This leads to an improved language model for analyzing
spoken transcripts while avoiding an audio processing overhead at test time. We
achieve this via an audio-language knowledge distillation framework, where we
transfer acoustic and paralinguistic information from a pre-trained speech
embedding (OpenAI Whisper) teacher model to help train a student language model
on an audio-text dataset. In our experiments, the student model achieves
consistent improvement over traditional language models on tasks analyzing
spoken transcripts. | cs.CL | Teach me with a Whisper: Enhancing Large Language Models for Analyzing Spoken Transcripts using Speech Embeddings |
2023-11-13T01:25:30Z | http://arxiv.org/pdf/2311.07006v1 | http://arxiv.org/abs/2311.07006v1 | Jin Myung Kwak, Minseon Kim, Sung Ju Hwang | 2023-11-13T01:25:30Z | cs.CL, cs.AI | Recent language models have achieved impressive performance in natural
language tasks by incorporating instructions with task input during
fine-tuning. Since all samples in the same natural language task can be
explained with the same task instructions, many instruction datasets only
provide a few instructions for the entire task, without considering the input
of each example in the task. However, this approach becomes ineffective in
complex multi-turn dialogue generation tasks, where the input varies highly
with each turn as the dialogue context changes, so that simple task
instructions cannot improve the generation performance. To address this
limitation, we introduce a context-based instruction fine-tuning framework for
each multi-turn dialogue which generates both responses and instructions based
on the previous context as input. During the evaluation, the model generates
instructions based on the previous context to self-guide the response. The
proposed framework produces comparable or even outstanding results compared to
the baselines by aligning instructions to the input during fine-tuning with the
instructions in quantitative evaluations on dialogue benchmark datasets with
reduced computation budget. | cs.CL | Context-dependent Instruction Tuning for Dialogue Response Generation |
2023-11-12T23:14:43Z | http://arxiv.org/pdf/2311.06985v2 | http://arxiv.org/abs/2311.06985v2 | Jiachen Zhao, Zonghai Yao, Zhichao Yang, Hong Yu | 2024-06-17T05:57:38Z | cs.CL | Chain-of-thought (CoT) prompting teaches large language models (LLMs) in
context to reason over queries that require more than mere information
retrieval. However, human experts are usually required to craft demonstrations
for in-context learning (ICL), which is expensive and has high variance. More
importantly, how to craft helpful reasoning exemplars for ICL remains unclear.
In this work, we investigate whether LLMs can be better in-context teachers for
knowledge reasoning. We follow the ``encoding specificity'' hypothesis in
human's memory retrieval to assume in-context exemplars at inference should
match the encoding context in training data. We are thus motivated to propose
Self-Explain to use one LLM's self-elicited explanations as in-context
demonstrations for prompting it as they are generalized from the model's
training examples. Self-Explain is shown to significantly outperform using
human-crafted exemplars and other baselines. We further reveal that for
in-context teaching, rationales by distinct teacher LLMs or human experts that
more resemble the student LLM's self-explanations are better demonstrations,
which supports our encoding specificity hypothesis. We then propose Teach-Back
that aligns the teacher LLM with the student to enhance the in-context teaching
performance. For example, Teach-Back enables a 7B model to teach the much
larger GPT-3.5 in context, surpassing human teachers by around 5% in test
accuracy on medical question answering. | cs.CL | Large Language Models are In-context Teachers for Knowledge Reasoning |
2023-11-12T17:18:21Z | http://arxiv.org/pdf/2311.06899v6 | http://arxiv.org/abs/2311.06899v6 | Kexin Huang, Xiangyang Liu, Qianyu Guo, Tianxiang Sun, Jiawei Sun, Yaru Wang, Zeyang Zhou, Yixu Wang, Yan Teng, Xipeng Qiu, Yingchun Wang, Dahua Lin | 2024-05-22T06:18:41Z | cs.CL, cs.AI | The widespread adoption of large language models (LLMs) across various
regions underscores the urgent need to evaluate their alignment with human
values. Current benchmarks, however, fall short of effectively uncovering
safety vulnerabilities in LLMs. Despite numerous models achieving high scores
and 'topping the chart' in these evaluations, there is still a significant gap
in LLMs' deeper alignment with human values and achieving genuine harmlessness.
To this end, this paper proposes a value alignment benchmark named Flames,
which encompasses both common harmlessness principles and a unique morality
dimension that integrates specific Chinese values such as harmony. Accordingly,
we carefully design adversarial prompts that incorporate complex scenarios and
jailbreaking methods, mostly with implicit malice. By prompting 17 mainstream
LLMs, we obtain model responses and rigorously annotate them for detailed
evaluation. Our findings indicate that all the evaluated LLMs demonstrate
relatively poor performance on Flames, particularly in the safety and fairness
dimensions. We also develop a lightweight specified scorer capable of scoring
LLMs across multiple dimensions to efficiently evaluate new models on the
benchmark. The complexity of Flames has far exceeded existing benchmarks,
setting a new challenge for contemporary LLMs and highlighting the need for
further alignment of LLMs. Our benchmark is publicly available at
https://github.com/AIFlames/Flames. | cs.CL | Flames: Benchmarking Value Alignment of LLMs in Chinese |
2023-11-12T17:16:46Z | http://arxiv.org/pdf/2311.06898v1 | http://arxiv.org/abs/2311.06898v1 | Sujan Poudel, Nabin Ghimire, Bipesh Subedi, Saugat Singh | 2023-11-12T17:16:46Z | cs.CL, cs.LG | The field of Natural Language Processing which involves the use of artificial
intelligence to support human languages has seen tremendous growth due to its
high-quality features. Its applications such as language translation, chatbots,
virtual assistants, search autocomplete, and autocorrect are widely used in
various domains including healthcare, advertising, customer service, and target
advertising. To provide pregnancy-related information a health domain chatbot
has been proposed and this work explores two different NLP-based approaches for
developing the chatbot. The first approach is a multiclass classification-based
retrieval approach using BERTbased multilingual BERT and multilingual
DistilBERT while the other approach employs a transformer-based generative
chatbot for pregnancy-related information. The performance of both stemmed and
non-stemmed datasets in Nepali language has been analyzed for each approach.
The experimented results indicate that BERT-based pre-trained models perform
well on non-stemmed data whereas scratch transformer models have better
performance on stemmed data. Among the models tested the DistilBERT model
achieved the highest training and validation accuracy and testing accuracy of
0.9165 on the retrieval-based model architecture implementation on the
non-stemmed dataset. Similarly, in the generative approach architecture
implementation with transformer 1 gram BLEU and 2 gram BLEU scores of 0.3570
and 0.1413 respectively were achieved. | cs.CL | Retrieval and Generative Approaches for a Pregnancy Chatbot in Nepali with Stemmed and Non-Stemmed Data : A Comparative Study |
2023-11-12T14:20:55Z | http://arxiv.org/pdf/2311.06858v1 | http://arxiv.org/abs/2311.06858v1 | Antonio Zaitoun, Tomer Sagi, Szymon Wilk, Mor Peleg | 2023-11-12T14:20:55Z | cs.CL, cs.AI | Ontologies play a crucial role in organizing and representing knowledge.
However, even current ontologies do not encompass all relevant concepts and
relationships. Here, we explore the potential of large language models (LLM) to
expand an existing ontology in a semi-automated fashion. We demonstrate our
approach on the biomedical ontology SNOMED-CT utilizing semantic relation types
from the widely used UMLS semantic network. We propose a method that uses
conversational interactions with an LLM to analyze clinical practice guidelines
(CPGs) and detect the relationships among the new medical concepts that are not
present in SNOMED-CT. Our initial experimentation with the conversational
prompts yielded promising preliminary results given a manually generated gold
standard, directing our future potential improvements. | cs.CL | Can Large Language Models Augment a Biomedical Ontology with missing Concepts and Relations? |
2023-11-12T14:12:19Z | http://arxiv.org/pdf/2311.06855v1 | http://arxiv.org/abs/2311.06855v1 | Kanta Kaneda, Ryosuke Korekata, Yuiga Wada, Shunya Nagashima, Motonari Kambara, Yui Iioka, Haruka Matsuo, Yuto Imai, Takayuki Nishimura, Komei Sugiura | 2023-11-12T14:12:19Z | cs.CV, cs.CL, cs.RO | This paper focuses on the DialFRED task, which is the task of embodied
instruction following in a setting where an agent can actively ask questions
about the task. To address this task, we propose DialMAT. DialMAT introduces
Moment-based Adversarial Training, which incorporates adversarial perturbations
into the latent space of language, image, and action. Additionally, it
introduces a crossmodal parallel feature extraction mechanism that applies
foundation models to both language and image. We evaluated our model using a
dataset constructed from the DialFRED dataset and demonstrated superior
performance compared to the baseline method in terms of success rate and path
weighted success rate. The model secured the top position in the DialFRED
Challenge, which took place at the CVPR 2023 Embodied AI workshop. | cs.CV | DialMAT: Dialogue-Enabled Transformer with Moment-Based Adversarial Training |
2023-11-12T14:01:38Z | http://arxiv.org/pdf/2311.06851v3 | http://arxiv.org/abs/2311.06851v3 | Anh Thi-Hoang Nguyen, Dung Ha Nguyen, Nguyet Thi Nguyen, Khanh Thanh-Duy Ho, Kiet Van Nguyen | 2023-12-04T15:34:29Z | cs.CL | Social media data is a valuable resource for research, yet it contains a wide
range of non-standard words (NSW). These irregularities hinder the effective
operation of NLP tools. Current state-of-the-art methods for the Vietnamese
language address this issue as a problem of lexical normalization, involving
the creation of manual rules or the implementation of multi-staged deep
learning frameworks, which necessitate extensive efforts to craft intricate
rules. In contrast, our approach is straightforward, employing solely a
sequence-to-sequence (Seq2Seq) model. In this research, we provide a dataset
for textual normalization, comprising 2,181 human-annotated comments with an
inter-annotator agreement of 0.9014. By leveraging the Seq2Seq model for
textual normalization, our results reveal that the accuracy achieved falls
slightly short of 70%. Nevertheless, textual normalization enhances the
accuracy of the Hate Speech Detection (HSD) task by approximately 2%,
demonstrating its potential to improve the performance of complex NLP tasks.
Our dataset is accessible for research purposes. | cs.CL | Automatic Textual Normalization for Hate Speech Detection |
2023-11-12T13:30:38Z | http://arxiv.org/pdf/2311.06838v1 | http://arxiv.org/abs/2311.06838v1 | Chengguang Gan, Qinghao Zhang, Tatsunori Mori | 2023-11-12T13:30:38Z | cs.CL | Information Extraction (IE) stands as a cornerstone in natural language
processing, traditionally segmented into distinct sub-tasks. The advent of
Large Language Models (LLMs) heralds a paradigm shift, suggesting the
feasibility of a singular model addressing multiple IE subtasks. In this vein,
we introduce the General Information Extraction Large Language Model (GIELLM),
which integrates text Classification, Sentiment Analysis, Named Entity
Recognition, Relation Extraction, and Event Extraction using a uniform
input-output schema. This innovation marks the first instance of a model
simultaneously handling such a diverse array of IE subtasks. Notably, the
GIELLM leverages the Mutual Reinforcement Effect (MRE), enhancing performance
in integrated tasks compared to their isolated counterparts. Our experiments
demonstrate State-of-the-Art (SOTA) results in five out of six Japanese mixed
datasets, significantly surpassing GPT-3.5-Turbo. Further, an independent
evaluation using the novel Text Classification Relation and Event
Extraction(TCREE) dataset corroborates the synergistic advantages of MRE in
text and word classification. This breakthrough paves the way for most IE
subtasks to be subsumed under a singular LLM framework. Specialized fine-tune
task-specific models are no longer needed. | cs.CL | GIELLM: Japanese General Information Extraction Large Language Model Utilizing Mutual Reinforcement Effect |
2023-11-12T11:51:05Z | http://arxiv.org/pdf/2311.06818v1 | http://arxiv.org/abs/2311.06818v1 | Swarup Ranjan Behera, Vijaya V. Saradhi | 2023-11-12T11:51:05Z | cs.LG, cs.CL, I.2.7 | Devising player-specific strategies in cricket necessitates a meticulous
understanding of each player's unique strengths and weaknesses. Nevertheless,
the absence of a definitive computational approach to extract such insights
from cricket players poses a significant challenge. This paper seeks to address
this gap by establishing computational models designed to extract the rules
governing player strengths and weaknesses, thereby facilitating the development
of tailored strategies for individual players. The complexity of this endeavor
lies in several key areas: the selection of a suitable dataset, the precise
definition of strength and weakness rules, the identification of an appropriate
learning algorithm, and the validation of the derived rules. To tackle these
challenges, we propose the utilization of unstructured data, specifically
cricket text commentary, as a valuable resource for constructing comprehensive
strength and weakness rules for cricket players. We also introduce
computationally feasible definitions for the construction of these rules, and
present a dimensionality reduction technique for the rule-building process. In
order to showcase the practicality of this approach, we conduct an in-depth
analysis of cricket player strengths and weaknesses using a vast corpus of more
than one million text commentaries. Furthermore, we validate the constructed
rules through two distinct methodologies: intrinsic and extrinsic. The outcomes
of this research are made openly accessible, including the collected data,
source code, and results for over 250 cricket players, which can be accessed at
https://bit.ly/2PKuzx8. | cs.LG | Cricket Player Profiling: Unraveling Strengths and Weaknesses Using Text Commentary Data |
2023-11-12T11:40:57Z | http://arxiv.org/pdf/2311.06815v1 | http://arxiv.org/abs/2311.06815v1 | Sebastian Ziegelmayer, Alexander W. Marka, Nicolas Lenhart, Nadja Nehls, Stefan Reischl, Felix Harder, Andreas Sauter, Marcus Makowski, Markus Graf, Joshua Gawlitza | 2023-11-12T11:40:57Z | cs.CL | The remarkable generative capabilities of multimodal foundation models are
currently being explored for a variety of applications. Generating radiological
impressions is a challenging task that could significantly reduce the workload
of radiologists. In our study we explored and analyzed the generative abilities
of GPT-4 for Chest X-ray impression generation. To generate and evaluate
impressions of chest X-rays based on different input modalities (image, text,
text and image), a blinded radiological report was written for 25-cases of the
publicly available NIH-dataset. GPT-4 was given image, finding section or both
sequentially to generate an input dependent impression. In a blind randomized
reading, 4-radiologists rated the impressions and were asked to classify the
impression origin (Human, AI), providing justification for their decision.
Lastly text model evaluation metrics and their correlation with the
radiological score (summation of the 4 dimensions) was assessed. According to
the radiological score, the human-written impression was rated highest,
although not significantly different to text-based impressions. The automated
evaluation metrics showed moderate to substantial correlations to the
radiological score for the image impressions, however individual scores were
highly divergent among inputs, indicating insufficient representation of
radiological quality. Detection of AI-generated impressions varied by input and
was 61% for text-based impressions. Impressions classified as AI-generated had
significantly worse radiological scores even when written by a radiologist,
indicating potential bias. Our study revealed significant discrepancies between
a radiological assessment and common automatic evaluation metrics depending on
the model input. The detection of AI-generated findings is subject to bias that
highly rated impressions are perceived as human-written. | cs.CL | Evaluation of GPT-4 for chest X-ray impression generation: A reader study on performance and perception |
2023-11-12T11:09:30Z | http://arxiv.org/pdf/2311.06807v1 | http://arxiv.org/abs/2311.06807v1 | Hai Ye, Hwee Tou Ng, Wenjuan Han | 2023-11-12T11:09:30Z | cs.CL | In conversational question answering (CQA), the task of question
rewriting~(QR) in context aims to rewrite a context-dependent question into an
equivalent self-contained question that gives the same answer. In this paper,
we are interested in the robustness of a QR system to questions varying in
rewriting hardness or difficulty. Since there is a lack of questions classified
based on their rewriting hardness, we first propose a heuristic method to
automatically classify questions into subsets of varying hardness, by measuring
the discrepancy between a question and its rewrite. To find out what makes
questions hard or easy for rewriting, we then conduct a human evaluation to
annotate the rewriting hardness of questions. Finally, to enhance the
robustness of QR systems to questions of varying hardness, we propose a novel
learning framework for QR that first trains a QR model independently on each
subset of questions of a certain level of hardness, then combines these QR
models as one joint model for inference. Experimental results on two datasets
show that our framework improves the overall performance compared to the
baselines. | cs.CL | On the Robustness of Question Rewriting Systems to Questions of Varying Hardness |
2023-11-12T11:01:10Z | http://arxiv.org/pdf/2311.06805v1 | http://arxiv.org/abs/2311.06805v1 | Chenhe Dong, Yuexiang Xie, Bolin Ding, Ying Shen, Yaliang Li | 2023-11-12T11:01:10Z | cs.CL | Federated learning (FL) enables multiple participants to collaboratively
train machine learning models using decentralized data sources, alleviating
privacy concerns that arise from directly sharing local data. However, the lack
of model privacy protection in FL becomes an unneglectable challenge,
especially when people want to federally finetune models based on a proprietary
large language model. In this study, we propose a novel FL training approach
that accomplishes information exchange among participants via tunable soft
prompts. These soft prompts, updated and transmitted between the server and
clients, assume the role of the global model parameters and serve as messengers
to deliver useful knowledge from the local data and global model. As the global
model itself is not required to be shared and the local training is conducted
based on an auxiliary model with fewer parameters than the global model, the
proposed approach provides protection for the global model while reducing
communication and computation costs in FL. Extensive experiments show the
effectiveness of the proposed approach compared to several baselines. We have
released the source code at
\url{https://github.com/alibaba/FederatedScope/tree/fedsp/federatedscope/nlp/fedsp}. | cs.CL | Tunable Soft Prompts are Messengers in Federated Learning |
2023-11-12T08:21:43Z | http://arxiv.org/pdf/2311.06771v1 | http://arxiv.org/abs/2311.06771v1 | Xuwang Yin | 2023-11-12T08:21:43Z | cs.CL, cs.AI | Recent work has explored integrating autoregressive language models with
energy-based models (EBMs) to enhance text generation capabilities. However,
learning effective EBMs for text is challenged by the discrete nature of
language. This work proposes an adversarial training strategy to address
limitations in prior efforts. Specifically, an iterative adversarial attack
algorithm is presented to generate negative samples for training the EBM by
perturbing text from the autoregressive model. This aims to enable the EBM to
suppress spurious modes outside the support of the data distribution.
Experiments on an arithmetic sequence generation task demonstrate that the
proposed adversarial training approach can substantially enhance the quality of
generated sequences compared to prior methods. The results highlight the
promise of adversarial techniques to improve discrete EBM training. Key
contributions include: (1) an adversarial attack strategy tailored to text to
generate negative samples, circumventing MCMC limitations; (2) an adversarial
training algorithm for EBMs leveraging these attacks; (3) empirical validation
of performance improvements on a sequence generation task. | cs.CL | Learning Globally Optimized Language Structure via Adversarial Training |
2023-11-12T07:52:32Z | http://arxiv.org/pdf/2311.07618v1 | http://arxiv.org/abs/2311.07618v1 | Roozbeh Yousefzadeh, Xuenan Cao | 2023-11-12T07:52:32Z | cs.LG, cs.AI, cs.CL, math.HO | It has been suggested that large language models such as GPT-4 have acquired
some form of understanding beyond the correlations among the words in text
including some understanding of mathematics as well. Here, we perform a
critical inquiry into this claim by evaluating the mathematical understanding
of the GPT-4 model. Considering that GPT-4's training set is a secret, it is
not straightforward to evaluate whether the model's correct answers are based
on a mathematical understanding or based on replication of proofs that the
model has seen before. We specifically craft mathematical questions which their
formal proofs are not readily available on the web, proofs that are more likely
not seen by the GPT-4. We see that GPT-4 is unable to solve those problems
despite their simplicity. It is hard to find scientific evidence suggesting
that GPT-4 has acquired an understanding of even basic mathematical concepts. A
straightforward way to find failure modes of GPT-4 in theorem proving is to
craft questions where their formal proofs are not available on the web. Our
finding suggests that GPT-4's ability is to reproduce, rephrase, and polish the
mathematical proofs that it has seen before, and not in grasping mathematical
concepts. We also see that GPT-4's ability to prove mathematical theorems is
continuously expanding over time despite the claim that it is a fixed model. We
suggest that the task of proving mathematical theorems in formal language is
comparable to the methods used in search engines such as Google while
predicting the next word in a sentence may be a misguided approach, a recipe
that often leads to excessive extrapolation and eventual failures. Prompting
the GPT-4 over and over may benefit the GPT-4 and the OpenAI, but we question
whether it is valuable for machine learning or for theorem proving. | cs.LG | Large Language Models' Understanding of Math: Source Criticism and Extrapolation |
2023-11-12T07:45:35Z | http://arxiv.org/pdf/2311.07617v1 | http://arxiv.org/abs/2311.07617v1 | Neel Redkar | 2023-11-12T07:45:35Z | cs.CL, cs.IR, 8.2.D.2.5 | This paper highlights a shift in how to approach material generation. Instead
of material-to-material, we propose a language-to-material generation
architecture that utilizes millions of untapped data points. Using a web
scraper to collect crystal text pairs from open-source research papers, a
contrastive model can be trained using a convolutional graph neural network
encoder and a language encoder. This would allow unsupervised zero-shot
classification which can be trained by taking advantage of linguistic
structure. Without any specific training data, an ~82\% accuracy was achieved
and ~75\% accuracy for photocatalyst prediction with an extremely small
dataset. This novel network could ideally be cross-applied to any reaction that
can be described via text, opening completely new methods to think about 3D
chemical framework generation. In the full experiment diffusion models would
likely be incorporated to fully exploit the latent space. | cs.CL | CLAMP: A Contrastive Language And Molecule Pre-training Network |
2023-11-12T07:37:24Z | http://arxiv.org/pdf/2311.06761v1 | http://arxiv.org/abs/2311.06761v1 | Ruyao Xu, Taolin Zhang, Chengyu Wang, Zhongjie Duan, Cen Chen, Minghui Qiu, Dawei Cheng, Xiaofeng He, Weining Qian | 2023-11-12T07:37:24Z | cs.CL | Knowledge-Enhanced Pre-trained Language Models (KEPLMs) improve the
performance of various downstream NLP tasks by injecting knowledge facts from
large-scale Knowledge Graphs (KGs). However, existing methods for pre-training
KEPLMs with relational triples are difficult to be adapted to close domains due
to the lack of sufficient domain graph semantics. In this paper, we propose a
Knowledge-enhanced lANGuAge Representation learning framework for various
clOsed dOmains (KANGAROO) via capturing the implicit graph structure among the
entities. Specifically, since the entity coverage rates of closed-domain KGs
can be relatively low and may exhibit the global sparsity phenomenon for
knowledge injection, we consider not only the shallow relational
representations of triples but also the hyperbolic embeddings of deep
hierarchical entity-class structures for effective knowledge fusion.Moreover,
as two closed-domain entities under the same entity-class often have locally
dense neighbor subgraphs counted by max point biconnected component, we further
propose a data augmentation strategy based on contrastive learning over
subgraphs to construct hard negative samples of higher quality. It makes the
underlying KELPMs better distinguish the semantics of these neighboring
entities to further complement the global semantic sparsity. In the
experiments, we evaluate KANGAROO over various knowledge-aware and general NLP
tasks in both full and few-shot learning settings, outperforming various KEPLM
training paradigms performance in closed-domains significantly. | cs.CL | Learning Knowledge-Enhanced Contextual Language Representations for Domain Natural Language Understanding |
2023-11-12T07:20:37Z | http://arxiv.org/pdf/2311.06758v1 | http://arxiv.org/abs/2311.06758v1 | Tingfeng Cao, Chengyu Wang, Chuanqi Tan, Jun Huang, Jinhui Zhu | 2023-11-12T07:20:37Z | cs.CL | In cross-lingual language understanding, machine translation is often
utilized to enhance the transferability of models across languages, either by
translating the training data from the source language to the target, or from
the target to the source to aid inference. However, in cross-lingual machine
reading comprehension (MRC), it is difficult to perform a deep level of
assistance to enhance cross-lingual transfer because of the variation of answer
span positions in different languages. In this paper, we propose X-STA, a new
approach for cross-lingual MRC. Specifically, we leverage an attentive teacher
to subtly transfer the answer spans of the source language to the answer output
space of the target. A Gradient-Disentangled Knowledge Sharing technique is
proposed as an improved cross-attention block. In addition, we force the model
to learn semantic alignments from multiple granularities and calibrate the
model outputs with teacher guidance to enhance cross-lingual transferability.
Experiments on three multi-lingual MRC datasets show the effectiveness of our
method, outperforming state-of-the-art approaches. | cs.CL | Sharing, Teaching and Aligning: Knowledgeable Transfer Learning for Cross-Lingual Machine Reading Comprehension |
2023-11-12T06:56:21Z | http://arxiv.org/pdf/2311.06754v1 | http://arxiv.org/abs/2311.06754v1 | Junbing Yan, Chengyu Wang, Taolin Zhang, Xiaofeng He, Jun Huang, Wei Zhang | 2023-11-12T06:56:21Z | cs.CL | Reasoning is a distinctive human capacity, enabling us to address complex
problems by breaking them down into a series of manageable cognitive steps.
Yet, complex logical reasoning is still cumbersome for language models. Based
on the dual process theory in cognitive science, we are the first to unravel
the cognitive reasoning abilities of language models. Our framework employs an
iterative methodology to construct a Cognitive Tree (CogTree). The root node of
this tree represents the initial query, while the leaf nodes consist of
straightforward questions that can be answered directly. This construction
involves two main components: the implicit extraction module (referred to as
the intuitive system) and the explicit reasoning module (referred to as the
reflective system). The intuitive system rapidly generates multiple responses
by utilizing in-context examples, while the reflective system scores these
responses using comparative learning. The scores guide the intuitive system in
its subsequent generation step. Our experimental results on two popular and
challenging reasoning tasks indicate that it is possible to achieve a
performance level comparable to that of GPT-3.5 (with 175B parameters), using a
significantly smaller language model that contains fewer parameters (<=7B) than
5% of GPT-3.5. | cs.CL | From Complex to Simple: Unraveling the Cognitive Tree for Reasoning with Small Language Models |
2023-11-12T06:56:14Z | http://arxiv.org/pdf/2311.06753v2 | http://arxiv.org/abs/2311.06753v2 | Yassir Fathullah, Chunyang Wu, Egor Lakomkin, Ke Li, Junteng Jia, Yuan Shangguan, Jay Mahadeokar, Ozlem Kalinli, Christian Fuegen, Mike Seltzer | 2024-04-12T18:55:22Z | cs.CL, cs.AI | In this work, we extend the instruction-tuned Llama-2 model with end-to-end
general-purpose speech processing and reasoning abilities while maintaining the
wide range of original LLM capabilities, without using any carefully curated
paired data. The resulting end-to-end model, named AudioChatLlama, can utilize
audio prompts as a replacement for text and sustain a conversation. Such a
model also has extended cross-modal capabilities such as being able to perform
spoken question answering (QA), speech translation, and audio summarization
amongst many other closed and open-domain tasks. This is unlike prior
approaches in speech, in which LLMs are extended to handle audio for a limited
number of pre-designated tasks. On both synthesized and recorded speech QA test
sets, evaluations show that our end-to-end approach is on par with or
outperforms cascaded systems (speech recognizer + LLM) in terms of modeling the
response to a prompt. Furthermore, unlike cascades, our approach can
interchange text and audio modalities and intrinsically utilize prior context
in a conversation to provide better results. | cs.CL | AudioChatLlama: Towards General-Purpose Speech Abilities for LLMs |
2023-11-12T06:39:00Z | http://arxiv.org/pdf/2311.06752v1 | http://arxiv.org/abs/2311.06752v1 | Tingfeng Cao, Chengyu Wang, Bingyan Liu, Ziheng Wu, Jinhui Zhu, Jun Huang | 2023-11-12T06:39:00Z | cs.CL | Recently, diffusion-based deep generative models (e.g., Stable Diffusion)
have shown impressive results in text-to-image synthesis. However, current
text-to-image models often require multiple passes of prompt engineering by
humans in order to produce satisfactory results for real-world applications. We
propose BeautifulPrompt, a deep generative model to produce high-quality
prompts from very simple raw descriptions, which enables diffusion-based models
to generate more beautiful images. In our work, we first fine-tuned the
BeautifulPrompt model over low-quality and high-quality collecting prompt
pairs. Then, to ensure that our generated prompts can generate more beautiful
images, we further propose a Reinforcement Learning with Visual AI Feedback
technique to fine-tune our model to maximize the reward values of the generated
prompts, where the reward values are calculated based on the PickScore and the
Aesthetic Scores. Our results demonstrate that learning from visual AI feedback
promises the potential to improve the quality of generated prompts and images
significantly. We further showcase the integration of BeautifulPrompt to a
cloud-native AI platform to provide better text-to-image generation service in
the cloud. | cs.CL | BeautifulPrompt: Towards Automatic Prompt Engineering for Text-to-Image Synthesis |
2023-11-12T05:20:20Z | http://arxiv.org/pdf/2311.06737v1 | http://arxiv.org/abs/2311.06737v1 | Minh-Hao Van, Xintao Wu | 2023-11-12T05:20:20Z | cs.CL, cs.AI | Recently, large language models (LLMs) have taken the spotlight in natural
language processing. Further, integrating LLMs with vision enables the users to
explore more emergent abilities in multimodality. Visual language models
(VLMs), such as LLaVA, Flamingo, or GPT-4, have demonstrated impressive
performance on various visio-linguistic tasks. Consequently, there are enormous
applications of large models that could be potentially used on social media
platforms. Despite that, there is a lack of related work on detecting or
correcting hateful memes with VLMs. In this work, we study the ability of VLMs
on hateful meme detection and hateful meme correction tasks with zero-shot
prompting. From our empirical experiments, we show the effectiveness of the
pretrained LLaVA model and discuss its strengths and weaknesses in these tasks. | cs.CL | Detecting and Correcting Hate Speech in Multimodal Memes with Large Visual Language Model |
2023-11-12T05:12:49Z | http://arxiv.org/pdf/2311.06736v1 | http://arxiv.org/abs/2311.06736v1 | Ying Su, Xiaojin Fu, Mingwen Liu, Zhijiang Guo | 2023-11-12T05:12:49Z | cs.CL | Logical reasoning remains a pivotal component within the realm of artificial
intelligence. The recent evolution of large language models (LLMs) has marked
significant progress in this domain. The adoption of strategies like
chain-of-thought (CoT) has enhanced the performance of LLMs across diverse
reasoning tasks. Nonetheless, logical reasoning that involves proof planning,
specifically those that necessitate the validation of explanation accuracy,
continues to present stumbling blocks. In this study, we first evaluate the
efficacy of LLMs with advanced CoT strategies concerning such tasks. Our
analysis reveals that LLMs still struggle to navigate complex reasoning chains,
which demand the meticulous linkage of premises to derive a cogent conclusion.
To address this issue, we finetune a smaller-scale language model, equipping it
to decompose proof objectives into more manageable subgoals. We also introduce
contrastive decoding to stepwise proof generation, making use of negative
reasoning paths to strengthen the model's capacity for logical deduction.
Experiments on EntailmentBank underscore the success of our method in
augmenting the proof planning abilities of language models. | cs.CL | Are LLMs Rigorous Logical Reasoner? Empowering Natural Language Proof Generation with Contrastive Stepwise Decoding |
2023-11-12T04:23:33Z | http://arxiv.org/pdf/2311.06729v1 | http://arxiv.org/abs/2311.06729v1 | Salim Sazzed | 2023-11-12T04:23:33Z | cs.CL | This study aims to comprehend linguistic and socio-demographic features,
encompassing English language styles, conveyed sentiments, and lexical
diversity within spatial online social media review data. To this end, we
undertake a case study that scrutinizes reviews composed by two distinct and
demographically diverse groups. Our analysis entails the extraction and
examination of various statistical, grammatical, and sentimental features from
these two groups. Subsequently, we leverage these features with machine
learning (ML) classifiers to discern their potential in effectively
differentiating between the groups. Our investigation unveils substantial
disparities in certain linguistic attributes between the two groups. When
integrated into ML classifiers, these attributes exhibit a marked efficacy in
distinguishing the groups, yielding a macro F1 score of approximately 0.85.
Furthermore, we conduct a comparative evaluation of these linguistic features
with word n-gram-based lexical features in discerning demographically diverse
review data. As expected, the n-gram lexical features, coupled with fine-tuned
transformer-based models, show superior performance, attaining accuracies
surpassing 95\% and macro F1 scores exceeding 0.96. Our meticulous analysis and
comprehensive evaluations substantiate the efficacy of linguistic and
sentimental features in effectively discerning demographically diverse review
data. The findings of this study provide valuable guidelines for future
research endeavors concerning the analysis of demographic patterns in textual
content across various social media platforms. | cs.CL | Comprehending Lexical and Affective Ontologies in the Demographically Diverse Spatial Social Media Discourse |
2023-11-12T03:51:38Z | http://arxiv.org/pdf/2311.06724v1 | http://arxiv.org/abs/2311.06724v1 | Seyed Ali Bahrainian, Martin Jaggi, Carsten Eickhoff | 2023-11-12T03:51:38Z | cs.CL, cs.LG | Controlled abstractive summarization focuses on producing condensed versions
of a source article to cover specific aspects by shifting the distribution of
generated text towards a desired style, e.g., a set of topics. Subsequently,
the resulting summaries may be tailored to user-defined requirements. This
paper presents a new Transformer-based architecture capable of producing
topic-focused summaries. The architecture modifies the cross-attention
mechanism of the Transformer to bring topic-focus control to the generation
process while not adding any further parameters to the model. We show that our
model sets a new state of the art on the NEWTS dataset in terms of
topic-focused abstractive summarization as well as a topic-prevalence score.
Moreover, we show via extensive experiments that our proposed topical
cross-attention mechanism can be plugged into various Transformer models, such
as BART and T5, improving their performance on the CNN/Dailymail and XSum
benchmark datasets for abstractive summarization. This is achieved via
fine-tuning, without requiring training from scratch. Finally, we show through
human evaluation that our model generates more faithful summaries outperforming
the state-of-the-art Frost model. | cs.CL | Controllable Topic-Focused Abstractive Summarization |
2023-11-12T03:25:34Z | http://arxiv.org/pdf/2311.06720v1 | http://arxiv.org/abs/2311.06720v1 | Bowen Tan, Yun Zhu, Lijuan Liu, Eric Xing, Zhiting Hu, Jindong Chen | 2023-11-12T03:25:34Z | cs.LG, cs.CL | Large language models (LLMs) such as T0, FLAN, and OPT-IML, excel in
multi-tasking under a unified instruction-following paradigm, where they also
exhibit remarkable generalization abilities to unseen tasks. Despite their
impressive performance, these LLMs, with sizes ranging from several billion to
hundreds of billions of parameters, demand substantial computational resources,
making their training and inference expensive and inefficient. Furthermore,
adapting these models to downstream applications, particularly complex tasks,
is often unfeasible due to the extensive hardware requirements for finetuning,
even when utilizing parameter-efficient approaches such as prompt tuning.
Additionally, the most powerful multi-task LLMs, such as OPT-IML-175B and
FLAN-PaLM-540B, are not publicly accessible, severely limiting their
customization potential. To address these challenges, we introduce a pretrained
small scorer, Cappy, designed to enhance the performance and efficiency of
multi-task LLMs. With merely 360 million parameters, Cappy functions either
independently on classification tasks or serve as an auxiliary component for
LLMs, boosting their performance. Moreover, Cappy enables efficiently
integrating downstream supervision without requiring LLM finetuning nor the
access to their parameters. Our experiments demonstrate that, when working
independently on 11 language understanding tasks from PromptSource, Cappy
outperforms LLMs that are several orders of magnitude larger. Besides, on 45
complex tasks from BIG-Bench, Cappy boosts the performance of the advanced
multi-task LLM, FLAN-T5, by a large margin. Furthermore, Cappy is flexible to
cooperate with other LLM adaptations, including finetuning and in-context
learning, offering additional performance enhancement. | cs.LG | Cappy: Outperforming and Boosting Large Multi-Task LMs with a Small Scorer |
2023-11-12T02:54:11Z | http://arxiv.org/pdf/2311.06714v1 | http://arxiv.org/abs/2311.06714v1 | Salim Sazzed | 2023-11-12T02:54:11Z | cs.CL, cs.IR | This study investigates a range of psychological, lexical, semantic, and
readability features of book reviews to elucidate the factors underlying their
perceived popularity. To this end, we conduct statistical analyses of various
features, including the types and frequency of opinion and emotion-conveying
terms, connectives, character mentions, word uniqueness, commonness, and
sentence structure, among others. Additionally, we utilize two readability
tests to explore whether reading ease is positively associated with review
popularity. Finally, we employ traditional machine learning classifiers and
transformer-based fine-tuned language models with n-gram features to
automatically determine review popularity. Our findings indicate that, with the
exception of a few features (e.g., review length, emotions, and word
uniqueness), most attributes do not exhibit significant differences between
popular and non-popular review groups. Furthermore, the poor performance of
machine learning classifiers using the word n-gram feature highlights the
challenges associated with determining popularity in creative domains. Overall,
our study provides insights into the factors underlying review popularity and
highlights the need for further research in this area, particularly in the
creative realm. | cs.CL | What factors influence the popularity of user-generated text in the creative domain? A case study of book reviews |
2023-11-12T00:25:25Z | http://arxiv.org/pdf/2311.06697v1 | http://arxiv.org/abs/2311.06697v1 | Vasilisa Bashlovkina, Zhaobin Kuang, Riley Matthews, Edward Clifford, Yennie Jun, William W. Cohen, Simon Baumgartner | 2023-11-12T00:25:25Z | cs.CL | Large language models (LLMs) are trained on web-scale corpora that inevitably
include contradictory factual information from sources of varying reliability.
In this paper, we propose measuring an LLM property called trusted source
alignment (TSA): the model's propensity to align with content produced by
trusted publishers in the face of uncertainty or controversy. We present
FactCheckQA, a TSA evaluation dataset based on a corpus of fact checking
articles. We describe a simple protocol for evaluating TSA and offer a detailed
analysis of design considerations including response extraction, claim
contextualization, and bias in prompt formulation. Applying the protocol to
PaLM-2, we find that as we scale up the model size, the model performance on
FactCheckQA improves from near-random to up to 80% balanced accuracy in
aligning with trusted sources. | cs.CL | Trusted Source Alignment in Large Language Models |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.