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-24T22:38:54Z | http://arxiv.org/pdf/2302.12921v2 | http://arxiv.org/abs/2302.12921v2 | Maximillian Chen, Zhou Yu | 2023-02-28T02:28:41Z | cs.CL, cs.LG, cs.SD, eess.AS | Speech models have long been known to overfit individual speakers for many
classification tasks. This leads to poor generalization in settings where the
speakers are out-of-domain or out-of-distribution, as is common in production
environments. We view speaker adaptation as a few-shot learning problem and
propose investigating transfer learning approaches inspired by recent success
with pre-trained models in natural language tasks. We propose pre-finetuning
speech models on difficult tasks to distill knowledge into few-shot downstream
classification objectives. We pre-finetune Wav2Vec2.0 on every permutation of
four multiclass emotional speech recognition corpora and evaluate our
pre-finetuned models through 33,600 few-shot fine-tuning trials on the
Emotional Speech Dataset. | cs.CL | Pre-Finetuning for Few-Shot Emotional Speech Recognition |
2023-02-24T22:25:27Z | http://arxiv.org/pdf/2303.04712v1 | http://arxiv.org/abs/2303.04712v1 | Sara Abdollahi, Simon Gottschalk, Elena Demidova | 2023-02-24T22:25:27Z | cs.IR, cs.AI, cs.CL | While societal events often impact people worldwide, a significant fraction
of events has a local focus that primarily affects specific language
communities. Examples include national elections, the development of the
Coronavirus pandemic in different countries, and local film festivals such as
the C\'esar Awards in France and the Moscow International Film Festival in
Russia. However, existing entity recommendation approaches do not sufficiently
address the language context of recommendation. This article introduces the
novel task of language-specific event recommendation, which aims to recommend
events relevant to the user query in the language-specific context. This task
can support essential information retrieval activities, including web
navigation and exploratory search, considering the language context of user
information needs. We propose LaSER, a novel approach toward language-specific
event recommendation. LaSER blends the language-specific latent representations
(embeddings) of entities and events and spatio-temporal event features in a
learning to rank model. This model is trained on publicly available Wikipedia
Clickstream data. The results of our user study demonstrate that LaSER
outperforms state-of-the-art recommendation baselines by up to 33 percentage
points in MAP@5 concerning the language-specific relevance of recommended
events. | cs.IR | LaSER: Language-Specific Event Recommendation |
2023-02-24T21:20:25Z | http://arxiv.org/pdf/2302.12903v1 | http://arxiv.org/abs/2302.12903v1 | Xuansheng Wu, Zhiyi Zhao, Ninghao Liu | 2023-02-24T21:20:25Z | cs.CL, cs.AI | We propose a novel non-parametric/un-trainable language model, named
Non-Parametric Pairwise Attention Random Walk Model (NoPPA), to generate
sentence embedding only with pre-trained word embedding and pre-counted word
frequency. To the best we know, this study is the first successful attempt to
break the constraint on bag-of-words assumption with a non-parametric attention
mechanism. We evaluate our method on eight different downstream classification
tasks. The experiment results show that NoPPA outperforms all kinds of
bag-of-words-based methods in each dataset and provides a comparable or better
performance than the state-of-the-art non-parametric methods on average.
Furthermore, visualization supports that NoPPA can understand contextual
topics, common phrases, and word causalities. Our model is available at
https://github.com/JacksonWuxs/NoPPA. | cs.CL | NoPPA: Non-Parametric Pairwise Attention Random Walk Model for Sentence Representation |
2023-02-24T19:39:42Z | http://arxiv.org/pdf/2302.14055v1 | http://arxiv.org/abs/2302.14055v1 | Pablo Riera, Manuela Cerdeiro, Leonardo Pepino, Luciana Ferrer | 2023-02-24T19:39:42Z | cs.SD, cs.CL, eess.AS | Self-supervised representations of speech are currently being widely used for
a large number of applications. Recently, some efforts have been made in trying
to analyze the type of information present in each of these representations.
Most such work uses downstream models to test whether the representations can
be successfully used for a specific task. The downstream models, though,
typically perform nonlinear operations on the representation extracting
information that may not have been readily available in the original
representation. In this work, we analyze the spatial organization of phone and
speaker information in several state-of-the-art speech representations using
methods that do not require a downstream model. We measure how different layers
encode basic acoustic parameters such as formants and pitch using
representation similarity analysis. Further, we study the extent to which each
representation clusters the speech samples by phone or speaker classes using
non-parametric statistical testing. Our results indicate that models represent
these speech attributes differently depending on the target task used during
pretraining. | cs.SD | Phone and speaker spatial organization in self-supervised speech representations |
2023-02-24T18:59:51Z | http://arxiv.org/pdf/2302.12829v2 | http://arxiv.org/abs/2302.12829v2 | William Chen, Brian Yan, Jiatong Shi, Yifan Peng, Soumi Maiti, Shinji Watanabe | 2023-02-27T17:47:31Z | cs.CL, cs.SD, eess.AS | Multilingual Automatic Speech Recognition (ASR) models have extended the
usability of speech technologies to a wide variety of languages. With how many
languages these models have to handle, however, a key to understanding their
imbalanced performance across different languages is to examine if the model
actually knows which language it should transcribe. In this paper, we introduce
our work on improving performance on FLEURS, a 102-language open ASR benchmark,
by conditioning the entire model on language identity (LID). We investigate
techniques inspired from recent Connectionist Temporal Classification (CTC)
studies to help the model handle the large number of languages, conditioning on
the LID predictions of auxiliary tasks. Our experimental results demonstrate
the effectiveness of our technique over standard CTC/Attention-based hybrid
models. Furthermore, our state-of-the-art systems using self-supervised models
with the Conformer architecture improve over the results of prior work on
FLEURS by a relative 28.4% CER. Trained models and reproducible recipes are
available at https://github.com/espnet/espnet/tree/master/egs2/fleurs/asr1 . | cs.CL | Improving Massively Multilingual ASR With Auxiliary CTC Objectives |
2023-02-24T18:58:06Z | http://arxiv.org/pdf/2302.12822v3 | http://arxiv.org/abs/2302.12822v3 | KaShun Shum, Shizhe Diao, Tong Zhang | 2024-02-27T14:49:43Z | cs.CL | Chain-of-thought (CoT) advances the reasoning abilities of large language
models (LLMs) and achieves superior performance in complex reasoning tasks.
However, most CoT studies rely on carefully designed human-annotated rational
chains to prompt LLMs, posing challenges for real-world applications where
labeled data is available without rational chains. This paper proposes a new
strategy, Automate-CoT (Automatic Prompt Augmentation and Selection with
Chain-of-Thought), that can bypass human engineering of CoT by automatically
augmenting rational chains from a small labeled dataset, and then pruning
low-quality chains to construct a candidate pool of machine-generated rationale
chains based on the labels. Finally, it selects the optimal combination of
several rationale chains from the pool for CoT prompting by employing a
variance-reduced policy gradient strategy to estimate the significance of each
example. Automate-CoT enables a quick adaptation of the CoT technique to
different tasks. Experimental results demonstrate the effectiveness of our
method, where competitive results are achieved on arithmetic reasoning (+2.7%),
commonsense reasoning (+3.4%), symbolic reasoning (+3.2%), and non-reasoning
tasks (+2.5%). The code is available at
https://github.com/SHUMKASHUN/Automate-CoT. | cs.CL | Automatic Prompt Augmentation and Selection with Chain-of-Thought from Labeled Data |
2023-02-24T18:48:43Z | http://arxiv.org/pdf/2302.12813v3 | http://arxiv.org/abs/2302.12813v3 | Baolin Peng, Michel Galley, Pengcheng He, Hao Cheng, Yujia Xie, Yu Hu, Qiuyuan Huang, Lars Liden, Zhou Yu, Weizhu Chen, Jianfeng Gao | 2023-03-08T23:41:49Z | cs.CL, cs.AI | Large language models (LLMs), such as ChatGPT, are able to generate
human-like, fluent responses for many downstream tasks, e.g., task-oriented
dialog and question answering. However, applying LLMs to real-world,
mission-critical applications remains challenging mainly due to their tendency
to generate hallucinations and their inability to use external knowledge. This
paper proposes a LLM-Augmenter system, which augments a black-box LLM with a
set of plug-and-play modules. Our system makes the LLM generate responses
grounded in external knowledge, e.g., stored in task-specific databases. It
also iteratively revises LLM prompts to improve model responses using feedback
generated by utility functions, e.g., the factuality score of a LLM-generated
response. The effectiveness of LLM-Augmenter is empirically validated on two
types of scenarios, task-oriented dialog and open-domain question answering.
LLM-Augmenter significantly reduces ChatGPT's hallucinations without
sacrificing the fluency and informativeness of its responses. We make the
source code and models publicly available. | cs.CL | Check Your Facts and Try Again: Improving Large Language Models with External Knowledge and Automated Feedback |
2023-02-24T18:17:38Z | http://arxiv.org/pdf/2302.12840v2 | http://arxiv.org/abs/2302.12840v2 | Isabel Segura-Bedmar | 2023-03-01T08:43:13Z | cs.CL, cs.AI, cs.LG, cs.NE | This paper describes our participation in SemEval-2023 Task 10, whose goal is
the detection of sexism in social media. We explore some of the most popular
transformer models such as BERT, DistilBERT, RoBERTa, and XLNet. We also study
different data augmentation techniques to increase the training dataset. During
the development phase, our best results were obtained by using RoBERTa and data
augmentation for tasks B and C. However, the use of synthetic data does not
improve the results for task C. We participated in the three subtasks. Our
approach still has much room for improvement, especially in the two
fine-grained classifications. All our code is available in the repository
https://github.com/isegura/hulat_edos. | cs.CL | HULAT at SemEval-2023 Task 10: Data augmentation for pre-trained transformers applied to the detection of sexism in social media |
2023-02-24T18:10:37Z | http://arxiv.org/pdf/2302.12794v1 | http://arxiv.org/abs/2302.12794v1 | Isabel Segura-Bedmar | 2023-02-24T18:10:37Z | cs.CL, cs.AI, cs.LG, cs.NE | This paper describes our participation in SemEval-2023 Task 9, Intimacy
Analysis of Multilingual Tweets. We fine-tune some of the most popular
transformer models with the training dataset and synthetic data generated by
different data augmentation techniques. During the development phase, our best
results were obtained by using XLM-T. Data augmentation techniques provide a
very slight improvement in the results. Our system ranked in the 27th position
out of the 45 participating systems. Despite its modest results, our system
shows promising results in languages such as Portuguese, English, and Dutch.
All our code is available in the repository
\url{https://github.com/isegura/hulat_intimacy}. | cs.CL | HULAT at SemEval-2023 Task 9: Data augmentation for pre-trained transformers applied to Multilingual Tweet Intimacy Analysis |
2023-02-24T17:54:12Z | http://arxiv.org/pdf/2302.12784v1 | http://arxiv.org/abs/2302.12784v1 | Congcong Wang, Gonzalo Fiz Pontiveros, Steven Derby, Tri Kurniawan Wijaya | 2023-02-24T17:54:12Z | cs.CL, cs.AI, cs.LG | Despite recent advancements in Machine Learning, many tasks still involve
working in low-data regimes which can make solving natural language problems
difficult. Recently, a number of text augmentation techniques have emerged in
the field of Natural Language Processing (NLP) which can enrich the training
data with new examples, though they are not without their caveats. For
instance, simple rule-based heuristic methods are effective, but lack variation
in semantic content and syntactic structure with respect to the original text.
On the other hand, more complex deep learning approaches can cause extreme
shifts in the intrinsic meaning of the text and introduce unwanted noise into
the training data. To more reliably control the quality of the augmented
examples, we introduce a state-of-the-art approach for Self-Controlled Text
Augmentation (STA). Our approach tightly controls the generation process by
introducing a self-checking procedure to ensure that generated examples retain
the semantic content of the original text. Experimental results on multiple
benchmarking datasets demonstrate that STA substantially outperforms existing
state-of-the-art techniques, whilst qualitative analysis reveals that the
generated examples are both lexically diverse and semantically reliable. | cs.CL | STA: Self-controlled Text Augmentation for Improving Text Classifications |
2023-02-24T17:29:31Z | http://arxiv.org/pdf/2302.12766v1 | http://arxiv.org/abs/2302.12766v1 | Siddharth Karamcheti, Suraj Nair, Annie S. Chen, Thomas Kollar, Chelsea Finn, Dorsa Sadigh, Percy Liang | 2023-02-24T17:29:31Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | Recent work in visual representation learning for robotics demonstrates the
viability of learning from large video datasets of humans performing everyday
tasks. Leveraging methods such as masked autoencoding and contrastive learning,
these representations exhibit strong transfer to policy learning for visuomotor
control. But, robot learning encompasses a diverse set of problems beyond
control including grasp affordance prediction, language-conditioned imitation
learning, and intent scoring for human-robot collaboration, amongst others.
First, we demonstrate that existing representations yield inconsistent results
across these tasks: masked autoencoding approaches pick up on low-level spatial
features at the cost of high-level semantics, while contrastive learning
approaches capture the opposite. We then introduce Voltron, a framework for
language-driven representation learning from human videos and associated
captions. Voltron trades off language-conditioned visual reconstruction to
learn low-level visual patterns, and visually-grounded language generation to
encode high-level semantics. We also construct a new evaluation suite spanning
five distinct robot learning problems $\unicode{x2013}$ a unified platform for
holistically evaluating visual representations for robotics. Through
comprehensive, controlled experiments across all five problems, we find that
Voltron's language-driven representations outperform the prior
state-of-the-art, especially on targeted problems requiring higher-level
features. | cs.RO | Language-Driven Representation Learning for Robotics |
2023-02-24T17:15:39Z | http://arxiv.org/pdf/2302.12757v1 | http://arxiv.org/abs/2302.12757v1 | Kuan-Po Huang, Tzu-hsun Feng, Yu-Kuan Fu, Tsu-Yuan Hsu, Po-Chieh Yen, Wei-Cheng Tseng, Kai-Wei Chang, Hung-yi Lee | 2023-02-24T17:15:39Z | eess.AS, cs.CL, cs.SD | Distilled self-supervised models have shown competitive performance and
efficiency in recent years. However, there is a lack of experience in jointly
distilling multiple self-supervised speech models. In our work, we performed
Ensemble Knowledge Distillation (EKD) on various self-supervised speech models
such as HuBERT, RobustHuBERT, and WavLM. We tried two different aggregation
techniques, layerwise-average and layerwise-concatenation, to the
representations of different teacher models and found that the former was more
effective. On top of that, we proposed a multiple prediction head method for
student models to predict different layer outputs of multiple teacher models
simultaneously. The experimental results show that our method improves the
performance of the distilled models on four downstream speech processing tasks,
Phoneme Recognition, Speaker Identification, Emotion Recognition, and Automatic
Speech Recognition in the hidden-set track of the SUPERB benchmark. | eess.AS | Ensemble knowledge distillation of self-supervised speech models |
2023-02-24T16:59:54Z | http://arxiv.org/pdf/2302.12746v2 | http://arxiv.org/abs/2302.12746v2 | Miguel Ortega-Martín, Óscar García-Sierra, Alfonso Ardoiz, Juan Carlos Armenteros, Jorge Álvarez, Adrián Alonso | 2023-02-28T17:54:00Z | cs.CL | Dictionaries are one of the oldest and most used linguistic resources.
Building them is a complex task that, to the best of our knowledge, has yet to
be explored with generative Large Language Models (LLMs). We introduce the
"Spanish Built Factual Freectianary" (Spanish-BFF) as the first Spanish
AI-generated dictionary. This first-of-its-kind free dictionary uses GPT-3. We
also define future steps we aim to follow to improve this initial commitment to
the field, such as more additional languages. | cs.CL | Spanish Built Factual Freectianary (Spanish-BFF): the first AI-generated free dictionary |
2023-02-24T15:48:23Z | http://arxiv.org/pdf/2302.12695v2 | http://arxiv.org/abs/2302.12695v2 | Charlotte Pouw, Nora Hollenstein, Lisa Beinborn | 2023-02-27T10:58:12Z | cs.CL, cs.LG, I.2.7 | When humans read a text, their eye movements are influenced by the structural
complexity of the input sentences. This cognitive phenomenon holds across
languages and recent studies indicate that multilingual language models utilize
structural similarities between languages to facilitate cross-lingual transfer.
We use sentence-level eye-tracking patterns as a cognitive indicator for
structural complexity and show that the multilingual model XLM-RoBERTa can
successfully predict varied patterns for 13 typologically diverse languages,
despite being fine-tuned only on English data. We quantify the sensitivity of
the model to structural complexity and distinguish a range of complexity
characteristics. Our results indicate that the model develops a meaningful bias
towards sentence length but also integrates cross-lingual differences. We
conduct a control experiment with randomized word order and find that the model
seems to additionally capture more complex structural information. | cs.CL | Cross-Lingual Transfer of Cognitive Processing Complexity |
2023-02-24T15:35:36Z | http://arxiv.org/pdf/2302.12692v4 | http://arxiv.org/abs/2302.12692v4 | Zekai Chen, Mariann Micsinai Balan, Kevin Brown | 2023-05-04T18:04:49Z | cs.CL, cs.AI, cs.LG, q-bio.QM | Clinical prediction is an essential task in the healthcare industry. However,
the recent success of transformers, on which large language models are built,
has not been extended to this domain. In this research, we explore the use of
transformers and language models in prognostic prediction for immunotherapy
using real-world patients' clinical data and molecular profiles. This paper
investigates the potential of transformers to improve clinical prediction
compared to conventional machine learning approaches and addresses the
challenge of few-shot learning in predicting rare disease areas. The study
benchmarks the efficacy of baselines and language models on prognostic
prediction across multiple cancer types and investigates the impact of
different pretrained language models under few-shot regimes. The results
demonstrate significant improvements in accuracy and highlight the potential of
NLP in clinical research to improve early detection and intervention for
different diseases. | cs.CL | Language Models are Few-shot Learners for Prognostic Prediction |
2023-02-24T14:59:02Z | http://arxiv.org/pdf/2302.13812v1 | http://arxiv.org/abs/2302.13812v1 | Qiuchi Li, Benyou Wang, Yudong Zhu, Christina Lioma, Qun Liu | 2023-02-24T14:59:02Z | quant-ph, cs.CL | The emerging classical-quantum transfer learning paradigm has brought a
decent performance to quantum computational models in many tasks, such as
computer vision, by enabling a combination of quantum models and classical
pre-trained neural networks. However, using quantum computing with pre-trained
models has yet to be explored in natural language processing (NLP). Due to the
high linearity constraints of the underlying quantum computing infrastructures,
existing Quantum NLP models are limited in performance on real tasks. We fill
this gap by pre-training a sentence state with complex-valued BERT-like
architecture, and adapting it to the classical-quantum transfer learning scheme
for sentence classification. On quantum simulation experiments, the pre-trained
representation can bring 50\% to 60\% increases to the capacity of end-to-end
quantum models. | quant-ph | Adapting Pre-trained Language Models for Quantum Natural Language Processing |
2023-02-24T14:41:48Z | http://arxiv.org/pdf/2302.12666v1 | http://arxiv.org/abs/2302.12666v1 | Clarence Boon Liang Ng, Diogo Santos, Marek Rei | 2023-02-24T14:41:48Z | cs.LG, cs.AI, cs.CL | Past studies on the ICD coding problem focus on predicting clinical codes
primarily based on the discharge summary. This covers only a small fraction of
the notes generated during each hospital stay and leaves potential for
improving performance by analysing all the available clinical notes. We propose
a hierarchical transformer architecture that uses text across the entire
sequence of clinical notes in each hospital stay for ICD coding, and
incorporates embeddings for text metadata such as their position, time, and
type of note. While using all clinical notes increases the quantity of data
substantially, superconvergence can be used to reduce training costs. We
evaluate the model on the MIMIC-III dataset. Our model exceeds the prior
state-of-the-art when using only discharge summaries as input, and achieves
further performance improvements when all clinical notes are used as input. | cs.LG | Modelling Temporal Document Sequences for Clinical ICD Coding |
2023-02-24T14:08:07Z | http://arxiv.org/pdf/2302.12640v1 | http://arxiv.org/abs/2302.12640v1 | Matúš Pikuliak, Ivana Beňová, Viktor Bachratý | 2023-02-24T14:08:07Z | cs.CL | Many measures of societal bias in language models have been proposed in
recent years. A popular approach is to use a set of word filling prompts to
evaluate the behavior of the language models. In this work, we analyze the
validity of two such measures -- StereoSet and CrowS-Pairs. We show that these
measures produce unexpected and illogical results when appropriate control
group samples are constructed. Based on this, we believe that they are
problematic and using them in the future should be reconsidered. We propose a
way forward with an improved testing protocol. Finally, we also introduce a new
gender bias dataset for Slovak. | cs.CL | In-Depth Look at Word Filling Societal Bias Measures |
2023-02-24T13:36:11Z | http://arxiv.org/pdf/2302.12623v1 | http://arxiv.org/abs/2302.12623v1 | Hyungjoo Chae, Minjin Kim, Chaehyeong Kim, Wonseok Jeong, Hyejoong Kim, Junmyung Lee, Jinyoung Yeo | 2023-02-24T13:36:11Z | cs.AI, cs.CL | In this paper, we propose Tutoring bot, a generative chatbot trained on a
large scale of tutor-student conversations for English-language learning. To
mimic a human tutor's behavior in language education, the tutor bot leverages
diverse educational instructions and grounds to each instruction as additional
input context for the tutor response generation. As a single instruction
generally involves multiple dialogue turns to give the student sufficient
speaking practice, the tutor bot is required to monitor and capture when the
current instruction should be kept or switched to the next instruction. For
that, the tutor bot is learned to not only generate responses but also infer
its teaching action and progress on the current conversation simultaneously by
a multi-task learning scheme. Our Tutoring bot is deployed under a
non-commercial use license at https://tutoringai.com. | cs.AI | TUTORING: Instruction-Grounded Conversational Agent for Language Learners |
2023-02-24T12:55:31Z | http://arxiv.org/pdf/2302.12611v1 | http://arxiv.org/abs/2302.12611v1 | Dennis Zyska, Nils Dycke, Jan Buchmann, Ilia Kuznetsov, Iryna Gurevych | 2023-02-24T12:55:31Z | cs.CL | Recent years have seen impressive progress in AI-assisted writing, yet the
developments in AI-assisted reading are lacking. We propose inline commentary
as a natural vehicle for AI-based reading assistance, and present CARE: the
first open integrated platform for the study of inline commentary and reading.
CARE facilitates data collection for inline commentaries in a commonplace
collaborative reading environment, and provides a framework for enhancing
reading with NLP-based assistance, such as text classification, generation or
question answering. The extensible behavioral logging allows unique insights
into the reading and commenting behavior, and flexible configuration makes the
platform easy to deploy in new scenarios. To evaluate CARE in action, we apply
the platform in a user study dedicated to scholarly peer review. CARE
facilitates the data collection and study of inline commentary in NLP,
extrinsic evaluation of NLP assistance, and application prototyping. We invite
the community to explore and build upon the open source implementation of CARE. | cs.CL | CARE: Collaborative AI-Assisted Reading Environment |
2023-02-24T11:44:24Z | http://arxiv.org/pdf/2302.12584v2 | http://arxiv.org/abs/2302.12584v2 | Ramon Ruiz-Dolz, Javier Iranzo-Sánchez | 2024-01-21T14:51:26Z | cs.CL | In this paper, we describe VivesDebate-Speech, a corpus of spoken
argumentation created to leverage audio features for argument mining tasks. The
creation of this corpus represents an important contribution to the
intersection of speech processing and argument mining communities, and one of
the most complete publicly available resources in this topic. Moreover, we have
performed a set of first-of-their-kind experiments which show an improvement
when integrating audio features into the argument mining pipeline. The provided
results can be used as a baseline for future research. | cs.CL | VivesDebate-Speech: A Corpus of Spoken Argumentation to Leverage Audio Features for Argument Mining |
2023-02-24T11:25:50Z | http://arxiv.org/pdf/2302.12578v2 | http://arxiv.org/abs/2302.12578v2 | Krithika Ramesh, Sunayana Sitaram, Monojit Choudhury | 2023-02-28T08:08:29Z | cs.CL, cs.CY, cs.LG | With language models becoming increasingly ubiquitous, it has become
essential to address their inequitable treatment of diverse demographic groups
and factors. Most research on evaluating and mitigating fairness harms has been
concentrated on English, while multilingual models and non-English languages
have received comparatively little attention. This paper presents a survey of
fairness in multilingual and non-English contexts, highlighting the
shortcomings of current research and the difficulties faced by methods designed
for English. We contend that the multitude of diverse cultures and languages
across the world makes it infeasible to achieve comprehensive coverage in terms
of constructing fairness datasets. Thus, the measurement and mitigation of
biases must evolve beyond the current dataset-driven practices that are
narrowly focused on specific dimensions and types of biases and, therefore,
impossible to scale across languages and cultures. | cs.CL | Fairness in Language Models Beyond English: Gaps and Challenges |
2023-02-24T10:48:03Z | http://arxiv.org/pdf/2302.12569v1 | http://arxiv.org/abs/2302.12569v1 | Liesbeth Allein, Marlon Saelens, Ruben Cartuyvels, Marie-Francine Moens | 2023-02-24T10:48:03Z | cs.CL, cs.AI | Leveraging contextual knowledge has become standard practice in automated
claim verification, yet the impact of temporal reasoning has been largely
overlooked. Our study demonstrates that time positively influences the claim
verification process of evidence-based fact-checking. The temporal aspects and
relations between claims and evidence are first established through grounding
on shared timelines, which are constructed using publication dates and time
expressions extracted from their text. Temporal information is then provided to
RNN-based and Transformer-based classifiers before or after claim and evidence
encoding. Our time-aware fact-checking models surpass base models by up to 9%
Micro F1 (64.17%) and 15% Macro F1 (47.43%) on the MultiFC dataset. They also
outperform prior methods that explicitly model temporal relations between
evidence. Our findings show that the presence of temporal information and the
manner in which timelines are constructed greatly influence how fact-checking
models determine the relevance and supporting or refuting character of evidence
documents. | cs.CL | Implicit Temporal Reasoning for Evidence-Based Fact-Checking |
2023-02-24T09:29:55Z | http://arxiv.org/pdf/2302.12530v2 | http://arxiv.org/abs/2302.12530v2 | Chao Xue, Di Liang, Sirui Wang, Wei Wu, Jing Zhang | 2023-03-14T10:51:55Z | cs.CL | Transformer-based pre-trained models have achieved great improvements in
semantic matching. However, existing models still suffer from insufficient
ability to capture subtle differences. The modification, addition and deletion
of words in sentence pairs may make it difficult for the model to predict their
relationship. To alleviate this problem, we propose a novel Dual Path Modeling
Framework to enhance the model's ability to perceive subtle differences in
sentence pairs by separately modeling affinity and difference semantics. Based
on dual-path modeling framework we design the Dual Path Modeling Network
(DPM-Net) to recognize semantic relations. And we conduct extensive experiments
on 10 well-studied semantic matching and robustness test datasets, and the
experimental results show that our proposed method achieves consistent
improvements over baselines. | cs.CL | Dual Path Modeling for Semantic Matching by Perceiving Subtle Conflicts |
2023-02-24T09:29:40Z | http://arxiv.org/pdf/2302.12529v2 | http://arxiv.org/abs/2302.12529v2 | Yonghao Liu, Di Liang, Fang Fang, Sirui Wang, Wei Wu, Rui Jiang | 2023-03-14T11:09:19Z | cs.CL | Knowledge graphs (KGs) have received increasing attention due to its wide
applications on natural language processing. However, its use case on temporal
question answering (QA) has not been well-explored. Most of existing methods
are developed based on pre-trained language models, which might not be capable
to learn \emph{temporal-specific} presentations of entities in terms of
temporal KGQA task. To alleviate this problem, we propose a novel
\textbf{T}ime-aware \textbf{M}ultiway \textbf{A}daptive (\textbf{TMA}) fusion
network. Inspired by the step-by-step reasoning behavior of humans. For each
given question, TMA first extracts the relevant concepts from the KG, and then
feeds them into a multiway adaptive module to produce a
\emph{temporal-specific} representation of the question. This representation
can be incorporated with the pre-trained KG embedding to generate the final
prediction. Empirical results verify that the proposed model achieves better
performance than the state-of-the-art models in the benchmark dataset. Notably,
the Hits@1 and Hits@10 results of TMA on the CronQuestions dataset's complex
questions are absolutely improved by 24\% and 10\% compared to the
best-performing baseline. Furthermore, we also show that TMA employing an
adaptive fusion mechanism can provide interpretability by analyzing the
proportion of information in question representations. | cs.CL | Time-aware Multiway Adaptive Fusion Network for Temporal Knowledge Graph Question Answering |
2023-02-24T07:10:33Z | http://arxiv.org/pdf/2302.12490v1 | http://arxiv.org/abs/2302.12490v1 | Shichao Sun, Ruifeng Yuan, Wenjie Li, Sujian Li | 2023-02-24T07:10:33Z | cs.CL | Unsupervised extractive summarization aims to extract salient sentences from
a document as the summary without labeled data. Recent literatures mostly
research how to leverage sentence similarity to rank sentences in the order of
salience. However, sentence similarity estimation using pre-trained language
models mostly takes little account of document-level information and has a weak
correlation with sentence salience ranking. In this paper, we proposed two
novel strategies to improve sentence similarity estimation for unsupervised
extractive summarization. We use contrastive learning to optimize a
document-level objective that sentences from the same document are more similar
than those from different documents. Moreover, we use mutual learning to
enhance the relationship between sentence similarity estimation and sentence
salience ranking, where an extra signal amplifier is used to refine the pivotal
information. Experimental results demonstrate the effectiveness of our
strategies. | cs.CL | Improving Sentence Similarity Estimation for Unsupervised Extractive Summarization |
2023-02-24T05:48:53Z | http://arxiv.org/pdf/2302.12468v3 | http://arxiv.org/abs/2302.12468v3 | Zhixin Guo, Minyxuan Yan, Jiexing Qi, Jianping Zhou, Ziwei He, Guanjie Zheng, Xinbing Wang | 2024-03-27T06:46:56Z | cs.CL | Pretrained language models (PLMs) have made remarkable progress in
table-to-text generation tasks. However, the lack of domain-specific knowledge
makes it challenging to bridge the topological gap between tabular data and
text, especially in real-world applications with limited resources. To mitigate
the limitation of insufficient labeled data, we propose a novel framework:
Adapt-Knowledge-to-Generate (AKG). The core insight of AKG is to adapt
unlabeled domain-specific knowledge into the model, which brings at least three
benefits: (1) it injects representation of normal table-related descriptions to
bridge the topological gap between tabular data and texts; (2) it enables us to
use large amounts of unlabeled domain-specific knowledge fully, which can
alleviate the PLMs' inherent shortcomings of lacking domain knowledge; (3) it
allows us to design various tasks to employ the domain-specific knowledge.
Extensive experiments and analyses are conducted on three open-domain, few-shot
natural language generation (NLG) data sets: Humans, Songs, and Books. Compared
to previous state-of-the-art approaches, our model achieves superior
performance in terms of both fluency and accuracy as judged by human and
automatic evaluations. | cs.CL | Adapting Knowledge for Few-shot Table-to-Text Generation |
2023-02-24T05:26:08Z | http://arxiv.org/pdf/2302.12461v3 | http://arxiv.org/abs/2302.12461v3 | Max Lamparth, Anka Reuel | 2024-05-04T02:48:58Z | cs.LG, cs.AI, cs.CL | Poisoning of data sets is a potential security threat to large language
models that can lead to backdoored models. A description of the internal
mechanisms of backdoored language models and how they process trigger inputs,
e.g., when switching to toxic language, has yet to be found. In this work, we
study the internal representations of transformer-based backdoored language
models and determine early-layer MLP modules as most important for the backdoor
mechanism in combination with the initial embedding projection. We use this
knowledge to remove, insert, and modify backdoor mechanisms with engineered
replacements that reduce the MLP module outputs to essentials for the backdoor
mechanism. To this end, we introduce PCP ablation, where we replace transformer
modules with low-rank matrices based on the principal components of their
activations. We demonstrate our results on backdoored toy, backdoored large,
and non-backdoored open-source models. We show that we can improve the backdoor
robustness of large language models by locally constraining individual modules
during fine-tuning on potentially poisonous data sets.
Trigger warning: Offensive language. | cs.LG | Analyzing And Editing Inner Mechanisms Of Backdoored Language Models |
2023-02-24T04:31:18Z | http://arxiv.org/pdf/2302.12449v2 | http://arxiv.org/abs/2302.12449v2 | Yun Zhu, Jianhao Guo, Siliang Tang | 2023-08-15T08:11:16Z | cs.LG, cs.AI, cs.CL | Recently, much exertion has been paid to design graph self-supervised methods
to obtain generalized pre-trained models, and adapt pre-trained models onto
downstream tasks through fine-tuning. However, there exists an inherent gap
between pretext and downstream graph tasks, which insufficiently exerts the
ability of pre-trained models and even leads to negative transfer. Meanwhile,
prompt tuning has seen emerging success in natural language processing by
aligning pre-training and fine-tuning with consistent training objectives. In
this paper, we identify the challenges for graph prompt tuning: The first is
the lack of a strong and universal pre-training task across sundry pre-training
methods in graph domain. The second challenge lies in the difficulty of
designing a consistent training objective for both pre-training and downstream
tasks. To overcome above obstacles, we propose a novel framework named SGL-PT
which follows the learning strategy ``Pre-train, Prompt, and Predict''.
Specifically, we raise a strong and universal pre-training task coined as SGL
that acquires the complementary merits of generative and contrastive
self-supervised graph learning. And aiming for graph classification task, we
unify pre-training and fine-tuning by designing a novel verbalizer-free
prompting function, which reformulates the downstream task in a similar format
as pretext task. Empirical results show that our method surpasses other
baselines under unsupervised setting, and our prompt tuning method can greatly
facilitate models on biological datasets over fine-tuning methods. | cs.LG | SGL-PT: A Strong Graph Learner with Graph Prompt Tuning |
2023-02-24T04:03:15Z | http://arxiv.org/pdf/2302.12441v2 | http://arxiv.org/abs/2302.12441v2 | Vishvak Murahari, Ameet Deshpande, Carlos E. Jimenez, Izhak Shafran, Mingqiu Wang, Yuan Cao, Karthik Narasimhan | 2023-05-22T20:29:28Z | cs.LG, cs.CL | The widespread adoption of large language models such as ChatGPT and Bard has
led to unprecedented demand for these technologies. The burgeoning cost of
inference for ever-increasing model sizes coupled with hardware shortages has
limited affordable access and poses a pressing need for efficiency approaches
geared towards high throughput and performance. Multi-input multi-output (MIMO)
algorithms such as data multiplexing, offer a promising solution with a
many-fold increase in throughput by performing inference for multiple inputs at
the cost of a single input. Yet these approaches are not currently performant
enough to be deployed in modern systems. We change that by developing MUX-PLMs,
a class of high throughput pre-trained language models (PLMs) trained with data
multiplexing, that can be fine-tuned for any downstream task to yield
high-throughput high-performance. Our novel multiplexing and demultiplexing
modules proficiently entangle and disentangle inputs, and enable
high-performance high throughput \muxplms{} that are competitive with vanilla
PLMs while achieving 2x/5x inference speedup with only a $1-4\%$ drop on a
broad suite of tasks. | cs.LG | MUX-PLMs: Data Multiplexing for High-throughput Language Models |
2023-02-24T03:28:46Z | http://arxiv.org/pdf/2302.12433v1 | http://arxiv.org/abs/2302.12433v1 | Zhangir Azerbayev, Bartosz Piotrowski, Hailey Schoelkopf, Edward W. Ayers, Dragomir Radev, Jeremy Avigad | 2023-02-24T03:28:46Z | cs.CL, cs.AI, cs.LO | We introduce ProofNet, a benchmark for autoformalization and formal proving
of undergraduate-level mathematics. The ProofNet benchmarks consists of 371
examples, each consisting of a formal theorem statement in Lean 3, a natural
language theorem statement, and a natural language proof. The problems are
primarily drawn from popular undergraduate pure mathematics textbooks and cover
topics such as real and complex analysis, linear algebra, abstract algebra, and
topology. We intend for ProofNet to be a challenging benchmark that will drive
progress in autoformalization and automatic theorem proving. We report baseline
results on statement autoformalization via in-context learning. Moreover, we
introduce two novel statement autoformalization methods: prompt retrieval and
distilled backtranslation. | cs.CL | ProofNet: Autoformalizing and Formally Proving Undergraduate-Level Mathematics |
2023-02-24T02:45:49Z | http://arxiv.org/pdf/2302.12417v1 | http://arxiv.org/abs/2302.12417v1 | Guimin Hu, Yi Zhao, Guangming Lu | 2023-02-24T02:45:49Z | cs.CL, cs.AI | Emotion-cause pair extraction (ECPE) task aims to extract all the pairs of
emotions and their causes from an unannotated emotion text. The previous works
usually extract the emotion-cause pairs from two perspectives of emotion and
cause. However, emotion extraction is more crucial to the ECPE task than cause
extraction. Motivated by this analysis, we propose an end-to-end emotion-cause
extraction approach oriented toward emotion prediction (EPO-ECPE), aiming to
fully exploit the potential of emotion prediction to enhance emotion-cause pair
extraction. Considering the strong dependence between emotion prediction and
emotion-cause pair extraction, we propose a synchronization mechanism to share
their improvement in the training process. That is, the improvement of emotion
prediction can facilitate the emotion-cause pair extraction, and then the
results of emotion-cause pair extraction can also be used to improve the
accuracy of emotion prediction simultaneously. For the emotion-cause pair
extraction, we divide it into genuine pair supervision and fake pair
supervision, where the genuine pair supervision learns from the pairs with more
possibility to be emotion-cause pairs. In contrast, fake pair supervision
learns from other pairs. In this way, the emotion-cause pairs can be extracted
directly from the genuine pair, thereby reducing the difficulty of extraction.
Experimental results show that our approach outperforms the 13 compared systems
and achieves new state-of-the-art performance. | cs.CL | Emotion Prediction Oriented method with Multiple Supervisions for Emotion-Cause Pair Extraction |
2023-02-24T00:01:41Z | http://arxiv.org/pdf/2302.12369v1 | http://arxiv.org/abs/2302.12369v1 | Naoyuki Kanda, Takuya Yoshioka, Yang Liu | 2023-02-24T00:01:41Z | eess.AS, cs.CL, cs.SD | This paper presents a novel optimization framework for automatic speech
recognition (ASR) with the aim of reducing hallucinations produced by an ASR
model. The proposed framework optimizes the ASR model to maximize an expected
factual consistency score between ASR hypotheses and ground-truth
transcriptions, where the factual consistency score is computed by a separately
trained estimator. Experimental results using the AMI meeting corpus and the
VoxPopuli corpus show that the ASR model trained with the proposed framework
generates ASR hypotheses that have significantly higher consistency scores with
ground-truth transcriptions while maintaining the word error rates close to
those of cross entropy-trained ASR models. Furthermore, it is shown that
training the ASR models with the proposed framework improves the speech
summarization quality as measured by the factual consistency of meeting
conversation summaries generated by a large language model. | eess.AS | Factual Consistency Oriented Speech Recognition |
2023-02-23T23:50:24Z | http://arxiv.org/pdf/2302.12367v1 | http://arxiv.org/abs/2302.12367v1 | Mian Zhong, Shehzaad Dhuliawala, Niklas Stoehr | 2023-02-23T23:50:24Z | cs.CL, cs.AI, cs.LG, I.2.7; J.0 | Decision-makers in the humanitarian sector rely on timely and exact
information during crisis events. Knowing how many civilians were injured
during an earthquake is vital to allocate aids properly. Information about such
victim counts is often only available within full-text event descriptions from
newspapers and other reports. Extracting numbers from text is challenging:
numbers have different formats and may require numeric reasoning. This renders
purely string matching-based approaches insufficient. As a consequence,
fine-grained counts of injured, displaced, or abused victims beyond fatalities
are often not extracted and remain unseen. We cast victim count extraction as a
question answering (QA) task with a regression or classification objective. We
compare regex, dependency parsing, semantic role labeling-based approaches, and
advanced text-to-text models. Beyond model accuracy, we analyze extraction
reliability and robustness which are key for this sensitive task. In
particular, we discuss model calibration and investigate few-shot and
out-of-distribution performance. Ultimately, we make a comprehensive
recommendation on which model to select for different desiderata and data
domains. Our work is among the first to apply numeracy-focused large language
models in a real-world use case with a positive impact. | cs.CL | Extracting Victim Counts from Text |
2023-02-23T22:14:01Z | http://arxiv.org/pdf/2302.13793v1 | http://arxiv.org/abs/2302.13793v1 | Guido Zuccon, Bevan Koopman | 2023-02-23T22:14:01Z | cs.CL, cs.AI, cs.IR | Generative pre-trained language models (GPLMs) like ChatGPT encode in the
model's parameters knowledge the models observe during the pre-training phase.
This knowledge is then used at inference to address the task specified by the
user in their prompt. For example, for the question-answering task, the GPLMs
leverage the knowledge and linguistic patterns learned at training to produce
an answer to a user question. Aside from the knowledge encoded in the model
itself, answers produced by GPLMs can also leverage knowledge provided in the
prompts. For example, a GPLM can be integrated into a retrieve-then-generate
paradigm where a search engine is used to retrieve documents relevant to the
question; the content of the documents is then transferred to the GPLM via the
prompt. In this paper we study the differences in answer correctness generated
by ChatGPT when leveraging the model's knowledge alone vs. in combination with
the prompt knowledge. We study this in the context of consumers seeking health
advice from the model. Aside from measuring the effectiveness of ChatGPT in
this context, we show that the knowledge passed in the prompt can overturn the
knowledge encoded in the model and this is, in our experiments, to the
detriment of answer correctness. This work has important implications for the
development of more robust and transparent question-answering systems based on
generative pre-trained language models. | cs.CL | Dr ChatGPT, tell me what I want to hear: How prompt knowledge impacts health answer correctness |
2023-02-23T21:56:50Z | http://arxiv.org/pdf/2303.16759v1 | http://arxiv.org/abs/2303.16759v1 | Brianna M White, Chad A Melton, Parya Zareie, Robert L Davis, Robert A Bednarczyk, Arash Shaban-Nejad | 2023-02-23T21:56:50Z | cs.CL, cs.IR, cs.LG, cs.SI, I.2.7 | The COVID-19 pandemic has introduced new opportunities for health
communication, including an increase in the public use of online outlets for
health-related emotions. People have turned to social media networks to share
sentiments related to the impacts of the COVID-19 pandemic. In this paper we
examine the role of social messaging shared by Persons in the Public Eye (i.e.
athletes, politicians, news personnel) in determining overall public discourse
direction. We harvested approximately 13 million tweets ranging from 1 January
2020 to 1 March 2022. The sentiment was calculated for each tweet using a
fine-tuned DistilRoBERTa model, which was used to compare COVID-19
vaccine-related Twitter posts (tweets) that co-occurred with mentions of People
in the Public Eye. Our findings suggest the presence of consistent patterns of
emotional content co-occurring with messaging shared by Persons in the Public
Eye for the first two years of the COVID-19 pandemic influenced public opinion
and largely stimulated online public discourse. We demonstrate that as the
pandemic progressed, public sentiment shared on social networks was shaped by
risk perceptions, political ideologies and health-protective behaviours shared
by Persons in the Public Eye, often in a negative light. | cs.CL | Exploring celebrity influence on public attitude towards the COVID-19 pandemic: social media shared sentiment analysis |
2023-02-23T21:23:06Z | http://arxiv.org/pdf/2302.12343v2 | http://arxiv.org/abs/2302.12343v2 | Denis Jered McInerney, Geoffrey Young, Jan-Willem van de Meent, Byron C. Wallace | 2023-10-19T18:16:57Z | cs.CL, cs.AI, cs.LG | We propose CHiLL (Crafting High-Level Latents), an approach for
natural-language specification of features for linear models. CHiLL prompts
LLMs with expert-crafted queries to generate interpretable features from health
records. The resulting noisy labels are then used to train a simple linear
classifier. Generating features based on queries to an LLM can empower
physicians to use their domain expertise to craft features that are clinically
meaningful for a downstream task of interest, without having to manually
extract these from raw EHR. We are motivated by a real-world risk prediction
task, but as a reproducible proxy, we use MIMIC-III and MIMIC-CXR data and
standard predictive tasks (e.g., 30-day readmission) to evaluate this approach.
We find that linear models using automatically extracted features are
comparably performant to models using reference features, and provide greater
interpretability than linear models using "Bag-of-Words" features. We verify
that learned feature weights align well with clinical expectations. | cs.CL | CHiLL: Zero-shot Custom Interpretable Feature Extraction from Clinical Notes with Large Language Models |
2023-02-23T20:39:06Z | http://arxiv.org/pdf/2302.12324v3 | http://arxiv.org/abs/2302.12324v3 | Chieh-Yang Huang, Ting-Yao Hsu, Ryan Rossi, Ani Nenkova, Sungchul Kim, Gromit Yeuk-Yin Chan, Eunyee Koh, Clyde Lee Giles, Ting-Hao 'Kenneth' Huang | 2023-08-12T03:00:55Z | cs.CL | Good figure captions help paper readers understand complex scientific
figures. Unfortunately, even published papers often have poorly written
captions. Automatic caption generation could aid paper writers by providing
good starting captions that can be refined for better quality. Prior work often
treated figure caption generation as a vision-to-language task. In this paper,
we show that it can be more effectively tackled as a text summarization task in
scientific documents. We fine-tuned PEGASUS, a pre-trained abstractive
summarization model, to specifically summarize figure-referencing paragraphs
(e.g., "Figure 3 shows...") into figure captions. Experiments on large-scale
arXiv figures show that our method outperforms prior vision methods in both
automatic and human evaluations. We further conducted an in-depth investigation
focused on two key challenges: (i) the common presence of low-quality
author-written captions and (ii) the lack of clear standards for good captions.
Our code and data are available at:
https://github.com/Crowd-AI-Lab/Generating-Figure-Captions-as-a-Text-Summarization-Task. | cs.CL | Summaries as Captions: Generating Figure Captions for Scientific Documents with Automated Text Summarization |
2023-02-23T20:18:52Z | http://arxiv.org/pdf/2302.12313v2 | http://arxiv.org/abs/2302.12313v2 | Vittoria Dentella, Elliot Murphy, Gary Marcus, Evelina Leivada | 2023-02-27T08:24:05Z | cs.CL, cs.AI | Advances in computational methods and big data availability have recently
translated into breakthroughs in AI applications. With successes in bottom-up
challenges partially overshadowing shortcomings, the 'human-like' performance
of Large Language Models has raised the question of how linguistic performance
is achieved by algorithms. Given systematic shortcomings in generalization
across many AI systems, in this work we ask whether linguistic performance is
indeed guided by language knowledge in Large Language Models. To this end, we
prompt GPT-3 with a grammaticality judgement task and comprehension questions
on less frequent constructions that are thus unlikely to form part of Large
Language Models' training data. These included grammatical 'illusions',
semantic anomalies, complex nested hierarchies and self-embeddings. GPT-3
failed for every prompt but one, often offering answers that show a critical
lack of understanding even of high-frequency words used in these less frequent
grammatical constructions. The present work sheds light on the boundaries of
the alleged AI human-like linguistic competence and argues that, far from
human-like, the next-word prediction abilities of LLMs may face issues of
robustness, when pushed beyond training data. | cs.CL | Testing AI performance on less frequent aspects of language reveals insensitivity to underlying meaning |
2023-02-23T19:39:52Z | http://arxiv.org/pdf/2302.12299v1 | http://arxiv.org/abs/2302.12299v1 | Asım Ersoy, Gerson Vizcarra, Tasmiah Tahsin Mayeesha, Benjamin Muller | 2023-02-23T19:39:52Z | cs.CL | Multilingual generative language models (LMs) are increasingly fluent in a
large variety of languages. Trained on the concatenation of corpora in multiple
languages, they enable powerful transfer from high-resource languages to
low-resource ones. However, it is still unknown what cultural biases are
induced in the predictions of these models. In this work, we focus on one
language property highly influenced by culture: formality. We analyze the
formality distributions of XGLM and BLOOM's predictions, two popular generative
multilingual language models, in 5 languages. We classify 1,200 generations per
language as formal, informal, or incohesive and measure the impact of the
prompt formality on the predictions. Overall, we observe a diversity of
behaviors across the models and languages. For instance, XGLM generates
informal text in Arabic and Bengali when conditioned with informal prompts,
much more than BLOOM. In addition, even though both models are highly biased
toward the formal style when prompted neutrally, we find that the models
generate a significant amount of informal predictions even when prompted with
formal text. We release with this work 6,000 annotated samples, paving the way
for future work on the formality of generative multilingual LMs. | cs.CL | In What Languages are Generative Language Models the Most Formal? Analyzing Formality Distribution across Languages |
2023-02-23T19:24:55Z | http://arxiv.org/pdf/2302.12297v1 | http://arxiv.org/abs/2302.12297v1 | Katerina Margatina, Shuai Wang, Yogarshi Vyas, Neha Anna John, Yassine Benajiba, Miguel Ballesteros | 2023-02-23T19:24:55Z | cs.CL | Temporal concept drift refers to the problem of data changing over time. In
NLP, that would entail that language (e.g. new expressions, meaning shifts) and
factual knowledge (e.g. new concepts, updated facts) evolve over time. Focusing
on the latter, we benchmark $11$ pretrained masked language models (MLMs) on a
series of tests designed to evaluate the effect of temporal concept drift, as
it is crucial that widely used language models remain up-to-date with the
ever-evolving factual updates of the real world. Specifically, we provide a
holistic framework that (1) dynamically creates temporal test sets of any time
granularity (e.g. month, quarter, year) of factual data from Wikidata, (2)
constructs fine-grained splits of tests (e.g. updated, new, unchanged facts) to
ensure comprehensive analysis, and (3) evaluates MLMs in three distinct ways
(single-token probing, multi-token generation, MLM scoring). In contrast to
prior work, our framework aims to unveil how robust an MLM is over time and
thus to provide a signal in case it has become outdated, by leveraging multiple
views of evaluation. | cs.CL | Dynamic Benchmarking of Masked Language Models on Temporal Concept Drift with Multiple Views |
2023-02-23T18:59:05Z | http://arxiv.org/pdf/2302.12247v5 | http://arxiv.org/abs/2302.12247v5 | Paul Pu Liang, Yun Cheng, Xiang Fan, Chun Kai Ling, Suzanne Nie, Richard Chen, Zihao Deng, Nicholas Allen, Randy Auerbach, Faisal Mahmood, Ruslan Salakhutdinov, Louis-Philippe Morency | 2023-12-10T19:54:36Z | cs.LG, cs.AI, cs.CL, cs.CV, cs.IT, math.IT | The recent explosion of interest in multimodal applications has resulted in a
wide selection of datasets and methods for representing and integrating
information from different modalities. Despite these empirical advances, there
remain fundamental research questions: How can we quantify the interactions
that are necessary to solve a multimodal task? Subsequently, what are the most
suitable multimodal models to capture these interactions? To answer these
questions, we propose an information-theoretic approach to quantify the degree
of redundancy, uniqueness, and synergy relating input modalities with an output
task. We term these three measures as the PID statistics of a multimodal
distribution (or PID for short), and introduce two new estimators for these PID
statistics that scale to high-dimensional distributions. To validate PID
estimation, we conduct extensive experiments on both synthetic datasets where
the PID is known and on large-scale multimodal benchmarks where PID estimations
are compared with human annotations. Finally, we demonstrate their usefulness
in (1) quantifying interactions within multimodal datasets, (2) quantifying
interactions captured by multimodal models, (3) principled approaches for model
selection, and (4) three real-world case studies engaging with domain experts
in pathology, mood prediction, and robotic perception where our framework helps
to recommend strong multimodal models for each application. | cs.LG | Quantifying & Modeling Multimodal Interactions: An Information Decomposition Framework |
2023-02-23T18:58:59Z | http://arxiv.org/pdf/2302.12246v4 | http://arxiv.org/abs/2302.12246v4 | Shizhe Diao, Pengcheng Wang, Yong Lin, Tong Zhang | 2024-06-07T02:51:25Z | cs.CL | The increasing scale of large language models (LLMs) brings emergent
abilities to various complex tasks requiring reasoning, such as arithmetic and
commonsense reasoning. It is known that the effective design of task-specific
prompts is critical for LLMs' ability to produce high-quality answers. In
particular, an effective approach for complex question-and-answer tasks is
example-based prompting with chain-of-thought (CoT) reasoning, which
significantly improves the performance of LLMs. However, current CoT methods
rely on a fixed set of human-annotated exemplars, which are not necessarily the
most effective examples for different tasks. This paper proposes a new method,
Active-Prompt, to adapt LLMs to different tasks with task-specific example
prompts (annotated with human-designed CoT reasoning). For this purpose, we
propose a solution to the key problem of determining which questions are the
most important and helpful ones to annotate from a pool of task-specific
queries. By borrowing ideas from the related problem of uncertainty-based
active learning, we introduce several metrics to characterize the uncertainty
so as to select the most uncertain questions for annotation. Experimental
results demonstrate the superiority of our proposed method, achieving
state-of-the-art on eight complex reasoning tasks. Further analyses of
different uncertainty metrics, pool sizes, zero-shot learning, and
accuracy-uncertainty relationship demonstrate the effectiveness of our method.
Our code will be available at https://github.com/shizhediao/active-prompt. | cs.CL | Active Prompting with Chain-of-Thought for Large Language Models |
2023-02-23T18:57:34Z | http://arxiv.org/pdf/2302.12239v3 | http://arxiv.org/abs/2302.12239v3 | Lukas Galke, Yoav Ram, Limor Raviv | 2024-04-04T08:26:54Z | cs.CL, I.2.7 | Deep neural networks drive the success of natural language processing. A
fundamental property of language is its compositional structure, allowing
humans to systematically produce forms for new meanings. For humans, languages
with more compositional and transparent structures are typically easier to
learn than those with opaque and irregular structures. However, this
learnability advantage has not yet been shown for deep neural networks,
limiting their use as models for human language learning. Here, we directly
test how neural networks compare to humans in learning and generalizing
different languages that vary in their degree of compositional structure. We
evaluate the memorization and generalization capabilities of a large language
model and recurrent neural networks, and show that both deep neural networks
exhibit a learnability advantage for more structured linguistic input: neural
networks exposed to more compositional languages show more systematic
generalization, greater agreement between different agents, and greater
similarity to human learners. | cs.CL | What Makes a Language Easy to Deep-Learn? |
2023-02-23T18:04:07Z | http://arxiv.org/pdf/2302.12211v1 | http://arxiv.org/abs/2302.12211v1 | Yichao Du, Zhirui Zhang, Bingzhe Wu, Lemao Liu, Tong Xu, Enhong Chen | 2023-02-23T18:04:07Z | cs.CL, cs.AI, cs.LG | To protect user privacy and meet legal regulations, federated learning (FL)
is attracting significant attention. Training neural machine translation (NMT)
models with traditional FL algorithm (e.g., FedAvg) typically relies on
multi-round model-based interactions. However, it is impractical and
inefficient for machine translation tasks due to the vast communication
overheads and heavy synchronization. In this paper, we propose a novel
federated nearest neighbor (FedNN) machine translation framework that, instead
of multi-round model-based interactions, leverages one-round memorization-based
interaction to share knowledge across different clients to build low-overhead
privacy-preserving systems. The whole approach equips the public NMT model
trained on large-scale accessible data with a $k$-nearest-neighbor ($$kNN)
classifier and integrates the external datastore constructed by private text
data in all clients to form the final FL model. A two-phase datastore
encryption strategy is introduced to achieve privacy-preserving during this
process. Extensive experiments show that FedNN significantly reduces
computational and communication costs compared with FedAvg, while maintaining
promising performance in different FL settings. | cs.CL | Federated Nearest Neighbor Machine Translation |
2023-02-23T17:51:29Z | http://arxiv.org/pdf/2302.12200v2 | http://arxiv.org/abs/2302.12200v2 | Yunan Zhang, Qingcai Chen | 2023-07-17T08:09:34Z | cs.CL, cs.AI | Named Entity Recognition (NER) models capable of Continual Learning (CL) are
realistically valuable in areas where entity types continuously increase (e.g.,
personal assistants). Meanwhile the learning paradigm of NER advances to new
patterns such as the span-based methods. However, its potential to CL has not
been fully explored. In this paper, we propose SpanKL, a simple yet effective
Span-based model with Knowledge distillation (KD) to preserve memories and
multi-Label prediction to prevent conflicts in CL-NER. Unlike prior sequence
labeling approaches, the inherently independent modeling in span and entity
level with the designed coherent optimization on SpanKL promotes its learning
at each incremental step and mitigates the forgetting. Experiments on synthetic
CL datasets derived from OntoNotes and Few-NERD show that SpanKL significantly
outperforms previous SoTA in many aspects, and obtains the smallest gap from CL
to the upper bound revealing its high practiced value. The code is available at
https://github.com/Qznan/SpanKL. | cs.CL | A Neural Span-Based Continual Named Entity Recognition Model |
2023-02-23T17:31:40Z | http://arxiv.org/pdf/2302.12190v2 | http://arxiv.org/abs/2302.12190v2 | Ciprian-Octavian Truică, Elena-Simona Apostol, Radu-Cătălin Nicolescu, Panagiotis Karras | 2024-01-19T16:30:14Z | cs.SI, cs.AI, cs.CL, cs.NE | The widespread availability of internet access and handheld devices confers
to social media a power similar to the one newspapers used to have. People seek
affordable information on social media and can reach it within seconds. Yet
this convenience comes with dangers; any user may freely post whatever they
please and the content can stay online for a long period, regardless of its
truthfulness. A need to detect untruthful information, also known as fake news,
arises. In this paper, we present an end-to-end solution that accurately
detects fake news and immunizes network nodes that spread them in real-time. To
detect fake news, we propose two new stack deep learning architectures that
utilize convolutional and bidirectional LSTM layers. To mitigate the spread of
fake news, we propose a real-time network-aware strategy that (1) constructs a
minimum-cost weighted directed spanning tree for a detected node, and (2)
immunizes nodes in that tree by scoring their harmfulness using a novel ranking
function. We demonstrate the effectiveness of our solution on five real-world
datasets. | cs.SI | MCWDST: a Minimum-Cost Weighted Directed Spanning Tree Algorithm for Real-Time Fake News Mitigation in Social Media |
2023-02-23T17:30:18Z | http://arxiv.org/pdf/2302.12189v3 | http://arxiv.org/abs/2302.12189v3 | Michele Cafagna, Kees van Deemter, Albert Gatt | 2023-09-25T07:37:20Z | cs.CL, cs.CV | Current captioning datasets focus on object-centric captions, describing the
visible objects in the image, e.g. "people eating food in a park". Although
these datasets are useful to evaluate the ability of Vision & Language models
to recognize and describe visual content, they do not support controlled
experiments involving model testing or fine-tuning, with more high-level
captions, which humans find easy and natural to produce. For example, people
often describe images based on the type of scene they depict ('people at a
holiday resort') and the actions they perform ('people having a picnic'). Such
descriptions draw on personal experience and commonsense assumptions. We
present the High-Level Dataset a dataset extending 14997 images from the COCO
dataset, aligned with a new set of 134,973 human-annotated (high-level)
captions collected along three axes: scenes, actions, and rationales. We
further extend this dataset with confidence scores collected from an
independent set of readers, as well as a set of narrative captions generated
synthetically, by combining each of the three axes. We describe this dataset
and analyse it extensively. We also present baseline results for the High-Level
Captioning task. | cs.CL | HL Dataset: Visually-grounded Description of Scenes, Actions and Rationales |
2023-02-23T17:28:29Z | http://arxiv.org/pdf/2302.12188v1 | http://arxiv.org/abs/2302.12188v1 | Yuhan Dai, Zhirui Zhang, Qiuzhi Liu, Qu Cui, Weihua Li, Yichao Du, Tong Xu | 2023-02-23T17:28:29Z | cs.CL | $k$NN-MT is a straightforward yet powerful approach for fast domain
adaptation, which directly plugs pre-trained neural machine translation (NMT)
models with domain-specific token-level $k$-nearest-neighbor ($k$NN) retrieval
to achieve domain adaptation without retraining. Despite being conceptually
attractive, $k$NN-MT is burdened with massive storage requirements and high
computational complexity since it conducts nearest neighbor searches over the
entire reference corpus. In this paper, we propose a simple and scalable
nearest neighbor machine translation framework to drastically promote the
decoding and storage efficiency of $k$NN-based models while maintaining the
translation performance. To this end, we dynamically construct an extremely
small datastore for each input via sentence-level retrieval to avoid searching
the entire datastore in vanilla $k$NN-MT, based on which we further introduce a
distance-aware adapter to adaptively incorporate the $k$NN retrieval results
into the pre-trained NMT models. Experiments on machine translation in two
general settings, static domain adaptation and online learning, demonstrate
that our proposed approach not only achieves almost 90% speed as the NMT model
without performance degradation, but also significantly reduces the storage
requirements of $k$NN-MT. | cs.CL | Simple and Scalable Nearest Neighbor Machine Translation |
2023-02-23T17:14:38Z | http://arxiv.org/pdf/2302.12173v2 | http://arxiv.org/abs/2302.12173v2 | Kai Greshake, Sahar Abdelnabi, Shailesh Mishra, Christoph Endres, Thorsten Holz, Mario Fritz | 2023-05-05T14:26:17Z | cs.CR, cs.AI, cs.CL, cs.CY | Large Language Models (LLMs) are increasingly being integrated into various
applications. The functionalities of recent LLMs can be flexibly modulated via
natural language prompts. This renders them susceptible to targeted adversarial
prompting, e.g., Prompt Injection (PI) attacks enable attackers to override
original instructions and employed controls. So far, it was assumed that the
user is directly prompting the LLM. But, what if it is not the user prompting?
We argue that LLM-Integrated Applications blur the line between data and
instructions. We reveal new attack vectors, using Indirect Prompt Injection,
that enable adversaries to remotely (without a direct interface) exploit
LLM-integrated applications by strategically injecting prompts into data likely
to be retrieved. We derive a comprehensive taxonomy from a computer security
perspective to systematically investigate impacts and vulnerabilities,
including data theft, worming, information ecosystem contamination, and other
novel security risks. We demonstrate our attacks' practical viability against
both real-world systems, such as Bing's GPT-4 powered Chat and code-completion
engines, and synthetic applications built on GPT-4. We show how processing
retrieved prompts can act as arbitrary code execution, manipulate the
application's functionality, and control how and if other APIs are called.
Despite the increasing integration and reliance on LLMs, effective mitigations
of these emerging threats are currently lacking. By raising awareness of these
vulnerabilities and providing key insights into their implications, we aim to
promote the safe and responsible deployment of these powerful models and the
development of robust defenses that protect users and systems from potential
attacks. | cs.CR | Not what you've signed up for: Compromising Real-World LLM-Integrated Applications with Indirect Prompt Injection |
2023-02-23T17:03:36Z | http://arxiv.org/pdf/2302.12165v1 | http://arxiv.org/abs/2302.12165v1 | Elizabeth Nielsen, Sharon Goldwater, Mark Steedman | 2023-02-23T17:03:36Z | cs.CL | Parsing spoken dialogue presents challenges that parsing text does not,
including a lack of clear sentence boundaries. We know from previous work that
prosody helps in parsing single sentences (Tran et al. 2018), but we want to
show the effect of prosody on parsing speech that isn't segmented into
sentences. In experiments on the English Switchboard corpus, we find prosody
helps our model both with parsing and with accurately identifying sentence
boundaries. However, we find that the best-performing parser is not necessarily
the parser that produces the best sentence segmentation performance. We suggest
that the best parses instead come from modelling sentence boundaries jointly
with other constituent boundaries. | cs.CL | Prosodic features improve sentence segmentation and parsing |
2023-02-23T16:11:04Z | http://arxiv.org/pdf/2302.12128v1 | http://arxiv.org/abs/2302.12128v1 | Tobias Norlund, Ehsan Doostmohammadi, Richard Johansson, Marco Kuhlmann | 2023-02-23T16:11:04Z | cs.CL | Recent work on the Retrieval-Enhanced Transformer (RETRO) model has shown
that off-loading memory from trainable weights to a retrieval database can
significantly improve language modeling and match the performance of
non-retrieval models that are an order of magnitude larger in size. It has been
suggested that at least some of this performance gain is due to non-trivial
generalization based on both model weights and retrieval. In this paper, we try
to better understand the relative contributions of these two components. We
find that the performance gains from retrieval largely originate from
overlapping tokens between the database and the test data, suggesting less
non-trivial generalization than previously assumed. More generally, our results
point to the challenges of evaluating the generalization of retrieval-augmented
language models such as RETRO, as even limited token overlap may significantly
decrease test-time loss. We release our code and model at
https://github.com/TobiasNorlund/retro | cs.CL | On the Generalization Ability of Retrieval-Enhanced Transformers |
2023-02-23T16:09:42Z | http://arxiv.org/pdf/2302.12126v3 | http://arxiv.org/abs/2302.12126v3 | Yunyong Ko, Seongeun Ryu, Soeun Han, Youngseung Jeon, Jaehoon Kim, Sohyun Park, Kyungsik Han, Hanghang Tong, Sang-Wook Kim | 2023-04-04T20:03:36Z | cs.CL, cs.AI, cs.LG | The political stance prediction for news articles has been widely studied to
mitigate the echo chamber effect -- people fall into their thoughts and
reinforce their pre-existing beliefs. The previous works for the political
stance problem focus on (1) identifying political factors that could reflect
the political stance of a news article and (2) capturing those factors
effectively. Despite their empirical successes, they are not sufficiently
justified in terms of how effective their identified factors are in the
political stance prediction. Motivated by this, in this work, we conduct a user
study to investigate important factors in political stance prediction, and
observe that the context and tone of a news article (implicit) and external
knowledge for real-world entities appearing in the article (explicit) are
important in determining its political stance. Based on this observation, we
propose a novel knowledge-aware approach to political stance prediction (KHAN),
employing (1) hierarchical attention networks (HAN) to learn the relationships
among words and sentences in three different levels and (2) knowledge encoding
(KE) to incorporate external knowledge for real-world entities into the process
of political stance prediction. Also, to take into account the subtle and
important difference between opposite political stances, we build two
independent political knowledge graphs (KG) (i.e., KG-lib and KG-con) by
ourselves and learn to fuse the different political knowledge. Through
extensive evaluations on three real-world datasets, we demonstrate the
superiority of DASH in terms of (1) accuracy, (2) efficiency, and (3)
effectiveness. | cs.CL | KHAN: Knowledge-Aware Hierarchical Attention Networks for Accurate Political Stance Prediction |
2023-02-23T16:06:16Z | http://arxiv.org/pdf/2302.13814v2 | http://arxiv.org/abs/2302.13814v2 | Paulo Shakarian, Abhinav Koyyalamudi, Noel Ngu, Lakshmivihari Mareedu | 2023-02-28T02:06:53Z | cs.CL, cs.AI, cs.LG | We study the performance of a commercially available large language model
(LLM) known as ChatGPT on math word problems (MWPs) from the dataset DRAW-1K.
To our knowledge, this is the first independent evaluation of ChatGPT. We found
that ChatGPT's performance changes dramatically based on the requirement to
show its work, failing 20% of the time when it provides work compared with 84%
when it does not. Further several factors about MWPs relating to the number of
unknowns and number of operations that lead to a higher probability of failure
when compared with the prior, specifically noting (across all experiments) that
the probability of failure increases linearly with the number of addition and
subtraction operations. We also have released the dataset of ChatGPT's
responses to the MWPs to support further work on the characterization of LLM
performance and present baseline machine learning models to predict if ChatGPT
can correctly answer an MWP. We have released a dataset comprised of ChatGPT's
responses to support further research in this area. | cs.CL | An Independent Evaluation of ChatGPT on Mathematical Word Problems (MWP) |
2023-02-23T14:49:31Z | http://arxiv.org/pdf/2302.12069v1 | http://arxiv.org/abs/2302.12069v1 | Zolzaya Dashdorj, Tsetsentsengel Munkhbayar, Stanislav Grigorev | 2023-02-23T14:49:31Z | cs.CL, cs.AI | A large amount of feedback was collected over the years. Many feedback
analysis models have been developed focusing on the English language.
Recognizing the concept of feedback is challenging and crucial in languages
which do not have applicable corpus and tools employed in Natural Language
Processing (i.e., vocabulary corpus, sentence structure rules, etc). However,
in this paper, we study a feedback classification in Mongolian language using
two different word embeddings for deep learning. We compare the results of
proposed approaches. We use feedback data in Cyrillic collected from 2012-2018.
The result indicates that word embeddings using their own dataset improve the
deep learning based proposed model with the best accuracy of 80.1% and 82.7%
for two classification tasks. | cs.CL | Deep learning model for Mongolian Citizens Feedback Analysis using Word Vector Embeddings |
2023-02-23T14:30:23Z | http://arxiv.org/pdf/2302.12057v3 | http://arxiv.org/abs/2302.12057v3 | Maureen de Seyssel, Marvin Lavechin, Hadrien Titeux, Arthur Thomas, Gwendal Virlet, Andrea Santos Revilla, Guillaume Wisniewski, Bogdan Ludusan, Emmanuel Dupoux | 2023-06-01T08:11:15Z | cs.CL, cs.SD, eess.AS | We present ProsAudit, a benchmark in English to assess structural prosodic
knowledge in self-supervised learning (SSL) speech models. It consists of two
subtasks, their corresponding metrics, and an evaluation dataset. In the
protosyntax task, the model must correctly identify strong versus weak prosodic
boundaries. In the lexical task, the model needs to correctly distinguish
between pauses inserted between words and within words. We also provide human
evaluation scores on this benchmark. We evaluated a series of SSL models and
found that they were all able to perform above chance on both tasks, even when
evaluated on an unseen language. However, non-native models performed
significantly worse than native ones on the lexical task, highlighting the
importance of lexical knowledge in this task. We also found a clear effect of
size with models trained on more data performing better in the two subtasks. | cs.CL | ProsAudit, a prosodic benchmark for self-supervised speech models |
2023-02-23T14:22:45Z | http://arxiv.org/pdf/2302.12050v1 | http://arxiv.org/abs/2302.12050v1 | Konstantinos Kogkalidis, Michael Moortgat, Richard Moot | 2023-02-23T14:22:45Z | cs.CL, cs.AI, cs.LG, cs.LO | This paper describes SPINDLE - an open source Python module implementing an
efficient and accurate parser for written Dutch that transforms raw text input
to programs for meaning composition, expressed as {\lambda} terms. The parser
integrates a number of breakthrough advances made in recent years. Its output
consists of hi-res derivations of a multimodal type-logical grammar, capturing
two orthogonal axes of syntax, namely deep function-argument structures and
dependency relations. These are produced by three interdependent systems: a
static type-checker asserting the well-formedness of grammatical analyses, a
state-of-the-art, structurally-aware supertagger based on heterogeneous graph
convolutions, and a massively parallel proof search component based on Sinkhorn
iterations. Packed in the software are also handy utilities and extras for
proof visualization and inference, intended to facilitate end-user utilization. | cs.CL | SPINDLE: Spinning Raw Text into Lambda Terms with Graph Attention |
2023-02-23T14:22:40Z | http://arxiv.org/pdf/2302.12049v1 | http://arxiv.org/abs/2302.12049v1 | Ryan Whetten, Mir Tahsin Imtiaz, Casey Kennington | 2023-02-23T14:22:40Z | cs.CL, cs.SD, eess.AS | The increasing reliability of automatic speech recognition has proliferated
its everyday use. However, for research purposes, it is often unclear which
model one should choose for a task, particularly if there is a requirement for
speed as well as accuracy. In this paper, we systematically evaluate six speech
recognizers using metrics including word error rate, latency, and the number of
updates to already recognized words on English test data, as well as propose
and compare two methods for streaming audio into recognizers for incremental
recognition. We further propose Revokes per Second as a new metric for
evaluating incremental recognition and demonstrate that it provides insights
into overall model performance. We find that, generally, local recognizers are
faster and require fewer updates than cloud-based recognizers. Finally, we find
Meta's Wav2Vec model to be the fastest, and find Mozilla's DeepSpeech model to
be the most stable in its predictions. | cs.CL | Evaluating Automatic Speech Recognition in an Incremental Setting |
2023-02-23T14:17:34Z | http://arxiv.org/pdf/2302.12045v1 | http://arxiv.org/abs/2302.12045v1 | Yingze Xie, Jie Xu, LiQiang Qiao, Yun Liu, Feiren Huang, Chaozhuo Li | 2023-02-23T14:17:34Z | cs.CL | Sentiment transfer aims at revising the input text to satisfy a given
sentiment polarity while retaining the original semantic content. The nucleus
of sentiment transfer lies in precisely separating the sentiment information
from the content information. Existing explicit approaches generally identify
and mask sentiment tokens simply based on prior linguistic knowledge and
manually-defined rules, leading to low generality and undesirable transfer
performance. In this paper, we view the positions to be masked as the learnable
parameters, and further propose a novel AM-ST model to learn adaptive
task-relevant masks based on the attention mechanism. Moreover, a
sentiment-aware masked language model is further proposed to fill in the blanks
in the masked positions by incorporating both context and sentiment polarity to
capture the multi-grained semantics comprehensively. AM-ST is thoroughly
evaluated on two popular datasets, and the experimental results demonstrate the
superiority of our proposal. | cs.CL | Generative Sentiment Transfer via Adaptive Masking |
2023-02-23T14:13:52Z | http://arxiv.org/pdf/2302.12044v2 | http://arxiv.org/abs/2302.12044v2 | Jiageng Wu, Xian Wu, Yining Hua, Shixu Lin, Yefeng Zheng, Jie Yang | 2023-05-03T06:43:09Z | cs.CL | The COVID-19 pandemic has caused substantial damage to global health. Even
though three years have passed, the world continues to struggle with the virus.
Concerns are growing about the impact of COVID-19 on the mental health of
infected individuals, who are more likely to experience depression, which can
have long-lasting consequences for both the affected individuals and the world.
Detection and intervention at an early stage can reduce the risk of depression
in COVID-19 patients. In this paper, we investigated the relationship between
COVID-19 infection and depression through social media analysis. Firstly, we
managed a dataset of COVID-19 patients that contains information about their
social media activity both before and after infection. Secondly,We conducted an
extensive analysis of this dataset to investigate the characteristic of
COVID-19 patients with a higher risk of depression. Thirdly, we proposed a deep
neural network for early prediction of depression risk. This model considers
daily mood swings as a psychiatric signal and incorporates textual and
emotional characteristics via knowledge distillation. Experimental results
demonstrate that our proposed framework outperforms baselines in detecting
depression risk, with an AUROC of 0.9317 and an AUPRC of 0.8116. Our model has
the potential to enable public health organizations to initiate prompt
intervention with high-risk patients | cs.CL | Exploring Social Media for Early Detection of Depression in COVID-19 Patients |
2023-02-23T14:12:03Z | http://arxiv.org/pdf/2302.12043v1 | http://arxiv.org/abs/2302.12043v1 | Casey Kennington, Jerry Alan Fails, Katherine Landau Wright, Maria Soledad Pera | 2023-02-23T14:12:03Z | cs.CL | Using online information discovery as a case study, in this position paper we
discuss the need to design, develop, and deploy (conversational) agents that
can -- non-intrusively -- guide children in their quest for online resources
rather than simply finding resources for them. We argue that agents should "let
children learn" and should be built to take on a teacher-facilitator function,
allowing children to develop their technical and critical thinking abilities as
they interact with varied technology in a broad range of use cases. | cs.CL | Conversational Agents and Children: Let Children Learn |
2023-02-23T14:02:47Z | http://arxiv.org/pdf/2302.12039v1 | http://arxiv.org/abs/2302.12039v1 | Daniel Martin Katz, Dirk Hartung, Lauritz Gerlach, Abhik Jana, Michael J. Bommarito II | 2023-02-23T14:02:47Z | cs.CL, cs.AI | In this paper, we summarize the current state of the field of NLP & Law with
a specific focus on recent technical and substantive developments. To support
our analysis, we construct and analyze a nearly complete corpus of more than
six hundred NLP & Law related papers published over the past decade. Our
analysis highlights several major trends. Namely, we document an increasing
number of papers written, tasks undertaken, and languages covered over the
course of the past decade. We observe an increase in the sophistication of the
methods which researchers deployed in this applied context. Slowly but surely,
Legal NLP is beginning to match not only the methodological sophistication of
general NLP but also the professional standards of data availability and code
reproducibility observed within the broader scientific community. We believe
all of these trends bode well for the future of the field, but many questions
in both the academic and commercial sphere still remain open. | cs.CL | Natural Language Processing in the Legal Domain |
2023-02-23T13:12:35Z | http://arxiv.org/pdf/2302.11989v1 | http://arxiv.org/abs/2302.11989v1 | Chen Chen, Yuchen Hu, Weiwei Weng, Eng Siong Chng | 2023-02-23T13:12:35Z | cs.SD, cs.CL, eess.AS | Deep neural network based speech enhancement technique focuses on learning a
noisy-to-clean transformation supervised by paired training data. However, the
task-specific evaluation metric (e.g., PESQ) is usually non-differentiable and
can not be directly constructed in the training criteria. This mismatch between
the training objective and evaluation metric likely results in sub-optimal
performance. To alleviate it, we propose a metric-oriented speech enhancement
method (MOSE), which leverages the recent advances in the diffusion
probabilistic model and integrates a metric-oriented training strategy into its
reverse process. Specifically, we design an actor-critic based framework that
considers the evaluation metric as a posterior reward, thus guiding the reverse
process to the metric-increasing direction. The experimental results
demonstrate that MOSE obviously benefits from metric-oriented training and
surpasses the generative baselines in terms of all evaluation metrics. | cs.SD | Metric-oriented Speech Enhancement using Diffusion Probabilistic Model |
2023-02-23T12:50:02Z | http://arxiv.org/pdf/2302.11978v1 | http://arxiv.org/abs/2302.11978v1 | Shengnan An, Zeqi Lin, Bei Chen, Qiang Fu, Nanning Zheng, Jian-Guang Lou | 2023-02-23T12:50:02Z | cs.LG, cs.CL | Abstraction is a desirable capability for deep learning models, which means
to induce abstract concepts from concrete instances and flexibly apply them
beyond the learning context. At the same time, there is a lack of clear
understanding about both the presence and further characteristics of this
capability in deep learning models. In this paper, we introduce a systematic
probing framework to explore the abstraction capability of deep learning models
from a transferability perspective. A set of controlled experiments are
conducted based on this framework, providing strong evidence that two probed
pre-trained language models (PLMs), T5 and GPT2, have the abstraction
capability. We also conduct in-depth analysis, thus shedding further light: (1)
the whole training phase exhibits a "memorize-then-abstract" two-stage process;
(2) the learned abstract concepts are gathered in a few middle-layer attention
heads, rather than being evenly distributed throughout the model; (3) the
probed abstraction capabilities exhibit robustness against concept mutations,
and are more robust to low-level/source-side mutations than
high-level/target-side ones; (4) generic pre-training is critical to the
emergence of abstraction capability, and PLMs exhibit better abstraction with
larger model sizes and data scales. | cs.LG | Does Deep Learning Learn to Abstract? A Systematic Probing Framework |
2023-02-23T12:11:58Z | http://arxiv.org/pdf/2302.11957v1 | http://arxiv.org/abs/2302.11957v1 | Yutao Feng, Jipeng Qiang, Yun Li, Yunhao Yuan, Yi Zhu | 2023-02-23T12:11:58Z | cs.CL, cs.AI | Sentence Simplification aims to rephrase complex sentences into simpler
sentences while retaining original meaning. Large Language models (LLMs) have
demonstrated the ability to perform a variety of natural language processing
tasks. However, it is not yet known whether LLMs can be served as a
high-quality sentence simplification system. In this work, we empirically
analyze the zero-/few-shot learning ability of LLMs by evaluating them on a
number of benchmark test sets. Experimental results show LLMs outperform
state-of-the-art sentence simplification methods, and are judged to be on a par
with human annotators. | cs.CL | Sentence Simplification via Large Language Models |
2023-02-23T10:33:40Z | http://arxiv.org/pdf/2302.13782v1 | http://arxiv.org/abs/2302.13782v1 | Giorgia Adorni | 2023-02-23T10:33:40Z | cs.CL, cs.AI, cs.LG | Personality is considered one of the most influential research topics in
psychology, as it predicts many consequential outcomes such as mental and
physical health and explains human behaviour. With the widespread use of social
networks as a means of communication, it is becoming increasingly important to
develop models that can automatically and accurately read the essence of
individuals based solely on their writing. In particular, the convergence of
social and computer sciences has led researchers to develop automatic
approaches for extracting and studying "hidden" information in textual data on
the internet. The nature of this thesis project is highly experimental, and the
motivation behind this work is to present detailed analyses on the topic, as
currently there are no significant investigations of this kind. The objective
is to identify an adequate semantic space that allows for defining the
personality of the object to which a certain text refers. The starting point is
a dictionary of adjectives that psychological literature defines as markers of
the five major personality traits, or Big Five. In this work, we started with
the implementation of fully-connected neural networks as a basis for
understanding how simple deep learning models can provide information on hidden
personality characteristics. Finally, we use a class of distributional
algorithms invented in 2013 by Tomas Mikolov, which consists of using a
convolutional neural network that learns the contexts of words in an
unsupervised way. In this way, we construct an embedding that contains the
semantic information on the text, obtaining a kind of "geometry of meaning" in
which concepts are translated into linear relationships. With this last
experiment, we hypothesize that an individual writing style is largely coupled
with their personality traits. | cs.CL | Neural networks for learning personality traits from natural language |
2023-02-23T09:51:03Z | http://arxiv.org/pdf/2302.12258v1 | http://arxiv.org/abs/2302.12258v1 | Benno Weck, Xavier Serra | 2023-02-23T09:51:03Z | cs.SD, cs.CL, cs.IR, cs.LG, eess.AS | The recent progress in text-based audio retrieval was largely propelled by
the release of suitable datasets. Since the manual creation of such datasets is
a laborious task, obtaining data from online resources can be a cheap solution
to create large-scale datasets. We study the recently proposed SoundDesc
benchmark dataset, which was automatically sourced from the BBC Sound Effects
web page. In our analysis, we find that SoundDesc contains several duplicates
that cause leakage of training data to the evaluation data. This data leakage
ultimately leads to overly optimistic retrieval performance estimates in
previous benchmarks. We propose new training, validation, and testing splits
for the dataset that we make available online. To avoid weak contamination of
the test data, we pool audio files that share similar recording setups. In our
experiments, we find that the new splits serve as a more challenging benchmark. | cs.SD | Data leakage in cross-modal retrieval training: A case study |
2023-02-23T09:25:46Z | http://arxiv.org/pdf/2302.11875v1 | http://arxiv.org/abs/2302.11875v1 | Yekun Chai, Qiyue Yin, Junge Zhang | 2023-02-23T09:25:46Z | cs.CL | Despite the dramatic success in image generation, Generative Adversarial
Networks (GANs) still face great challenges in synthesizing sequences of
discrete elements, in particular human language. The difficulty in generator
training arises from the limited representation capacity and uninformative
learning signals obtained from the discriminator. In this work, we (1) first
empirically show that the mixture-of-experts approach is able to enhance the
representation capacity of the generator for language GANs and (2) harness the
Feature Statistics Alignment (FSA) paradigm to render fine-grained learning
signals to advance the generator training. Specifically, FSA forces the mean
statistics of the distribution of fake data to approach that of real samples as
close as possible in the finite-dimensional feature space. Empirical study on
synthetic and real benchmarks shows the superior performance in quantitative
evaluation and demonstrates the effectiveness of our approach to adversarial
text generation. | cs.CL | Improved Training of Mixture-of-Experts Language GANs |
2023-02-23T08:28:29Z | http://arxiv.org/pdf/2302.11849v1 | http://arxiv.org/abs/2302.11849v1 | Yeqin Zhang, Haomin Fu, Cheng Fu, Haiyang Yu, Yongbin Li, Cam-Tu Nguyen | 2023-02-23T08:28:29Z | cs.CL | Multi-document grounded dialogue systems (DGDS) belong to a class of
conversational agents that answer users' requests by finding supporting
knowledge from a collection of documents. Most previous studies aim to improve
the knowledge retrieval model or propose more effective ways to incorporate
external knowledge into a parametric generation model. These methods, however,
focus on retrieving knowledge from mono-granularity language units (e.g.
passages, sentences, or spans in documents), which is not enough to effectively
and efficiently capture precise knowledge in long documents. This paper
proposes Re3G, which aims to optimize both coarse-grained knowledge retrieval
and fine-grained knowledge extraction in a unified framework. Specifically, the
former efficiently finds relevant passages in a retrieval-and-reranking
process, whereas the latter effectively extracts finer-grain spans within those
passages to incorporate into a parametric answer generation model (BART, T5).
Experiments on DialDoc Shared Task demonstrate the effectiveness of our method. | cs.CL | Coarse-to-Fine Knowledge Selection for Document Grounded Dialogs |
2023-02-23T06:48:24Z | http://arxiv.org/pdf/2302.11812v1 | http://arxiv.org/abs/2302.11812v1 | Minsoo Kim, Kyuhong Shim, Seongmin Park, Wonyong Sung, Jungwook Choi | 2023-02-23T06:48:24Z | cs.CL, cs.AI | Pre-trained Transformer models such as BERT have shown great success in a
wide range of applications, but at the cost of substantial increases in model
complexity. Quantization-aware training (QAT) is a promising method to lower
the implementation cost and energy consumption. However, aggressive
quantization below 2-bit causes considerable accuracy degradation due to
unstable convergence, especially when the downstream dataset is not abundant.
This work proposes a proactive knowledge distillation method called Teacher
Intervention (TI) for fast converging QAT of ultra-low precision pre-trained
Transformers. TI intervenes layer-wise signal propagation with the intact
signal from the teacher to remove the interference of propagated quantization
errors, smoothing loss surface of QAT and expediting the convergence.
Furthermore, we propose a gradual intervention mechanism to stabilize the
recovery of subsections of Transformer layers from quantization. The proposed
schemes enable fast convergence of QAT and improve the model accuracy
regardless of the diverse characteristics of downstream fine-tuning tasks. We
demonstrate that TI consistently achieves superior accuracy with significantly
lower fine-tuning iterations on well-known Transformers of natural language
processing as well as computer vision compared to the state-of-the-art QAT
methods. | cs.CL | Teacher Intervention: Improving Convergence of Quantization Aware Training for Ultra-Low Precision Transformers |
2023-02-23T06:25:51Z | http://arxiv.org/pdf/2302.11799v2 | http://arxiv.org/abs/2302.11799v2 | Qichen Ye, Bowen Cao, Nuo Chen, Weiyuan Xu, Yuexian Zou | 2023-03-15T14:31:56Z | cs.CL, cs.LG | Knowledge-aware question answering (KAQA) requires the model to answer
questions over a knowledge base, which is essential for both open-domain QA and
domain-specific QA, especially when language models alone cannot provide all
the knowledge needed. Despite the promising result of recent KAQA systems which
tend to integrate linguistic knowledge from pre-trained language models (PLM)
and factual knowledge from knowledge graphs (KG) to answer complex questions, a
bottleneck exists in effectively fusing the representations from PLMs and KGs
because of (i) the semantic and distributional gaps between them, and (ii) the
difficulties in joint reasoning over the provided knowledge from both
modalities. To address the above two problems, we propose a Fine-grained
Two-stage training framework (FiTs) to boost the KAQA system performance: The
first stage aims at aligning representations from the PLM and the KG, thus
bridging the modality gaps between them, named knowledge adaptive
post-training. The second stage, called knowledge-aware fine-tuning, aims to
improve the model's joint reasoning ability based on the aligned
representations. In detail, we fine-tune the post-trained model via two
auxiliary self-supervised tasks in addition to the QA supervision. Extensive
experiments demonstrate that our approach achieves state-of-the-art performance
on three benchmarks in the commonsense reasoning (i.e., CommonsenseQA,
OpenbookQA) and medical question answering (i.e., MedQA-USMILE) domains. | cs.CL | FiTs: Fine-grained Two-stage Training for Knowledge-aware Question Answering |
2023-02-23T05:51:17Z | http://arxiv.org/pdf/2302.11787v1 | http://arxiv.org/abs/2302.11787v1 | Yushan Qian, Bo Wang, Ting-En Lin, Yinhe Zheng, Ying Zhu, Dongming Zhao, Yuexian Hou, Yuchuan Wu, Yongbin Li | 2023-02-23T05:51:17Z | cs.CL | Empathetic dialogue is a human-like behavior that requires the perception of
both affective factors (e.g., emotion status) and cognitive factors (e.g.,
cause of the emotion). Besides concerning emotion status in early work, the
latest approaches study emotion causes in empathetic dialogue. These approaches
focus on understanding and duplicating emotion causes in the context to show
empathy for the speaker. However, instead of only repeating the contextual
causes, the real empathic response often demonstrate a logical and
emotion-centered transition from the causes in the context to those in the
responses. In this work, we propose an emotion cause transition graph to
explicitly model the natural transition of emotion causes between two adjacent
turns in empathetic dialogue. With this graph, the concept words of the emotion
causes in the next turn can be predicted and used by a specifically designed
concept-aware decoder to generate the empathic response. Automatic and human
experimental results on the benchmark dataset demonstrate that our method
produces more empathetic, coherent, informative, and specific responses than
existing models. | cs.CL | Empathetic Response Generation via Emotion Cause Transition Graph |
2023-02-23T04:04:18Z | http://arxiv.org/pdf/2302.11766v1 | http://arxiv.org/abs/2302.11766v1 | Rahul Gupta, Vivek Srivastava, Mayank Singh | 2023-02-23T04:04:18Z | cs.CL, cs.LG | The multi-sentential long sequence textual data unfolds several interesting
research directions pertaining to natural language processing and generation.
Though we observe several high-quality long-sequence datasets for English and
other monolingual languages, there is no significant effort in building such
resources for code-mixed languages such as Hinglish (code-mixing of
Hindi-English). In this paper, we propose a novel task of identifying
multi-sentential code-mixed text (MCT) from multilingual articles. As a use
case, we leverage multilingual articles from two different data sources and
build a first-of-its-kind multi-sentential code-mixed Hinglish dataset i.e.,
MUTANT. We propose a token-level language-aware pipeline and extend the
existing metrics measuring the degree of code-mixing to a multi-sentential
framework and automatically identify MCT in the multilingual articles. The
MUTANT dataset comprises 67k articles with 85k identified Hinglish MCTs. To
facilitate future research, we make the publicly available. | cs.CL | MUTANT: A Multi-sentential Code-mixed Hinglish Dataset |
2023-02-23T02:38:39Z | http://arxiv.org/pdf/2302.11752v5 | http://arxiv.org/abs/2302.11752v5 | Ngan Luu-Thuy Nguyen, Nghia Hieu Nguyen, Duong T. D Vo, Khanh Quoc Tran, Kiet Van Nguyen | 2024-04-17T04:09:25Z | cs.CL | Visual Question Answering (VQA) is a challenging task of natural language
processing (NLP) and computer vision (CV), attracting significant attention
from researchers. English is a resource-rich language that has witnessed
various developments in datasets and models for visual question answering.
Visual question answering in other languages also would be developed for
resources and models. In addition, there is no multilingual dataset targeting
the visual content of a particular country with its own objects and cultural
characteristics. To address the weakness, we provide the research community
with a benchmark dataset named EVJVQA, including 33,000+ pairs of
question-answer over three languages: Vietnamese, English, and Japanese, on
approximately 5,000 images taken from Vietnam for evaluating multilingual VQA
systems or models. EVJVQA is used as a benchmark dataset for the challenge of
multilingual visual question answering at the 9th Workshop on Vietnamese
Language and Speech Processing (VLSP 2022). This task attracted 62 participant
teams from various universities and organizations. In this article, we present
details of the organization of the challenge, an overview of the methods
employed by shared-task participants, and the results. The highest performances
are 0.4392 in F1-score and 0.4009 in BLUE on the private test set. The
multilingual QA systems proposed by the top 2 teams use ViT for the pre-trained
vision model and mT5 for the pre-trained language model, a powerful pre-trained
language model based on the transformer architecture. EVJVQA is a challenging
dataset that motivates NLP and CV researchers to further explore the
multilingual models or systems for visual question answering systems. We
released the challenge on the Codalab evaluation system for further research. | cs.CL | EVJVQA Challenge: Multilingual Visual Question Answering |
2023-02-23T00:33:54Z | http://arxiv.org/pdf/2302.11713v5 | http://arxiv.org/abs/2302.11713v5 | Yang Chen, Hexiang Hu, Yi Luan, Haitian Sun, Soravit Changpinyo, Alan Ritter, Ming-Wei Chang | 2023-10-17T14:19:13Z | cs.CV, cs.AI, cs.CL | Pre-trained vision and language models have demonstrated state-of-the-art
capabilities over existing tasks involving images and texts, including visual
question answering. However, it remains unclear whether these models possess
the capability to answer questions that are not only querying visual content
but knowledge-intensive and information-seeking. In this study, we introduce
InfoSeek, a visual question answering dataset tailored for information-seeking
questions that cannot be answered with only common sense knowledge. Using
InfoSeek, we analyze various pre-trained visual question answering models and
gain insights into their characteristics. Our findings reveal that
state-of-the-art pre-trained multi-modal models (e.g., PaLI-X, BLIP2, etc.)
face challenges in answering visual information-seeking questions, but
fine-tuning on the InfoSeek dataset elicits models to use fine-grained
knowledge that was learned during their pre-training. Furthermore, we show that
accurate visual entity recognition can be used to improve performance on
InfoSeek by retrieving relevant documents, showing a significant space for
improvement. | cs.CV | Can Pre-trained Vision and Language Models Answer Visual Information-Seeking Questions? |
2023-02-22T23:41:22Z | http://arxiv.org/pdf/2303.00923v1 | http://arxiv.org/abs/2303.00923v1 | Mir Tafseer Nayeem, Davood Rafiei | 2023-02-22T23:41:22Z | cs.CL, cs.IR | Helpful reviews have been essential for the success of e-commerce services,
as they help customers make quick purchase decisions and benefit the merchants
in their sales. While many reviews are informative, others provide little value
and may contain spam, excessive appraisal, or unexpected biases. With the large
volume of reviews and their uneven quality, the problem of detecting helpful
reviews has drawn much attention lately. Existing methods for identifying
helpful reviews primarily focus on review text and ignore the two key factors
of (1) who post the reviews and (2) when the reviews are posted. Moreover, the
helpfulness votes suffer from scarcity for less popular products and recently
submitted (a.k.a., cold-start) reviews. To address these challenges, we
introduce a dataset and develop a model that integrates the reviewer's
expertise, derived from the past review history of the reviewers, and the
temporal dynamics of the reviews to automatically assess review helpfulness. We
conduct experiments on our dataset to demonstrate the effectiveness of
incorporating these factors and report improved results compared to several
well-established baselines. | cs.CL | On the Role of Reviewer Expertise in Temporal Review Helpfulness Prediction |
2023-02-22T20:56:40Z | http://arxiv.org/pdf/2302.11649v2 | http://arxiv.org/abs/2302.11649v2 | Jason Xinyu Liu, Ziyi Yang, Ifrah Idrees, Sam Liang, Benjamin Schornstein, Stefanie Tellex, Ankit Shah | 2023-10-17T18:21:27Z | cs.RO, cs.AI, cs.CL, cs.FL | Grounding navigational commands to linear temporal logic (LTL) leverages its
unambiguous semantics for reasoning about long-horizon tasks and verifying the
satisfaction of temporal constraints. Existing approaches require training data
from the specific environment and landmarks that will be used in natural
language to understand commands in those environments. We propose Lang2LTL, a
modular system and a software package that leverages large language models
(LLMs) to ground temporal navigational commands to LTL specifications in
environments without prior language data. We comprehensively evaluate Lang2LTL
for five well-defined generalization behaviors. Lang2LTL demonstrates the
state-of-the-art ability of a single model to ground navigational commands to
diverse temporal specifications in 21 city-scaled environments. Finally, we
demonstrate a physical robot using Lang2LTL can follow 52 semantically diverse
navigational commands in two indoor environments. | cs.RO | Grounding Complex Natural Language Commands for Temporal Tasks in Unseen Environments |
2023-02-22T19:06:58Z | http://arxiv.org/pdf/2302.13784v1 | http://arxiv.org/abs/2302.13784v1 | Tingting Qiao, Gonzalo Moro Perez | 2023-02-22T19:06:58Z | cs.CL, cs.LG | This work aims at hierarchical multi-label patents classification for patents
disclosing technologies related to green plastics. This is an emerging field
for which there is currently no classification scheme, and hence, no labeled
data is available, making this task particularly challenging. We first propose
a classification scheme for this technology and a way to learn a machine
learning model to classify patents into the proposed classification scheme. To
achieve this, we come up with a strategy to automatically assign labels to
patents in order to create a labeled training dataset that can be used to learn
a classification model in a supervised learning setting. Using said training
dataset, we come up with two classification models, a SciBERT Neural Network
(SBNN) model and a SciBERT Hierarchical Neural Network (SBHNN) model. Both
models use a BERT model as a feature extractor and on top of it, a neural
network as a classifier. We carry out extensive experiments and report commonly
evaluation metrics for this challenging classification problem. The experiment
results verify the validity of our approach and show that our model sets a very
strong benchmark for this problem. We also interpret our models by visualizing
the word importance given by the trained model, which indicates the model is
capable to extract high-level semantic information of input documents. Finally,
we highlight how our solution fulfills the evaluation criteria for the EPO
CodeFest and we also outline possible directions for future work. Our code has
been made available at https://github.com/epo/CF22-Green-Hands | cs.CL | Solution for the EPO CodeFest on Green Plastics: Hierarchical multi-label classification of patents relating to green plastics using deep learning |
2023-02-22T18:47:51Z | http://arxiv.org/pdf/2302.11550v1 | http://arxiv.org/abs/2302.11550v1 | Tianhe Yu, Ted Xiao, Austin Stone, Jonathan Tompson, Anthony Brohan, Su Wang, Jaspiar Singh, Clayton Tan, Dee M, Jodilyn Peralta, Brian Ichter, Karol Hausman, Fei Xia | 2023-02-22T18:47:51Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | Recent advances in robot learning have shown promise in enabling robots to
perform a variety of manipulation tasks and generalize to novel scenarios. One
of the key contributing factors to this progress is the scale of robot data
used to train the models. To obtain large-scale datasets, prior approaches have
relied on either demonstrations requiring high human involvement or
engineering-heavy autonomous data collection schemes, both of which are
challenging to scale. To mitigate this issue, we propose an alternative route
and leverage text-to-image foundation models widely used in computer vision and
natural language processing to obtain meaningful data for robot learning
without requiring additional robot data. We term our method Robot Learning with
Semantically Imagened Experience (ROSIE). Specifically, we make use of the
state of the art text-to-image diffusion models and perform aggressive data
augmentation on top of our existing robotic manipulation datasets via
inpainting various unseen objects for manipulation, backgrounds, and
distractors with text guidance. Through extensive real-world experiments, we
show that manipulation policies trained on data augmented this way are able to
solve completely unseen tasks with new objects and can behave more robustly
w.r.t. novel distractors. In addition, we find that we can improve the
robustness and generalization of high-level robot learning tasks such as
success detection through training with the diffusion-based data augmentation.
The project's website and videos can be found at diffusion-rosie.github.io | cs.RO | Scaling Robot Learning with Semantically Imagined Experience |
2023-02-22T17:45:12Z | http://arxiv.org/pdf/2302.11521v1 | http://arxiv.org/abs/2302.11521v1 | Simeng Sun, Yang Liu, Dan Iter, Chenguang Zhu, Mohit Iyyer | 2023-02-22T17:45:12Z | cs.CL | Fine-tuning large language models is becoming ever more impractical due to
their rapidly-growing scale. This motivates the use of parameter-efficient
adaptation methods such as prompt tuning (PT), which adds a small number of
tunable embeddings to an otherwise frozen model, and in-context learning (ICL),
in which demonstrations of the task are provided to the model in natural
language without any additional training. Recently, Singhal et al. (2022)
propose ``instruction prompt tuning'' (IPT), which combines PT with ICL by
concatenating a natural language demonstration with learned prompt embeddings.
While all of these methods have proven effective on different tasks, how they
interact with each other remains unexplored. In this paper, we empirically
study when and how in-context examples improve prompt tuning by measuring the
effectiveness of ICL, PT, and IPT on five text generation tasks with multiple
base language models. We observe that (1) IPT does \emph{not} always outperform
PT, and in fact requires the in-context demonstration to be semantically
similar to the test input to yield improvements; (2) PT is unstable and
exhibits high variance, but combining PT and ICL (into IPT) consistently
reduces variance across all five tasks; and (3) prompts learned for a specific
source task via PT exhibit positive transfer when paired with in-context
examples of a different target task. Our results offer actionable insights on
choosing a suitable parameter-efficient adaptation method for a given task. | cs.CL | How Does In-Context Learning Help Prompt Tuning? |
2023-02-22T17:44:15Z | http://arxiv.org/pdf/2302.11520v4 | http://arxiv.org/abs/2302.11520v4 | Zekun Li, Baolin Peng, Pengcheng He, Michel Galley, Jianfeng Gao, Xifeng Yan | 2023-10-09T21:01:22Z | cs.CL | We introduce Directional Stimulus Prompting, a novel framework for guiding
black-box large language models (LLMs) toward specific desired outputs. Instead
of directly adjusting LLMs, our method employs a small tunable policy model
(e.g., T5) to generate an auxiliary directional stimulus prompt for each input
instance. These directional stimulus prompts act as nuanced, instance-specific
hints and clues to guide LLMs in generating desired outcomes, such as including
specific keywords in the generated summary. Our approach sidesteps the
challenges of direct LLM tuning by optimizing the policy model to explore
directional stimulus prompts that align LLMs with desired behaviors. The policy
model can be optimized through 1) supervised fine-tuning using labeled data and
2) reinforcement learning from offline or online rewards based on the LLM's
output. We assess our method across summarization, dialogue response
generation, and chain-of-thought reasoning tasks. Our experiments demonstrate
that the framework consistently improves LLMs' (e.g., ChatGPT, Codex,
InstructGPT) performance on these supervised tasks using minimal labeled data.
Notably, using just 80 dialogues on the MultiWOZ dataset, our approach enhances
ChatGPT's performance by an impressive 41.4%, matching or surpassing some fully
supervised start-of-the-art models. Additionally, the instance-specific
chain-of-thought prompt generated by our approach improves InstructGPT's
reasoning accuracy compared to human-crafted or automatically generated
prompts. The code and data are publicly available at
\url{https://github.com/Leezekun/Directional-Stimulus-Prompting}. | cs.CL | Guiding Large Language Models via Directional Stimulus Prompting |
2023-02-22T16:00:27Z | http://arxiv.org/pdf/2302.11466v2 | http://arxiv.org/abs/2302.11466v2 | Huiming Chen, Huandong Wang, Qingyue Long, Depeng Jin, Yong Li | 2023-03-05T11:29:10Z | cs.AI, cs.CL | Federated learning (FL) is a promising technique for addressing the rising
privacy and security issues. Its main ingredient is to cooperatively learn the
model among the distributed clients without uploading any sensitive data. In
this paper, we conducted a thorough review of the related works, following the
development context and deeply mining the key technologies behind FL from both
theoretical and practical perspectives. Specifically, we first classify the
existing works in FL architecture based on the network topology of FL systems
with detailed analysis and summarization. Next, we abstract the current
application problems, summarize the general techniques and frame the
application problems into the general paradigm of FL base models. Moreover, we
provide our proposed solutions for model training via FL. We have summarized
and analyzed the existing FedOpt algorithms, and deeply revealed the
algorithmic development principles of many first-order algorithms in depth,
proposing a more generalized algorithm design framework. Based on these
frameworks, we have instantiated FedOpt algorithms. As privacy and security is
the fundamental requirement in FL, we provide the existing attack scenarios and
the defense methods. To the best of our knowledge, we are among the first tier
to review the theoretical methodology and propose our strategies since there
are very few works surveying the theoretical approaches. Our survey targets
motivating the development of high-performance, privacy-preserving, and secure
methods to integrate FL into real-world applications. | cs.AI | Advancements in Federated Learning: Models, Methods, and Privacy |
2023-02-22T14:47:15Z | http://arxiv.org/pdf/2302.11412v1 | http://arxiv.org/abs/2302.11412v1 | Domagoj Pluščec, Jan Šnajder | 2023-02-22T14:47:15Z | cs.CL, cs.LG | Data scarcity is a problem that occurs in languages and tasks where we do not
have large amounts of labeled data but want to use state-of-the-art models.
Such models are often deep learning models that require a significant amount of
data to train. Acquiring data for various machine learning problems is
accompanied by high labeling costs. Data augmentation is a low-cost approach
for tackling data scarcity. This paper gives an overview of current
state-of-the-art data augmentation methods used for natural language
processing, with an emphasis on methods for neural and transformer-based
models. Furthermore, it discusses the practical challenges of data
augmentation, possible mitigations, and directions for future research. | cs.CL | Data Augmentation for Neural NLP |
2023-02-22T13:33:21Z | http://arxiv.org/pdf/2302.11365v2 | http://arxiv.org/abs/2302.11365v2 | Shantanu Agarwal, Steven Fincke, Chris Jenkins, Scott Miller, Elizabeth Boschee | 2023-02-23T02:04:27Z | cs.CL, cs.LG | Pre-trained multilingual language models (e.g., mBERT, XLM-RoBERTa) have
significantly advanced the state-of-the-art for zero-shot cross-lingual
information extraction. These language models ubiquitously rely on word
segmentation techniques that break a word into smaller constituent subwords.
Therefore, all word labeling tasks (e.g. named entity recognition, event
detection, etc.), necessitate a pooling strategy that takes the subword
representations as input and outputs a representation for the entire word.
Taking the task of cross-lingual event detection as a motivating example, we
show that the choice of pooling strategy can have a significant impact on the
target language performance. For example, the performance varies by up to 16
absolute $f_{1}$ points depending on the pooling strategy when training in
English and testing in Arabic on the ACE task. We carry out our analysis with
five different pooling strategies across nine languages in diverse
multi-lingual datasets. Across configurations, we find that the canonical
strategy of taking just the first subword to represent the entire word is
usually sub-optimal. On the other hand, we show that attention pooling is
robust to language and dataset variations by being either the best or close to
the optimal strategy. For reproducibility, we make our code available at
https://github.com/isi-boston/ed-pooling. | cs.CL | Impact of Subword Pooling Strategy on Cross-lingual Event Detection |
2023-02-22T13:04:17Z | http://arxiv.org/pdf/2304.11058v1 | http://arxiv.org/abs/2304.11058v1 | Ankan Mullick | 2023-02-22T13:04:17Z | cs.CL, cs.IR | Novel intent class detection is an important problem in real world scenario
for conversational agents for continuous interaction. Several research works
have been done to detect novel intents in a mono-lingual (primarily English)
texts and images. But, current systems lack an end-to-end universal framework
to detect novel intents across various different languages with less human
annotation effort for mis-classified and system rejected samples. This paper
proposes NIDAL (Novel Intent Detection and Active Learning based
classification), a semi-supervised framework to detect novel intents while
reducing human annotation cost. Empirical results on various benchmark datasets
demonstrate that this system outperforms the baseline methods by more than 10%
margin for accuracy and macro-F1. The system achieves this while maintaining
overall annotation cost to be just ~6-10% of the unlabeled data available to
the system. | cs.CL | Novel Intent Detection and Active Learning Based Classification (Student Abstract) |
2023-02-22T11:01:20Z | http://arxiv.org/pdf/2302.12095v5 | http://arxiv.org/abs/2302.12095v5 | Jindong Wang, Xixu Hu, Wenxin Hou, Hao Chen, Runkai Zheng, Yidong Wang, Linyi Yang, Haojun Huang, Wei Ye, Xiubo Geng, Binxin Jiao, Yue Zhang, Xing Xie | 2023-08-29T05:34:25Z | cs.AI, cs.CL, cs.LG | ChatGPT is a recent chatbot service released by OpenAI and is receiving
increasing attention over the past few months. While evaluations of various
aspects of ChatGPT have been done, its robustness, i.e., the performance to
unexpected inputs, is still unclear to the public. Robustness is of particular
concern in responsible AI, especially for safety-critical applications. In this
paper, we conduct a thorough evaluation of the robustness of ChatGPT from the
adversarial and out-of-distribution (OOD) perspective. To do so, we employ the
AdvGLUE and ANLI benchmarks to assess adversarial robustness and the Flipkart
review and DDXPlus medical diagnosis datasets for OOD evaluation. We select
several popular foundation models as baselines. Results show that ChatGPT shows
consistent advantages on most adversarial and OOD classification and
translation tasks. However, the absolute performance is far from perfection,
which suggests that adversarial and OOD robustness remains a significant threat
to foundation models. Moreover, ChatGPT shows astounding performance in
understanding dialogue-related texts and we find that it tends to provide
informal suggestions for medical tasks instead of definitive answers. Finally,
we present in-depth discussions of possible research directions. | cs.AI | On the Robustness of ChatGPT: An Adversarial and Out-of-distribution Perspective |
2023-02-22T10:57:59Z | http://arxiv.org/pdf/2302.11280v1 | http://arxiv.org/abs/2302.11280v1 | Donghuo Zeng, Jianming Wu, Yanan Wang, Kazunori Matsumoto, Gen Hattori, Kazushi Ikeda | 2023-02-22T10:57:59Z | cs.CL, cs.MM | Large-scale open-domain dialogue systems such as PLATO-2 have achieved
state-of-the-art scores in both English and Chinese. However, little work
explores whether such dialogue systems also work well in the Japanese language.
In this work, we create a large-scale Japanese dialogue dataset,
Dialogue-Graph, which contains 1.656 million dialogue data in a tree structure
from News, TV subtitles, and Wikipedia corpus. Then, we train PLATO-2 using
Dialogue-Graph to build a large-scale Japanese dialogue system, PLATO-JDS. In
addition, to improve the PLATO-JDS in the topic switch issue, we introduce a
topic-switch algorithm composed of a topic discriminator to switch to a new
topic when user input differs from the previous topic. We evaluate the user
experience by using our model with respect to four metrics, namely, coherence,
informativeness, engagingness, and humanness. As a result, our proposed
PLATO-JDS achieves an average score of 1.500 for the human evaluation with
human-bot chat strategy, which is close to the maximum score of 2.000 and
suggests the high-quality dialogue generation capability of PLATO-2 in
Japanese. Furthermore, our proposed topic-switch algorithm achieves an average
score of 1.767 and outperforms PLATO-JDS by 0.267, indicating its effectiveness
in improving the user experience of our system. | cs.CL | Topic-switch adapted Japanese Dialogue System based on PLATO-2 |
2023-02-22T10:39:33Z | http://arxiv.org/pdf/2302.11269v1 | http://arxiv.org/abs/2302.11269v1 | Song Duong, Alberto Lumbreras, Mike Gartrell, Patrick Gallinari | 2023-02-22T10:39:33Z | cs.LG, cs.AI, cs.CL, stat.ML | Data-to-text (D2T) and text-to-data (T2D) are dual tasks that convert
structured data, such as graphs or tables into fluent text, and vice versa.
These tasks are usually handled separately and use corpora extracted from a
single source. Current systems leverage pre-trained language models fine-tuned
on D2T or T2D tasks. This approach has two main limitations: first, a separate
system has to be tuned for each task and source; second, learning is limited by
the scarcity of available corpora. This paper considers a more general scenario
where data are available from multiple heterogeneous sources. Each source, with
its specific data format and semantic domain, provides a non-parallel corpus of
text and structured data. We introduce a variational auto-encoder model with
disentangled style and content variables that allows us to represent the
diversity that stems from multiple sources of text and data. Our model is
designed to handle the tasks of D2T and T2D jointly. We evaluate our model on
several datasets, and show that by learning from multiple sources, our model
closes the performance gap with its supervised single-source counterpart and
outperforms it in some cases. | cs.LG | Learning from Multiple Sources for Data-to-Text and Text-to-Data |
2023-02-22T09:11:06Z | http://arxiv.org/pdf/2302.11224v1 | http://arxiv.org/abs/2302.11224v1 | Jiaming Zhou, Shiwan Zhao, Ning Jiang, Guoqing Zhao, Yong Qin | 2023-02-22T09:11:06Z | cs.CL, cs.SD, eess.AS | End-to-end automatic speech recognition (ASR) usually suffers from
performance degradation when applied to a new domain due to domain shift.
Unsupervised domain adaptation (UDA) aims to improve the performance on the
unlabeled target domain by transferring knowledge from the source to the target
domain. To improve transferability, existing UDA approaches mainly focus on
matching the distributions of the source and target domains globally and/or
locally, while ignoring the model discriminability. In this paper, we propose a
novel UDA approach for ASR via inter-domain MAtching and intra-domain
DIscrimination (MADI), which improves the model transferability by fine-grained
inter-domain matching and discriminability by intra-domain contrastive
discrimination simultaneously. Evaluations on the Libri-Adapt dataset
demonstrate the effectiveness of our approach. MADI reduces the relative word
error rate (WER) on cross-device and cross-environment ASR by 17.7% and 22.8%,
respectively. | cs.CL | MADI: Inter-domain Matching and Intra-domain Discrimination for Cross-domain Speech Recognition |
2023-02-22T08:18:49Z | http://arxiv.org/pdf/2302.11199v1 | http://arxiv.org/abs/2302.11199v1 | Thibault Cordier, Tanguy Urvoy, Fabrice Lefevre, Lina M. Rojas-Barahona | 2023-02-22T08:18:49Z | cs.CL | Reinforcement learning has been widely adopted to model dialogue managers in
task-oriented dialogues. However, the user simulator provided by
state-of-the-art dialogue frameworks are only rough approximations of human
behaviour. The ability to learn from a small number of human interactions is
hence crucial, especially on multi-domain and multi-task environments where the
action space is large. We therefore propose to use structured policies to
improve sample efficiency when learning on these kinds of environments. We also
evaluate the impact of learning from human vs simulated experts. Among the
different levels of structure that we tested, the graph neural networks (GNNs)
show a remarkable superiority by reaching a success rate above 80% with only 50
dialogues, when learning from simulated experts. They also show superiority
when learning from human experts, although a performance drop was observed,
indicating a possible difficulty in capturing the variability of human
strategies. We therefore suggest to concentrate future research efforts on
bridging the gap between human data, simulators and automatic evaluators in
dialogue frameworks. | cs.CL | Few-Shot Structured Policy Learning for Multi-Domain and Multi-Task Dialogues |
2023-02-22T08:00:08Z | http://arxiv.org/pdf/2302.11192v1 | http://arxiv.org/abs/2302.11192v1 | Xiaoqiang Wang, Yanqing Liu, Jinyu Li, Sheng Zhao | 2023-02-22T08:00:08Z | cs.SD, cs.CL, cs.LG, eess.AS | We previously proposed contextual spelling correction (CSC) to correct the
output of end-to-end (E2E) automatic speech recognition (ASR) models with
contextual information such as name, place, etc. Although CSC has achieved
reasonable improvement in the biasing problem, there are still two drawbacks
for further accuracy improvement. First, due to information limitation in text
only hypothesis or weak performance of ASR model on rare domains, the CSC model
may fail to correct phrases with similar pronunciation or anti-context cases
where all biasing phrases are not present in the utterance. Second, there is a
discrepancy between the training and inference of CSC. The bias list in
training is randomly selected but in inference there may be more similarity
between ground truth phrase and other phrases. To solve above limitations, in
this paper we propose an improved non-autoregressive (NAR) spelling correction
model for contextual biasing in E2E neural transducer-based ASR systems to
improve the previous CSC model from two perspectives: Firstly, we incorporate
acoustics information with an external attention as well as text hypotheses
into CSC to better distinguish target phrase from dissimilar or irrelevant
phrases. Secondly, we design a semantic aware data augmentation schema in
training phrase to reduce the mismatch between training and inference to
further boost the biasing accuracy. Experiments show that the improved method
outperforms the baseline ASR+Biasing system by as much as 20.3% relative name
recall gain and achieves stable improvement compared to the previous CSC method
over different bias list name coverage ratio. | cs.SD | Improving Contextual Spelling Correction by External Acoustics Attention and Semantic Aware Data Augmentation |
2023-02-22T07:40:01Z | http://arxiv.org/pdf/2302.11186v1 | http://arxiv.org/abs/2302.11186v1 | Chao Zhang, Bo Li, Tara N. Sainath, Trevor Strohman, Shuo-yiin Chang | 2023-02-22T07:40:01Z | eess.AS, cs.CL, cs.SD | Word-piece models (WPMs) are commonly used subword units in state-of-the-art
end-to-end automatic speech recognition (ASR) systems. For multilingual ASR,
due to the differences in written scripts across languages, multilingual WPMs
bring the challenges of having overly large output layers and scaling to more
languages. In this work, we propose a universal monolingual output layer (UML)
to address such problems. Instead of one output node for only one WPM, UML
re-associates each output node with multiple WPMs, one for each language, and
results in a smaller monolingual output layer shared across languages.
Consequently, the UML enables to switch in the interpretation of each output
node depending on the language of the input speech. Experimental results on an
11-language voice search task demonstrated the feasibility of using UML for
high-quality and high-efficiency multilingual streaming ASR. | eess.AS | UML: A Universal Monolingual Output Layer for Multilingual ASR |
2023-02-22T05:41:27Z | http://arxiv.org/pdf/2302.11157v1 | http://arxiv.org/abs/2302.11157v1 | Agam Shah, Ruchit Vithani, Abhinav Gullapalli, Sudheer Chava | 2023-02-22T05:41:27Z | cs.CL, cs.IR | The development of annotated datasets over the 21st century has helped us
truly realize the power of deep learning. Most of the datasets created for the
named-entity-recognition (NER) task are not domain specific. Finance domain
presents specific challenges to the NER task and a domain specific dataset
would help push the boundaries of finance research. In our work, we develop the
first high-quality NER dataset for the finance domain. To set the benchmark for
the dataset, we develop and test a weak-supervision-based framework for the NER
task. We extend the current weak-supervision framework to make it employable
for span-level classification. Our weak-ner framework and the dataset are
publicly available on GitHub and Hugging Face. | cs.CL | FiNER: Financial Named Entity Recognition Dataset and Weak-Supervision Model |
2023-02-22T05:31:26Z | http://arxiv.org/pdf/2302.11154v2 | http://arxiv.org/abs/2302.11154v2 | Hexiang Hu, Yi Luan, Yang Chen, Urvashi Khandelwal, Mandar Joshi, Kenton Lee, Kristina Toutanova, Ming-Wei Chang | 2023-02-24T00:50:25Z | cs.CV, cs.AI, cs.CL | Large-scale multi-modal pre-training models such as CLIP and PaLI exhibit
strong generalization on various visual domains and tasks. However, existing
image classification benchmarks often evaluate recognition on a specific domain
(e.g., outdoor images) or a specific task (e.g., classifying plant species),
which falls short of evaluating whether pre-trained foundational models are
universal visual recognizers. To address this, we formally present the task of
Open-domain Visual Entity recognitioN (OVEN), where a model need to link an
image onto a Wikipedia entity with respect to a text query. We construct
OVEN-Wiki by re-purposing 14 existing datasets with all labels grounded onto
one single label space: Wikipedia entities. OVEN challenges models to select
among six million possible Wikipedia entities, making it a general visual
recognition benchmark with the largest number of labels. Our study on
state-of-the-art pre-trained models reveals large headroom in generalizing to
the massive-scale label space. We show that a PaLI-based auto-regressive visual
recognition model performs surprisingly well, even on Wikipedia entities that
have never been seen during fine-tuning. We also find existing pretrained
models yield different strengths: while PaLI-based models obtain higher overall
performance, CLIP-based models are better at recognizing tail entities. | cs.CV | Open-domain Visual Entity Recognition: Towards Recognizing Millions of Wikipedia Entities |
2023-02-22T01:57:42Z | http://arxiv.org/pdf/2302.11091v2 | http://arxiv.org/abs/2302.11091v2 | Xing Tang, Ling Chen | 2023-12-12T12:46:39Z | cs.LG, cs.AI, cs.CL | Temporal Knowledge Graph (TKG) representation learning embeds entities and
event types into a continuous low-dimensional vector space by integrating the
temporal information, which is essential for downstream tasks, e.g., event
prediction and question answering. Existing methods stack multiple graph
convolution layers to model the influence of distant entities, leading to the
over-smoothing problem. To alleviate the problem, recent studies infuse
reinforcement learning to obtain paths that contribute to modeling the
influence of distant entities. However, due to the limited number of hops,
these studies fail to capture the correlation between entities that are far
apart and even unreachable. To this end, we propose GTRL, an entity Group-aware
Temporal knowledge graph Representation Learning method. GTRL is the first work
that incorporates the entity group modeling to capture the correlation between
entities by stacking only a finite number of layers. Specifically, the entity
group mapper is proposed to generate entity groups from entities in a learning
way. Based on entity groups, the implicit correlation encoder is introduced to
capture implicit correlations between any pairwise entity groups. In addition,
the hierarchical GCNs are exploited to accomplish the message aggregation and
representation updating on the entity group graph and the entity graph.
Finally, GRUs are employed to capture the temporal dependency in TKGs.
Extensive experiments on three real-world datasets demonstrate that GTRL
achieves the state-of-the-art performances on the event prediction task,
outperforming the best baseline by an average of 13.44%, 9.65%, 12.15%, and
15.12% in MRR, Hits@1, Hits@3, and Hits@10, respectively. | cs.LG | GTRL: An Entity Group-Aware Temporal Knowledge Graph Representation Learning Method |
2023-02-22T01:14:30Z | http://arxiv.org/pdf/2302.11084v2 | http://arxiv.org/abs/2302.11084v2 | Yifei Zhou, Juntao Ren, Fengyu Li, Ramin Zabih, Ser-Nam Lim | 2023-10-18T23:06:06Z | cs.LG, cs.CL, cs.CV | Advances in the field of vision-language contrastive learning have made it
possible for many downstream applications to be carried out efficiently and
accurately by simply taking the dot product between image and text
representations. One of the most representative approaches proposed recently
known as CLIP has garnered widespread adoption due to its effectiveness. CLIP
is trained with an InfoNCE loss that takes into account both positive and
negative samples to help learn a much more robust representation space. This
paper reveals that the common downstream practice of taking a dot product is
only a zeroth-order approximation of the optimization goal, resulting in a loss
of information during test-time. Intuitively, since the model has been
optimized based on the InfoNCE loss, test-time procedures should also be in
alignment. The question lies in how one can retrieve any semblance of negative
samples information during inference in a computationally efficient way. To
this end, we propose Distribution Normalization (DN), where we approximate the
mean representation of a batch of test samples and use such a mean to represent
what would be analogous to negative samples in the InfoNCE loss. DN requires no
retraining or fine-tuning and can be effortlessly applied during inference.
Extensive experiments on a wide variety of downstream tasks exhibit a clear
advantage of DN over the dot product on top of other existing test-time
augmentation methods. | cs.LG | Test-Time Distribution Normalization for Contrastively Learned Vision-language Models |
2023-02-22T00:18:25Z | http://arxiv.org/pdf/2302.11074v1 | http://arxiv.org/abs/2302.11074v1 | Sudipta Kar, Giuseppe Castellucci, Simone Filice, Shervin Malmasi, Oleg Rokhlenko | 2023-02-22T00:18:25Z | cs.CL, cs.AI, cs.LG | Multi-Task Learning (MTL) is widely-accepted in Natural Language Processing
as a standard technique for learning multiple related tasks in one model.
Training an MTL model requires having the training data for all tasks available
at the same time. As systems usually evolve over time, (e.g., to support new
functionalities), adding a new task to an existing MTL model usually requires
retraining the model from scratch on all the tasks and this can be
time-consuming and computationally expensive. Moreover, in some scenarios, the
data used to train the original training may be no longer available, for
example, due to storage or privacy concerns. In this paper, we approach the
problem of incrementally expanding MTL models' capability to solve new tasks
over time by distilling the knowledge of an already trained model on n tasks
into a new one for solving n+1 tasks. To avoid catastrophic forgetting, we
propose to exploit unlabeled data from the same distributions of the old tasks.
Our experiments on publicly available benchmarks show that such a technique
dramatically benefits the distillation by preserving the already acquired
knowledge (i.e., preventing up to 20% performance drops on old tasks) while
obtaining good performance on the incrementally added tasks. Further, we also
show that our approach is beneficial in practical settings by using data from a
leading voice assistant. | cs.CL | Preventing Catastrophic Forgetting in Continual Learning of New Natural Language Tasks |
2023-02-21T23:15:33Z | http://arxiv.org/pdf/2302.11054v1 | http://arxiv.org/abs/2302.11054v1 | Sree Hari Krishnan Parthasarathi, Lu Zeng, Dilek Hakkani-Tur | 2023-02-21T23:15:33Z | cs.CL | Conversational, multi-turn, text-to-SQL (CoSQL) tasks map natural language
utterances in a dialogue to SQL queries. State-of-the-art (SOTA) systems use
large, pre-trained and finetuned language models, such as the T5-family, in
conjunction with constrained decoding. With multi-tasking (MT) over coherent
tasks with discrete prompts during training, we improve over specialized
text-to-SQL T5-family models. Based on Oracle analyses over n-best hypotheses,
we apply a query plan model and a schema linking algorithm as rerankers.
Combining MT and reranking, our results using T5-3B show absolute accuracy
improvements of 1.0% in exact match and 3.4% in execution match over a SOTA
baseline on CoSQL. While these gains consistently manifest at turn level,
context dependent turns are considerably harder. We conduct studies to tease
apart errors attributable to domain and compositional generalization, with the
latter remaining a challenge for multi-turn conversations, especially in
generating SQL with unseen parse trees. | cs.CL | Conversational Text-to-SQL: An Odyssey into State-of-the-Art and Challenges Ahead |
2023-02-21T23:09:17Z | http://arxiv.org/pdf/2302.11050v1 | http://arxiv.org/abs/2302.11050v1 | Bowen Jin, Yu Zhang, Yu Meng, Jiawei Han | 2023-02-21T23:09:17Z | cs.LG, cs.CL, cs.SI | Edges in many real-world social/information networks are associated with rich
text information (e.g., user-user communications or user-product reviews).
However, mainstream network representation learning models focus on propagating
and aggregating node attributes, lacking specific designs to utilize text
semantics on edges. While there exist edge-aware graph neural networks, they
directly initialize edge attributes as a feature vector, which cannot fully
capture the contextualized text semantics of edges. In this paper, we propose
Edgeformers, a framework built upon graph-enhanced Transformers, to perform
edge and node representation learning by modeling texts on edges in a
contextualized way. Specifically, in edge representation learning, we inject
network information into each Transformer layer when encoding edge texts; in
node representation learning, we aggregate edge representations through an
attention mechanism within each node's ego-graph. On five public datasets from
three different domains, Edgeformers consistently outperform state-of-the-art
baselines in edge classification and link prediction, demonstrating the
efficacy in learning edge and node representations, respectively. | cs.LG | Edgeformers: Graph-Empowered Transformers for Representation Learning on Textual-Edge Networks |
2023-02-21T22:47:45Z | http://arxiv.org/pdf/2302.11042v2 | http://arxiv.org/abs/2302.11042v2 | Tai Nguyen, Eric Wong | 2023-06-05T17:49:58Z | cs.CL, cs.LG | In-context learning (ICL) is a powerful paradigm emerged from large language
models (LLMs). Despite its promises, ICL performance is known to be highly
sensitive to input examples. In this work, we use $\textit{in-context
influences}$ to analyze few-shot ICL performance directly from the in-context
examples. Our proposed influence-based example selection method can identify
both positive and negative examples, outperforming several baselines when
evaluated on 9 SuperGLUE tasks. Our analysis uncovers up to a $16.3\%$
performance gap between using the most negative in-context examples compared to
the most positive. In a case study, we apply our influence-based framework to
quantify the phenomena of recency bias in example ordering for few-shot ICL. | cs.CL | In-context Example Selection with Influences |
Subsets and Splits