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-02-17T02:40:04Z | http://arxiv.org/pdf/2302.08659v1 | http://arxiv.org/abs/2302.08659v1 | Jianing Wang, Chengyu Wang, Jun Huang, Ming Gao, Aoying Zhou | 2023-02-17T02:40:04Z | cs.CL | Neural sequence labeling (NSL) aims at assigning labels for input language
tokens, which covers a broad range of applications, such as named entity
recognition (NER) and slot filling, etc. However, the satisfying results
achieved by traditional supervised-based approaches heavily depend on the large
amounts of human annotation data, which may not be feasible in real-world
scenarios due to data privacy and computation efficiency issues. This paper
presents SeqUST, a novel uncertain-aware self-training framework for NSL to
address the labeled data scarcity issue and to effectively utilize unlabeled
data. Specifically, we incorporate Monte Carlo (MC) dropout in Bayesian neural
network (BNN) to perform uncertainty estimation at the token level and then
select reliable language tokens from unlabeled data based on the model
confidence and certainty. A well-designed masked sequence labeling task with a
noise-robust loss supports robust training, which aims to suppress the problem
of noisy pseudo labels. In addition, we develop a Gaussian-based consistency
regularization technique to further improve the model robustness on
Gaussian-distributed perturbed representations. This effectively alleviates the
over-fitting dilemma originating from pseudo-labeled augmented data. Extensive
experiments over six benchmarks demonstrate that our SeqUST framework
effectively improves the performance of self-training, and consistently
outperforms strong baselines by a large margin in low-resource scenarios | cs.CL | Uncertainty-aware Self-training for Low-resource Neural Sequence Labeling |
2023-02-17T01:31:55Z | http://arxiv.org/pdf/2302.10915v2 | http://arxiv.org/abs/2302.10915v2 | Oscar Chang, Hank Liao, Dmitriy Serdyuk, Ankit Shah, Olivier Siohan | 2023-12-13T04:31:44Z | cs.LG, cs.CL, cs.CV, cs.SD, eess.AS | Visual speech recognition models extract visual features in a hierarchical
manner. At the lower level, there is a visual front-end with a limited temporal
receptive field that processes the raw pixels depicting the lips or faces. At
the higher level, there is an encoder that attends to the embeddings produced
by the front-end over a large temporal receptive field. Previous work has
focused on improving the visual front-end of the model to extract more useful
features for speech recognition. Surprisingly, our work shows that complex
visual front-ends are not necessary. Instead of allocating resources to a
sophisticated visual front-end, we find that a linear visual front-end paired
with a larger Conformer encoder results in lower latency, more efficient memory
usage, and improved WER performance. We achieve a new state-of-the-art of 12.8%
WER for visual speech recognition on the TED LRS3 dataset, which rivals the
performance of audio-only models from just four years ago. | cs.LG | Conformers are All You Need for Visual Speech Recognition |
2023-02-16T23:29:22Z | http://arxiv.org/pdf/2302.08624v6 | http://arxiv.org/abs/2302.08624v6 | Kevin Scaria, Himanshu Gupta, Siddharth Goyal, Saurabh Arjun Sawant, Swaroop Mishra, Chitta Baral | 2023-11-13T17:56:19Z | cs.CL, cs.LG | We introduce InstructABSA, an instruction learning paradigm for Aspect-Based
Sentiment Analysis (ABSA) subtasks. Our method introduces positive, negative,
and neutral examples to each training sample, and instruction tune the model
(Tk-Instruct) for ABSA subtasks, yielding significant performance improvements.
Experimental results on the Sem Eval 2014, 15, and 16 datasets demonstrate that
InstructABSA outperforms the previous state-of-the-art (SOTA) approaches on
Term Extraction (ATE), Sentiment Classification(ATSC) and Sentiment Pair
Extraction (ASPE) subtasks. In particular, InstructABSA outperforms the
previous state-of-the-art (SOTA) on the Rest14 ATE subtask by 5.69% points, the
Rest15 ATSC subtask by 9.59% points, and the Lapt14 AOPE subtask by 3.37%
points, surpassing 7x larger models. We also get competitive results on AOOE,
AOPE, and AOSTE subtasks indicating strong generalization ability to all
subtasks. Exploring sample efficiency reveals that just 50% train data is
required to get competitive results with other instruction tuning approaches.
Lastly, we assess the quality of instructions and observe that InstructABSA's
performance experiences a decline of ~10% when adding misleading examples. | cs.CL | InstructABSA: Instruction Learning for Aspect Based Sentiment Analysis |
2023-02-16T21:45:35Z | http://arxiv.org/pdf/2302.10186v7 | http://arxiv.org/abs/2302.10186v7 | Karan Singla, Yeon-Jun Kim, Srinivas Bangalore | 2023-11-09T20:51:27Z | eess.AS, cs.CL, cs.SD | In human-computer conversations, extracting entities such as names, street
addresses and email addresses from speech is a challenging task. In this paper,
we study the impact of fine-tuning pre-trained speech encoders on extracting
spoken entities in human-readable form directly from speech without the need
for text transcription. We illustrate that such a direct approach optimizes the
encoder to transcribe only the entity relevant portions of speech ignoring the
superfluous portions such as carrier phrases, or spell name entities. In the
context of dialog from an enterprise virtual agent, we demonstrate that the
1-step approach outperforms the typical 2-step approach which first generates
lexical transcriptions followed by text-based entity extraction for identifying
spoken entities. | eess.AS | E2E Spoken Entity Extraction for Virtual Agents |
2023-02-16T21:30:26Z | http://arxiv.org/pdf/2302.08590v1 | http://arxiv.org/abs/2302.08590v1 | David Schlangen | 2023-02-16T21:30:26Z | cs.CL | Even in our increasingly text-intensive times, the primary site of language
use is situated, co-present interaction. It is primary ontogenetically and
phylogenetically, and it is arguably also still primary in negotiating everyday
social situations. Situated interaction is also the final frontier of Natural
Language Processing, where, compared to the area of text processing, very
little progress has been made in the past decade, and where a myriad of
practical applications is waiting to be unlocked. While the usual approach in
the field is to reach, bottom-up, for the ever next "adjacent possible", in
this paper I attempt a top-down analysis of what the demands are that
unrestricted situated interaction makes on the participating agent, and suggest
ways in which this analysis can structure computational models and research on
them. Specifically, I discuss representational demands (the building up and
application of world model, language model, situation model, discourse model,
and agent model) and what I call anchoring processes (incremental processing,
incremental learning, conversational grounding, multimodal grounding) that bind
the agent to the here, now, and us. | cs.CL | What A Situated Language-Using Agent Must be Able to Do: A Top-Down Analysis |
2023-02-16T21:28:11Z | http://arxiv.org/pdf/2302.08589v1 | http://arxiv.org/abs/2302.08589v1 | Subba Reddy Oota, Mounika Marreddy, Manish Gupta, Bapi Raju Surampud | 2023-02-16T21:28:11Z | cs.CL, q-bio.NC | Syntactic parsing is the task of assigning a syntactic structure to a
sentence. There are two popular syntactic parsing methods: constituency and
dependency parsing. Recent works have used syntactic embeddings based on
constituency trees, incremental top-down parsing, and other word syntactic
features for brain activity prediction given the text stimuli to study how the
syntax structure is represented in the brain's language network. However, the
effectiveness of dependency parse trees or the relative predictive power of the
various syntax parsers across brain areas, especially for the listening task,
is yet unexplored. In this study, we investigate the predictive power of the
brain encoding models in three settings: (i) individual performance of the
constituency and dependency syntactic parsing based embedding methods, (ii)
efficacy of these syntactic parsing based embedding methods when controlling
for basic syntactic signals, (iii) relative effectiveness of each of the
syntactic embedding methods when controlling for the other. Further, we explore
the relative importance of syntactic information (from these syntactic
embedding methods) versus semantic information using BERT embeddings. We find
that constituency parsers help explain activations in the temporal lobe and
middle-frontal gyrus, while dependency parsers better encode syntactic
structure in the angular gyrus and posterior cingulate cortex. Although
semantic signals from BERT are more effective compared to any of the syntactic
features or embedding methods, syntactic embedding methods explain additional
variance for a few brain regions. | cs.CL | Syntactic Structure Processing in the Brain while Listening |
2023-02-16T21:07:38Z | http://arxiv.org/pdf/2302.08583v1 | http://arxiv.org/abs/2302.08583v1 | Zhong Meng, Weiran Wang, Rohit Prabhavalkar, Tara N. Sainath, Tongzhou Chen, Ehsan Variani, Yu Zhang, Bo Li, Andrew Rosenberg, Bhuvana Ramabhadran | 2023-02-16T21:07:38Z | eess.AS, cs.AI, cs.CL, cs.LG, cs.SD | We propose JEIT, a joint end-to-end (E2E) model and internal language model
(ILM) training method to inject large-scale unpaired text into ILM during E2E
training which improves rare-word speech recognition. With JEIT, the E2E model
computes an E2E loss on audio-transcript pairs while its ILM estimates a
cross-entropy loss on unpaired text. The E2E model is trained to minimize a
weighted sum of E2E and ILM losses. During JEIT, ILM absorbs knowledge from
unpaired text while the E2E training serves as regularization. Unlike ILM
adaptation methods, JEIT does not require a separate adaptation step and avoids
the need for Kullback-Leibler divergence regularization of ILM. We also show
that modular hybrid autoregressive transducer (MHAT) performs better than HAT
in the JEIT framework, and is much more robust than HAT during ILM adaptation.
To push the limit of unpaired text injection, we further propose a combined
JEIT and JOIST training (CJJT) that benefits from modality matching, encoder
text injection and ILM training. Both JEIT and CJJT can foster a more effective
LM fusion. With 100B unpaired sentences, JEIT/CJJT improves rare-word
recognition accuracy by up to 16.4% over a model trained without unpaired text. | eess.AS | JEIT: Joint End-to-End Model and Internal Language Model Training for Speech Recognition |
2023-02-16T21:03:33Z | http://arxiv.org/pdf/2302.08582v2 | http://arxiv.org/abs/2302.08582v2 | Tomasz Korbak, Kejian Shi, Angelica Chen, Rasika Bhalerao, Christopher L. Buckley, Jason Phang, Samuel R. Bowman, Ethan Perez | 2023-06-14T13:27:58Z | cs.CL, cs.LG | Language models (LMs) are pretrained to imitate internet text, including
content that would violate human preferences if generated by an LM: falsehoods,
offensive comments, personally identifiable information, low-quality or buggy
code, and more. Here, we explore alternative objectives for pretraining LMs in
a way that also guides them to generate text aligned with human preferences. We
benchmark five objectives for pretraining with human feedback across three
tasks and study how they affect the trade-off between alignment and
capabilities of pretrained LMs. We find a Pareto-optimal and simple approach
among those we explored: conditional training, or learning distribution over
tokens conditional on their human preference scores given by a reward model.
Conditional training reduces the rate of undesirable content by up to an order
of magnitude, both when generating without a prompt and with an
adversarially-chosen prompt. Moreover, conditional training maintains the
downstream task performance of standard LM pretraining, both before and after
task-specific finetuning. Pretraining with human feedback results in much
better preference satisfaction than standard LM pretraining followed by
finetuning with feedback, i.e., learning and then unlearning undesirable
behavior. Our results suggest that we should move beyond imitation learning
when pretraining LMs and incorporate human preferences from the start of
training. | cs.CL | Pretraining Language Models with Human Preferences |
2023-02-16T20:46:36Z | http://arxiv.org/pdf/2302.08577v3 | http://arxiv.org/abs/2302.08577v3 | Michail Mersinias, Kyle Mahowald | 2024-01-20T02:36:12Z | cs.CL | We explore incorporating natural language inference (NLI) into the text
generative pipeline by using a pre-trained NLI model to assess whether a
generated sentence entails, contradicts, or is neutral to the prompt and
preceding text. First, we show that the NLI task is predictive of generation
errors made by GPT-3. We use these results to develop an NLI-informed
generation procedure for GPT-J. Then, we evaluate these generations by
obtaining human annotations on error types and overall quality. We find that an
NLI strategy of maximizing entailment improves text generation when the nucleus
sampling randomness parameter value is high, while one which maximizes
contradiction is in fact productive when the parameter value is low. Overall,
though, we demonstrate that an NLI strategy of maximizing the neutral class
provides the highest quality of generated text (significantly better than the
vanilla generations), regardless of parameter value. | cs.CL | For Generated Text, Is NLI-Neutral Text the Best Text? |
2023-02-16T20:42:04Z | http://arxiv.org/pdf/2302.08575v1 | http://arxiv.org/abs/2302.08575v1 | Gerhard Paaß, Sven Giesselbach | 2023-02-16T20:42:04Z | cs.CL, cs.CV, cs.LG, cs.MM, 68W20, 68W25, I.2.6; I.2.7; I.2.8; I.2.10; I.4.8; I.4.10; I.5.2; I.5.4; I.7.0;
J.1; J.3; K.4.1; K.4.2; K.5.0 | This open access book provides a comprehensive overview of the state of the
art in research and applications of Foundation Models and is intended for
readers familiar with basic Natural Language Processing (NLP) concepts. Over
the recent years, a revolutionary new paradigm has been developed for training
models for NLP. These models are first pre-trained on large collections of text
documents to acquire general syntactic knowledge and semantic information.
Then, they are fine-tuned for specific tasks, which they can often solve with
superhuman accuracy. When the models are large enough, they can be instructed
by prompts to solve new tasks without any fine-tuning. Moreover, they can be
applied to a wide range of different media and problem domains, ranging from
image and video processing to robot control learning. Because they provide a
blueprint for solving many tasks in artificial intelligence, they have been
called Foundation Models. After a brief introduction to basic NLP models the
main pre-trained language models BERT, GPT and sequence-to-sequence transformer
are described, as well as the concepts of self-attention and context-sensitive
embedding. Then, different approaches to improving these models are discussed,
such as expanding the pre-training criteria, increasing the length of input
texts, or including extra knowledge. An overview of the best-performing models
for about twenty application areas is then presented, e.g., question answering,
translation, story generation, dialog systems, generating images from text,
etc. For each application area, the strengths and weaknesses of current models
are discussed, and an outlook on further developments is given. In addition,
links are provided to freely available program code. A concluding chapter
summarizes the economic opportunities, mitigation of risks, and potential
developments of AI. | cs.CL | Foundation Models for Natural Language Processing -- Pre-trained Language Models Integrating Media |
2023-02-16T19:07:08Z | http://arxiv.org/pdf/2302.08531v1 | http://arxiv.org/abs/2302.08531v1 | Meng Cao, Yue Dong, Jingyi He, Jackie Chi Kit Cheung | 2023-02-16T19:07:08Z | cs.CL | State-of-the-art abstractive summarization systems frequently hallucinate
content that is not supported by the source document, mainly due to noise in
the training dataset. Existing methods opt to drop the noisy samples or tokens
from the training set entirely, reducing the effective training set size and
creating an artificial propensity to copy words from the source. In this work,
we propose a training objective for abstractive summarization based on
rejection learning, in which the model learns whether or not to reject
potentially noisy tokens. We further propose a regularized decoding objective
that penalizes non-factual candidate summaries during inference by using the
rejection probability learned during training. We show that our method
considerably improves the factuality of generated summaries in automatic and
human evaluations when compared to five baseline models and that it does so
while increasing the abstractiveness of the generated summaries. | cs.CL | Learning with Rejection for Abstractive Text Summarization |
2023-02-16T18:55:21Z | http://arxiv.org/pdf/2302.08500v2 | http://arxiv.org/abs/2302.08500v2 | Jakob Mökander, Jonas Schuett, Hannah Rose Kirk, Luciano Floridi | 2023-06-27T07:40:15Z | cs.CL, cs.AI, cs.CY, K.4; K.6 | Large language models (LLMs) represent a major advance in artificial
intelligence (AI) research. However, the widespread use of LLMs is also coupled
with significant ethical and social challenges. Previous research has pointed
towards auditing as a promising governance mechanism to help ensure that AI
systems are designed and deployed in ways that are ethical, legal, and
technically robust. However, existing auditing procedures fail to address the
governance challenges posed by LLMs, which display emergent capabilities and
are adaptable to a wide range of downstream tasks. In this article, we address
that gap by outlining a novel blueprint for how to audit LLMs. Specifically, we
propose a three-layered approach, whereby governance audits (of technology
providers that design and disseminate LLMs), model audits (of LLMs after
pre-training but prior to their release), and application audits (of
applications based on LLMs) complement and inform each other. We show how
audits, when conducted in a structured and coordinated manner on all three
levels, can be a feasible and effective mechanism for identifying and managing
some of the ethical and social risks posed by LLMs. However, it is important to
remain realistic about what auditing can reasonably be expected to achieve.
Therefore, we discuss the limitations not only of our three-layered approach
but also of the prospect of auditing LLMs at all. Ultimately, this article
seeks to expand the methodological toolkit available to technology providers
and policymakers who wish to analyse and evaluate LLMs from technical, ethical,
and legal perspectives. | cs.CL | Auditing large language models: a three-layered approach |
2023-02-16T18:23:22Z | http://arxiv.org/pdf/2302.08468v3 | http://arxiv.org/abs/2302.08468v3 | Ansong Ni, Srini Iyer, Dragomir Radev, Ves Stoyanov, Wen-tau Yih, Sida I. Wang, Xi Victoria Lin | 2023-09-01T17:37:42Z | cs.LG, cs.CL, cs.PL, cs.SE | The advent of large language models trained on code (code LLMs) has led to
significant progress in language-to-code generation. State-of-the-art
approaches in this area combine LLM decoding with sample pruning and reranking
using test cases or heuristics based on the execution results. However, it is
challenging to obtain test cases for many real-world language-to-code
applications, and heuristics cannot well capture the semantic features of the
execution results, such as data type and value range, which often indicates the
correctness of the program. In this work, we propose LEVER, a simple approach
to improve language-to-code generation by learning to verify the generated
programs with their execution results. Specifically, we train verifiers to
determine whether a program sampled from the LLMs is correct or not based on
the natural language input, the program itself and its execution results. The
sampled programs are reranked by combining the verification score with the LLM
generation probability, and marginalizing over programs with the same execution
results. On four datasets across the domains of table QA, math QA and basic
Python programming, LEVER consistently improves over the base code LLMs(4.6% to
10.9% with code-davinci-002) and achieves new state-of-the-art results on all
of them. | cs.LG | LEVER: Learning to Verify Language-to-Code Generation with Execution |
2023-02-16T18:16:09Z | http://arxiv.org/pdf/2302.08464v1 | http://arxiv.org/abs/2302.08464v1 | Asaf Yehudai, Arie Cattan, Omri Abend, Gabriel Stanovsky | 2023-02-16T18:16:09Z | cs.CL, cs.AI, cs.LG | Machine translation (MT) requires a wide range of linguistic capabilities,
which current end-to-end models are expected to learn implicitly by observing
aligned sentences in bilingual corpora. In this work, we ask: \emph{How well do
MT models learn coreference resolution from implicit signal?} To answer this
question, we develop an evaluation methodology that derives coreference
clusters from MT output and evaluates them without requiring annotations in the
target language. We further evaluate several prominent open-source and
commercial MT systems, translating from English to six target languages, and
compare them to state-of-the-art coreference resolvers on three challenging
benchmarks. Our results show that the monolingual resolvers greatly outperform
MT models. Motivated by this result, we experiment with different methods for
incorporating the output of coreference resolution models in MT, showing
improvement over strong baselines. | cs.CL | Evaluating and Improving the Coreference Capabilities of Machine Translation Models |
2023-02-16T16:45:36Z | http://arxiv.org/pdf/2302.10914v1 | http://arxiv.org/abs/2302.10914v1 | Hossein Rajaby Faghihi, Aliakbar Nafar, Chen Zheng, Roshanak Mirzaee, Yue Zhang, Andrzej Uszok, Alexander Wan, Tanawan Premsri, Dan Roth, Parisa Kordjamshidi | 2023-02-16T16:45:36Z | cs.LG, cs.AI, cs.CL | Recent research has shown that integrating domain knowledge into deep
learning architectures is effective -- it helps reduce the amount of required
data, improves the accuracy of the models' decisions, and improves the
interpretability of models. However, the research community is missing a
convened benchmark for systematically evaluating knowledge integration methods.
In this work, we create a benchmark that is a collection of nine tasks in the
domains of natural language processing and computer vision. In all cases, we
model external knowledge as constraints, specify the sources of the constraints
for each task, and implement various models that use these constraints. We
report the results of these models using a new set of extended evaluation
criteria in addition to the task performances for a more in-depth analysis.
This effort provides a framework for a more comprehensive and systematic
comparison of constraint integration techniques and for identifying related
research challenges. It will facilitate further research for alleviating some
problems of state-of-the-art neural models. | cs.LG | GLUECons: A Generic Benchmark for Learning Under Constraints |
2023-02-16T16:22:30Z | http://arxiv.org/pdf/2302.09301v1 | http://arxiv.org/abs/2302.09301v1 | Henry Kvinge, Davis Brown, Charles Godfrey | 2023-02-16T16:22:30Z | cs.CL, cs.CV, cs.LG | Prompting has become an important mechanism by which users can more
effectively interact with many flavors of foundation model. Indeed, the last
several years have shown that well-honed prompts can sometimes unlock emergent
capabilities within such models. While there has been a substantial amount of
empirical exploration of prompting within the community, relatively few works
have studied prompting at a mathematical level. In this work we aim to take a
first step towards understanding basic geometric properties induced by prompts
in Stable Diffusion, focusing on the intrinsic dimension of internal
representations within the model. We find that choice of prompt has a
substantial impact on the intrinsic dimension of representations at both layers
of the model which we explored, but that the nature of this impact depends on
the layer being considered. For example, in certain bottleneck layers of the
model, intrinsic dimension of representations is correlated with prompt
perplexity (measured using a surrogate model), while this correlation is not
apparent in the latent layers. Our evidence suggests that intrinsic dimension
could be a useful tool for future studies of the impact of different prompts on
text-to-image models. | cs.CL | Exploring the Representation Manifolds of Stable Diffusion Through the Lens of Intrinsic Dimension |
2023-02-16T16:18:58Z | http://arxiv.org/pdf/2302.10144v1 | http://arxiv.org/abs/2302.10144v1 | Adel Moumen, Titouan Parcollet | 2023-02-16T16:18:58Z | eess.AS, cs.CL, cs.LG, cs.SD | The light gated recurrent units (Li-GRU) is well-known for achieving
impressive results in automatic speech recognition (ASR) tasks while being
lighter and faster to train than a standard gated recurrent units (GRU).
However, the unbounded nature of its rectified linear unit on the candidate
recurrent gate induces an important gradient exploding phenomenon disrupting
the training process and preventing it from being applied to famous datasets.
In this paper, we theoretically and empirically derive the necessary conditions
for its stability as well as engineering mechanisms to speed up by a factor of
five its training time, hence introducing a novel version of this architecture
named SLi-GRU. Then, we evaluate its performance both on a toy task
illustrating its newly acquired capabilities and a set of three different ASR
datasets demonstrating lower word error rates compared to more complex
recurrent neural networks. | eess.AS | Stabilising and accelerating light gated recurrent units for automatic speech recognition |
2023-02-16T16:18:03Z | http://arxiv.org/pdf/2302.08399v5 | http://arxiv.org/abs/2302.08399v5 | Tomer Ullman | 2023-03-14T13:47:26Z | cs.AI, cs.CL, I.2.7 | Intuitive psychology is a pillar of common-sense reasoning. The replication
of this reasoning in machine intelligence is an important stepping-stone on the
way to human-like artificial intelligence. Several recent tasks and benchmarks
for examining this reasoning in Large-Large Models have focused in particular
on belief attribution in Theory-of-Mind tasks. These tasks have shown both
successes and failures. We consider in particular a recent purported success
case, and show that small variations that maintain the principles of ToM turn
the results on their head. We argue that in general, the zero-hypothesis for
model evaluation in intuitive psychology should be skeptical, and that outlying
failure cases should outweigh average success rates. We also consider what
possible future successes on Theory-of-Mind tasks by more powerful LLMs would
mean for ToM tasks with people. | cs.AI | Large Language Models Fail on Trivial Alterations to Theory-of-Mind Tasks |
2023-02-16T16:05:34Z | http://arxiv.org/pdf/2302.08387v2 | http://arxiv.org/abs/2302.08387v2 | Zhuoyuan Mao, Tetsuji Nakagawa | 2023-12-26T08:11:37Z | cs.CL | Large-scale language-agnostic sentence embedding models such as LaBSE (Feng
et al., 2022) obtain state-of-the-art performance for parallel sentence
alignment. However, these large-scale models can suffer from inference speed
and computation overhead. This study systematically explores learning
language-agnostic sentence embeddings with lightweight models. We demonstrate
that a thin-deep encoder can construct robust low-dimensional sentence
embeddings for 109 languages. With our proposed distillation methods, we
achieve further improvements by incorporating knowledge from a teacher model.
Empirical results on Tatoeba, United Nations, and BUCC show the effectiveness
of our lightweight models. We release our lightweight language-agnostic
sentence embedding models LEALLA on TensorFlow Hub. | cs.CL | LEALLA: Learning Lightweight Language-agnostic Sentence Embeddings with Knowledge Distillation |
2023-02-16T15:50:02Z | http://arxiv.org/pdf/2302.10314v1 | http://arxiv.org/abs/2302.10314v1 | Tristan Luiggi, Laure Soulier, Vincent Guigue, Siwar Jendoubi, Aurélien Baelde | 2023-02-16T15:50:02Z | cs.CL, cs.AI | Named Entity Recognition (NER) is a challenging and widely studied task that
involves detecting and typing entities in text. So far,NER still approaches
entity typing as a task of classification into universal classes (e.g. date,
person, or location). Recent advances innatural language processing focus on
architectures of increasing complexity that may lead to overfitting and
memorization, and thus, underuse of context. Our work targets situations where
the type of entities depends on the context and cannot be solved solely by
memorization. We hence introduce a new task: Dynamic Named Entity Recognition
(DNER), providing a framework to better evaluate the ability of algorithms to
extract entities by exploiting the context. The DNER benchmark is based on two
datasets, DNER-RotoWire and DNER-IMDb. We evaluate baseline models and present
experiments reflecting issues and research axes related to this novel task. | cs.CL | Dynamic Named Entity Recognition |
2023-02-16T15:43:32Z | http://arxiv.org/pdf/2302.08374v3 | http://arxiv.org/abs/2302.08374v3 | Badri N. Patro, Vijay Srinivas Agneeswaran | 2023-02-23T19:36:20Z | cs.CV, cs.AI, cs.CL, cs.LG | Transformers are widely used for solving tasks in natural language
processing, computer vision, speech, and music domains. In this paper, we talk
about the efficiency of transformers in terms of memory (the number of
parameters), computation cost (number of floating points operations), and
performance of models, including accuracy, the robustness of the model, and
fair \& bias-free features. We mainly discuss the vision transformer for the
image classification task. Our contribution is to introduce an efficient 360
framework, which includes various aspects of the vision transformer, to make it
more efficient for industrial applications. By considering those applications,
we categorize them into multiple dimensions such as privacy, robustness,
transparency, fairness, inclusiveness, continual learning, probabilistic
models, approximation, computational complexity, and spectral complexity. We
compare various vision transformer models based on their performance, the
number of parameters, and the number of floating point operations (FLOPs) on
multiple datasets. | cs.CV | Efficiency 360: Efficient Vision Transformers |
2023-02-16T15:27:00Z | http://arxiv.org/pdf/2302.08362v2 | http://arxiv.org/abs/2302.08362v2 | Shamik Roy, Raphael Shu, Nikolaos Pappas, Elman Mansimov, Yi Zhang, Saab Mansour, Dan Roth | 2023-09-21T23:14:02Z | cs.CL | Conventional text style transfer approaches focus on sentence-level style
transfer without considering contextual information, and the style is described
with attributes (e.g., formality). When applying style transfer in
conversations such as task-oriented dialogues, existing approaches suffer from
these limitations as context can play an important role and the style
attributes are often difficult to define in conversations. In this paper, we
introduce conversation style transfer as a few-shot learning problem, where the
model learns to perform style transfer by observing only a few example
dialogues in the target style. We propose a novel in-context learning approach
to solve the task with style-free dialogues as a pivot. Human evaluation shows
that by incorporating multi-turn context, the model is able to match the target
style while having better appropriateness and semantic correctness compared to
utterance/sentence-level style transfer. Additionally, we show that
conversation style transfer can also benefit downstream tasks. For example, in
multi-domain intent classification tasks, the F1 scores improve after
transferring the style of training data to match the style of the test data. | cs.CL | Conversation Style Transfer using Few-Shot Learning |
2023-02-16T15:16:55Z | http://arxiv.org/pdf/2302.09302v1 | http://arxiv.org/abs/2302.09302v1 | Nuo Chen, Linjun Shou, Ming Gong, Jian Pei, Chenyu You, Jianhui Chang, Daxin Jiang, Jia Li | 2023-02-16T15:16:55Z | cs.CL | Table pretrain-then-finetune paradigm has been proposed and employed at a
rapid pace after the success of pre-training in the natural language domain.
Despite the promising findings in tabular pre-trained language models (TPLMs),
there is an input gap between pre-training and fine-tuning phases. For
instance, TPLMs jointly pre-trained with table and text input could be
effective for tasks also with table-text joint input like table question
answering, but it may fail for tasks with only tables or text as input such as
table retrieval. To this end, we propose UTP, an approach that dynamically
supports three types of multi-modal inputs: table-text, table, and text.
Specifically, UTP is pre-trained with two strategies: (1) We first utilize a
universal mask language modeling objective on each kind of input, enforcing the
model to adapt various inputs. (2) We then present Cross-Modal Contrastive
Regularization (CMCR), which utilizes contrastive learning to encourage the
consistency between table-text cross-modality representations via unsupervised
instance-wise training signals during pre-training. By these means, the
resulting model not only bridges the input gap between pre-training and
fine-tuning but also advances in the alignment of table and text. Extensive
results show UTP achieves superior results on uni-modal input tasks (e.g.,
table retrieval) and cross-modal input tasks (e.g., table question answering). | cs.CL | Bridge the Gap between Language models and Tabular Understanding |
2023-02-16T15:11:53Z | http://arxiv.org/pdf/2302.08351v2 | http://arxiv.org/abs/2302.08351v2 | Brian Keith Norambuena, Tanushree Mitra, Chris North | 2023-03-10T20:39:14Z | cs.CL, cs.IR | Narratives are fundamental to our understanding of the world, providing us
with a natural structure for knowledge representation over time. Computational
narrative extraction is a subfield of artificial intelligence that makes heavy
use of information retrieval and natural language processing techniques.
Despite the importance of computational narrative extraction, relatively little
scholarly work exists on synthesizing previous research and strategizing future
research in the area. In particular, this article focuses on extracting news
narratives from an event-centric perspective. Extracting narratives from news
data has multiple applications in understanding the evolving information
landscape. This survey presents an extensive study of research in the area of
event-based news narrative extraction. In particular, we screened over 900
articles that yielded 54 relevant articles. These articles are synthesized and
organized by representation model, extraction criteria, and evaluation
approaches. Based on the reviewed studies, we identify recent trends, open
challenges, and potential research lines. | cs.CL | A Survey on Event-based News Narrative Extraction |
2023-02-16T15:01:07Z | http://arxiv.org/pdf/2302.08343v1 | http://arxiv.org/abs/2302.08343v1 | Xiaoyu Guo, Jing Ma, Arkaitz Zubiaga | 2023-02-16T15:01:07Z | cs.CV, cs.CL | Memes have gained popularity as a means to share visual ideas through the
Internet and social media by mixing text, images and videos, often for humorous
purposes. Research enabling automated analysis of memes has gained attention in
recent years, including among others the task of classifying the emotion
expressed in memes. In this paper, we propose a novel model, cluster-based deep
ensemble learning (CDEL), for emotion classification in memes. CDEL is a hybrid
model that leverages the benefits of a deep learning model in combination with
a clustering algorithm, which enhances the model with additional information
after clustering memes with similar facial features. We evaluate the
performance of CDEL on a benchmark dataset for emotion classification, proving
its effectiveness by outperforming a wide range of baseline models and
achieving state-of-the-art performance. Further evaluation through ablated
models demonstrates the effectiveness of the different components of CDEL. | cs.CV | Cluster-based Deep Ensemble Learning for Emotion Classification in Internet Memes |
2023-02-16T14:29:58Z | http://arxiv.org/pdf/2302.08326v1 | http://arxiv.org/abs/2302.08326v1 | Xiaoyu Guo, Jing Ma, Arkaitz Zubiaga | 2023-02-16T14:29:58Z | cs.CL | This paper describes the participation of our NUAA-QMUL-AIIT team in the
Memotion 3 shared task on meme emotion analysis. We propose a novel multi-modal
fusion method, Squeeze-and-Excitation Fusion (SEFusion), and embed it into our
system for emotion classification in memes. SEFusion is a simple fusion method
that employs fully connected layers, reshaping, and matrix multiplication.
SEFusion learns a weight for each modality and then applies it to its own
modality feature. We evaluate the performance of our system on the three
Memotion 3 sub-tasks. Among all participating systems in this Memotion 3 shared
task, our system ranked first on task A, fifth on task B, and second on task C.
Our proposed SEFusion provides the flexibility to fuse any features from
different modalities. The source code for our method is published on
https://github.com/xxxxxxxxy/memotion3-SEFusion. | cs.CL | NUAA-QMUL-AIIT at Memotion 3: Multi-modal Fusion with Squeeze-and-Excitation for Internet Meme Emotion Analysis |
2023-02-16T12:54:13Z | http://arxiv.org/pdf/2302.08268v1 | http://arxiv.org/abs/2302.08268v1 | Rita Ramos, Desmond Elliott, Bruno Martins | 2023-02-16T12:54:13Z | cs.CV, cs.CL | Inspired by retrieval-augmented language generation and pretrained Vision and
Language (V&L) encoders, we present a new approach to image captioning that
generates sentences given the input image and a set of captions retrieved from
a datastore, as opposed to the image alone. The encoder in our model jointly
processes the image and retrieved captions using a pretrained V&L BERT, while
the decoder attends to the multimodal encoder representations, benefiting from
the extra textual evidence from the retrieved captions. Experimental results on
the COCO dataset show that image captioning can be effectively formulated from
this new perspective. Our model, named EXTRA, benefits from using captions
retrieved from the training dataset, and it can also benefit from using an
external dataset without the need for retraining. Ablation studies show that
retrieving a sufficient number of captions (e.g., k=5) can improve captioning
quality. Our work contributes towards using pretrained V&L encoders for
generative tasks, instead of standard classification tasks. | cs.CV | Retrieval-augmented Image Captioning |
2023-02-16T12:36:16Z | http://arxiv.org/pdf/2302.08258v1 | http://arxiv.org/abs/2302.08258v1 | Szemes Botond, Vida Bence | 2023-02-16T12:36:16Z | cs.CL | There is a growing tradition in the joint field of network studies and drama
history that produces interpretations from the character networks of the
plays.The potential of such an interpretation is that the diagrams provide a
different representation of the relationships between characters as compared to
reading the text or watching the performance. Our aim is to create a method
that is able to cluster texts with similar structures on the basis of the
play's well-interpretable and simple properties, independent from the number of
characters in the drama, or in other words, the size of the network. Finding
these features is the most important part of our research, as well as
establishing the appropriate statistical procedure to calculate the
similarities between the texts. Our data was downloaded from the DraCor
database and analyzed in R (we use the GerDracor and the ShakeDraCor
sub-collection). We want to propose a robust method based on the distribution
of words among characters; distribution of characters in scenes, average length
of speech acts, or character-specific and macro-level network properties such
as clusterization coefficient and network density. Based on these metrics a
supervised classification procedure is applied to the sub-collections to
classify comedies and tragedies using the Support Vector Machine (SVM) method.
Our research shows that this approach can also produce reliable results on a
small sample size. | cs.CL | Tragic and Comical Networks. Clustering Dramatic Genres According to Structural Properties |
2023-02-16T11:27:46Z | http://arxiv.org/pdf/2302.08229v1 | http://arxiv.org/abs/2302.08229v1 | Shangeth Rajaa, Kriti Anandan, Swaraj Dalmia, Tarun Gupta, Eng Siong Chng | 2023-02-16T11:27:46Z | cs.LG, cs.CL | The pre-trained multi-lingual XLSR model generalizes well for language
identification after fine-tuning on unseen languages. However, the performance
significantly degrades when the languages are not very distinct from each
other, for example, in the case of dialects. Low resource dialect
classification remains a challenging problem to solve. We present a new data
augmentation method that leverages model training dynamics of individual data
points to improve sampling for latent mixup. The method works well in
low-resource settings where generalization is paramount. Our datamaps-based
mixup technique, which we call Map-Mix improves weighted F1 scores by 2%
compared to the random mixup baseline and results in a significantly
well-calibrated model. The code for our method is open sourced on
https://github.com/skit-ai/Map-Mix. | cs.LG | Improving Spoken Language Identification with Map-Mix |
2023-02-16T11:05:24Z | http://arxiv.org/pdf/2302.08220v2 | http://arxiv.org/abs/2302.08220v2 | Jing Xu, Dandan Song, Chong Liu, Siu Cheung Hui, Fei Li, Qiang Ju, Xiaonan He, Jian Xie | 2023-03-07T07:00:35Z | cs.CL | In task-oriented dialogue systems, Dialogue State Tracking (DST) aims to
extract users' intentions from the dialogue history. Currently, most existing
approaches suffer from error propagation and are unable to dynamically select
relevant information when utilizing previous dialogue states. Moreover, the
relations between the updates of different slots provide vital clues for DST.
However, the existing approaches rely only on predefined graphs to indirectly
capture the relations. In this paper, we propose a Dialogue State Distillation
Network (DSDN) to utilize relevant information of previous dialogue states and
migrate the gap of utilization between training and testing. Thus, it can
dynamically exploit previous dialogue states and avoid introducing error
propagation simultaneously. Further, we propose an inter-slot contrastive
learning loss to effectively capture the slot co-update relations from dialogue
context. Experiments are conducted on the widely used MultiWOZ 2.0 and MultiWOZ
2.1 datasets. The experimental results show that our proposed model achieves
the state-of-the-art performance for DST. | cs.CL | Dialogue State Distillation Network with Inter-slot Contrastive Learning for Dialogue State Tracking |
2023-02-16T10:59:39Z | http://arxiv.org/pdf/2302.08215v2 | http://arxiv.org/abs/2302.08215v2 | Dongyoung Go, Tomasz Korbak, Germán Kruszewski, Jos Rozen, Nahyeon Ryu, Marc Dymetman | 2023-06-06T13:09:21Z | cs.CL, cs.LG, stat.ML | Aligning language models with preferences can be posed as approximating a
target distribution representing some desired behavior. Existing approaches
differ both in the functional form of the target distribution and the algorithm
used to approximate it. For instance, Reinforcement Learning from Human
Feedback (RLHF) corresponds to minimizing a reverse KL from an implicit target
distribution arising from a KL penalty in the objective. On the other hand,
Generative Distributional Control (GDC) has an explicit target distribution and
minimizes a forward KL from it using the Distributional Policy Gradient (DPG)
algorithm. In this paper, we propose a new approach, f-DPG, which allows the
use of any f-divergence to approximate any target distribution that can be
evaluated. f-DPG unifies both frameworks (RLHF, GDC) and the approximation
methods (DPG, RL with KL penalties). We show the practical benefits of various
choices of divergence objectives and demonstrate that there is no universally
optimal objective but that different divergences present different alignment
and diversity trade-offs. We show that Jensen-Shannon divergence strikes a good
balance between these objectives, and frequently outperforms forward KL
divergence by a wide margin, leading to significant improvements over prior
work. These distinguishing characteristics between divergences persist as the
model size increases, highlighting the importance of selecting appropriate
divergence objectives. | cs.CL | Aligning Language Models with Preferences through f-divergence Minimization |
2023-02-16T10:28:23Z | http://arxiv.org/pdf/2302.08198v1 | http://arxiv.org/abs/2302.08198v1 | Patrick Séguéla, Nathalie Aussenac-Gilles | 2023-02-16T10:28:23Z | cs.AI, cs.CL | In the present paper, we argue that Terminological Knowledge Bases (TKB) are
all the more useful for addressing various needs as they do not fulfill formal
criteria. Moreover, they intend to clarify the terminology of a given domain by
illustrating term uses in various contexts. Thus we designed a TKB structure
including 3 linked features: terms, concepts and texts, that present the
peculiar use of each term in the domain. Note that concepts are represented
into frames whose non-formal description is standardized. Associated with this
structure, we defined modeling criteria at the conceptual level. Finaly, we
discuss the situation of TKB with regard to ontologies, and the use of TKB for
the development of AI systems. | cs.AI | Un mod{è}le de base de connaissances terminologiques |
2023-02-16T08:54:05Z | http://arxiv.org/pdf/2302.08150v2 | http://arxiv.org/abs/2302.08150v2 | Jakob Prange, Man Ho Ivy Wong | 2023-05-23T08:00:08Z | cs.CL | We use both Bayesian and neural models to dissect a data set of Chinese
learners' pre- and post-interventional responses to two tests measuring their
understanding of English prepositions. The results mostly replicate previous
findings from frequentist analyses and newly reveal crucial interactions
between student ability, task type, and stimulus sentence. Given the sparsity
of the data as well as high diversity among learners, the Bayesian method
proves most useful; but we also see potential in using language model
probabilities as predictors of grammaticality and learnability. | cs.CL | Reanalyzing L2 Preposition Learning with Bayesian Mixed Effects and a Pretrained Language Model |
2023-02-16T08:49:47Z | http://arxiv.org/pdf/2302.08148v1 | http://arxiv.org/abs/2302.08148v1 | Yoichi Aoki, Keito Kudo, Tatsuki Kuribayashi, Ana Brassard, Masashi Yoshikawa, Keisuke Sakaguchi, Kentaro Inui | 2023-02-16T08:49:47Z | cs.AI, cs.CL | Neural reasoning accuracy improves when generating intermediate reasoning
steps. However, the source of this improvement is yet unclear. Here, we
investigate and factorize the benefit of generating intermediate steps for
symbolic reasoning. Specifically, we decompose the reasoning strategy w.r.t.
step granularity and chaining strategy. With a purely symbolic numerical
reasoning dataset (e.g., A=1, B=3, C=A+3, C?), we found that the choice of
reasoning strategies significantly affects the performance, with the gap
becoming even larger as the extrapolation length becomes longer. Surprisingly,
we also found that certain configurations lead to nearly perfect performance,
even in the case of length extrapolation. Our results indicate the importance
of further exploring effective strategies for neural reasoning models. | cs.AI | Empirical Investigation of Neural Symbolic Reasoning Strategies |
2023-02-16T08:47:51Z | http://arxiv.org/pdf/2302.08146v1 | http://arxiv.org/abs/2302.08146v1 | Jingsheng Gao, Zeyu Li, Suncheng Xiang, Ting Liu, Yuzhuo Fu | 2023-02-16T08:47:51Z | cs.CL | A huge number of multi-participant dialogues happen online every day, which
leads to difficulty in understanding the nature of dialogue dynamics for both
humans and machines. Dialogue disentanglement aims at separating an entangled
dialogue into detached sessions, thus increasing the readability of long
disordered dialogue. Previous studies mainly focus on message-pair
classification and clustering in two-step methods, which cannot guarantee the
whole clustering performance in a dialogue. To address this challenge, we
propose a simple yet effective model named CluCDD, which aggregates utterances
by contrastive learning. More specifically, our model pulls utterances in the
same session together and pushes away utterances in different ones. Then a
clustering method is adopted to generate predicted clustering labels.
Comprehensive experiments conducted on the Movie Dialogue dataset and IRC
dataset demonstrate that our model achieves a new state-of-the-art result. | cs.CL | CluCDD:Contrastive Dialogue Disentanglement via Clustering |
2023-02-16T08:37:22Z | http://arxiv.org/pdf/2302.08143v3 | http://arxiv.org/abs/2302.08143v3 | Chengwei Qin, Qian Li, Ruochen Zhao, Shafiq Joty | 2023-11-19T14:31:53Z | cs.CL, cs.AI | Prompt tuning (PT) which only tunes the embeddings of an additional sequence
of tokens per task, keeping the pre-trained language model (PLM) frozen, has
shown remarkable performance in few-shot learning. Despite this, PT has been
shown to rely heavily on good initialization of the prompt embeddings. In this
work, we study meta prompt tuning (MPT) to systematically explore how
meta-learning can help improve (if it can) cross-task generalization in PT
through learning to initialize the prompt embeddings from other relevant tasks.
We empirically analyze a representative set of meta learning algorithms in a
wide range of adaptation settings with different source/target task
configurations on a large set of few-shot tasks. With extensive experiments and
analysis, we demonstrate the effectiveness of MPT. We find the improvement to
be significant particularly on classification tasks. For other kinds of tasks
such as question answering, we observe that while MPT can outperform PT in most
cases, it does not always outperform multi-task learning. We further provide an
in-depth analysis from the perspective of task similarity. | cs.CL | Learning to Initialize: Can Meta Learning Improve Cross-task Generalization in Prompt Tuning? |
2023-02-16T06:01:31Z | http://arxiv.org/pdf/2302.08102v1 | http://arxiv.org/abs/2302.08102v1 | Minsu Kim, Hyung-Il Kim, Yong Man Ro | 2023-02-16T06:01:31Z | cs.CL, cs.AI, cs.CV, cs.SD, eess.AS, eess.IV | Visual Speech Recognition (VSR) aims to infer speech into text depending on
lip movements alone. As it focuses on visual information to model the speech,
its performance is inherently sensitive to personal lip appearances and
movements, and this makes the VSR models show degraded performance when they
are applied to unseen speakers. In this paper, to remedy the performance
degradation of the VSR model on unseen speakers, we propose prompt tuning
methods of Deep Neural Networks (DNNs) for speaker-adaptive VSR. Specifically,
motivated by recent advances in Natural Language Processing (NLP), we finetune
prompts on adaptation data of target speakers instead of modifying the
pre-trained model parameters. Different from the previous prompt tuning methods
mainly limited to Transformer variant architecture, we explore different types
of prompts, the addition, the padding, and the concatenation form prompts that
can be applied to the VSR model which is composed of CNN and Transformer in
general. With the proposed prompt tuning, we show that the performance of the
pre-trained VSR model on unseen speakers can be largely improved by using a
small amount of adaptation data (e.g., less than 5 minutes), even if the
pre-trained model is already developed with large speaker variations. Moreover,
by analyzing the performance and parameters of different types of prompts, we
investigate when the prompt tuning is preferred over the finetuning methods.
The effectiveness of the proposed method is evaluated on both word- and
sentence-level VSR databases, LRW-ID and GRID. | cs.CL | Prompt Tuning of Deep Neural Networks for Speaker-adaptive Visual Speech Recognition |
2023-02-16T05:17:06Z | http://arxiv.org/pdf/2302.08095v1 | http://arxiv.org/abs/2302.08095v1 | Muqiao Yang, Joseph Konan, David Bick, Yunyang Zeng, Shuo Han, Anurag Kumar, Shinji Watanabe, Bhiksha Raj | 2023-02-16T05:17:06Z | cs.SD, cs.CL, eess.AS | Despite rapid advancement in recent years, current speech enhancement models
often produce speech that differs in perceptual quality from real clean speech.
We propose a learning objective that formalizes differences in perceptual
quality, by using domain knowledge of acoustic-phonetics. We identify temporal
acoustic parameters -- such as spectral tilt, spectral flux, shimmer, etc. --
that are non-differentiable, and we develop a neural network estimator that can
accurately predict their time-series values across an utterance. We also model
phoneme-specific weights for each feature, as the acoustic parameters are known
to show different behavior in different phonemes. We can add this criterion as
an auxiliary loss to any model that produces speech, to optimize speech outputs
to match the values of clean speech in these features. Experimentally we show
that it improves speech enhancement workflows in both time-domain and
time-frequency domain, as measured by standard evaluation metrics. We also
provide an analysis of phoneme-dependent improvement on acoustic parameters,
demonstrating the additional interpretability that our method provides. This
analysis can suggest which features are currently the bottleneck for
improvement. | cs.SD | PAAPLoss: A Phonetic-Aligned Acoustic Parameter Loss for Speech Enhancement |
2023-02-16T05:09:41Z | http://arxiv.org/pdf/2302.08092v2 | http://arxiv.org/abs/2302.08092v2 | Yang Deng, Wenxuan Zhang, Qian Yu, Wai Lam | 2023-05-03T07:29:41Z | cs.CL, cs.IR | Product question answering (PQA), aiming to automatically provide instant
responses to customer's questions in E-Commerce platforms, has drawn increasing
attention in recent years. Compared with typical QA problems, PQA exhibits
unique challenges such as the subjectivity and reliability of user-generated
contents in E-commerce platforms. Therefore, various problem settings and novel
methods have been proposed to capture these special characteristics. In this
paper, we aim to systematically review existing research efforts on PQA.
Specifically, we categorize PQA studies into four problem settings in terms of
the form of provided answers. We analyze the pros and cons, as well as present
existing datasets and evaluation protocols for each setting. We further
summarize the most significant challenges that characterize PQA from general QA
applications and discuss their corresponding solutions. Finally, we conclude
this paper by providing the prospect on several future directions. | cs.CL | Product Question Answering in E-Commerce: A Survey |
2023-02-16T05:08:34Z | http://arxiv.org/pdf/2302.08091v1 | http://arxiv.org/abs/2302.08091v1 | Eric Lehman, Evan Hernandez, Diwakar Mahajan, Jonas Wulff, Micah J. Smith, Zachary Ziegler, Daniel Nadler, Peter Szolovits, Alistair Johnson, Emily Alsentzer | 2023-02-16T05:08:34Z | cs.CL | Although recent advances in scaling large language models (LLMs) have
resulted in improvements on many NLP tasks, it remains unclear whether these
models trained primarily with general web text are the right tool in highly
specialized, safety critical domains such as clinical text. Recent results have
suggested that LLMs encode a surprising amount of medical knowledge. This
raises an important question regarding the utility of smaller domain-specific
language models. With the success of general-domain LLMs, is there still a need
for specialized clinical models? To investigate this question, we conduct an
extensive empirical analysis of 12 language models, ranging from 220M to 175B
parameters, measuring their performance on 3 different clinical tasks that test
their ability to parse and reason over electronic health records. As part of
our experiments, we train T5-Base and T5-Large models from scratch on clinical
notes from MIMIC III and IV to directly investigate the efficiency of clinical
tokens. We show that relatively small specialized clinical models substantially
outperform all in-context learning approaches, even when finetuned on limited
annotated data. Further, we find that pretraining on clinical tokens allows for
smaller, more parameter-efficient models that either match or outperform much
larger language models trained on general text. We release the code and the
models used under the PhysioNet Credentialed Health Data license and data use
agreement. | cs.CL | Do We Still Need Clinical Language Models? |
2023-02-16T04:57:11Z | http://arxiv.org/pdf/2302.08088v1 | http://arxiv.org/abs/2302.08088v1 | Yunyang Zeng, Joseph Konan, Shuo Han, David Bick, Muqiao Yang, Anurag Kumar, Shinji Watanabe, Bhiksha Raj | 2023-02-16T04:57:11Z | cs.CL, cs.SD, eess.AS | Speech enhancement models have greatly progressed in recent years, but still
show limits in perceptual quality of their speech outputs. We propose an
objective for perceptual quality based on temporal acoustic parameters. These
are fundamental speech features that play an essential role in various
applications, including speaker recognition and paralinguistic analysis. We
provide a differentiable estimator for four categories of low-level acoustic
descriptors involving: frequency-related parameters, energy or
amplitude-related parameters, spectral balance parameters, and temporal
features. Unlike prior work that looks at aggregated acoustic parameters or a
few categories of acoustic parameters, our temporal acoustic parameter (TAP)
loss enables auxiliary optimization and improvement of many fine-grain speech
characteristics in enhancement workflows. We show that adding TAPLoss as an
auxiliary objective in speech enhancement produces speech with improved
perceptual quality and intelligibility. We use data from the Deep Noise
Suppression 2020 Challenge to demonstrate that both time-domain models and
time-frequency domain models can benefit from our method. | cs.CL | TAPLoss: A Temporal Acoustic Parameter Loss for Speech Enhancement |
2023-02-16T04:44:53Z | http://arxiv.org/pdf/2302.08084v1 | http://arxiv.org/abs/2302.08084v1 | Yicheng Feng, Boshi An, Zongqing Lu | 2023-02-16T04:44:53Z | cs.LG, cs.AI, cs.CL | The study of emergent communication has been dedicated to interactive
artificial intelligence. While existing work focuses on communication about
single objects or complex image scenes, we argue that communicating
relationships between multiple objects is important in more realistic tasks,
but understudied. In this paper, we try to fill this gap and focus on emergent
communication about positional relationships between two objects. We train
agents in the referential game where observations contain two objects, and find
that generalization is the major problem when the positional relationship is
involved. The key factor affecting the generalization ability of the emergent
language is the input variation between Speaker and Listener, which is realized
by a random image generator in our work. Further, we find that the learned
language can generalize well in a new multi-step MDP task where the positional
relationship describes the goal, and performs better than raw-pixel images as
well as pre-trained image features, verifying the strong generalization ability
of discrete sequences. We also show that language transfer from the referential
game performs better in the new task than learning language directly in this
task, implying the potential benefits of pre-training in referential games. All
in all, our experiments demonstrate the viability and merit of having agents
learn to communicate positional relationships between multiple objects through
emergent communication. | cs.LG | Learning Multi-Object Positional Relationships via Emergent Communication |
2023-02-16T04:41:30Z | http://arxiv.org/pdf/2302.08081v1 | http://arxiv.org/abs/2302.08081v1 | Xianjun Yang, Yan Li, Xinlu Zhang, Haifeng Chen, Wei Cheng | 2023-02-16T04:41:30Z | cs.CL, cs.AI | Text summarization has been a crucial problem in natural language processing
(NLP) for several decades. It aims to condense lengthy documents into shorter
versions while retaining the most critical information. Various methods have
been proposed for text summarization, including extractive and abstractive
summarization. The emergence of large language models (LLMs) like GPT3 and
ChatGPT has recently created significant interest in using these models for
text summarization tasks. Recent studies \cite{goyal2022news,
zhang2023benchmarking} have shown that LLMs-generated news summaries are
already on par with humans. However, the performance of LLMs for more practical
applications like aspect or query-based summaries is underexplored. To fill
this gap, we conducted an evaluation of ChatGPT's performance on four widely
used benchmark datasets, encompassing diverse summaries from Reddit posts, news
articles, dialogue meetings, and stories. Our experiments reveal that ChatGPT's
performance is comparable to traditional fine-tuning methods in terms of Rouge
scores. Moreover, we highlight some unique differences between
ChatGPT-generated summaries and human references, providing valuable insights
into the superpower of ChatGPT for diverse text summarization tasks. Our
findings call for new directions in this area, and we plan to conduct further
research to systematically examine the characteristics of ChatGPT-generated
summaries through extensive human evaluation. | cs.CL | Exploring the Limits of ChatGPT for Query or Aspect-based Text Summarization |
2023-02-16T04:38:34Z | http://arxiv.org/pdf/2302.08079v1 | http://arxiv.org/abs/2302.08079v1 | Minghao Wu, George Foster, Lizhen Qu, Gholamreza Haffari | 2023-02-16T04:38:34Z | cs.CL | Existing work in document-level neural machine translation commonly
concatenates several consecutive sentences as a pseudo-document, and then
learns inter-sentential dependencies. This strategy limits the model's ability
to leverage information from distant context. We overcome this limitation with
a novel Document Flattening (DocFlat) technique that integrates Flat-Batch
Attention (FBA) and Neural Context Gate (NCG) into Transformer model to utilize
information beyond the pseudo-document boundaries. FBA allows the model to
attend to all the positions in the batch and learns the relationships between
positions explicitly and NCG identifies the useful information from the distant
context. We conduct comprehensive experiments and analyses on three benchmark
datasets for English-German translation, and validate the effectiveness of two
variants of DocFlat. Empirical results show that our approach outperforms
strong baselines with statistical significance on BLEU, COMET and accuracy on
the contrastive test set. The analyses highlight that DocFlat is highly
effective in capturing the long-range information. | cs.CL | Document Flattening: Beyond Concatenating Context for Document-Level Neural Machine Translation |
2023-02-16T04:06:25Z | http://arxiv.org/pdf/2302.08068v2 | http://arxiv.org/abs/2302.08068v2 | Wenjie Zhang, Xiaoning Song, Zhenhua Feng, Tianyang Xu, Xiaojun Wu | 2023-08-13T03:04:08Z | cs.CL, cs.AI, cs.IR, cs.LG | Recently, prompt-based learning has gained popularity across many natural
language processing (NLP) tasks by reformulating them into a cloze-style format
to better align pre-trained language models (PLMs) with downstream tasks.
However, applying this approach to relation classification poses unique
challenges. Specifically, associating natural language words that fill the
masked token with semantic relation labels (\textit{e.g.}
\textit{``org:founded\_by}'') is difficult. To address this challenge, this
paper presents a novel prompt-based learning method, namely LabelPrompt, for
the relation classification task. Motivated by the intuition to ``GIVE MODEL
CHOICES!'', we first define additional tokens to represent relation labels,
which regard these tokens as the verbaliser with semantic initialisation and
explicitly construct them with a prompt template method. Then, to mitigate
inconsistency between predicted relations and given entities, we implement an
entity-aware module with contrastive learning. Last, we conduct an attention
query strategy within the self-attention layer to differentiates prompt tokens
and sequence tokens. Together, these strategies enhance the adaptability of
prompt-based learning, especially when only small labelled datasets is
available. Comprehensive experiments on benchmark datasets demonstrate the
superiority of our method, particularly in the few-shot scenario. | cs.CL | LabelPrompt: Effective Prompt-based Learning for Relation Classification |
2023-02-16T03:34:08Z | http://arxiv.org/pdf/2302.10315v1 | http://arxiv.org/abs/2302.10315v1 | Zhangxiaobing, Tangzhenhao, Longzi, Fuxianghua | 2023-02-16T03:34:08Z | cs.CL, cs.AI | Recently, a large number of studies have shown that the introduction of
visual information can effectively improve the effect of neural machine
translation (NMT). Its effectiveness largely depends on the availability of a
large number of bilingual parallel sentence pairs and manual image annotation.
The lack of images and the effectiveness of images have been difficult to
solve. In this paper, a multimodal pre-training generalization algorithm for
self-supervised training is proposed, which overcomes the lack of visual
information and inaccuracy, and thus extends the applicability of images on
NMT. Specifically, we will search for many pictures from the existing sentences
through the search engine, and then through the relationship between visual
information and text, do the self-supervised training task of graphics and text
to obtain more effective visual information for text. We show that when the
filtered information is used as multimodal machine translation for fine-tuning,
the effect of translation in the global voice dataset is 0.5 BLEU higher than
the baseline. | cs.CL | Generalization algorithm of multimodal pre-training model based on graph-text self-supervised training |
2023-02-16T02:51:38Z | http://arxiv.org/pdf/2302.08043v3 | http://arxiv.org/abs/2302.08043v3 | Zemin Liu, Xingtong Yu, Yuan Fang, Xinming Zhang | 2023-02-25T03:00:10Z | cs.LG, cs.CL | Graphs can model complex relationships between objects, enabling a myriad of
Web applications such as online page/article classification and social
recommendation. While graph neural networks(GNNs) have emerged as a powerful
tool for graph representation learning, in an end-to-end supervised setting,
their performance heavily rely on a large amount of task-specific supervision.
To reduce labeling requirement, the "pre-train, fine-tune" and "pre-train,
prompt" paradigms have become increasingly common. In particular, prompting is
a popular alternative to fine-tuning in natural language processing, which is
designed to narrow the gap between pre-training and downstream objectives in a
task-specific manner. However, existing study of prompting on graphs is still
limited, lacking a universal treatment to appeal to different downstream tasks.
In this paper, we propose GraphPrompt, a novel pre-training and prompting
framework on graphs. GraphPrompt not only unifies pre-training and downstream
tasks into a common task template, but also employs a learnable prompt to
assist a downstream task in locating the most relevant knowledge from the
pre-train model in a task-specific manner. Finally, we conduct extensive
experiments on five public datasets to evaluate and analyze GraphPrompt. | cs.LG | GraphPrompt: Unifying Pre-Training and Downstream Tasks for Graph Neural Networks |
2023-02-16T01:58:10Z | http://arxiv.org/pdf/2302.09300v1 | http://arxiv.org/abs/2302.09300v1 | Ante Wang, Linfeng Song, Qi Liu, Haitao Mi, Longyue Wang, Zhaopeng Tu, Jinsong Su, Dong Yu | 2023-02-16T01:58:10Z | cs.CL, cs.AI | Knowledge-aided dialogue response generation aims at augmenting chatbots with
relevant external knowledge in the hope of generating more informative
responses. The majority of previous work assumes that the relevant knowledge is
given as input or retrieved from a static pool of knowledge. However, this
assumption violates the real-world situation, where knowledge is continually
updated and a chatbot has to dynamically retrieve useful knowledge. We propose
a dialogue model that can access the vast and dynamic information from any
search engine for response generation. As the core module, a query producer is
used to generate queries from a dialogue context to interact with a search
engine. We design a training algorithm using cheap noisy supervision for the
query producer, where the signals are obtained by comparing retrieved articles
with the next dialogue response. As the result, the query producer is adjusted
without any human annotation of gold queries, making it easily transferable to
other domains and search engines. Experiments show that our query producer can
achieve R@1 and R@5 rates of 62.4% and 74.8% for retrieving gold knowledge, and
the overall model generates better responses over strong knowledge-aided
baselines using BART and other typical systems. | cs.CL | Search-Engine-augmented Dialogue Response Generation with Cheaply Supervised Query Production |
2023-02-15T23:51:09Z | http://arxiv.org/pdf/2302.07994v1 | http://arxiv.org/abs/2302.07994v1 | Benjamin Bowman, Alessandro Achille, Luca Zancato, Matthew Trager, Pramuditha Perera, Giovanni Paolini, Stefano Soatto | 2023-02-15T23:51:09Z | cs.LG, cs.AI, cs.CL, cs.CV | We introduce \`A-la-carte Prompt Tuning (APT), a transformer-based scheme to
tune prompts on distinct data so that they can be arbitrarily composed at
inference time. The individual prompts can be trained in isolation, possibly on
different devices, at different times, and on different distributions or
domains. Furthermore each prompt only contains information about the subset of
data it was exposed to during training. During inference, models can be
assembled based on arbitrary selections of data sources, which we call
"\`a-la-carte learning". \`A-la-carte learning enables constructing bespoke
models specific to each user's individual access rights and preferences. We can
add or remove information from the model by simply adding or removing the
corresponding prompts without retraining from scratch. We demonstrate that
\`a-la-carte built models achieve accuracy within $5\%$ of models trained on
the union of the respective sources, with comparable cost in terms of training
and inference time. For the continual learning benchmarks Split CIFAR-100 and
CORe50, we achieve state-of-the-art performance. | cs.LG | À-la-carte Prompt Tuning (APT): Combining Distinct Data Via Composable Prompting |
2023-02-15T22:38:34Z | http://arxiv.org/pdf/2302.07974v1 | http://arxiv.org/abs/2302.07974v1 | Alexander Scarlatos, Andrew Lan | 2023-02-15T22:38:34Z | cs.CL | Mathematical language in scientific communications and educational scenarios
is important yet relatively understudied compared to natural languages. Recent
works on mathematical language focus either on representing stand-alone
mathematical expressions, especially in their natural tree format, or
mathematical reasoning in pre-trained natural language models. Existing works
on jointly modeling and generating natural and mathematical languages simply
treat mathematical expressions as text, without accounting for the rigid
structural properties of mathematical expressions. In this paper, we propose a
series of modifications to existing language models to jointly represent and
generate text and math: representing mathematical expressions as sequences of
node tokens in their operator tree format, using math symbol and tree position
embeddings to preserve the semantic and structural properties of mathematical
expressions, and using a constrained decoding method to generate mathematically
valid expressions. We ground our modifications in GPT-2, resulting in a model
MathGPT, and demonstrate that it outperforms baselines on mathematical
expression generation tasks. | cs.CL | Tree-Based Representation and Generation of Natural and Mathematical Language |
2023-02-15T19:55:57Z | http://arxiv.org/pdf/2302.07926v1 | http://arxiv.org/abs/2302.07926v1 | Christopher Richardson, Larry Heck | 2023-02-15T19:55:57Z | cs.CL, cs.LG | Large, transformer-based pretrained language models like BERT, GPT, and T5
have demonstrated a deep understanding of contextual semantics and language
syntax. Their success has enabled significant advances in conversational AI,
including the development of open-dialogue systems capable of coherent, salient
conversations which can answer questions, chat casually, and complete tasks.
However, state-of-the-art models still struggle with tasks that involve higher
levels of reasoning - including commonsense reasoning that humans find trivial.
This paper presents a survey of recent conversational AI research focused on
commonsense reasoning. The paper lists relevant training datasets and describes
the primary approaches to include commonsense in conversational AI. The paper
also discusses benchmarks used for evaluating commonsense in conversational AI
problems. Finally, the paper presents preliminary observations of the limited
commonsense capabilities of two state-of-the-art open dialogue models,
BlenderBot3 and LaMDA, and its negative effect on natural interactions. These
observations further motivate research on commonsense reasoning in
conversational AI. | cs.CL | Commonsense Reasoning for Conversational AI: A Survey of the State of the Art |
2023-02-15T19:06:17Z | http://arxiv.org/pdf/2302.07912v1 | http://arxiv.org/abs/2302.07912v1 | Abteen Ebrahimi, Arya D. McCarthy, Arturo Oncevay, Luis Chiruzzo, John E. Ortega, Gustavo A. Giménez-Lugo, Rolando Coto-Solano, Katharina Kann | 2023-02-15T19:06:17Z | cs.CL | Large multilingual models have inspired a new class of word alignment
methods, which work well for the model's pretraining languages. However, the
languages most in need of automatic alignment are low-resource and, thus, not
typically included in the pretraining data. In this work, we ask: How do modern
aligners perform on unseen languages, and are they better than traditional
methods? We contribute gold-standard alignments for Bribri--Spanish,
Guarani--Spanish, Quechua--Spanish, and Shipibo-Konibo--Spanish. With these, we
evaluate state-of-the-art aligners with and without model adaptation to the
target language. Finally, we also evaluate the resulting alignments
extrinsically through two downstream tasks: named entity recognition and
part-of-speech tagging. We find that although transformer-based methods
generally outperform traditional models, the two classes of approach remain
competitive with each other. | cs.CL | Meeting the Needs of Low-Resource Languages: The Value of Automatic Alignments via Pretrained Models |
2023-02-15T18:59:04Z | http://arxiv.org/pdf/2302.07866v1 | http://arxiv.org/abs/2302.07866v1 | Keito Kudo, Yoichi Aoki, Tatsuki Kuribayashi, Ana Brassard, Masashi Yoshikawa, Keisuke Sakaguchi, Kentaro Inui | 2023-02-15T18:59:04Z | cs.CL, cs.AI | Compositionality is a pivotal property of symbolic reasoning. However, how
well recent neural models capture compositionality remains underexplored in the
symbolic reasoning tasks. This study empirically addresses this question by
systematically examining recently published pre-trained seq2seq models with a
carefully controlled dataset of multi-hop arithmetic symbolic reasoning. We
introduce a skill tree on compositionality in arithmetic symbolic reasoning
that defines the hierarchical levels of complexity along with three
compositionality dimensions: systematicity, productivity, and substitutivity.
Our experiments revealed that among the three types of composition, the models
struggled most with systematicity, performing poorly even with relatively
simple compositions. That difficulty was not resolved even after training the
models with intermediate reasoning steps. | cs.CL | Do Deep Neural Networks Capture Compositionality in Arithmetic Reasoning? |
2023-02-15T18:55:29Z | http://arxiv.org/pdf/2302.07863v4 | http://arxiv.org/abs/2302.07863v4 | Sehoon Kim, Karttikeya Mangalam, Suhong Moon, Jitendra Malik, Michael W. Mahoney, Amir Gholami, Kurt Keutzer | 2023-10-12T17:23:56Z | cs.CL | The recent emergence of Large Language Models based on the Transformer
architecture has enabled dramatic advancements in the field of Natural Language
Processing. However, these models have long inference latency, which limits
their deployment and makes them prohibitively expensive for various real-time
applications. The inference latency is further exacerbated by autoregressive
generative tasks, as models need to run iteratively to generate tokens
sequentially without leveraging token-level parallelization. To address this,
we propose Big Little Decoder (BiLD), a framework that can improve inference
efficiency and latency for a wide range of text generation applications. The
BiLD framework contains two models with different sizes that collaboratively
generate text. The small model runs autoregressively to generate text with a
low inference cost, and the large model is only invoked occasionally to refine
the small model's inaccurate predictions in a non-autoregressive manner. To
coordinate the small and large models, BiLD introduces two simple yet effective
policies: (1) the fallback policy that determines when to hand control over to
the large model; and (2) the rollback policy that determines when the large
model needs to correct the small model's inaccurate predictions. To evaluate
our framework across different tasks and models, we apply BiLD to various text
generation scenarios encompassing machine translation on IWSLT 2017 De-En and
WMT 2014 De-En, and summarization on XSUM and CNN/DailyMail. On an NVIDIA T4
GPU, our framework achieves a speedup of up to 2.12x speedup with minimal
generation quality degradation. Furthermore, our framework is fully
plug-and-play and can be applied without any modifications in the training
process or model architecture. Our code is open-sourced | cs.CL | Speculative Decoding with Big Little Decoder |
2023-02-15T18:46:42Z | http://arxiv.org/pdf/2302.07856v1 | http://arxiv.org/abs/2302.07856v1 | Marjan Ghazvininejad, Hila Gonen, Luke Zettlemoyer | 2023-02-15T18:46:42Z | cs.CL, cs.LG | Large language models (LLMs) demonstrate remarkable machine translation (MT)
abilities via prompting, even though they were not explicitly trained for this
task. However, even given the incredible quantities of data they are trained
on, LLMs can struggle to translate inputs with rare words, which are common in
low resource or domain transfer scenarios. We show that LLM prompting can
provide an effective solution for rare words as well, by using prior knowledge
from bilingual dictionaries to provide control hints in the prompts. We propose
a novel method, DiPMT, that provides a set of possible translations for a
subset of the input words, thereby enabling fine-grained phrase-level prompted
control of the LLM. Extensive experiments show that DiPMT outperforms the
baseline both in low-resource MT, as well as for out-of-domain MT. We further
provide a qualitative analysis of the benefits and limitations of this
approach, including the overall level of controllability that is achieved. | cs.CL | Dictionary-based Phrase-level Prompting of Large Language Models for Machine Translation |
2023-02-15T18:31:36Z | http://arxiv.org/pdf/2302.07845v3 | http://arxiv.org/abs/2302.07845v3 | Quchen Fu, Zhongwei Teng, Marco Georgaklis, Jules White, Douglas C. Schmidt | 2023-06-18T16:27:16Z | cs.CL, cs.AI, cs.PF | Translating natural language into Bash Commands is an emerging research field
that has gained attention in recent years. Most efforts have focused on
producing more accurate translation models. To the best of our knowledge, only
two datasets are available, with one based on the other. Both datasets involve
scraping through known data sources (through platforms like stack overflow,
crowdsourcing, etc.) and hiring experts to validate and correct either the
English text or Bash Commands. This paper provides two contributions to
research on synthesizing Bash Commands from scratch. First, we describe a
state-of-the-art translation model used to generate Bash Commands from the
corresponding English text. Second, we introduce a new NL2CMD dataset that is
automatically generated, involves minimal human intervention, and is over six
times larger than prior datasets. Since the generation pipeline does not rely
on existing Bash Commands, the distribution and types of commands can be custom
adjusted. We evaluate the performance of ChatGPT on this task and discuss the
potential of using it as a data generator. Our empirical results show how the
scale and diversity of our dataset can offer unique opportunities for semantic
parsing researchers. | cs.CL | NL2CMD: An Updated Workflow for Natural Language to Bash Commands Translation |
2023-02-15T18:25:52Z | http://arxiv.org/pdf/2302.07842v1 | http://arxiv.org/abs/2302.07842v1 | Grégoire Mialon, Roberto Dessì, Maria Lomeli, Christoforos Nalmpantis, Ram Pasunuru, Roberta Raileanu, Baptiste Rozière, Timo Schick, Jane Dwivedi-Yu, Asli Celikyilmaz, Edouard Grave, Yann LeCun, Thomas Scialom | 2023-02-15T18:25:52Z | cs.CL | This survey reviews works in which language models (LMs) are augmented with
reasoning skills and the ability to use tools. The former is defined as
decomposing a potentially complex task into simpler subtasks while the latter
consists in calling external modules such as a code interpreter. LMs can
leverage these augmentations separately or in combination via heuristics, or
learn to do so from demonstrations. While adhering to a standard missing tokens
prediction objective, such augmented LMs can use various, possibly
non-parametric external modules to expand their context processing ability,
thus departing from the pure language modeling paradigm. We therefore refer to
them as Augmented Language Models (ALMs). The missing token objective allows
ALMs to learn to reason, use tools, and even act, while still performing
standard natural language tasks and even outperforming most regular LMs on
several benchmarks. In this work, after reviewing current advance in ALMs, we
conclude that this new research direction has the potential to address common
limitations of traditional LMs such as interpretability, consistency, and
scalability issues. | cs.CL | Augmented Language Models: a Survey |
2023-02-15T16:55:15Z | http://arxiv.org/pdf/2302.07778v2 | http://arxiv.org/abs/2302.07778v2 | Yupei Du, Dong Nguyen | 2023-10-01T10:38:39Z | cs.CL | Fine-tuning pre-trained language models on downstream tasks with varying
random seeds has been shown to be unstable, especially on small datasets. Many
previous studies have investigated this instability and proposed methods to
mitigate it. However, most studies only used the standard deviation of
performance scores (SD) as their measure, which is a narrow characterization of
instability. In this paper, we analyze SD and six other measures quantifying
instability at different levels of granularity. Moreover, we propose a
systematic framework to evaluate the validity of these measures. Finally, we
analyze the consistency and difference between different measures by
reassessing existing instability mitigation methods. We hope our results will
inform the development of better measurements of fine-tuning instability. | cs.CL | Measuring the Instability of Fine-Tuning |
2023-02-15T15:54:01Z | http://arxiv.org/pdf/2302.07748v4 | http://arxiv.org/abs/2302.07748v4 | Seyed Mahed Mousavi, Shohei Tanaka, Gabriel Roccabruna, Koichiro Yoshino, Satoshi Nakamura, Giuseppe Riccardi | 2023-08-08T08:08:12Z | cs.CL | Narratives include a rich source of events unfolding over time and context.
Automatic understanding of these events provides a summarised comprehension of
the narrative for further computation (such as reasoning). In this paper, we
study the Information Status (IS) of the events and propose a novel challenging
task: the automatic identification of new events in a narrative. We define an
event as a triplet of subject, predicate, and object. The event is categorized
as new with respect to the discourse context and whether it can be inferred
through commonsense reasoning. We annotated a publicly available corpus of
narratives with the new events at sentence level using human annotators. We
present the annotation protocol and study the quality of the annotation and the
difficulty of the task. We publish the annotated dataset, annotation materials,
and machine learning baseline models for the task of new event extraction for
narrative understanding. | cs.CL | Whats New? Identifying the Unfolding of New Events in Narratives |
2023-02-15T14:14:09Z | http://arxiv.org/pdf/2302.07679v1 | http://arxiv.org/abs/2302.07679v1 | Alban Petit, Caio Corro | 2023-02-15T14:14:09Z | cs.CL, cs.LG | We propose a novel graph-based approach for semantic parsing that resolves
two problems observed in the literature: (1) seq2seq models fail on
compositional generalization tasks; (2) previous work using phrase structure
parsers cannot cover all the semantic parses observed in treebanks. We prove
that both MAP inference and latent tag anchoring (required for
weakly-supervised learning) are NP-hard problems. We propose two optimization
algorithms based on constraint smoothing and conditional gradient to
approximately solve these inference problems. Experimentally, our approach
delivers state-of-the-art results on Geoquery, Scan and Clevr, both for i.i.d.
splits and for splits that test for compositional generalization. | cs.CL | On graph-based reentrancy-free semantic parsing |
2023-02-15T13:07:34Z | http://arxiv.org/pdf/2302.07636v2 | http://arxiv.org/abs/2302.07636v2 | Timour Igamberdiev, Ivan Habernal | 2023-06-06T14:17:46Z | cs.CR, cs.CL | Privatized text rewriting with local differential privacy (LDP) is a recent
approach that enables sharing of sensitive textual documents while formally
guaranteeing privacy protection to individuals. However, existing systems face
several issues, such as formal mathematical flaws, unrealistic privacy
guarantees, privatization of only individual words, as well as a lack of
transparency and reproducibility. In this paper, we propose a new system
'DP-BART' that largely outperforms existing LDP systems. Our approach uses a
novel clipping method, iterative pruning, and further training of internal
representations which drastically reduces the amount of noise required for DP
guarantees. We run experiments on five textual datasets of varying sizes,
rewriting them at different privacy guarantees and evaluating the rewritten
texts on downstream text classification tasks. Finally, we thoroughly discuss
the privatized text rewriting approach and its limitations, including the
problem of the strict text adjacency constraint in the LDP paradigm that leads
to the high noise requirement. | cs.CR | DP-BART for Privatized Text Rewriting under Local Differential Privacy |
2023-02-15T11:02:50Z | http://arxiv.org/pdf/2302.07588v1 | http://arxiv.org/abs/2302.07588v1 | Kishore Surendra, Achim Schilling, Paul Stoewer, Andreas Maier, Patrick Krauss | 2023-02-15T11:02:50Z | cs.CL, cs.AI, q-bio.NC | How do humans learn language, and can the first language be learned at all?
These fundamental questions are still hotly debated. In contemporary
linguistics, there are two major schools of thought that give completely
opposite answers. According to Chomsky's theory of universal grammar, language
cannot be learned because children are not exposed to sufficient data in their
linguistic environment. In contrast, usage-based models of language assume a
profound relationship between language structure and language use. In
particular, contextual mental processing and mental representations are assumed
to have the cognitive capacity to capture the complexity of actual language use
at all levels. The prime example is syntax, i.e., the rules by which words are
assembled into larger units such as sentences. Typically, syntactic rules are
expressed as sequences of word classes. However, it remains unclear whether
word classes are innate, as implied by universal grammar, or whether they
emerge during language acquisition, as suggested by usage-based approaches.
Here, we address this issue from a machine learning and natural language
processing perspective. In particular, we trained an artificial deep neural
network on predicting the next word, provided sequences of consecutive words as
input. Subsequently, we analyzed the emerging activation patterns in the hidden
layers of the neural network. Strikingly, we find that the internal
representations of nine-word input sequences cluster according to the word
class of the tenth word to be predicted as output, even though the neural
network did not receive any explicit information about syntactic rules or word
classes during training. This surprising result suggests, that also in the
human brain, abstract representational categories such as word classes may
naturally emerge as a consequence of predictive coding and processing during
language acquisition. | cs.CL | Word class representations spontaneously emerge in a deep neural network trained on next word prediction |
2023-02-15T06:43:12Z | http://arxiv.org/pdf/2302.07492v1 | http://arxiv.org/abs/2302.07492v1 | Catherine Yeh, Nedim Lipka, Franck Dernoncourt | 2023-02-15T06:43:12Z | cs.CL, cs.AI, cs.HC, cs.LG | People read digital documents on a daily basis to share, exchange, and
understand information in electronic settings. However, current document
readers create a static, isolated reading experience, which does not support
users' goals of gaining more knowledge and performing additional tasks through
document interaction. In this work, we present our vision for the next-gen
document reader that strives to enhance user understanding and create a more
connected, trustworthy information experience. We describe 18 NLP-powered
features to add to existing document readers and propose a novel plug-in
marketplace that allows users to further customize their reading experience, as
demonstrated through 3 exploratory UI prototypes available at
https://github.com/catherinesyeh/nextgen-prototypes | cs.CL | Envisioning the Next-Gen Document Reader |
2023-02-15T05:04:49Z | http://arxiv.org/pdf/2302.09068v1 | http://arxiv.org/abs/2302.09068v1 | Zhisheng Tang, Mayank Kejriwal | 2023-02-15T05:04:49Z | cs.AI, cs.CL, cs.CV | We conduct a pilot study selectively evaluating the cognitive abilities
(decision making and spatial reasoning) of two recently released generative
transformer models, ChatGPT and DALL-E 2. Input prompts were constructed
following neutral a priori guidelines, rather than adversarial intent. Post hoc
qualitative analysis of the outputs shows that DALL-E 2 is able to generate at
least one correct image for each spatial reasoning prompt, but most images
generated are incorrect (even though the model seems to have a clear
understanding of the objects mentioned in the prompt). Similarly, in evaluating
ChatGPT on the rationality axioms developed under the classical Von
Neumann-Morgenstern utility theorem, we find that, although it demonstrates
some level of rational decision-making, many of its decisions violate at least
one of the axioms even under reasonable constructions of preferences, bets, and
decision-making prompts. ChatGPT's outputs on such problems generally tended to
be unpredictable: even as it made irrational decisions (or employed an
incorrect reasoning process) for some simpler decision-making problems, it was
able to draw correct conclusions for more complex bet structures. We briefly
comment on the nuances and challenges involved in scaling up such a 'cognitive'
evaluation or conducting it with a closed set of answer keys ('ground truth'),
given that these models are inherently generative and open-ended in responding
to prompts. | cs.AI | A Pilot Evaluation of ChatGPT and DALL-E 2 on Decision Making and Spatial Reasoning |
2023-02-15T04:25:40Z | http://arxiv.org/pdf/2302.07459v2 | http://arxiv.org/abs/2302.07459v2 | Deep Ganguli, Amanda Askell, Nicholas Schiefer, Thomas I. Liao, Kamilė Lukošiūtė, Anna Chen, Anna Goldie, Azalia Mirhoseini, Catherine Olsson, Danny Hernandez, Dawn Drain, Dustin Li, Eli Tran-Johnson, Ethan Perez, Jackson Kernion, Jamie Kerr, Jared Mueller, Joshua Landau, Kamal Ndousse, Karina Nguyen, Liane Lovitt, Michael Sellitto, Nelson Elhage, Noemi Mercado, Nova DasSarma, Oliver Rausch, Robert Lasenby, Robin Larson, Sam Ringer, Sandipan Kundu, Saurav Kadavath, Scott Johnston, Shauna Kravec, Sheer El Showk, Tamera Lanham, Timothy Telleen-Lawton, Tom Henighan, Tristan Hume, Yuntao Bai, Zac Hatfield-Dodds, Ben Mann, Dario Amodei, Nicholas Joseph, Sam McCandlish, Tom Brown, Christopher Olah, Jack Clark, Samuel R. Bowman, Jared Kaplan | 2023-02-18T21:30:27Z | cs.CL | We test the hypothesis that language models trained with reinforcement
learning from human feedback (RLHF) have the capability to "morally
self-correct" -- to avoid producing harmful outputs -- if instructed to do so.
We find strong evidence in support of this hypothesis across three different
experiments, each of which reveal different facets of moral self-correction. We
find that the capability for moral self-correction emerges at 22B model
parameters, and typically improves with increasing model size and RLHF
training. We believe that at this level of scale, language models obtain two
capabilities that they can use for moral self-correction: (1) they can follow
instructions and (2) they can learn complex normative concepts of harm like
stereotyping, bias, and discrimination. As such, they can follow instructions
to avoid certain kinds of morally harmful outputs. We believe our results are
cause for cautious optimism regarding the ability to train language models to
abide by ethical principles. | cs.CL | The Capacity for Moral Self-Correction in Large Language Models |
2023-02-15T03:53:26Z | http://arxiv.org/pdf/2302.07452v1 | http://arxiv.org/abs/2302.07452v1 | Sheng-Chieh Lin, Akari Asai, Minghan Li, Barlas Oguz, Jimmy Lin, Yashar Mehdad, Wen-tau Yih, Xilun Chen | 2023-02-15T03:53:26Z | cs.IR, cs.CL | Various techniques have been developed in recent years to improve dense
retrieval (DR), such as unsupervised contrastive learning and pseudo-query
generation. Existing DRs, however, often suffer from effectiveness tradeoffs
between supervised and zero-shot retrieval, which some argue was due to the
limited model capacity. We contradict this hypothesis and show that a
generalizable DR can be trained to achieve high accuracy in both supervised and
zero-shot retrieval without increasing model size. In particular, we
systematically examine the contrastive learning of DRs, under the framework of
Data Augmentation (DA). Our study shows that common DA practices such as query
augmentation with generative models and pseudo-relevance label creation using a
cross-encoder, are often inefficient and sub-optimal. We hence propose a new DA
approach with diverse queries and sources of supervision to progressively train
a generalizable DR. As a result, DRAGON, our dense retriever trained with
diverse augmentation, is the first BERT-base-sized DR to achieve
state-of-the-art effectiveness in both supervised and zero-shot evaluations and
even competes with models using more complex late interaction (ColBERTv2 and
SPLADE++). | cs.IR | How to Train Your DRAGON: Diverse Augmentation Towards Generalizable Dense Retrieval |
2023-02-14T23:00:42Z | http://arxiv.org/pdf/2302.07388v1 | http://arxiv.org/abs/2302.07388v1 | Shrimai Prabhumoye, Mostofa Patwary, Mohammad Shoeybi, Bryan Catanzaro | 2023-02-14T23:00:42Z | cs.CL, cs.AI | Pretrained large language models have become indispensable for solving
various natural language processing (NLP) tasks. However, safely deploying them
in real world applications is challenging because they generate toxic content.
To address this challenge, we propose two novel pretraining data augmentation
strategies that significantly reduce model toxicity without compromising its
utility. Our two strategies are: (1) MEDA: adds raw toxicity score as meta-data
to the pretraining samples, and (2) INST: adds instructions to those samples
indicating their toxicity. Our results indicate that our best performing
strategy (INST) substantially reduces the toxicity probability up to 61% while
preserving the accuracy on five benchmark NLP tasks as well as improving AUC
scores on four bias detection tasks by 1.3%. We also demonstrate the
generalizability of our techniques by scaling the number of training samples
and the number of model parameters. | cs.CL | Adding Instructions during Pretraining: Effective Way of Controlling Toxicity in Language Models |
2023-02-14T22:07:57Z | http://arxiv.org/pdf/2302.07371v3 | http://arxiv.org/abs/2302.07371v3 | Rafal Kocielnik, Shrimai Prabhumoye, Vivian Zhang, Roy Jiang, R. Michael Alvarez, Anima Anandkumar | 2023-12-06T06:26:52Z | cs.CL, cs.CY, 68T50, I.2.7; J.5; K.4.1 | Pretrained Language Models (PLMs) harbor inherent social biases that can
result in harmful real-world implications. Such social biases are measured
through the probability values that PLMs output for different social groups and
attributes appearing in a set of test sentences. However, bias testing is
currently cumbersome since the test sentences are generated either from a
limited set of manual templates or need expensive crowd-sourcing. We instead
propose using ChatGPT for the controllable generation of test sentences, given
any arbitrary user-specified combination of social groups and attributes
appearing in the test sentences. When compared to template-based methods, our
approach using ChatGPT for test sentence generation is superior in detecting
social bias, especially in challenging settings such as intersectional biases.
We present an open-source comprehensive bias testing framework (BiasTestGPT),
hosted on HuggingFace, that can be plugged into any open-source PLM for bias
testing. User testing with domain experts from various fields has shown their
interest in being able to test modern AI for social biases. Our tool has
significantly improved their awareness of such biases in PLMs, proving to be
learnable and user-friendly. We thus enable seamless open-ended social bias
testing of PLMs by domain experts through an automatic large-scale generation
of diverse test sentences for any combination of social categories and
attributes. | cs.CL | BiasTestGPT: Using ChatGPT for Social Bias Testing of Language Models |
2023-02-14T21:13:31Z | http://arxiv.org/pdf/2302.07346v1 | http://arxiv.org/abs/2302.07346v1 | Tongshuang Wu, Hua Shen, Daniel S. Weld, Jeffrey Heer, Marco Tulio Ribeiro | 2023-02-14T21:13:31Z | cs.HC, cs.CL | The in-context learning capabilities of LLMs like GPT-3 allow annotators to
customize an LLM to their specific tasks with a small number of examples.
However, users tend to include only the most obvious patterns when crafting
examples, resulting in underspecified in-context functions that fall short on
unseen cases. Further, it is hard to know when "enough" examples have been
included even for known patterns. In this work, we present ScatterShot, an
interactive system for building high-quality demonstration sets for in-context
learning. ScatterShot iteratively slices unlabeled data into task-specific
patterns, samples informative inputs from underexplored or not-yet-saturated
slices in an active learning manner, and helps users label more efficiently
with the help of an LLM and the current example set. In simulation studies on
two text perturbation scenarios, ScatterShot sampling improves the resulting
few-shot functions by 4-5 percentage points over random sampling, with less
variance as more examples are added. In a user study, ScatterShot greatly helps
users in covering different patterns in the input space and labeling in-context
examples more efficiently, resulting in better in-context learning and less
user effort. | cs.HC | ScatterShot: Interactive In-context Example Curation for Text Transformation |
2023-02-14T20:14:39Z | http://arxiv.org/pdf/2302.07324v2 | http://arxiv.org/abs/2302.07324v2 | Chenglei Si, Zhengyan Zhang, Yingfa Chen, Xiaozhi Wang, Zhiyuan Liu, Maosong Sun | 2023-05-25T01:04:08Z | cs.CL | For many real-world applications, the user-generated inputs usually contain
various noises due to speech recognition errors caused by linguistic
variations1 or typographical errors (typos). Thus, it is crucial to test model
performance on data with realistic input noises to ensure robustness and
fairness. However, little study has been done to construct such benchmarks for
Chinese, where various language-specific input noises happen in the real world.
In order to fill this important gap, we construct READIN: a Chinese multi-task
benchmark with REalistic And Diverse Input Noises. READIN contains four diverse
tasks and requests annotators to re-enter the original test data with two
commonly used Chinese input methods: Pinyin input and speech input. We designed
our annotation pipeline to maximize diversity, for example by instructing the
annotators to use diverse input method editors (IMEs) for keyboard noises and
recruiting speakers from diverse dialectical groups for speech noises. We
experiment with a series of strong pretrained language models as well as robust
training methods, we find that these models often suffer significant
performance drops on READIN even with robustness methods like data
augmentation. As the first large-scale attempt in creating a benchmark with
noises geared towards user-generated inputs, we believe that READIN serves as
an important complement to existing Chinese NLP benchmarks. The source code and
dataset can be obtained from https://github.com/thunlp/READIN. | cs.CL | READIN: A Chinese Multi-Task Benchmark with Realistic and Diverse Input Noises |
2023-02-14T20:07:31Z | http://arxiv.org/pdf/2302.07322v2 | http://arxiv.org/abs/2302.07322v2 | Changye Li, Weizhe Xu, Trevor Cohen, Martin Michalowski, Serguei Pakhomov | 2023-03-14T19:35:05Z | cs.CL | The evidence is growing that machine and deep learning methods can learn the
subtle differences between the language produced by people with various forms
of cognitive impairment such as dementia and cognitively healthy individuals.
Valuable public data repositories such as TalkBank have made it possible for
researchers in the computational community to join forces and learn from each
other to make significant advances in this area. However, due to variability in
approaches and data selection strategies used by various researchers, results
obtained by different groups have been difficult to compare directly. In this
paper, we present TRESTLE (\textbf{T}oolkit for \textbf{R}eproducible
\textbf{E}xecution of \textbf{S}peech \textbf{T}ext and \textbf{L}anguage
\textbf{E}xperiments), an open source platform that focuses on two datasets
from the TalkBank repository with dementia detection as an illustrative domain.
Successfully deployed in the hackallenge (Hackathon/Challenge) of the
International Workshop on Health Intelligence at AAAI 2022, TRESTLE provides a
precise digital blueprint of the data pre-processing and selection strategies
that can be reused via TRESTLE by other researchers seeking comparable results
with their peers and current state-of-the-art (SOTA) approaches. | cs.CL | TRESTLE: Toolkit for Reproducible Execution of Speech, Text and Language Experiments |
2023-02-14T18:23:15Z | http://arxiv.org/pdf/2302.07232v1 | http://arxiv.org/abs/2302.07232v1 | Lars Buijtelaar, Sandro Pezzelle | 2023-02-14T18:23:15Z | cs.CL, I.2.7; J.5 | This work studies the semantic representations learned by BERT for compounds,
that is, expressions such as sunlight or bodyguard. We build on recent studies
that explore semantic information in Transformers at the word level and test
whether BERT aligns with human semantic intuitions when dealing with
expressions (e.g., sunlight) whose overall meaning depends -- to a various
extent -- on the semantics of the constituent words (sun, light). We leverage a
dataset that includes human judgments on two psycholinguistic measures of
compound semantic analysis: lexeme meaning dominance (LMD; quantifying the
weight of each constituent toward the compound meaning) and semantic
transparency (ST; evaluating the extent to which the compound meaning is
recoverable from the constituents' semantics). We show that BERT-based measures
moderately align with human intuitions, especially when using contextualized
representations, and that LMD is overall more predictable than ST. Contrary to
the results reported for 'standard' words, higher, more contextualized layers
are the best at representing compound meaning. These findings shed new light on
the abilities of BERT in dealing with fine-grained semantic phenomena.
Moreover, they can provide insights into how speakers represent compounds. | cs.CL | A Psycholinguistic Analysis of BERT's Representations of Compounds |
2023-02-14T17:00:06Z | http://arxiv.org/pdf/2302.07189v4 | http://arxiv.org/abs/2302.07189v4 | Hang Dong, Jiaoyan Chen, Yuan He, Yinan Liu, Ian Horrocks | 2023-09-01T20:32:05Z | cs.CL, I.2.7 | Discovering entity mentions that are out of a Knowledge Base (KB) from texts
plays a critical role in KB maintenance, but has not yet been fully explored.
The current methods are mostly limited to the simple threshold-based approach
and feature-based classification, and the datasets for evaluation are
relatively rare. We propose BLINKout, a new BERT-based Entity Linking (EL)
method which can identify mentions that do not have corresponding KB entities
by matching them to a special NIL entity. To better utilize BERT, we propose
new techniques including NIL entity representation and classification, with
synonym enhancement. We also apply KB Pruning and Versioning strategies to
automatically construct out-of-KB datasets from common in-KB EL datasets.
Results on five datasets of clinical notes, biomedical publications, and
Wikipedia articles in various domains show the advantages of BLINKout over
existing methods to identify out-of-KB mentions for the medical ontologies,
UMLS, SNOMED CT, and the general KB, WikiData. | cs.CL | Reveal the Unknown: Out-of-Knowledge-Base Mention Discovery with Entity Linking |
2023-02-14T16:11:06Z | http://arxiv.org/pdf/2302.07159v1 | http://arxiv.org/abs/2302.07159v1 | Kathleen C. Fraser, Svetlana Kiritchenko, Isar Nejadgholi | 2023-02-14T16:11:06Z | cs.CY, cs.CL | As text-to-image systems continue to grow in popularity with the general
public, questions have arisen about bias and diversity in the generated images.
Here, we investigate properties of images generated in response to prompts
which are visually under-specified, but contain salient social attributes
(e.g., 'a portrait of a threatening person' versus 'a portrait of a friendly
person'). Grounding our work in social cognition theory, we find that in many
cases, images contain similar demographic biases to those reported in the
stereotype literature. However, trends are inconsistent across different models
and further investigation is warranted. | cs.CY | A Friendly Face: Do Text-to-Image Systems Rely on Stereotypes when the Input is Under-Specified? |
2023-02-14T15:48:56Z | http://arxiv.org/pdf/2302.07139v1 | http://arxiv.org/abs/2302.07139v1 | Mahnaz Koupaee, Greg Durrett, Nathanael Chambers, Niranjan Balasubramanian | 2023-02-14T15:48:56Z | cs.CL | Event scenarios are often complex and involve multiple event sequences
connected through different entity participants. Exploring such complex
scenarios requires an ability to branch through different sequences, something
that is difficult to achieve with standard event language modeling. To address
this, we propose a question-guided generation framework that models events in
complex scenarios as answers to questions about participants. At any step in
the generation process, the framework uses the previously generated events as
context, but generates the next event as an answer to one of three questions:
what else a participant did, what else happened to a participant, or what else
happened. The participants and the questions themselves can be sampled or be
provided as input from a user, allowing for controllable exploration. Our
empirical evaluation shows that this question-guided generation provides better
coverage of participants, diverse events within a domain, comparable
perplexities for modeling event sequences, and more effective control for
interactive schema generation. | cs.CL | Modeling Complex Event Scenarios via Simple Entity-focused Questions |
2023-02-14T15:32:04Z | http://arxiv.org/pdf/2302.07124v1 | http://arxiv.org/abs/2302.07124v1 | Renliang Sun, Zhixian Yang, Xiaojun Wan | 2023-02-14T15:32:04Z | cs.CL, cs.AI | One of the major problems with text simplification is the lack of
high-quality data. The sources of simplification datasets are limited to
Wikipedia and Newsela, restricting further development of this field. In this
paper, we analyzed the similarity between text summarization and text
simplification and exploited summarization data to help simplify. First, we
proposed an alignment algorithm to extract sentence pairs from summarization
datasets. Then, we designed four attributes to characterize the degree of
simplification and proposed a method to filter suitable pairs. We named these
pairs Sum4Simp (S4S). Next, we conducted human evaluations to show that S4S is
high-quality and compared it with a real simplification dataset. Finally, we
conducted experiments to illustrate that the S4S can improve the performance of
several mainstream simplification models, especially in low-resource scenarios. | cs.CL | Exploiting Summarization Data to Help Text Simplification |
2023-02-14T15:10:26Z | http://arxiv.org/pdf/2302.07739v1 | http://arxiv.org/abs/2302.07739v1 | Chengcheng Han, Renyu Zhu, Jun Kuang, FengJiao Chen, Xiang Li, Ming Gao, Xuezhi Cao, Wei Wu | 2023-02-14T15:10:26Z | cs.CL | Meta-learning methods have been widely used in few-shot named entity
recognition (NER), especially prototype-based methods. However, the Other(O)
class is difficult to be represented by a prototype vector because there are
generally a large number of samples in the class that have miscellaneous
semantics. To solve the problem, we propose MeTNet, which generates prototype
vectors for entity types only but not O-class. We design an improved triplet
network to map samples and prototype vectors into a low-dimensional space that
is easier to be classified and propose an adaptive margin for each entity type.
The margin plays as a radius and controls a region with adaptive size in the
low-dimensional space. Based on the regions, we propose a new inference
procedure to predict the label of a query instance. We conduct extensive
experiments in both in-domain and cross-domain settings to show the superiority
of MeTNet over other state-of-the-art methods. In particular, we release a
Chinese few-shot NER dataset FEW-COMM extracted from a well-known e-commerce
platform. To the best of our knowledge, this is the first Chinese few-shot NER
dataset. All the datasets and codes are provided at
https://github.com/hccngu/MeTNet. | cs.CL | Meta-Learning Triplet Network with Adaptive Margins for Few-Shot Named Entity Recognition |
2023-02-14T13:09:23Z | http://arxiv.org/pdf/2302.07027v3 | http://arxiv.org/abs/2302.07027v3 | Alexandra Chronopoulou, Matthew E. Peters, Alexander Fraser, Jesse Dodge | 2023-03-28T13:37:54Z | cs.CL | Pretrained language models (PLMs) are trained on massive corpora, but often
need to specialize to specific domains. A parameter-efficient adaptation method
suggests training an adapter for each domain on the task of language modeling.
This leads to good in-domain scores but can be impractical for domain- or
resource-restricted settings. A solution is to use a related-domain adapter for
the novel domain at test time. In this paper, we introduce AdapterSoup, an
approach that performs weight-space averaging of adapters trained on different
domains. Our approach is embarrassingly parallel: first, we train a set of
domain-specific adapters; then, for each novel domain, we determine which
adapters should be averaged at test time. We present extensive experiments
showing that AdapterSoup consistently improves performance to new domains
without extra training. We also explore weight averaging of adapters trained on
the same domain with different hyper-parameters, and show that it preserves the
performance of a PLM on new domains while obtaining strong in-domain results.
We explore various approaches for choosing which adapters to combine, such as
text clustering and semantic similarity. We find that using clustering leads to
the most competitive results on novel domains. | cs.CL | AdapterSoup: Weight Averaging to Improve Generalization of Pretrained Language Models |
2023-02-14T12:45:14Z | http://arxiv.org/pdf/2302.07729v3 | http://arxiv.org/abs/2302.07729v3 | Tohida Rehman, Debarshi Kumar Sanyal, Samiran Chattopadhyay, Plaban Kumar Bhowmick, Partha Pratim Das | 2023-09-17T16:45:44Z | cs.CL, cs.AI, cs.LG | Nowadays many research articles are prefaced with research highlights to
summarize the main findings of the paper. Highlights not only help researchers
precisely and quickly identify the contributions of a paper, they also enhance
the discoverability of the article via search engines. We aim to automatically
construct research highlights given certain segments of a research paper. We
use a pointer-generator network with coverage mechanism and a contextual
embedding layer at the input that encodes the input tokens into SciBERT
embeddings. We test our model on a benchmark dataset, CSPubSum, and also
present MixSub, a new multi-disciplinary corpus of papers for automatic
research highlight generation. For both CSPubSum and MixSub, we have observed
that the proposed model achieves the best performance compared to related
variants and other models proposed in the literature. On the CSPubSum dataset,
our model achieves the best performance when the input is only the abstract of
a paper as opposed to other segments of the paper. It produces ROUGE-1, ROUGE-2
and ROUGE-L F1-scores of 38.26, 14.26 and 35.51, respectively, METEOR score of
32.62, and BERTScore F1 of 86.65 which outperform all other baselines. On the
new MixSub dataset, where only the abstract is the input, our proposed model
(when trained on the whole training corpus without distinguishing between the
subject categories) achieves ROUGE-1, ROUGE-2 and ROUGE-L F1-scores of 31.78,
9.76 and 29.3, respectively, METEOR score of 24.00, and BERTScore F1 of 85.25. | cs.CL | Generation of Highlights from Research Papers Using Pointer-Generator Networks and SciBERT Embeddings |
2023-02-14T11:10:18Z | http://arxiv.org/pdf/2302.06976v1 | http://arxiv.org/abs/2302.06976v1 | Ard Snijders, Douwe Kiela, Katerina Margatina | 2023-02-14T11:10:18Z | cs.CL | In recent years, active learning has been successfully applied to an array of
NLP tasks. However, prior work often assumes that training and test data are
drawn from the same distribution. This is problematic, as in real-life settings
data may stem from several sources of varying relevance and quality. We show
that four popular active learning schemes fail to outperform random selection
when applied to unlabelled pools comprised of multiple data sources on the task
of natural language inference. We reveal that uncertainty-based strategies
perform poorly due to the acquisition of collective outliers, i.e.,
hard-to-learn instances that hamper learning and generalization. When outliers
are removed, strategies are found to recover and outperform random baselines.
In further analysis, we find that collective outliers vary in form between
sources, and show that hard-to-learn data is not always categorically harmful.
Lastly, we leverage dataset cartography to introduce difficulty-stratified
testing and find that different strategies are affected differently by example
learnability and difficulty. | cs.CL | Investigating Multi-source Active Learning for Natural Language Inference |
2023-02-14T10:19:23Z | http://arxiv.org/pdf/2302.06951v1 | http://arxiv.org/abs/2302.06951v1 | Anmol Nayak, Hari Prasad Timmapathini, Vidhya Murali, Atul Anil Gohad | 2023-02-14T10:19:23Z | cs.CL | With the advent of strong pre-trained natural language processing models like
BERT, DeBERTa, MiniLM, T5, the data requirement for industries to fine-tune
these models to their niche use cases has drastically reduced (typically to a
few hundred annotated samples for achieving a reasonable performance). However,
the availability of even a few hundred annotated samples may not always be
guaranteed in low resource domains like automotive, which often limits the
usage of such deep learning models in an industrial setting. In this paper we
aim to address the challenge of fine-tuning such pre-trained models with only a
few annotated samples, also known as Few-shot learning. Our experiments focus
on evaluating the performance of a diverse set of algorithms and methodologies
to achieve the task of classifying BOSCH automotive domain textual software
requirements into 3 categories, while utilizing only 15 annotated samples per
category for fine-tuning. We find that while SciBERT and DeBERTa based models
tend to be the most accurate at 15 training samples, their performance
improvement scales minimally as the number of annotated samples is increased to
50 in comparison to Siamese and T5 based models. | cs.CL | Few-shot learning approaches for classifying low resource domain specific software requirements |
2023-02-14T07:20:48Z | http://arxiv.org/pdf/2302.06871v1 | http://arxiv.org/abs/2302.06871v1 | Zachary A. Pardos, Shreya Bhandari | 2023-02-14T07:20:48Z | cs.CY, cs.CL, cs.HC | Large Language Models (LLMs), such as ChatGPT, are quickly advancing AI to
the frontiers of practical consumer use and leading industries to re-evaluate
how they allocate resources for content production. Authoring of open
educational resources and hint content within adaptive tutoring systems is
labor intensive. Should LLMs like ChatGPT produce educational content on par
with human-authored content, the implications would be significant for further
scaling of computer tutoring system approaches. In this paper, we conduct the
first learning gain evaluation of ChatGPT by comparing the efficacy of its
hints with hints authored by human tutors with 77 participants across two
algebra topic areas, Elementary Algebra and Intermediate Algebra. We find that
70% of hints produced by ChatGPT passed our manual quality checks and that both
human and ChatGPT conditions produced positive learning gains. However, gains
were only statistically significant for human tutor created hints. Learning
gains from human-created hints were substantially and statistically
significantly higher than ChatGPT hints in both topic areas, though ChatGPT
participants in the Intermediate Algebra experiment were near ceiling and not
even with the control at pre-test. We discuss the limitations of our study and
suggest several future directions for the field. Problem and hint content used
in the experiment is provided for replicability. | cs.CY | Learning gain differences between ChatGPT and human tutor generated algebra hints |
2023-02-14T07:14:08Z | http://arxiv.org/pdf/2302.06868v1 | http://arxiv.org/abs/2302.06868v1 | Koustava Goswami, Lukas Lange, Jun Araki, Heike Adel | 2023-02-14T07:14:08Z | cs.CL, cs.AI | Prompting pre-trained language models leads to promising results across
natural language processing tasks but is less effective when applied in
low-resource domains, due to the domain gap between the pre-training data and
the downstream task. In this work, we bridge this gap with a novel and
lightweight prompting methodology called SwitchPrompt for the adaptation of
language models trained on datasets from the general domain to diverse
low-resource domains. Using domain-specific keywords with a trainable gated
prompt, SwitchPrompt offers domain-oriented prompting, that is, effective
guidance on the target domains for general-domain language models. Our few-shot
experiments on three text classification benchmarks demonstrate the efficacy of
the general-domain pre-trained language models when used with SwitchPrompt.
They often even outperform their domain-specific counterparts trained with
baseline state-of-the-art prompting methods by up to 10.7% performance increase
in accuracy. This result indicates that SwitchPrompt effectively reduces the
need for domain-specific language model pre-training. | cs.CL | SwitchPrompt: Learning Domain-Specific Gated Soft Prompts for Classification in Low-Resource Domains |
2023-02-14T06:48:52Z | http://arxiv.org/pdf/2302.06860v2 | http://arxiv.org/abs/2302.06860v2 | Cai Yang, Addie Woicik, Hoifung Poon, Sheng Wang | 2023-02-16T05:26:25Z | cs.CL | Language models pre-trained on scientific literature corpora have
substantially advanced scientific discovery by offering high-quality feature
representations for downstream applications. However, these features are often
not interpretable, and thus can reveal limited insights to domain experts.
Instead of obtaining features from language models, we propose BLIAM, a
literature-based data synthesis approach to directly generate training data
points that are interpretable and model-agnostic to downstream applications.
The key idea of BLIAM is to create prompts using existing training data and
then use these prompts to synthesize new data points. BLIAM performs these two
steps iteratively as new data points will define more informative prompts and
new prompts will in turn synthesize more accurate data points. Notably,
literature-based data augmentation might introduce data leakage since labels of
test data points in downstream applications might have already been mentioned
in the language model corpus. To prevent such leakage, we introduce GDSC-combo,
a large-scale drug combination discovery dataset that was published after the
biomedical language model was trained. We found that BLIAM substantially
outperforms a non-augmented approach and manual prompting in this rigorous data
split setting. BLIAM can be further used to synthesize data points for novel
drugs and cell lines that were not even measured in biomedical experiments. In
addition to the promising prediction performance, the data points synthesized
by BLIAM are interpretable and model-agnostic, enabling in silico augmentation
for in vitro experiments. | cs.CL | BLIAM: Literature-based Data Synthesis for Synergistic Drug Combination Prediction |
2023-02-14T06:42:09Z | http://arxiv.org/pdf/2302.07268v5 | http://arxiv.org/abs/2302.07268v5 | Lisa P. Argyle, Ethan Busby, Joshua Gubler, Chris Bail, Thomas Howe, Christopher Rytting, David Wingate | 2023-10-20T23:28:08Z | cs.HC, cs.AI, cs.CL | A rapidly increasing amount of human conversation occurs online. But
divisiveness and conflict can fester in text-based interactions on social media
platforms, in messaging apps, and on other digital forums. Such toxicity
increases polarization and, importantly, corrodes the capacity of diverse
societies to develop efficient solutions to complex social problems that impact
everyone. Scholars and civil society groups promote interventions that can make
interpersonal conversations less divisive or more productive in offline
settings, but scaling these efforts to the amount of discourse that occurs
online is extremely challenging. We present results of a large-scale experiment
that demonstrates how online conversations about divisive topics can be
improved with artificial intelligence tools. Specifically, we employ a large
language model to make real-time, evidence-based recommendations intended to
improve participants' perception of feeling understood in conversations. We
find that these interventions improve the reported quality of the conversation,
reduce political divisiveness, and improve the tone, without systematically
changing the content of the conversation or moving people's policy attitudes.
These findings have important implications for future research on social media,
political deliberation, and the growing community of scholars interested in the
place of artificial intelligence within computational social science. | cs.HC | AI Chat Assistants can Improve Conversations about Divisive Topics |
2023-02-14T04:59:33Z | http://arxiv.org/pdf/2302.06829v2 | http://arxiv.org/abs/2302.06829v2 | Hossein Rajaby Faghihi, Parisa Kordjamshidi, Choh Man Teng, James Allen | 2023-05-18T02:41:52Z | cs.CL, cs.SC | In this paper, we investigate whether symbolic semantic representations,
extracted from deep semantic parsers, can help reasoning over the states of
involved entities in a procedural text. We consider a deep semantic
parser~(TRIPS) and semantic role labeling as two sources of semantic parsing
knowledge. First, we propose PROPOLIS, a symbolic parsing-based procedural
reasoning framework. Second, we integrate semantic parsing information into
state-of-the-art neural models to conduct procedural reasoning. Our experiments
indicate that explicitly incorporating such semantic knowledge improves
procedural understanding. This paper presents new metrics for evaluating
procedural reasoning tasks that clarify the challenges and identify differences
among neural, symbolic, and integrated models. | cs.CL | The Role of Semantic Parsing in Understanding Procedural Text |
2023-02-14T02:02:33Z | http://arxiv.org/pdf/2302.06784v1 | http://arxiv.org/abs/2302.06784v1 | Kushal Arora, Timothy J. O'Donnell, Doina Precup, Jason Weston, Jackie C. K. Cheung | 2023-02-14T02:02:33Z | cs.CL | State-of-the-art language generation models can degenerate when applied to
open-ended generation problems such as text completion, story generation, or
dialog modeling. This degeneration usually shows up in the form of incoherence,
lack of vocabulary diversity, and self-repetition or copying from the context.
In this paper, we postulate that ``human-like'' generations usually lie in a
narrow and nearly flat entropy band, and violation of these entropy bounds
correlates with degenerate behavior. Our experiments show that this stable
narrow entropy zone exists across models, tasks, and domains and confirm the
hypothesis that violations of this zone correlate with degeneration. We then
use this insight to propose an entropy-aware decoding algorithm that respects
these entropy bounds resulting in less degenerate, more contextual, and
"human-like" language generation in open-ended text generation settings. | cs.CL | The Stable Entropy Hypothesis and Entropy-Aware Decoding: An Analysis and Algorithm for Robust Natural Language Generation |
2023-02-14T00:21:56Z | http://arxiv.org/pdf/2302.06761v3 | http://arxiv.org/abs/2302.06761v3 | Yuan He, Jiaoyan Chen, Ernesto Jiménez-Ruiz, Hang Dong, Ian Horrocks | 2023-05-08T17:21:40Z | cs.CL, cs.AI, cs.LO | Investigating whether pre-trained language models (LMs) can function as
knowledge bases (KBs) has raised wide research interests recently. However,
existing works focus on simple, triple-based, relational KBs, but omit more
sophisticated, logic-based, conceptualised KBs such as OWL ontologies. To
investigate an LM's knowledge of ontologies, we propose OntoLAMA, a set of
inference-based probing tasks and datasets from ontology subsumption axioms
involving both atomic and complex concepts. We conduct extensive experiments on
ontologies of different domains and scales, and our results demonstrate that
LMs encode relatively less background knowledge of Subsumption Inference (SI)
than traditional Natural Language Inference (NLI) but can improve on SI
significantly when a small number of samples are given. We will open-source our
code and datasets. | cs.CL | Language Model Analysis for Ontology Subsumption Inference |
2023-02-13T22:34:02Z | http://arxiv.org/pdf/2302.06729v1 | http://arxiv.org/abs/2302.06729v1 | Danilo Ribeiro, Shen Wang, Xiaofei Ma, Henry Zhu, Rui Dong, Deguang Kong, Juliette Burger, Anjelica Ramos, William Wang, Zhiheng Huang, George Karypis, Bing Xiang, Dan Roth | 2023-02-13T22:34:02Z | cs.CL, cs.AI, I.2.7; I.2.6 | We introduce STREET, a unified multi-task and multi-domain natural language
reasoning and explanation benchmark. Unlike most existing question-answering
(QA) datasets, we expect models to not only answer questions, but also produce
step-by-step structured explanations describing how premises in the question
are used to produce intermediate conclusions that can prove the correctness of
a certain answer. We perform extensive evaluation with popular language models
such as few-shot prompting GPT-3 and fine-tuned T5. We find that these models
still lag behind human performance when producing such structured reasoning
steps. We believe this work will provide a way for the community to better
train and test systems on multi-step reasoning and explanations in natural
language. | cs.CL | STREET: A Multi-Task Structured Reasoning and Explanation Benchmark |
2023-02-13T22:05:27Z | http://arxiv.org/pdf/2302.06716v3 | http://arxiv.org/abs/2302.06716v3 | Elizabeth Merkhofer, Deepesh Chaudhari, Hyrum S. Anderson, Keith Manville, Lily Wong, João Gante | 2023-02-17T15:48:46Z | cs.LG, cs.CL, cs.CR | We present the findings of the Machine Learning Model Attribution Challenge.
Fine-tuned machine learning models may derive from other trained models without
obvious attribution characteristics. In this challenge, participants identify
the publicly-available base models that underlie a set of anonymous, fine-tuned
large language models (LLMs) using only textual output of the models.
Contestants aim to correctly attribute the most fine-tuned models, with ties
broken in the favor of contestants whose solutions use fewer calls to the
fine-tuned models' API. The most successful approaches were manual, as
participants observed similarities between model outputs and developed
attribution heuristics based on public documentation of the base models, though
several teams also submitted automated, statistical solutions. | cs.LG | Machine Learning Model Attribution Challenge |
2023-02-13T21:37:41Z | http://arxiv.org/pdf/2302.06706v1 | http://arxiv.org/abs/2302.06706v1 | Karthik Valmeekam, Sarath Sreedharan, Matthew Marquez, Alberto Olmo, Subbarao Kambhampati | 2023-02-13T21:37:41Z | cs.AI, cs.CL, cs.LG | Intrigued by the claims of emergent reasoning capabilities in LLMs trained on
general web corpora, in this paper, we set out to investigate their planning
capabilities. We aim to evaluate (1) how good LLMs are by themselves in
generating and validating simple plans in commonsense planning tasks (of the
type that humans are generally quite good at) and (2) how good LLMs are in
being a source of heuristic guidance for other agents--either AI planners or
human planners--in their planning tasks. To investigate these questions in a
systematic rather than anecdotal manner, we start by developing a benchmark
suite based on the kinds of domains employed in the International Planning
Competition. On this benchmark, we evaluate LLMs in three modes: autonomous,
heuristic and human-in-the-loop. Our results show that LLM's ability to
autonomously generate executable plans is quite meager, averaging only about 3%
success rate. The heuristic and human-in-the-loop modes show slightly more
promise. In addition to these results, we also make our benchmark and
evaluation tools available to support investigations by research community. | cs.AI | On the Planning Abilities of Large Language Models (A Critical Investigation with a Proposed Benchmark) |
2023-02-13T21:16:03Z | http://arxiv.org/pdf/2302.06692v2 | http://arxiv.org/abs/2302.06692v2 | Yuqing Du, Olivia Watkins, Zihan Wang, Cédric Colas, Trevor Darrell, Pieter Abbeel, Abhishek Gupta, Jacob Andreas | 2023-09-15T02:42:40Z | cs.LG, cs.AI, cs.CL | Reinforcement learning algorithms typically struggle in the absence of a
dense, well-shaped reward function. Intrinsically motivated exploration methods
address this limitation by rewarding agents for visiting novel states or
transitions, but these methods offer limited benefits in large environments
where most discovered novelty is irrelevant for downstream tasks. We describe a
method that uses background knowledge from text corpora to shape exploration.
This method, called ELLM (Exploring with LLMs) rewards an agent for achieving
goals suggested by a language model prompted with a description of the agent's
current state. By leveraging large-scale language model pretraining, ELLM
guides agents toward human-meaningful and plausibly useful behaviors without
requiring a human in the loop. We evaluate ELLM in the Crafter game environment
and the Housekeep robotic simulator, showing that ELLM-trained agents have
better coverage of common-sense behaviors during pretraining and usually match
or improve performance on a range of downstream tasks. Code available at
https://github.com/yuqingd/ellm. | cs.LG | Guiding Pretraining in Reinforcement Learning with Large Language Models |
2023-02-13T21:11:52Z | http://arxiv.org/pdf/2302.06690v1 | http://arxiv.org/abs/2302.06690v1 | Jaeyoung Kim, Dongbin Na, Sungchul Choi, Sungbin Lim | 2023-02-13T21:11:52Z | cs.CL, cs.LG | While pre-trained language models (PLMs) have become a de-facto standard
promoting the accuracy of text classification tasks, recent studies find that
PLMs often predict over-confidently. Although various calibration methods have
been proposed, such as ensemble learning and data augmentation, most of the
methods have been verified in computer vision benchmarks rather than in
PLM-based text classification tasks. In this paper, we present an empirical
study on confidence calibration for PLMs, addressing three categories,
including confidence penalty losses, data augmentations, and ensemble methods.
We find that the ensemble model overfitted to the training set shows sub-par
calibration performance and also observe that PLMs trained with confidence
penalty loss have a trade-off between calibration and accuracy. Building on
these observations, we propose the Calibrated PLM (CALL), a combination of
calibration techniques. The CALL complements the drawbacks that may occur when
utilizing a calibration method individually and boosts both classification and
calibration accuracy. Design choices in CALL's training procedures are
extensively studied, and we provide a detailed analysis of how calibration
techniques affect the calibration performance of PLMs. | cs.CL | Bag of Tricks for In-Distribution Calibration of Pretrained Transformers |
2023-02-13T20:27:30Z | http://arxiv.org/pdf/2302.06675v4 | http://arxiv.org/abs/2302.06675v4 | Xiangning Chen, Chen Liang, Da Huang, Esteban Real, Kaiyuan Wang, Yao Liu, Hieu Pham, Xuanyi Dong, Thang Luong, Cho-Jui Hsieh, Yifeng Lu, Quoc V. Le | 2023-05-08T21:49:57Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.NE | We present a method to formulate algorithm discovery as program search, and
apply it to discover optimization algorithms for deep neural network training.
We leverage efficient search techniques to explore an infinite and sparse
program space. To bridge the large generalization gap between proxy and target
tasks, we also introduce program selection and simplification strategies. Our
method discovers a simple and effective optimization algorithm, $\textbf{Lion}$
($\textit{Evo$\textbf{L}$ved S$\textbf{i}$gn M$\textbf{o}$me$\textbf{n}$tum}$).
It is more memory-efficient than Adam as it only keeps track of the momentum.
Different from adaptive optimizers, its update has the same magnitude for each
parameter calculated through the sign operation. We compare Lion with widely
used optimizers, such as Adam and Adafactor, for training a variety of models
on different tasks. On image classification, Lion boosts the accuracy of ViT by
up to 2% on ImageNet and saves up to 5x the pre-training compute on JFT. On
vision-language contrastive learning, we achieve 88.3% $\textit{zero-shot}$ and
91.1% $\textit{fine-tuning}$ accuracy on ImageNet, surpassing the previous best
results by 2% and 0.1%, respectively. On diffusion models, Lion outperforms
Adam by achieving a better FID score and reducing the training compute by up to
2.3x. For autoregressive, masked language modeling, and fine-tuning, Lion
exhibits a similar or better performance compared to Adam. Our analysis of Lion
reveals that its performance gain grows with the training batch size. It also
requires a smaller learning rate than Adam due to the larger norm of the update
produced by the sign function. Additionally, we examine the limitations of Lion
and identify scenarios where its improvements are small or not statistically
significant. Lion is also successfully deployed in production systems such as
Google search ads CTR model. | cs.LG | Symbolic Discovery of Optimization Algorithms |
2023-02-13T20:27:26Z | http://arxiv.org/pdf/2302.06674v3 | http://arxiv.org/abs/2302.06674v3 | Minsik Oh, Joosung Lee, Jiwei Li, Guoyin Wang | 2023-10-19T15:43:06Z | cs.CL, cs.IR | Identifying relevant persona or knowledge for conversational systems is
critical to grounded dialogue response generation. However, each grounding has
been mostly researched in isolation with more practical multi-context dialogue
tasks introduced in recent works. We define Persona and Knowledge Dual Context
Identification as the task to identify persona and knowledge jointly for a
given dialogue, which could be of elevated importance in complex multi-context
dialogue settings. We develop a novel grounding retrieval method that utilizes
all contexts of dialogue simultaneously. Our method requires less computational
power via utilizing neural QA retrieval models. We further introduce our novel
null-positive rank test which measures ranking performance on semantically
dissimilar samples (i.e. hard negatives) in relation to data augmentation. | cs.CL | PK-ICR: Persona-Knowledge Interactive Context Retrieval for Grounded Dialogue |
2023-02-13T18:59:10Z | http://arxiv.org/pdf/2302.06605v2 | http://arxiv.org/abs/2302.06605v2 | Haoyu Lu, Yuqi Huo, Guoxing Yang, Zhiwu Lu, Wei Zhan, Masayoshi Tomizuka, Mingyu Ding | 2023-05-21T17:50:30Z | cs.CV, cs.CL | Large-scale vision-language pre-trained models have shown promising
transferability to various downstream tasks. As the size of these foundation
models and the number of downstream tasks grow, the standard full fine-tuning
paradigm becomes unsustainable due to heavy computational and storage costs.
This paper proposes UniAdapter, which unifies unimodal and multimodal adapters
for parameter-efficient cross-modal adaptation on pre-trained vision-language
models. Specifically, adapters are distributed to different modalities and
their interactions, with the total number of tunable parameters reduced by
partial weight sharing. The unified and knowledge-sharing design enables
powerful cross-modal representations that can benefit various downstream tasks,
requiring only 1.0%-2.0% tunable parameters of the pre-trained model. Extensive
experiments on 6 cross-modal downstream benchmarks (including video-text
retrieval, image-text retrieval, VideoQA, and VQA) show that in most cases,
UniAdapter not only outperforms the state-of-the-arts, but even beats the full
fine-tuning strategy. Particularly, on the MSRVTT retrieval task, UniAdapter
achieves 49.7% recall@1 with 2.2% model parameters, outperforming the latest
competitors by 2.0%. The code and models are available at
https://github.com/RERV/UniAdapter. | cs.CV | UniAdapter: Unified Parameter-Efficient Transfer Learning for Cross-modal Modeling |
2023-02-13T18:55:52Z | http://arxiv.org/pdf/2302.06600v2 | http://arxiv.org/abs/2302.06600v2 | Abhishek Panigrahi, Nikunj Saunshi, Haoyu Zhao, Sanjeev Arora | 2023-07-02T01:55:00Z | cs.CL, cs.LG | Pre-trained language models can be fine-tuned to solve diverse NLP tasks,
including in few-shot settings. Thus fine-tuning allows the model to quickly
pick up task-specific ``skills,'' but there has been limited study of where
these newly-learnt skills reside inside the massive model. This paper
introduces the term skill localization for this problem and proposes a
solution. Given the downstream task and a model fine-tuned on that task, a
simple optimization is used to identify a very small subset of parameters
($\sim0.01$% of model parameters) responsible for ($>95$%) of the model's
performance, in the sense that grafting the fine-tuned values for just this
tiny subset onto the pre-trained model gives performance almost as well as the
fine-tuned model. While reminiscent of recent works on parameter-efficient
fine-tuning, the novel aspects here are that: (i) No further re-training is
needed on the subset (unlike, say, with lottery tickets). (ii) Notable
improvements are seen over vanilla fine-tuning with respect to calibration of
predictions in-distribution ($40$-$90$% error reduction) as well as the quality
of predictions out-of-distribution (OOD). In models trained on multiple tasks,
a stronger notion of skill localization is observed, where the sparse regions
corresponding to different tasks are almost disjoint, and their overlap (when
it happens) is a proxy for task similarity. Experiments suggest that
localization via grafting can assist certain forms of continual learning. | cs.CL | Task-Specific Skill Localization in Fine-tuned Language Models |
2023-02-13T18:54:58Z | http://arxiv.org/pdf/2302.06598v1 | http://arxiv.org/abs/2302.06598v1 | Maximilian Mozes, Tolga Bolukbasi, Ann Yuan, Frederick Liu, Nithum Thain, Lucas Dixon | 2023-02-13T18:54:58Z | cs.CL | Pretrained large language models (LLMs) are able to solve a wide variety of
tasks through transfer learning. Various explainability methods have been
developed to investigate their decision making process. TracIn (Pruthi et al.,
2020) is one such gradient-based method which explains model inferences based
on the influence of training examples. In this paper, we explore the use of
TracIn to improve model performance in the parameter-efficient tuning (PET)
setting. We develop conversational safety classifiers via the prompt-tuning PET
method and show how the unique characteristics of the PET regime enable TracIn
to identify the cause for certain misclassifications by LLMs. We develop a new
methodology for using gradient-based explainability techniques to improve model
performance, G-BAIR: gradient-based automated iterative recovery. We show that
G-BAIR can recover LLM performance on benchmarks after manually corrupting
training labels. This suggests that influence methods like TracIn can be used
to automatically perform data cleaning, and introduces the potential for
interactive debugging and relabeling for PET-based transfer learning methods. | cs.CL | Gradient-Based Automated Iterative Recovery for Parameter-Efficient Tuning |
2023-02-13T18:42:17Z | http://arxiv.org/pdf/2302.06589v1 | http://arxiv.org/abs/2302.06589v1 | Xinyu Zhang, Minghan Li, Jimmy Lin | 2023-02-13T18:42:17Z | cs.IR, cs.CL | Recent progress in information retrieval finds that embedding query and
document representation into multi-vector yields a robust bi-encoder retriever
on out-of-distribution datasets. In this paper, we explore whether late
interaction, the simplest form of multi-vector, is also helpful to neural
rerankers that only use the [CLS] vector to compute the similarity score.
Although intuitively, the attention mechanism of rerankers at the previous
layers already gathers the token-level information, we find adding late
interaction still brings an extra 5% improvement in average on
out-of-distribution datasets, with little increase in latency and no
degradation in in-domain effectiveness. Through extensive experiments and
analysis, we show that the finding is consistent across different model sizes
and first-stage retrievers of diverse natures and that the improvement is more
prominent on longer queries. | cs.IR | Improving Out-of-Distribution Generalization of Neural Rerankers with Contextualized Late Interaction |
2023-02-13T18:33:26Z | http://arxiv.org/pdf/2302.06579v1 | http://arxiv.org/abs/2302.06579v1 | Melissa Roemmele, Kyle Shaffer, Katrina Olsen, Yiyi Wang, Steve DeNeefe | 2023-02-13T18:33:26Z | cs.CL | Creating an abridged version of a text involves shortening it while
maintaining its linguistic qualities. In this paper, we examine this task from
an NLP perspective for the first time. We present a new resource, AbLit, which
is derived from abridged versions of English literature books. The dataset
captures passage-level alignments between the original and abridged texts. We
characterize the linguistic relations of these alignments, and create automated
models to predict these relations as well as to generate abridgements for new
texts. Our findings establish abridgement as a challenging task, motivating
future resources and research. The dataset is available at
github.com/roemmele/AbLit. | cs.CL | AbLit: A Resource for Analyzing and Generating Abridged Versions of English Literature |
Subsets and Splits