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
|
---|---|---|---|---|---|---|---|---|
2022-12-15T23:26:54Z | http://arxiv.org/pdf/2212.08192v2 | http://arxiv.org/abs/2212.08192v2 | Akshatha Arodi, Martin Pömsl, Kaheer Suleman, Adam Trischler, Alexandra Olteanu, Jackie Chi Kit Cheung | 2023-05-22T21:17:52Z | cs.CL, cs.LG | Many state-of-the-art natural language understanding (NLU) models are based
on pretrained neural language models. These models often make inferences using
information from multiple sources. An important class of such inferences are
those that require both background knowledge, presumably contained in a model's
pretrained parameters, and instance-specific information that is supplied at
inference time. However, the integration and reasoning abilities of NLU models
in the presence of multiple knowledge sources have been largely understudied.
In this work, we propose a test suite of coreference resolution subtasks that
require reasoning over multiple facts. These subtasks differ in terms of which
knowledge sources contain the relevant facts. We also introduce subtasks where
knowledge is present only at inference time using fictional knowledge. We
evaluate state-of-the-art coreference resolution models on our dataset. Our
results indicate that several models struggle to reason on-the-fly over
knowledge observed both at pretrain time and at inference time. However, with
task-specific training, a subset of models demonstrates the ability to
integrate certain knowledge types from multiple sources. Still, even the best
performing models seem to have difficulties with reliably integrating knowledge
presented only at inference time. | cs.CL | The KITMUS Test: Evaluating Knowledge Integration from Multiple Sources in Natural Language Understanding Systems |
2022-12-15T23:00:33Z | http://arxiv.org/pdf/2212.08184v1 | http://arxiv.org/abs/2212.08184v1 | Gayan K. Kulatilleke, Shekhar S. Chandra, Marius Portmann | 2022-12-15T23:00:33Z | cs.LG, cs.AI, cs.CL, cs.IR | Metric learning aims to learn distances from the data, which enhances the
performance of similarity-based algorithms. An author style detection task is a
metric learning problem, where learning style features with small intra-class
variations and larger inter-class differences is of great importance to achieve
better performance. Recently, metric learning based on softmax loss has been
used successfully for style detection. While softmax loss can produce separable
representations, its discriminative power is relatively poor. In this work, we
propose NBC-Softmax, a contrastive loss based clustering technique for softmax
loss, which is more intuitive and able to achieve superior performance. Our
technique meets the criterion for larger number of samples, thus achieving
block contrastiveness, which is proven to outperform pair-wise losses. It uses
mini-batch sampling effectively and is scalable. Experiments on 4 darkweb
social forums, with NBCSAuthor that uses the proposed NBC-Softmax for author
and sybil detection, shows that our negative block contrastive approach
constantly outperforms state-of-the-art methods using the same network
architecture.
Our code is publicly available at : https://github.com/gayanku/NBC-Softmax | cs.LG | NBC-Softmax : Darkweb Author fingerprinting and migration tracking |
2022-12-15T22:15:11Z | http://arxiv.org/pdf/2212.08172v2 | http://arxiv.org/abs/2212.08172v2 | Anna C. Marbut, Katy McKinney-Bock, Travis J. Wheeler | 2023-07-31T19:11:04Z | cs.LG, cs.CL | Understanding geometric properties of natural language processing models'
latent spaces allows the manipulation of these properties for improved
performance on downstream tasks. One such property is the amount of data spread
in a model's latent space, or how fully the available latent space is being
used. In this work, we define data spread and demonstrate that the commonly
used measures of data spread, Average Cosine Similarity and a partition
function min/max ratio I(V), do not provide reliable metrics to compare the use
of latent space across models. We propose and examine eight alternative
measures of data spread, all but one of which improve over these current
metrics when applied to seven synthetic data distributions. Of our proposed
measures, we recommend one principal component-based measure and one
entropy-based measure that provide reliable, relative measures of spread and
can be used to compare models of different sizes and dimensionalities. | cs.LG | Reliable Measures of Spread in High Dimensional Latent Spaces |
2022-12-15T21:41:06Z | http://arxiv.org/pdf/2212.08158v2 | http://arxiv.org/abs/2212.08158v2 | Letitia Parcalabescu, Anette Frank | 2023-05-23T12:36:12Z | cs.CV, cs.CL, 68Txx, I.2.7; I.2.10 | Vision and language models (VL) are known to exploit unrobust indicators in
individual modalities (e.g., introduced by distributional biases) instead of
focusing on relevant information in each modality. That a unimodal model
achieves similar accuracy on a VL task to a multimodal one, indicates that
so-called unimodal collapse occurred. However, accuracy-based tests fail to
detect e.g., when the model prediction is wrong, while the model used relevant
information from a modality. Instead, we propose MM-SHAP, a
performance-agnostic multimodality score based on Shapley values that reliably
quantifies in which proportions a multimodal model uses individual modalities.
We apply MM-SHAP in two ways: (1) to compare models for their average degree of
multimodality, and (2) to measure for individual models the contribution of
individual modalities for different tasks and datasets. Experiments with six VL
models -- LXMERT, CLIP and four ALBEF variants -- on four VL tasks highlight
that unimodal collapse can occur to different degrees and in different
directions, contradicting the wide-spread assumption that unimodal collapse is
one-sided. Based on our results, we recommend MM-SHAP for analysing multimodal
tasks, to diagnose and guide progress towards multimodal integration. Code
available at \url{https://github.com/Heidelberg-NLP/MM-SHAP}. | cs.CV | MM-SHAP: A Performance-agnostic Metric for Measuring Multimodal Contributions in Vision and Language Models & Tasks |
2022-12-15T21:35:46Z | http://arxiv.org/pdf/2212.08153v2 | http://arxiv.org/abs/2212.08153v2 | Michiel de Jong, Yury Zemlyanskiy, Joshua Ainslie, Nicholas FitzGerald, Sumit Sanghai, Fei Sha, William Cohen | 2023-06-02T23:28:17Z | cs.CL, cs.AI, cs.LG | Fusion-in-Decoder (FiD) is a powerful retrieval-augmented language model that
sets the state-of-the-art on many knowledge-intensive NLP tasks. However, the
architecture used for FiD was chosen by making minimal modifications to a
standard T5 model, which our analysis shows to be highly suboptimal for a
retrieval-augmented model. In particular, FiD allocates the bulk of FLOPs to
the encoder, while the majority of inference time results from memory bandwidth
constraints in the decoder. We propose two simple changes to the FiD
architecture to alleviate memory bandwidth constraints, and speed up inference
by 7x. This allows us to use a much larger decoder at modest cost. We denote
FiD with the above modifications as FiDO, and show that it strongly improves
performance over existing FiD models for a wide range of inference budgets. For
example, FiDO-Large-XXL performs faster inference than FiD-Base and achieves
better performance than FiD-Large. | cs.CL | FiDO: Fusion-in-Decoder optimized for stronger performance and faster inference |
2022-12-15T20:51:27Z | http://arxiv.org/pdf/2212.08136v1 | http://arxiv.org/abs/2212.08136v1 | Simiao Zuo, Xiaodong Liu, Jian Jiao, Denis Charles, Eren Manavoglu, Tuo Zhao, Jianfeng Gao | 2022-12-15T20:51:27Z | cs.CL, cs.LG | Transformer models have achieved superior performance in various natural
language processing tasks. However, the quadratic computational cost of the
attention mechanism limits its practicality for long sequences. There are
existing attention variants that improve the computational efficiency, but they
have limited ability to effectively compute global information. In parallel to
Transformer models, state space models (SSMs) are tailored for long sequences,
but they are not flexible enough to capture complicated local information. We
propose SPADE, short for $\underline{\textbf{S}}$tate
s$\underline{\textbf{P}}$ace
$\underline{\textbf{A}}$ugmente$\underline{\textbf{D}}$
Transform$\underline{\textbf{E}}$r. Specifically, we augment a SSM into the
bottom layer of SPADE, and we employ efficient local attention methods for the
other layers. The SSM augments global information, which complements the lack
of long-range dependency issue in local attention methods. Experimental results
on the Long Range Arena benchmark and language modeling tasks demonstrate the
effectiveness of the proposed method. To further demonstrate the scalability of
SPADE, we pre-train large encoder-decoder models and present fine-tuning
results on natural language understanding and natural language generation
tasks. | cs.CL | Efficient Long Sequence Modeling via State Space Augmented Transformer |
2022-12-15T20:15:05Z | http://arxiv.org/pdf/2212.08120v1 | http://arxiv.org/abs/2212.08120v1 | Denis Emelin, Daniele Bonadiman, Sawsan Alqahtani, Yi Zhang, Saab Mansour | 2022-12-15T20:15:05Z | cs.CL, cs.AI | Pre-trained language models (PLM) have advanced the state-of-the-art across
NLP applications, but lack domain-specific knowledge that does not naturally
occur in pre-training data. Previous studies augmented PLMs with symbolic
knowledge for different downstream NLP tasks. However, knowledge bases (KBs)
utilized in these studies are usually large-scale and static, in contrast to
small, domain-specific, and modifiable knowledge bases that are prominent in
real-world task-oriented dialogue (TOD) systems. In this paper, we showcase the
advantages of injecting domain-specific knowledge prior to fine-tuning on TOD
tasks. To this end, we utilize light-weight adapters that can be easily
integrated with PLMs and serve as a repository for facts learned from different
KBs. To measure the efficacy of proposed knowledge injection methods, we
introduce Knowledge Probing using Response Selection (KPRS) -- a probe designed
specifically for TOD models. Experiments on KPRS and the response generation
task show improvements of knowledge injection with adapters over strong
baselines. | cs.CL | Injecting Domain Knowledge in Language Models for Task-Oriented Dialogue Systems |
2022-12-15T20:12:48Z | http://arxiv.org/pdf/2212.09503v1 | http://arxiv.org/abs/2212.09503v1 | Alexander Braylan, Omar Alonso, Matthew Lease | 2022-12-15T20:12:48Z | cs.CL, cs.LG | When annotators label data, a key metric for quality assurance is
inter-annotator agreement (IAA): the extent to which annotators agree on their
labels. Though many IAA measures exist for simple categorical and ordinal
labeling tasks, relatively little work has considered more complex labeling
tasks, such as structured, multi-object, and free-text annotations.
Krippendorff's alpha, best known for use with simpler labeling tasks, does have
a distance-based formulation with broader applicability, but little work has
studied its efficacy and consistency across complex annotation tasks.
We investigate the design and evaluation of IAA measures for complex
annotation tasks, with evaluation spanning seven diverse tasks: image bounding
boxes, image keypoints, text sequence tagging, ranked lists, free text
translations, numeric vectors, and syntax trees. We identify the difficulty of
interpretability and the complexity of choosing a distance function as key
obstacles in applying Krippendorff's alpha generally across these tasks. We
propose two novel, more interpretable measures, showing they yield more
consistent IAA measures across tasks and annotation distance functions. | cs.CL | Measuring Annotator Agreement Generally across Complex Structured, Multi-object, and Free-text Annotation Tasks |
2022-12-15T19:13:42Z | http://arxiv.org/pdf/2212.08094v2 | http://arxiv.org/abs/2212.08094v2 | Subba Reddy Oota, Manish Gupta, Mariya Toneva | 2023-11-08T16:41:43Z | cs.CL, q-bio.NC | Language models have been shown to be very effective in predicting brain
recordings of subjects experiencing complex language stimuli. For a deeper
understanding of this alignment, it is important to understand the
correspondence between the detailed processing of linguistic information by the
human brain versus language models. We investigate this correspondence via a
direct approach, in which we eliminate information related to specific
linguistic properties in the language model representations and observe how
this intervention affects the alignment with fMRI brain recordings obtained
while participants listened to a story. We investigate a range of linguistic
properties (surface, syntactic, and semantic) and find that the elimination of
each one results in a significant decrease in brain alignment. Specifically, we
find that syntactic properties (i.e. Top Constituents and Tree Depth) have the
largest effect on the trend of brain alignment across model layers. These
findings provide clear evidence for the role of specific linguistic information
in the alignment between brain and language models, and open new avenues for
mapping the joint information processing in both systems. We make the code
publicly available
[https://github.com/subbareddy248/linguistic-properties-brain-alignment]. | cs.CL | Joint processing of linguistic properties in brains and language models |
2022-12-15T18:59:32Z | http://arxiv.org/pdf/2212.08061v2 | http://arxiv.org/abs/2212.08061v2 | Omar Shaikh, Hongxin Zhang, William Held, Michael Bernstein, Diyi Yang | 2023-06-04T21:09:55Z | cs.CL | Generating a Chain of Thought (CoT) has been shown to consistently improve
large language model (LLM) performance on a wide range of NLP tasks. However,
prior work has mainly focused on logical reasoning tasks (e.g. arithmetic,
commonsense QA); it remains unclear whether improvements hold for more diverse
types of reasoning, especially in socially situated contexts. Concretely, we
perform a controlled evaluation of zero-shot CoT across two socially sensitive
domains: harmful questions and stereotype benchmarks. We find that zero-shot
CoT reasoning in sensitive domains significantly increases a model's likelihood
to produce harmful or undesirable output, with trends holding across different
prompt formats and model variants. Furthermore, we show that harmful CoTs
increase with model size, but decrease with improved instruction following. Our
work suggests that zero-shot CoT should be used with caution on socially
important tasks, especially when marginalized groups or sensitive topics are
involved. | cs.CL | On Second Thought, Let's Not Think Step by Step! Bias and Toxicity in Zero-Shot Reasoning |
2022-12-15T18:58:28Z | http://arxiv.org/pdf/2212.08055v2 | http://arxiv.org/abs/2212.08055v2 | Hirofumi Inaguma, Sravya Popuri, Ilia Kulikov, Peng-Jen Chen, Changhan Wang, Yu-An Chung, Yun Tang, Ann Lee, Shinji Watanabe, Juan Pino | 2023-05-26T16:07:54Z | cs.CL, cs.SD, eess.AS | Direct speech-to-speech translation (S2ST), in which all components can be
optimized jointly, is advantageous over cascaded approaches to achieve fast
inference with a simplified pipeline. We present a novel two-pass direct S2ST
architecture, UnitY, which first generates textual representations and predicts
discrete acoustic units subsequently. We enhance the model performance by
subword prediction in the first-pass decoder, advanced two-pass decoder
architecture design and search strategy, and better training regularization. To
leverage large amounts of unlabeled text data, we pre-train the first-pass text
decoder based on the self-supervised denoising auto-encoding task. Experimental
evaluations on benchmark datasets at various data scales demonstrate that UnitY
outperforms a single-pass speech-to-unit translation model by 2.5-4.2 ASR-BLEU
with 2.83x decoding speed-up. We show that the proposed methods boost the
performance even when predicting spectrogram in the second pass. However,
predicting discrete units achieves 2.51x decoding speed-up compared to that
case. | cs.CL | UnitY: Two-pass Direct Speech-to-speech Translation with Discrete Units |
2022-12-15T18:58:07Z | http://arxiv.org/pdf/2212.08054v2 | http://arxiv.org/abs/2212.08054v2 | William Held, Christopher Hidey, Fei Liu, Eric Zhu, Rahul Goel, Diyi Yang, Rushin Shah | 2023-05-26T05:48:06Z | cs.CL, cs.LG | Modern virtual assistants use internal semantic parsing engines to convert
user utterances to actionable commands. However, prior work has demonstrated
that semantic parsing is a difficult multilingual transfer task with low
transfer efficiency compared to other tasks. In global markets such as India
and Latin America, this is a critical issue as switching between languages is
prevalent for bilingual users. In this work we dramatically improve the
zero-shot performance of a multilingual and codeswitched semantic parsing
system using two stages of multilingual alignment. First, we show that
constrastive alignment pretraining improves both English performance and
transfer efficiency. We then introduce a constrained optimization approach for
hyperparameter-free adversarial alignment during finetuning. Our Doubly Aligned
Multilingual Parser (DAMP) improves mBERT transfer performance by 3x, 6x, and
81x on the Spanglish, Hinglish and Multilingual Task Oriented Parsing
benchmarks respectively and outperforms XLM-R and mT5-Large using 3.2x fewer
parameters. | cs.CL | DAMP: Doubly Aligned Multilingual Parser for Task-Oriented Dialogue |
2022-12-15T18:45:29Z | http://arxiv.org/pdf/2212.08037v2 | http://arxiv.org/abs/2212.08037v2 | Bernd Bohnet, Vinh Q. Tran, Pat Verga, Roee Aharoni, Daniel Andor, Livio Baldini Soares, Massimiliano Ciaramita, Jacob Eisenstein, Kuzman Ganchev, Jonathan Herzig, Kai Hui, Tom Kwiatkowski, Ji Ma, Jianmo Ni, Lierni Sestorain Saralegui, Tal Schuster, William W. Cohen, Michael Collins, Dipanjan Das, Donald Metzler, Slav Petrov, Kellie Webster | 2023-02-10T20:04:05Z | cs.CL | Large language models (LLMs) have shown impressive results while requiring
little or no direct supervision. Further, there is mounting evidence that LLMs
may have potential in information-seeking scenarios. We believe the ability of
an LLM to attribute the text that it generates is likely to be crucial in this
setting. We formulate and study Attributed QA as a key first step in the
development of attributed LLMs. We propose a reproducible evaluation framework
for the task and benchmark a broad set of architectures. We take human
annotations as a gold standard and show that a correlated automatic metric is
suitable for development. Our experimental work gives concrete answers to two
key questions (How to measure attribution?, and How well do current
state-of-the-art methods perform on attribution?), and give some hints as to
how to address a third (How to build LLMs with attribution?). | cs.CL | Attributed Question Answering: Evaluation and Modeling for Attributed Large Language Models |
2022-12-15T18:17:01Z | http://arxiv.org/pdf/2212.08011v3 | http://arxiv.org/abs/2212.08011v3 | Caleb Ziems, William Held, Jingfeng Yang, Jwala Dhamala, Rahul Gupta, Diyi Yang | 2023-05-30T02:35:29Z | cs.CL | Dialect differences caused by regional, social, and economic factors cause
performance discrepancies for many groups of language technology users.
Inclusive and equitable language technology must critically be dialect
invariant, meaning that performance remains constant over dialectal shifts.
Current systems often fall short of this ideal since they are designed and
tested on a single dialect: Standard American English (SAE). We introduce a
suite of resources for evaluating and achieving English dialect invariance. The
resource is called Multi-VALUE, a controllable rule-based translation system
spanning 50 English dialects and 189 unique linguistic features. Multi-VALUE
maps SAE to synthetic forms of each dialect. First, we use this system to
stress tests question answering, machine translation, and semantic parsing.
Stress tests reveal significant performance disparities for leading models on
non-standard dialects. Second, we use this system as a data augmentation
technique to improve the dialect robustness of existing systems. Finally, we
partner with native speakers of Chicano and Indian English to release new
gold-standard variants of the popular CoQA task. To execute the transformation
code, run model checkpoints, and download both synthetic and gold-standard
dialectal benchmark datasets, see http://value-nlp.org. | cs.CL | Multi-VALUE: A Framework for Cross-Dialectal English NLP |
2022-12-15T17:31:54Z | http://arxiv.org/pdf/2212.07983v2 | http://arxiv.org/abs/2212.07983v2 | Yan-Bo Lin, Yi-Lin Sung, Jie Lei, Mohit Bansal, Gedas Bertasius | 2023-04-05T17:41:12Z | cs.CV, cs.CL, cs.LG, cs.SD, eess.AS | Vision transformers (ViTs) have achieved impressive results on various
computer vision tasks in the last several years. In this work, we study the
capability of frozen ViTs, pretrained only on visual data, to generalize to
audio-visual data without finetuning any of its original parameters. To do so,
we propose a latent audio-visual hybrid (LAVISH) adapter that adapts pretrained
ViTs to audio-visual tasks by injecting a small number of trainable parameters
into every layer of a frozen ViT. To efficiently fuse visual and audio cues,
our LAVISH adapter uses a small set of latent tokens, which form an attention
bottleneck, thus, eliminating the quadratic cost of standard cross-attention.
Compared to the existing modality-specific audio-visual methods, our approach
achieves competitive or even better performance on various audio-visual tasks
while using fewer tunable parameters and without relying on costly audio
pretraining or external audio encoders. Our code is available at
https://genjib.github.io/project_page/LAVISH/ | cs.CV | Vision Transformers are Parameter-Efficient Audio-Visual Learners |
2022-12-15T17:26:05Z | http://arxiv.org/pdf/2212.07981v2 | http://arxiv.org/abs/2212.07981v2 | Yixin Liu, Alexander R. Fabbri, Pengfei Liu, Yilun Zhao, Linyong Nan, Ruilin Han, Simeng Han, Shafiq Joty, Chien-Sheng Wu, Caiming Xiong, Dragomir Radev | 2023-06-06T07:45:27Z | cs.CL | Human evaluation is the foundation upon which the evaluation of both
summarization systems and automatic metrics rests. However, existing human
evaluation studies for summarization either exhibit a low inter-annotator
agreement or have insufficient scale, and an in-depth analysis of human
evaluation is lacking. Therefore, we address the shortcomings of existing
summarization evaluation along the following axes: (1) We propose a modified
summarization salience protocol, Atomic Content Units (ACUs), which is based on
fine-grained semantic units and allows for a high inter-annotator agreement.
(2) We curate the Robust Summarization Evaluation (RoSE) benchmark, a large
human evaluation dataset consisting of 22,000 summary-level annotations over 28
top-performing systems on three datasets. (3) We conduct a comparative study of
four human evaluation protocols, underscoring potential confounding factors in
evaluation setups. (4) We evaluate 50 automatic metrics and their variants
using the collected human annotations across evaluation protocols and
demonstrate how our benchmark leads to more statistically stable and
significant results. The metrics we benchmarked include recent methods based on
large language models (LLMs), GPTScore and G-Eval. Furthermore, our findings
have important implications for evaluating LLMs, as we show that LLMs adjusted
by human feedback (e.g., GPT-3.5) may overfit unconstrained human evaluation,
which is affected by the annotators' prior, input-agnostic preferences, calling
for more robust, targeted evaluation methods. | cs.CL | Revisiting the Gold Standard: Grounding Summarization Evaluation with Robust Human Evaluation |
2022-12-15T17:11:35Z | http://arxiv.org/pdf/2301.01134v1 | http://arxiv.org/abs/2301.01134v1 | Khalid Alnajjar, Mika Hämäläinen, Shuo Zhang | 2022-12-15T17:11:35Z | cs.MM, cs.CL, cs.CV | We present the first openly available multimodal metaphor annotated corpus.
The corpus consists of videos including audio and subtitles that have been
annotated by experts. Furthermore, we present a method for detecting metaphors
in the new dataset based on the textual content of the videos. The method
achieves a high F1-score (62\%) for metaphorical labels. We also experiment
with other modalities and multimodal methods; however, these methods did not
out-perform the text-based model. In our error analysis, we do identify that
there are cases where video could help in disambiguating metaphors, however,
the visual cues are too subtle for our model to capture. The data is available
on Zenodo. | cs.MM | Ring That Bell: A Corpus and Method for Multimodal Metaphor Detection in Videos |
2022-12-15T16:17:03Z | http://arxiv.org/pdf/2212.07939v1 | http://arxiv.org/abs/2212.07939v1 | Shinhyeok Oh, HyeongRae Noh, Yoonseok Hong, Insoo Oh | 2022-12-15T16:17:03Z | cs.CL, cs.LG, cs.SD, eess.AS | With the advent of deep learning, a huge number of text-to-speech (TTS)
models which produce human-like speech have emerged. Recently, by introducing
syntactic and semantic information w.r.t the input text, various approaches
have been proposed to enrich the naturalness and expressiveness of TTS models.
Although these strategies showed impressive results, they still have some
limitations in utilizing language information. First, most approaches only use
graph networks to utilize syntactic and semantic information without
considering linguistic features. Second, most previous works do not explicitly
consider adjacent words when encoding syntactic and semantic information, even
though it is obvious that adjacent words are usually meaningful when encoding
the current word. To address these issues, we propose Relation-aware Word
Encoding Network (RWEN), which effectively allows syntactic and semantic
information based on two modules (i.e., Semantic-level Relation Encoding and
Adjacent Word Relation Encoding). Experimental results show substantial
improvements compared to previous works. | cs.CL | RWEN-TTS: Relation-aware Word Encoding Network for Natural Text-to-Speech Synthesis |
2022-12-15T16:13:25Z | http://arxiv.org/pdf/2212.07937v2 | http://arxiv.org/abs/2212.07937v2 | Hangyu Guo, Kun Zhou, Wayne Xin Zhao, Qinyu Zhang, Ji-Rong Wen | 2023-05-26T14:09:49Z | cs.CL | Although pre-trained language models~(PLMs) have shown impressive performance
by text-only self-supervised training, they are found lack of visual semantics
or commonsense. Existing solutions often rely on explicit images for visual
knowledge augmentation (requiring time-consuming retrieval or generation), and
they also conduct the augmentation for the whole input text, without
considering whether it is actually needed in specific inputs or tasks. To
address these issues, we propose a novel \textbf{V}isually-\textbf{A}ugmented
fine-tuning approach that can be generally applied to various PLMs or NLP
tasks, \textbf{W}ithout using any retrieved or generated \textbf{I}mages,
namely \textbf{VAWI}. Experimental results show that our approach can
consistently improve the performance of BERT, RoBERTa, BART, and T5 at
different scales, and outperform several competitive baselines on ten tasks.
Our codes and data are publicly available
at~\url{https://github.com/RUCAIBox/VAWI}. | cs.CL | Visually-augmented pretrained language models for NLP tasks without images |
2022-12-15T15:52:39Z | http://arxiv.org/pdf/2212.07919v2 | http://arxiv.org/abs/2212.07919v2 | Olga Golovneva, Moya Chen, Spencer Poff, Martin Corredor, Luke Zettlemoyer, Maryam Fazel-Zarandi, Asli Celikyilmaz | 2023-09-12T15:08:46Z | cs.CL, cs.LG | Large language models show improved downstream task performance when prompted
to generate step-by-step reasoning to justify their final answers. These
reasoning steps greatly improve model interpretability and verification, but
objectively studying their correctness (independent of the final answer) is
difficult without reliable methods for automatic evaluation. We simply do not
know how often the stated reasoning steps actually support the final end task
predictions. In this work, we present ROSCOE, a suite of interpretable,
unsupervised automatic scores that improve and extend previous text generation
evaluation metrics. To evaluate ROSCOE against baseline metrics, we design a
typology of reasoning errors and collect synthetic and human evaluation scores
on commonly used reasoning datasets. In contrast with existing metrics, ROSCOE
can measure semantic consistency, logicality, informativeness, fluency, and
factuality - among other traits - by leveraging properties of step-by-step
rationales. We empirically verify the strength of our metrics on five human
annotated and six programmatically perturbed diagnostics datasets - covering a
diverse set of tasks that require reasoning skills and show that ROSCOE can
consistently outperform baseline metrics. | cs.CL | ROSCOE: A Suite of Metrics for Scoring Step-by-Step Reasoning |
2022-12-15T15:49:27Z | http://arxiv.org/pdf/2212.07914v1 | http://arxiv.org/abs/2212.07914v1 | Chris Sanchez, Zheyuan Zhang | 2022-12-15T15:49:27Z | cs.CL | Many prior language modeling efforts have shown that pre-training on an
in-domain corpus can significantly improve performance on downstream
domain-specific NLP tasks. However, the difficulties associated with collecting
enough in-domain data might discourage researchers from approaching this
pre-training task. In this paper, we conducted a series of experiments by
pre-training Bidirectional Encoder Representations from Transformers (BERT)
with different sizes of biomedical corpora. The results demonstrate that
pre-training on a relatively small amount of in-domain data (4GB) with limited
training steps, can lead to better performance on downstream domain-specific
NLP tasks compared with fine-tuning models pre-trained on general corpora. | cs.CL | The Effects of In-domain Corpus Size on pre-training BERT |
2022-12-15T14:19:33Z | http://arxiv.org/pdf/2212.07852v1 | http://arxiv.org/abs/2212.07852v1 | Gizem Sogancioglu, Heysem Kaya | 2022-12-15T14:19:33Z | cs.CL, cs.LG | Word embeddings are extensively used in various NLP problems as a
state-of-the-art semantic feature vector representation. Despite their success
on various tasks and domains, they might exhibit an undesired bias for
stereotypical categories due to statistical and societal biases that exist in
the dataset they are trained on. In this study, we analyze the gender bias in
four different pre-trained word embeddings specifically for the depression
category in the mental disorder domain. We use contextual and non-contextual
embeddings that are trained on domain-independent as well as clinical
domain-specific data. We observe that embeddings carry bias for depression
towards different gender groups depending on the type of embeddings. Moreover,
we demonstrate that these undesired correlations are transferred to the
downstream task for depression phenotype recognition. We find that data
augmentation by simply swapping gender words mitigates the bias significantly
in the downstream task. | cs.CL | The effects of gender bias in word embeddings on depression prediction |
2022-12-15T14:18:53Z | http://arxiv.org/pdf/2212.07850v2 | http://arxiv.org/abs/2212.07850v2 | Sara Papi, Matteo Negri, Marco Turchi | 2023-05-11T10:15:18Z | cs.CL | The study of the attention mechanism has sparked interest in many fields,
such as language modeling and machine translation. Although its patterns have
been exploited to perform different tasks, from neural network understanding to
textual alignment, no previous work has analysed the encoder-decoder attention
behavior in speech translation (ST) nor used it to improve ST on a specific
task. In this paper, we fill this gap by proposing an attention-based policy
(EDAtt) for simultaneous ST (SimulST) that is motivated by an analysis of the
existing attention relations between audio input and textual output. Its goal
is to leverage the encoder-decoder attention scores to guide inference in real
time. Results on en->{de, es} show that the EDAtt policy achieves overall
better results compared to the SimulST state of the art, especially in terms of
computational-aware latency. | cs.CL | Attention as a Guide for Simultaneous Speech Translation |
2022-12-15T13:57:07Z | http://arxiv.org/pdf/2212.07841v2 | http://arxiv.org/abs/2212.07841v2 | Kun Zhou, Xiao Liu, Yeyun Gong, Wayne Xin Zhao, Daxin Jiang, Nan Duan, Ji-Rong Wen | 2023-06-19T10:03:59Z | cs.CL, cs.IR | Pre-trained Transformers (\eg BERT) have been commonly used in existing dense
retrieval methods for parameter initialization, and recent studies are
exploring more effective pre-training tasks for further improving the quality
of dense vectors. Although various novel and effective tasks have been
proposed, their different input formats and learning objectives make them hard
to be integrated for jointly improving the model performance. In this work, we
aim to unify a variety of pre-training tasks into the bottlenecked masked
autoencoder manner, and integrate them into a multi-task pre-trained model,
namely MASTER. Concretely, MASTER utilizes a shared-encoder multi-decoder
architecture that can construct a representation bottleneck to compress the
abundant semantic information across tasks into dense vectors. Based on it, we
integrate three types of representative pre-training tasks: corrupted passages
recovering, related passages recovering and PLMs outputs recovering, to
characterize the inner-passage information, inter-passage relations and PLMs
knowledge. Extensive experiments have shown that our approach outperforms
competitive dense retrieval methods. Our code and data are publicly released in
\url{https://github.com/microsoft/SimXNS}. | cs.CL | MASTER: Multi-task Pre-trained Bottlenecked Masked Autoencoders are Better Dense Retrievers |
2022-12-15T13:52:03Z | http://arxiv.org/pdf/2212.07839v1 | http://arxiv.org/abs/2212.07839v1 | Federico A. Galatolo, Mario G. C. A. Cimino, Edoardo Cogotti | 2022-12-15T13:52:03Z | cs.CV, cs.CL, cs.LG | Evaluating and comparing text-to-image models is a challenging problem.
Significant advances in the field have recently been made, piquing interest of
various industrial sectors. As a consequence, a gold standard in the field
should cover a variety of tasks and application contexts. In this paper a novel
evaluation approach is experimented, on the basis of: (i) a curated data set,
made by high-quality royalty-free image-text pairs, divided into ten
categories; (ii) a quantitative metric, the CLIP-score, (iii) a human
evaluation task to distinguish, for a given text, the real and the generated
images. The proposed method has been applied to the most recent models, i.e.,
DALLE2, Latent Diffusion, Stable Diffusion, GLIDE and Craiyon. Early
experimental results show that the accuracy of the human judgement is fully
coherent with the CLIP-score. The dataset has been made available to the
public. | cs.CV | TeTIm-Eval: a novel curated evaluation data set for comparing text-to-image models |
2022-12-15T12:47:18Z | http://arxiv.org/pdf/2212.07769v2 | http://arxiv.org/abs/2212.07769v2 | Lorenz Kuhn, Yarin Gal, Sebastian Farquhar | 2023-02-20T11:19:08Z | cs.CL, cs.AI, cs.LG | Users often ask dialogue systems ambiguous questions that require
clarification. We show that current language models rarely ask users to clarify
ambiguous questions and instead provide incorrect answers. To address this, we
introduce CLAM: a framework for getting language models to selectively ask for
clarification about ambiguous user questions. In particular, we show that we
can prompt language models to detect whether a given question is ambiguous,
generate an appropriate clarifying question to ask the user, and give a final
answer after receiving clarification. We also show that we can simulate users
by providing language models with privileged information. This lets us
automatically evaluate multi-turn clarification dialogues. Finally, CLAM
significantly improves language models' accuracy on mixed ambiguous and
unambiguous questions relative to SotA. | cs.CL | CLAM: Selective Clarification for Ambiguous Questions with Generative Language Models |
2022-12-15T12:37:28Z | http://arxiv.org/pdf/2212.07767v1 | http://arxiv.org/abs/2212.07767v1 | Dongding Lin, Jian Wang, Wenjie Li | 2022-12-15T12:37:28Z | cs.IR, cs.CL | Conversational recommender systems (CRS) aim to employ natural language
conversations to suggest suitable products to users. Understanding user
preferences for prospective items and learning efficient item representations
are crucial for CRS. Despite various attempts, earlier studies mostly learned
item representations based on individual conversations, ignoring item
popularity embodied among all others. Besides, they still need support in
efficiently capturing user preferences since the information reflected in a
single conversation is limited. Inspired by collaborative filtering, we propose
a collaborative augmentation (COLA) method to simultaneously improve both item
representation learning and user preference modeling to address these issues.
We construct an interactive user-item graph from all conversations, which
augments item representations with user-aware information, i.e., item
popularity. To improve user preference modeling, we retrieve similar
conversations from the training corpus, where the involved items and attributes
that reflect the user's potential interests are used to augment the user
representation through gate control. Extensive experiments on two benchmark
datasets demonstrate the effectiveness of our method. Our code and data are
available at https://github.com/DongdingLin/COLA. | cs.IR | COLA: Improving Conversational Recommender Systems by Collaborative Augmentation |
2022-12-15T12:14:25Z | http://arxiv.org/pdf/2212.07752v2 | http://arxiv.org/abs/2212.07752v2 | Hongyuan Lu, Haoyang Huang, Shuming Ma, Dongdong Zhang, Wai Lam, Furu Wei | 2023-05-13T08:45:14Z | cs.CL | Despite the success of multilingual sequence-to-sequence pre-training, most
existing approaches rely on document-level monolingual corpora in many
different languages, sentence-level bilingual corpora,\footnote{In this paper,
we use `bilingual corpora' to denote parallel corpora with `bilingual
translation pairs' in many different language pairs, each consisting of two
sentences/documents with the same meaning written in different languages. We
use `trilingual corpora' to denote parallel corpora with `trilingual
translation pairs' in many different language combinations, each consisting of
three sentences/documents.} and sometimes synthetic document-level bilingual
corpora. This hampers the performance with cross-lingual document-level tasks
such as document-level translation. Therefore, we propose to mine and leverage
document-level trilingual parallel corpora to improve sequence-to-sequence
multilingual pre-training. We present \textbf{Tri}angular Document-level
\textbf{P}re-training (\textbf{TRIP}), which is the first in the field to
accelerate the conventional monolingual and bilingual objectives into a
trilingual objective with a novel method called Grafting. Experiments show that
TRIP achieves several strong state-of-the-art (SOTA) scores on three
multilingual document-level machine translation benchmarks and one
cross-lingual abstractive summarization benchmark, including consistent
improvements by up to 3.11 d-BLEU points and 8.9 ROUGE-L points. | cs.CL | Advancing Multilingual Pre-training: TRIP Triangular Document-level Pre-training for Multilingual Language Models |
2022-12-15T10:32:29Z | http://arxiv.org/pdf/2212.07707v1 | http://arxiv.org/abs/2212.07707v1 | Mihaela Gaman, Adrian-Gabriel Chifu, William Domingues, Radu Tudor Ionescu | 2022-12-15T10:32:29Z | cs.CL, cs.LG | We present a novel corpus for French dialect identification comprising
413,522 French text samples collected from public news websites in Belgium,
Canada, France and Switzerland. To ensure an accurate estimation of the dialect
identification performance of models, we designed the corpus to eliminate
potential biases related to topic, writing style, and publication source. More
precisely, the training, validation and test splits are collected from
different news websites, while searching for different keywords (topics). This
leads to a French cross-domain (FreCDo) dialect identification task. We conduct
experiments with four competitive baselines, a fine-tuned CamemBERT model, an
XGBoost based on fine-tuned CamemBERT features, a Support Vector Machines (SVM)
classifier based on fine-tuned CamemBERT features, and an SVM based on word
n-grams. Aside from presenting quantitative results, we also make an analysis
of the most discriminative features learned by CamemBERT. Our corpus is
available at https://github.com/MihaelaGaman/FreCDo. | cs.CL | FreCDo: A Large Corpus for French Cross-Domain Dialect Identification |
2022-12-15T10:20:42Z | http://arxiv.org/pdf/2212.07699v2 | http://arxiv.org/abs/2212.07699v2 | Jiawei Zhou, Xiaoguang Li, Lifeng Shang, Xin Jiang, Qun Liu, Lei Chen | 2024-02-10T10:12:22Z | cs.CL, cs.AI, cs.CV | Disentangled representation learning remains challenging as the underlying
factors of variation in the data do not naturally exist. The inherent
complexity of real-world data makes it unfeasible to exhaustively enumerate and
encapsulate all its variations within a finite set of factors. However, it is
worth noting that most real-world data have linguistic equivalents, typically
in the form of textual descriptions. These linguistic counterparts can
represent the data and effortlessly decomposed into distinct tokens. In light
of this, we present Vocabulary Disentangled Retrieval (VDR), a retrieval-based
framework that harnesses natural language as proxies of the underlying data
variation to drive disentangled representation learning. Our approach employ a
bi-encoder model to represent both data and natural language in a vocabulary
space, enabling the model to distinguish dimensions that capture intrinsic
characteristics within data through its natural language counterpart, thus
facilitating disentanglement. We extensively assess the performance of VDR
across 15 retrieval benchmark datasets, covering text-to-text and cross-modal
retrieval scenarios, as well as human evaluation. Our experimental results
compellingly demonstrate the superiority of VDR over previous bi-encoder
retrievers with comparable model size and training costs, achieving an
impressive 8.7% improvement in NDCG@10 on the BEIR benchmark, a 5.3% increase
on MS COCO, and a 6.0% increase on Flickr30k in terms of mean recall in the
zero-shot setting. Moreover, The results from human evaluation indicate that
interpretability of our method is on par with SOTA captioning models. | cs.CL | Retrieval-based Disentangled Representation Learning with Natural Language Supervision |
2022-12-15T09:21:21Z | http://arxiv.org/pdf/2212.07677v2 | http://arxiv.org/abs/2212.07677v2 | Johannes von Oswald, Eyvind Niklasson, Ettore Randazzo, João Sacramento, Alexander Mordvintsev, Andrey Zhmoginov, Max Vladymyrov | 2023-05-31T08:59:47Z | cs.LG, cs.AI, cs.CL | At present, the mechanisms of in-context learning in Transformers are not
well understood and remain mostly an intuition. In this paper, we suggest that
training Transformers on auto-regressive objectives is closely related to
gradient-based meta-learning formulations. We start by providing a simple
weight construction that shows the equivalence of data transformations induced
by 1) a single linear self-attention layer and by 2) gradient-descent (GD) on a
regression loss. Motivated by that construction, we show empirically that when
training self-attention-only Transformers on simple regression tasks either the
models learned by GD and Transformers show great similarity or, remarkably, the
weights found by optimization match the construction. Thus we show how trained
Transformers become mesa-optimizers i.e. learn models by gradient descent in
their forward pass. This allows us, at least in the domain of regression
problems, to mechanistically understand the inner workings of in-context
learning in optimized Transformers. Building on this insight, we furthermore
identify how Transformers surpass the performance of plain gradient descent by
learning an iterative curvature correction and learn linear models on deep data
representations to solve non-linear regression tasks. Finally, we discuss
intriguing parallels to a mechanism identified to be crucial for in-context
learning termed induction-head (Olsson et al., 2022) and show how it could be
understood as a specific case of in-context learning by gradient descent
learning within Transformers. Code to reproduce the experiments can be found at
https://github.com/google-research/self-organising-systems/tree/master/transformers_learn_icl_by_gd . | cs.LG | Transformers learn in-context by gradient descent |
2022-12-15T09:05:26Z | http://arxiv.org/pdf/2212.07672v2 | http://arxiv.org/abs/2212.07672v2 | Yunlong Liang, Fandong Meng, Jinan Xu, Jiaan Wang, Yufeng Chen, Jie Zhou | 2023-05-04T10:16:30Z | cs.CV, cs.CL | Multimodal abstractive summarization (MAS) aims to produce a concise summary
given the multimodal data (text and vision). Existing studies mainly focus on
how to effectively use the visual features from the perspective of an article,
having achieved impressive success on the high-resource English dataset.
However, less attention has been paid to the visual features from the
perspective of the summary, which may limit the model performance, especially
in the low- and zero-resource scenarios. In this paper, we propose to improve
the summary quality through summary-oriented visual features. To this end, we
devise two auxiliary tasks including vision to summary task and masked image
modeling task. Together with the main summarization task, we optimize the MAS
model via the training objectives of all these tasks. By these means, the MAS
model can be enhanced by capturing the summary-oriented visual features,
thereby yielding more accurate summaries. Experiments on 44 languages, covering
mid-high-, low-, and zero-resource scenarios, verify the effectiveness and
superiority of the proposed approach, which achieves state-of-the-art
performance under all scenarios. Additionally, we will contribute a large-scale
multilingual multimodal abstractive summarization (MM-Sum) dataset. | cs.CV | Summary-Oriented Vision Modeling for Multimodal Abstractive Summarization |
2022-12-15T08:57:30Z | http://arxiv.org/pdf/2212.07669v1 | http://arxiv.org/abs/2212.07669v1 | Mohammad Javad Pirhadi, Motahhare Mirzaei, Sauleh Eetemadi | 2022-12-15T08:57:30Z | cs.CL, cs.AI | WSD (Word Sense Disambiguation) is the task of identifying which sense of a
word is meant in a sentence or other segment of text. Researchers have worked
on this task (e.g. Pustejovsky, 2002) for years but it's still a challenging
one even for SOTA (state-of-the-art) LMs (language models). The new dataset,
TempoWiC introduced by Loureiro et al. (2022b) focuses on the fact that words
change over time. Their best baseline achieves 70.33% macro-F1. In this work,
we use two different losses simultaneously to train RoBERTa-based
classification models. We also improve our model by using another similar
dataset to generalize better. Our best configuration beats their best baseline
by 4.23% and reaches 74.56% macroF1. | cs.CL | Using Two Losses and Two Datasets Simultaneously to Improve TempoWiC Accuracy |
2022-12-15T08:15:32Z | http://arxiv.org/pdf/2212.07649v1 | http://arxiv.org/abs/2212.07649v1 | Yifeng Xie | 2022-12-15T08:15:32Z | cs.CL | Text classification, a core component of task-oriented dialogue systems,
attracts continuous research from both the research and industry community, and
has resulted in tremendous progress. However, existing method does not consider
the use of label information, which may weaken the performance of text
classification systems in some token-aware scenarios. To address the problem,
in this paper, we introduce the use of label information as label embedding for
the task of text classification and achieve remarkable performance on benchmark
dataset. | cs.CL | Improve Text Classification Accuracy with Intent Information |
2022-12-15T06:52:31Z | http://arxiv.org/pdf/2212.07634v2 | http://arxiv.org/abs/2212.07634v2 | Ziqing Yang, Yiming Cui, Xin Yao, Shijin Wang | 2023-05-18T14:41:38Z | cs.CL | Pre-trained language models achieve superior performance but are
computationally expensive. Techniques such as pruning and knowledge
distillation have been developed to reduce their sizes and latencies. In this
work, we propose a structured pruning method GRAIN (Gradient-based
Intra-attention pruning), which performs task-specific pruning with knowledge
distillation and yields highly effective models. Different from common
approaches that prune each attention head as a whole, GRAIN inspects and prunes
intra-attention structures, which greatly expands the structure search space
and enables more flexible models. We also propose a gradient separation
strategy that reduces the interference of distillation on pruning for a better
combination of the two approaches. Experiments on GLUE, SQuAD, and CoNLL 2003
show that GRAIN notably outperforms other methods, especially in the high
sparsity regime, and achieves $6\sim7\times$ speedups while maintaining
$93\%\sim99\%$ performance. Under extreme compression where only $3\%$
transformer weights remain, the pruned model is still competitive compared to
larger models. | cs.CL | Gradient-based Intra-attention Pruning on Pre-trained Language Models |
2022-12-15T06:19:23Z | http://arxiv.org/pdf/2212.08073v1 | http://arxiv.org/abs/2212.08073v1 | Yuntao Bai, Saurav Kadavath, Sandipan Kundu, Amanda Askell, Jackson Kernion, Andy Jones, Anna Chen, Anna Goldie, Azalia Mirhoseini, Cameron McKinnon, Carol Chen, Catherine Olsson, Christopher Olah, Danny Hernandez, Dawn Drain, Deep Ganguli, Dustin Li, Eli Tran-Johnson, Ethan Perez, Jamie Kerr, Jared Mueller, Jeffrey Ladish, Joshua Landau, Kamal Ndousse, Kamile Lukosuite, Liane Lovitt, Michael Sellitto, Nelson Elhage, Nicholas Schiefer, Noemi Mercado, Nova DasSarma, Robert Lasenby, Robin Larson, Sam Ringer, Scott Johnston, Shauna Kravec, Sheer El Showk, Stanislav Fort, Tamera Lanham, Timothy Telleen-Lawton, Tom Conerly, Tom Henighan, Tristan Hume, Samuel R. Bowman, Zac Hatfield-Dodds, Ben Mann, Dario Amodei, Nicholas Joseph, Sam McCandlish, Tom Brown, Jared Kaplan | 2022-12-15T06:19:23Z | cs.CL, cs.AI | As AI systems become more capable, we would like to enlist their help to
supervise other AIs. We experiment with methods for training a harmless AI
assistant through self-improvement, without any human labels identifying
harmful outputs. The only human oversight is provided through a list of rules
or principles, and so we refer to the method as 'Constitutional AI'. The
process involves both a supervised learning and a reinforcement learning phase.
In the supervised phase we sample from an initial model, then generate
self-critiques and revisions, and then finetune the original model on revised
responses. In the RL phase, we sample from the finetuned model, use a model to
evaluate which of the two samples is better, and then train a preference model
from this dataset of AI preferences. We then train with RL using the preference
model as the reward signal, i.e. we use 'RL from AI Feedback' (RLAIF). As a
result we are able to train a harmless but non-evasive AI assistant that
engages with harmful queries by explaining its objections to them. Both the SL
and RL methods can leverage chain-of-thought style reasoning to improve the
human-judged performance and transparency of AI decision making. These methods
make it possible to control AI behavior more precisely and with far fewer human
labels. | cs.CL | Constitutional AI: Harmlessness from AI Feedback |
2022-12-15T05:01:59Z | http://arxiv.org/pdf/2212.07617v1 | http://arxiv.org/abs/2212.07617v1 | Mingyu Lee, Jun-Hyung Park, Junho Kim, Kang-Min Kim, SangKeun Lee | 2022-12-15T05:01:59Z | cs.CL | Masked language modeling (MLM) has been widely used for pre-training
effective bidirectional representations, but incurs substantial training costs.
In this paper, we propose a novel concept-based curriculum masking (CCM) method
to efficiently pre-train a language model. CCM has two key differences from
existing curriculum learning approaches to effectively reflect the nature of
MLM. First, we introduce a carefully-designed linguistic difficulty criterion
that evaluates the MLM difficulty of each token. Second, we construct a
curriculum that gradually masks words related to the previously masked words by
retrieving a knowledge graph. Experimental results show that CCM significantly
improves pre-training efficiency. Specifically, the model trained with CCM
shows comparative performance with the original BERT on the General Language
Understanding Evaluation benchmark at half of the training cost. | cs.CL | Efficient Pre-training of Masked Language Model via Concept-based Curriculum Masking |
2022-12-15T02:28:52Z | http://arxiv.org/pdf/2212.08475v1 | http://arxiv.org/abs/2212.08475v1 | Rafik Hadfi, Ahmed Moustafa, Kai Yoshino, Takayuki Ito | 2022-12-15T02:28:52Z | cs.CL, cs.AI, cs.IR, cs.LG, cs.SI, I.2.7; I.2.1 | Community Question Answering (CQA) sites have spread and multiplied
significantly in recent years. Sites like Reddit, Quora, and Stack Exchange are
becoming popular amongst people interested in finding answers to diverse
questions. One practical way of finding such answers is automatically
predicting the best candidate given existing answers and comments. Many studies
were conducted on answer prediction in CQA but with limited focus on using the
background information of the questionnaires. We address this limitation using
a novel method for predicting the best answers using the questioner's
background information and other features, such as the textual content or the
relationships with other participants. Our answer classification model was
trained using the Stack Exchange dataset and validated using the Area Under the
Curve (AUC) metric. The experimental results show that the proposed method
complements previous methods by pointing out the importance of the
relationships between users, particularly throughout the level of involvement
in different communities on Stack Exchange. Furthermore, we point out that
there is little overlap between user-relation information and the information
represented by the shallow text features and the meta-features, such as time
differences. | cs.CL | Best-Answer Prediction in Q&A Sites Using User Information |
2022-12-15T01:06:55Z | http://arxiv.org/pdf/2212.07571v1 | http://arxiv.org/abs/2212.07571v1 | Maha Elbayad, Anna Sun, Shruti Bhosale | 2022-12-15T01:06:55Z | cs.CL, cs.AI | Sparsely gated Mixture of Experts (MoE) models have been shown to be a
compute-efficient method to scale model capacity for multilingual machine
translation. However, for low-resource tasks, MoE models severely over-fit. We
show effective regularization strategies, namely dropout techniques for MoE
layers in EOM and FOM, Conditional MoE Routing and Curriculum Learning methods
that prevent over-fitting and improve the performance of MoE models on
low-resource tasks without adversely affecting high-resource tasks. On a
massively multilingual machine translation benchmark, our strategies result in
about +1 chrF++ improvement in very low resource language pairs. We perform an
extensive analysis of the learned MoE routing to better understand the impact
of our regularization methods and how we can improve them. | cs.CL | Fixing MoE Over-Fitting on Low-Resource Languages in Multilingual Machine Translation |
2022-12-14T23:41:57Z | http://arxiv.org/pdf/2212.07549v1 | http://arxiv.org/abs/2212.07549v1 | Fazlourrahman Balouchzahi, Sabur Butt, Grigori Sidorov, Alexander Gelbukh | 2022-12-14T23:41:57Z | cs.CL, cs.AI, cs.CY, cs.LG | In this paper, we present a study of regret and its expression on social
media platforms. Specifically, we present a novel dataset of Reddit texts that
have been classified into three classes: Regret by Action, Regret by Inaction,
and No Regret. We then use this dataset to investigate the language used to
express regret on Reddit and to identify the domains of text that are most
commonly associated with regret. Our findings show that Reddit users are most
likely to express regret for past actions, particularly in the domain of
relationships. We also found that deep learning models using GloVe embedding
outperformed other models in all experiments, indicating the effectiveness of
GloVe for representing the meaning and context of words in the domain of
regret. Overall, our study provides valuable insights into the nature and
prevalence of regret on social media, as well as the potential of deep learning
and word embeddings for analyzing and understanding emotional language in
online text. These findings have implications for the development of natural
language processing algorithms and the design of social media platforms that
support emotional expression and communication. | cs.CL | ReDDIT: Regret Detection and Domain Identification from Text |
2022-12-14T23:31:14Z | http://arxiv.org/pdf/2212.07547v1 | http://arxiv.org/abs/2212.07547v1 | Valentin Hofmann, Janet B. Pierrehumbert, Hinrich Schütze | 2022-12-14T23:31:14Z | cs.CL, cs.AI, cs.SI | We propose a fully unsupervised method to detect bias in contextualized
embeddings. The method leverages the assortative information latently encoded
by social networks and combines orthogonality regularization, structured
sparsity learning, and graph neural networks to find the embedding subspace
capturing this information. As a concrete example, we focus on the phenomenon
of ideological bias: we introduce the concept of an ideological subspace, show
how it can be found by applying our method to online discussion forums, and
present techniques to probe it. Our experiments suggest that the ideological
subspace encodes abstract evaluative semantics and reflects changes in the
political left-right spectrum during the presidency of Donald Trump. | cs.CL | Unsupervised Detection of Contextualized Embedding Bias with Application to Ideology |
2022-12-14T22:57:44Z | http://arxiv.org/pdf/2212.07542v1 | http://arxiv.org/abs/2212.07542v1 | Kate Pearce, Sharifa Alghowinem, Cynthia Breazeal | 2022-12-14T22:57:44Z | cs.CL | As artificial intelligence (AI) becomes a prominent part of modern life, AI
literacy is becoming important for all citizens, not just those in technology
careers. Previous research in AI education materials has largely focused on the
introduction of terminology as well as AI use cases and ethics, but few allow
students to learn by creating their own machine learning models. Therefore,
there is a need for enriching AI educational tools with more adaptable and
flexible platforms for interested educators with any level of technical
experience to utilize within their teaching material. As such, we propose the
development of an open-source tool (Build-a-Bot) for students and teachers to
not only create their own transformer-based chatbots based on their own course
material, but also learn the fundamentals of AI through the model creation
process. The primary concern of this paper is the creation of an interface for
students to learn the principles of artificial intelligence by using a natural
language pipeline to train a customized model to answer questions based on
their own school curriculums. The model uses contexts given by their
instructor, such as chapters of a textbook, to answer questions and is deployed
on an interactive chatbot/voice agent. The pipeline teaches students data
collection, data augmentation, intent recognition, and question answering by
having them work through each of these processes while creating their AI agent,
diverging from previous chatbot work where students and teachers use the bots
as black-boxes with no abilities for customization or the bots lack AI
capabilities, with the majority of dialogue scripts being rule-based. In
addition, our tool is designed to make each step of this pipeline intuitive for
students at a middle-school level. Further work primarily lies in providing our
tool to schools and seeking student and teacher evaluations. | cs.CL | Build-a-Bot: Teaching Conversational AI Using a Transformer-Based Intent Recognition and Question Answering Architecture |
2022-12-14T22:51:49Z | http://arxiv.org/pdf/2212.07538v2 | http://arxiv.org/abs/2212.07538v2 | Kevin Lybarger, Nicholas J Dobbins, Ritche Long, Angad Singh, Patrick Wedgeworth, Ozlem Ozuner, Meliha Yetisgen | 2023-04-14T17:04:35Z | cs.CL | Objective: Social determinants of health (SDOH) impact health outcomes and
are documented in the electronic health record (EHR) through structured data
and unstructured clinical notes. However, clinical notes often contain more
comprehensive SDOH information, detailing aspects such as status, severity, and
temporality. This work has two primary objectives: i) develop a natural
language processing (NLP) information extraction model to capture detailed SDOH
information and ii) evaluate the information gain achieved by applying the SDOH
extractor to clinical narratives and combining the extracted representations
with existing structured data.
Materials and Methods: We developed a novel SDOH extractor using a deep
learning entity and relation extraction architecture to characterize SDOH
across various dimensions. In an EHR case study, we applied the SDOH extractor
to a large clinical data set with 225,089 patients and 430,406 notes with
social history sections and compared the extracted SDOH information with
existing structured data.
Results: The SDOH extractor achieved 0.86 F1 on a withheld test set. In the
EHR case study, we found extracted SDOH information complements existing
structured data with 32% of homeless patients, 19% of current tobacco users,
and 10% of drug users only having these health risk factors documented in the
clinical narrative.
Conclusions: Utilizing EHR data to identify SDOH health risk factors and
social needs may improve patient care and outcomes. Semantic representations of
text-encoded SDOH information can augment existing structured data, and this
more comprehensive SDOH representation can assist health systems in identifying
and addressing these social needs. | cs.CL | Leveraging Natural Language Processing to Augment Structured Social Determinants of Health Data in the Electronic Health Record |
2022-12-14T22:30:55Z | http://arxiv.org/pdf/2212.07530v3 | http://arxiv.org/abs/2212.07530v3 | Uri Shaham, Maha Elbayad, Vedanuj Goswami, Omer Levy, Shruti Bhosale | 2023-05-19T12:26:50Z | cs.CL, cs.AI, cs.LG | Multilingual machine translation models can benefit from synergy between
different language pairs, but also suffer from interference. While there is a
growing number of sophisticated methods that aim to eliminate interference, our
understanding of interference as a phenomenon is still limited. This work
identifies the main factors that contribute to interference in multilingual
machine translation. Through systematic experimentation, we find that
interference (or synergy) are primarily determined by model size, data size,
and the proportion of each language pair within the total dataset. We observe
that substantial interference occurs mainly when the model is very small with
respect to the available training data, and that using standard transformer
configurations with less than one billion parameters largely alleviates
interference and promotes synergy. Moreover, we show that tuning the sampling
temperature to control the proportion of each language pair in the data is key
to balancing the amount of interference between low and high resource language
pairs effectively, and can lead to superior performance overall. | cs.CL | Causes and Cures for Interference in Multilingual Translation |
2022-12-14T22:13:55Z | http://arxiv.org/pdf/2212.07526v1 | http://arxiv.org/abs/2212.07526v1 | Talia Sanchez Viera, Richard Khoury | 2022-12-14T22:13:55Z | cs.CL, cs.SI | In this paper, we explore the relationship between an individual's writing
style and the risk that they will engage in online harmful behaviors (such as
cyberbullying). In particular, we consider whether measurable differences in
writing style relate to different personality types, as modeled by the Big-Five
personality traits and the Dark Triad traits, and can differentiate between
users who do or do not engage in harmful behaviors. We study messages from
nearly 2,500 users from two online communities (Twitter and Reddit) and find
that we can measure significant personality differences between regular and
harmful users from the writing style of as few as 100 tweets or 40 Reddit
posts, aggregate these values to distinguish between healthy and harmful
communities, and also use style attributes to predict which users will engage
in harmful behaviors. | cs.CL | Relationship Between Online Harmful Behaviors and Social Network Message Writing Style |
2022-12-14T22:13:11Z | http://arxiv.org/pdf/2212.07525v2 | http://arxiv.org/abs/2212.07525v2 | Alexei Baevski, Arun Babu, Wei-Ning Hsu, Michael Auli | 2023-06-15T15:19:22Z | cs.LG, cs.CL, cs.SD, eess.AS | Current self-supervised learning algorithms are often modality-specific and
require large amounts of computational resources. To address these issues, we
increase the training efficiency of data2vec, a learning objective that
generalizes across several modalities. We do not encode masked tokens, use a
fast convolutional decoder and amortize the effort to build teacher
representations. data2vec 2.0 benefits from the rich contextualized target
representations introduced in data2vec which enable a fast self-supervised
learner. Experiments on ImageNet-1K image classification show that data2vec 2.0
matches the accuracy of Masked Autoencoders in 16.4x lower pre-training time,
on Librispeech speech recognition it performs as well as wav2vec 2.0 in 10.6x
less time, and on GLUE natural language understanding it matches a retrained
RoBERTa model in half the time. Trading some speed for accuracy results in
ImageNet-1K top-1 accuracy of 86.8\% with a ViT-L model trained for 150 epochs. | cs.LG | Efficient Self-supervised Learning with Contextualized Target Representations for Vision, Speech and Language |
2022-12-14T21:13:08Z | http://arxiv.org/pdf/2212.07507v1 | http://arxiv.org/abs/2212.07507v1 | Sue Lim, Ralf Schmälzle | 2022-12-14T21:13:08Z | cs.CL | This study introduces and examines the potential of an AI system to generate
health awareness messages. The topic of folic acid, a vitamin that is critical
during pregnancy, served as a test case. Using prompt engineering, we generated
messages that could be used to raise awareness and compared them to retweeted
human-generated messages via computational and human evaluation methods. The
system was easy to use and prolific, and computational analyses revealed that
the AI-generated messages were on par with human-generated ones in terms of
sentiment, reading ease, and semantic content. Also, the human evaluation study
showed that AI-generated messages ranked higher in message quality and clarity.
We discuss the theoretical, practical, and ethical implications of these
results. | cs.CL | Artificial Intelligence for Health Message Generation: Theory, Method, and an Empirical Study Using Prompt Engineering |
2022-12-14T19:50:35Z | http://arxiv.org/pdf/2212.07476v2 | http://arxiv.org/abs/2212.07476v2 | Niklas Deckers, Maik Fröbe, Johannes Kiesel, Gianluca Pandolfo, Christopher Schröder, Benno Stein, Martin Potthast | 2023-01-21T18:16:14Z | cs.IR, cs.CL, cs.CV | Conditional generative models such as DALL-E and Stable Diffusion generate
images based on a user-defined text, the prompt. Finding and refining prompts
that produce a desired image has become the art of prompt engineering.
Generative models do not provide a built-in retrieval model for a user's
information need expressed through prompts. In light of an extensive literature
review, we reframe prompt engineering for generative models as interactive
text-based retrieval on a novel kind of "infinite index". We apply these
insights for the first time in a case study on image generation for game design
with an expert. Finally, we envision how active learning may help to guide the
retrieval of generated images. | cs.IR | The Infinite Index: Information Retrieval on Generative Text-To-Image Models |
2022-12-14T15:33:44Z | http://arxiv.org/pdf/2212.07284v1 | http://arxiv.org/abs/2212.07284v1 | Nathan Godey, Roman Castagné, Éric de la Clergerie, Benoît Sagot | 2022-12-14T15:33:44Z | cs.CL | Static subword tokenization algorithms have been an essential component of
recent works on language modeling. However, their static nature results in
important flaws that degrade the models' downstream performance and robustness.
In this work, we propose MANTa, a Module for Adaptive Neural TokenizAtion.
MANTa is a differentiable tokenizer trained end-to-end with the language model.
The resulting system offers a trade-off between the expressiveness of
byte-level models and the speed of models trained using subword tokenization.
In addition, our tokenizer is highly explainable since it produces an explicit
segmentation of sequences into blocks. We evaluate our pre-trained model on
several English datasets from different domains as well as on synthetic noise.
We find that MANTa improves robustness to character perturbations and
out-of-domain data. We then show that MANTa performs comparably to other models
on the general-domain GLUE benchmark. Finally, we show that it is considerably
faster than strictly byte-level models. | cs.CL | MANTa: Efficient Gradient-Based Tokenization for Robust End-to-End Language Modeling |
2022-12-14T14:34:15Z | http://arxiv.org/pdf/2212.07249v3 | http://arxiv.org/abs/2212.07249v3 | Jiashuo Sun, Hang Zhang, Chen Lin, Xiangdong Su, Yeyun Gong, Jian Guo | 2024-03-12T13:30:16Z | cs.CL, cs.LG | Long-form numerical reasoning in financial analysis aims to generate a
reasoning program to calculate the correct answer for a given question.
Previous work followed a retriever-generator framework, where the retriever
selects key facts from a long-form document, and the generator generates a
reasoning program based on retrieved facts. However, they treated all facts
equally without considering the different contributions of facts with and
without numbers. Meanwhile, the program consistency were ignored under
supervised training, resulting in lower training accuracy and diversity. To
solve these problems, we proposed APOLLO to improve the long-form numerical
reasoning framework. For the retriever, we adopt a number-aware negative
sampling strategy to enable the retriever to be more discriminative on key
numerical facts. For the generator, we design consistency-based reinforcement
learning and target program augmentation strategy based on the consistency of
program execution results. Experimental results on the FinQA and ConvFinQA
leaderboard verify the effectiveness of our proposed method, achieving the new
state-of-the-art. | cs.CL | APOLLO: An Optimized Training Approach for Long-form Numerical Reasoning |
2022-12-14T13:48:32Z | http://arxiv.org/pdf/2212.07223v1 | http://arxiv.org/abs/2212.07223v1 | Massimo Nicosia, Francesco Piccinno | 2022-12-14T13:48:32Z | cs.CL | Token free approaches have been successfully applied to a series of word and
span level tasks. In this work, we compare a byte-level (ByT5) and a wordpiece
based (mT5) sequence to sequence model on the 51 languages of the MASSIVE
multilingual semantic parsing dataset. We examine multiple experimental
settings: (i) zero-shot, (ii) full gold data and (iii) zero-shot with synthetic
data. By leveraging a state-of-the-art label projection method for machine
translated examples, we are able to reduce the gap in exact match accuracy to
only 5 points with respect to a model trained on gold data from all the
languages. We additionally provide insights on the cross-lingual transfer of
ByT5 and show how the model compares with respect to mT5 across all parameter
sizes. | cs.CL | Evaluating Byte and Wordpiece Level Models for Massively Multilingual Semantic Parsing |
2022-12-14T13:41:49Z | http://arxiv.org/pdf/2212.07220v2 | http://arxiv.org/abs/2212.07220v2 | Jiaan Wang, Fandong Meng, Yunlong Liang, Tingyi Zhang, Jiarong Xu, Zhixu Li, Jie Zhou | 2023-10-10T03:00:35Z | cs.CL, cs.AI | Given a document in a source language, cross-lingual summarization (CLS) aims
at generating a concise summary in a different target language. Unlike
monolingual summarization (MS), naturally occurring source-language documents
paired with target-language summaries are rare. To collect large-scale CLS
data, existing datasets typically involve translation in their creation.
However, the translated text is distinguished from the text originally written
in that language, i.e., translationese. In this paper, we first confirm that
different approaches of constructing CLS datasets will lead to different
degrees of translationese. Then we systematically investigate how
translationese affects CLS model evaluation and performance when it appears in
source documents or target summaries. In detail, we find that (1) the
translationese in documents or summaries of test sets might lead to the
discrepancy between human judgment and automatic evaluation; (2) the
translationese in training sets would harm model performance in real-world
applications; (3) though machine-translated documents involve translationese,
they are very useful for building CLS systems on low-resource languages under
specific training strategies. Lastly, we give suggestions for future CLS
research including dataset and model developments. We hope that our work could
let researchers notice the phenomenon of translationese in CLS and take it into
account in the future. | cs.CL | Understanding Translationese in Cross-Lingual Summarization |
2022-12-14T13:41:36Z | http://arxiv.org/pdf/2212.07219v1 | http://arxiv.org/abs/2212.07219v1 | Xuan-Dung Doan | 2022-12-14T13:41:36Z | cs.CL | We propose a combined three pre-trained language models (XLM-R, BART, and
DeBERTa-V3) as an empower of contextualized embedding for named entity
recognition. Our model achieves a 92.9% F1 score on the test set and ranks 5th
on the leaderboard at NL4Opt competition subtask 1. | cs.CL | VTCC-NLP at NL4Opt competition subtask 1: An Ensemble Pre-trained language models for Named Entity Recognition |
2022-12-14T12:13:34Z | http://arxiv.org/pdf/2212.07183v1 | http://arxiv.org/abs/2212.07183v1 | Shimin Li, Qinyuan Cheng, Linyang Li, Xipeng Qiu | 2022-12-14T12:13:34Z | cs.CL | As the functionality of dialogue systems evolves, hybrid dialogue systems
that accomplish user-specific goals and participate in open-topic chitchat with
users are attracting growing attention. Existing research learns both tasks
concurrently utilizing a multi-task fusion technique but ignores the negative
transfer phenomenon induced by the unique textual style differences. Therefore,
contrastive learning based on the latent variable model is used to decouple the
various textual genres in the latent space. We devise supervised and
self-supervised positive and negative sample constructions for diverse
datasets. In addition, to capitalize on the style information contained in the
decoupled latent variables, we employ a style prefix that incorporates latent
variables further to control the generation of responses with varying styles.
We performed extensive experiments on three dialogue datasets, including a
hybrid dialogue dataset and two task-oriented dialogue datasets. The
experimental results demonstrate that our method can mitigate the negative
style transfer issue and achieves state-of-the-art performance on multiple
dialogue datasets. | cs.CL | Mitigating Negative Style Transfer in Hybrid Dialogue System |
2022-12-14T11:54:12Z | http://arxiv.org/pdf/2212.07172v1 | http://arxiv.org/abs/2212.07172v1 | Jelena Sarajlić, Gaurish Thakkar, Diego Alves, Nives Mikelic Preradović | 2022-12-14T11:54:12Z | cs.CL | This paper presents a corpus annotated for the task of direct-speech
extraction in Croatian. The paper focuses on the annotation of the quotation,
co-reference resolution, and sentiment annotation in SETimes news corpus in
Croatian and on the analysis of its language-specific differences compared to
English. From this, a list of the phenomena that require special attention when
performing these annotations is derived. The generated corpus with quotation
features annotations can be used for multiple tasks in the field of Natural
Language Processing. | cs.CL | Quotations, Coreference Resolution, and Sentiment Annotations in Croatian News Articles: An Exploratory Study |
2022-12-14T11:38:48Z | http://arxiv.org/pdf/2212.07429v1 | http://arxiv.org/abs/2212.07429v1 | Diego Alves, Gaurish Thakkar, Gabriel Amaral, Tin Kuculo, Marko Tadić | 2022-12-14T11:38:48Z | cs.CL | With the ever-growing popularity of the field of NLP, the demand for datasets
in low resourced-languages follows suit. Following a previously established
framework, in this paper, we present the UNER dataset, a multilingual and
hierarchical parallel corpus annotated for named-entities. We describe in
detail the developed procedure necessary to create this type of dataset in any
language available on Wikipedia with DBpedia information. The three-step
procedure extracts entities from Wikipedia articles, links them to DBpedia, and
maps the DBpedia sets of classes to the UNER labels. This is followed by a
post-processing procedure that significantly increases the number of identified
entities in the final results. The paper concludes with a statistical and
qualitative analysis of the resulting dataset. | cs.CL | Building Multilingual Corpora for a Complex Named Entity Recognition and Classification Hierarchy using Wikipedia and DBpedia |
2022-12-14T11:34:59Z | http://arxiv.org/pdf/2212.07164v1 | http://arxiv.org/abs/2212.07164v1 | Amrutha Prasad, Juan Zuluaga-Gomez, Petr Motlicek, Saeed Sarfjoo, Iuliia Nigmatulina, Karel Vesely | 2022-12-14T11:34:59Z | cs.CL, cs.AI, cs.LG, eess.AS | This paper describes a simple yet efficient repetition-based modular system
for speeding up air-traffic controllers (ATCos) training. E.g., a human pilot
is still required in EUROCONTROL's ESCAPE lite simulator (see
https://www.eurocontrol.int/simulator/escape) during ATCo training. However,
this need can be substituted by an automatic system that could act as a pilot.
In this paper, we aim to develop and integrate a pseudo-pilot agent into the
ATCo training pipeline by merging diverse artificial intelligence (AI) powered
modules. The system understands the voice communications issued by the ATCo,
and, in turn, it generates a spoken prompt that follows the pilot's phraseology
to the initial communication. Our system mainly relies on open-source AI tools
and air traffic control (ATC) databases, thus, proving its simplicity and ease
of replicability. The overall pipeline is composed of the following: (1) a
submodule that receives and pre-processes the input stream of raw audio, (2) an
automatic speech recognition (ASR) system that transforms audio into a sequence
of words; (3) a high-level ATC-related entity parser, which extracts relevant
information from the communication, i.e., callsigns and commands, and finally,
(4) a speech synthesizer submodule that generates responses based on the
high-level ATC entities previously extracted. Overall, we show that this system
could pave the way toward developing a real proof-of-concept pseudo-pilot
system. Hence, speeding up the training of ATCos while drastically reducing its
overall cost. | cs.CL | Speech and Natural Language Processing Technologies for Pseudo-Pilot Simulator |
2022-12-14T11:32:24Z | http://arxiv.org/pdf/2212.07162v1 | http://arxiv.org/abs/2212.07162v1 | Diego Alves, Gaurish Thakkar, Marko Tadić | 2022-12-14T11:32:24Z | cs.CL | This article presents the application of the Universal Named Entity framework
to generate automatically annotated corpora. By using a workflow that extracts
Wikipedia data and meta-data and DBpedia information, we generated an English
dataset which is described and evaluated. Furthermore, we conducted a set of
experiments to improve the annotations in terms of precision, recall, and
F1-measure. The final dataset is available and the established workflow can be
applied to any language with existing Wikipedia and DBpedia. As part of future
research, we intend to continue improving the annotation process and extend it
to other languages. | cs.CL | Building and Evaluating Universal Named-Entity Recognition English corpus |
2022-12-14T11:29:03Z | http://arxiv.org/pdf/2212.07160v1 | http://arxiv.org/abs/2212.07160v1 | Gaurish Thakkar, Nives Mikelic Preradovic, Marko Tadic | 2022-12-14T11:29:03Z | cs.CL | This paper presents a cross-lingual sentiment analysis of news articles using
zero-shot and few-shot learning. The study aims to classify the Croatian news
articles with positive, negative, and neutral sentiments using the Slovene
dataset. The system is based on a trilingual BERT-based model trained in three
languages: English, Slovene, Croatian. The paper analyses different setups
using datasets in two languages and proposes a simple multi-task model to
perform sentiment classification. The evaluation is performed using the
few-shot and zero-shot scenarios in single-task and multi-task experiments for
Croatian and Slovene. | cs.CL | Multi-task Learning for Cross-Lingual Sentiment Analysis |
2022-12-14T11:10:03Z | http://arxiv.org/pdf/2212.07156v1 | http://arxiv.org/abs/2212.07156v1 | Sophie Henning, Nicole Macher, Stefan Grünewald, Annemarie Friedrich | 2022-12-14T11:10:03Z | cs.CL, cs.AI | Modal verbs (e.g., "can", "should", or "must") occur highly frequently in
scientific articles. Decoding their function is not straightforward: they are
often used for hedging, but they may also denote abilities and restrictions.
Understanding their meaning is important for various NLP tasks such as writing
assistance or accurate information extraction from scientific text.
To foster research on the usage of modals in this genre, we introduce the
MIST (Modals In Scientific Text) dataset, which contains 3737 modal instances
in five scientific domains annotated for their semantic, pragmatic, or
rhetorical function. We systematically evaluate a set of competitive neural
architectures on MIST. Transfer experiments reveal that leveraging
non-scientific data is of limited benefit for modeling the distinctions in
MIST. Our corpus analysis provides evidence that scientific communities differ
in their usage of modal verbs, yet, classifiers trained on scientific data
generalize to some extent to unseen scientific domains. | cs.CL | MIST: a Large-Scale Annotated Resource and Neural Models for Functions of Modal Verbs in English Scientific Text |
2022-12-14T10:50:13Z | http://arxiv.org/pdf/2212.07428v5 | http://arxiv.org/abs/2212.07428v5 | Maren Pielka, Svetlana Schmidt, Lisa Pucknat, Rafet Sifa | 2022-12-30T09:15:11Z | cs.CL, cs.LG | We introduce a linguistically enhanced combination of pre-training methods
for transformers. The pre-training objectives include POS-tagging, synset
prediction based on semantic knowledge graphs, and parent prediction based on
dependency parse trees. Our approach achieves competitive results on the
Natural Language Inference task, compared to the state of the art. Specifically
for smaller models, the method results in a significant performance boost,
emphasizing the fact that intelligent pre-training can make up for fewer
parameters and help building more efficient models. Combining POS-tagging and
synset prediction yields the overall best results. | cs.CL | Towards Linguistically Informed Multi-Objective Pre-Training for Natural Language Inference |
2022-12-14T09:26:07Z | http://arxiv.org/pdf/2212.07127v4 | http://arxiv.org/abs/2212.07127v4 | Qinkai Chen, Mohamed El-Mennaoui, Antoine Fosset, Amine Rebei, Haoyang Cao, Philine Bouscasse, Christy Eóin O'Beirne, Sasha Shevchenko, Mathieu Rosenbaum | 2022-12-22T17:10:46Z | cs.CL, cs.LG | With an increasing amount of data in the art world, discovering artists and
artworks suitable to collectors' tastes becomes a challenge. It is no longer
enough to use visual information, as contextual information about the artist
has become just as important in contemporary art. In this work, we present a
generic Natural Language Processing framework (called ArtLM) to discover the
connections among contemporary artists based on their biographies. In this
approach, we first continue to pre-train the existing general English language
models with a large amount of unlabelled art-related data. We then fine-tune
this new pre-trained model with our biography pair dataset manually annotated
by a team of professionals in the art industry. With extensive experiments, we
demonstrate that our ArtLM achieves 85.6% accuracy and 84.0% F1 score and
outperforms other baseline models. We also provide a visualisation and a
qualitative analysis of the artist network built from ArtLM's outputs. | cs.CL | Towards mapping the contemporary art world with ArtLM: an art-specific NLP model |
2022-12-14T09:25:49Z | http://arxiv.org/pdf/2212.07126v1 | http://arxiv.org/abs/2212.07126v1 | Sourav Saha, Debapriyo Majumdar, Mandar Mitra | 2022-12-14T09:25:49Z | cs.IR, cs.AI, cs.CL | Deep Learning and Machine Learning based models have become extremely popular
in text processing and information retrieval. However, the non-linear
structures present inside the networks make these models largely inscrutable. A
significant body of research has focused on increasing the transparency of
these models. This article provides a broad overview of research on the
explainability and interpretability of natural language processing and
information retrieval methods. More specifically, we survey approaches that
have been applied to explain word embeddings, sequence modeling, attention
modules, transformers, BERT, and document ranking. The concluding section
suggests some possible directions for future research on this topic. | cs.IR | Explainability of Text Processing and Retrieval Methods: A Critical Survey |
2022-12-14T09:05:14Z | http://arxiv.org/pdf/2212.07112v1 | http://arxiv.org/abs/2212.07112v1 | Xin Zheng, Tianyu Liu, Haoran Meng, Xu Wang, Yufan Jiang, Mengliang Rao, Binghuai Lin, Zhifang Sui, Yunbo Cao | 2022-12-14T09:05:14Z | cs.CL, cs.AI, cs.IR | Harvesting question-answer (QA) pairs from customer service chatlog in the
wild is an efficient way to enrich the knowledge base for customer service
chatbots in the cold start or continuous integration scenarios. Prior work
attempts to obtain 1-to-1 QA pairs from growing customer service chatlog, which
fails to integrate the incomplete utterances from the dialog context for
composite QA retrieval. In this paper, we propose N-to-N QA extraction task in
which the derived questions and corresponding answers might be separated across
different utterances. We introduce a suite of generative/discriminative tagging
based methods with end-to-end and two-stage variants that perform well on 5
customer service datasets and for the first time setup a benchmark for N-to-N
DialogQAE with utterance and session level evaluation metrics. With a deep dive
into extracted QA pairs, we find that the relations between and inside the QA
pairs can be indicators to analyze the dialogue structure, e.g. information
seeking, clarification, barge-in and elaboration. We also show that the
proposed models can adapt to different domains and languages, and reduce the
labor cost of knowledge accumulation in the real-world product dialogue
platform. | cs.CL | DialogQAE: N-to-N Question Answer Pair Extraction from Customer Service Chatlog |
2022-12-14T07:52:36Z | http://arxiv.org/pdf/2212.07075v1 | http://arxiv.org/abs/2212.07075v1 | Hongkuan Zhang, Saku Sugawara, Akiko Aizawa, Lei Zhou, Ryohei Sasano, Koichi Takeda | 2022-12-14T07:52:36Z | cs.CV, cs.CL | Image captioning models require the high-level generalization ability to
describe the contents of various images in words. Most existing approaches
treat the image-caption pairs equally in their training without considering the
differences in their learning difficulties. Several image captioning approaches
introduce curriculum learning methods that present training data with
increasing levels of difficulty. However, their difficulty measurements are
either based on domain-specific features or prior model training. In this
paper, we propose a simple yet efficient difficulty measurement for image
captioning using cross-modal similarity calculated by a pretrained
vision-language model. Experiments on the COCO and Flickr30k datasets show that
our proposed approach achieves superior performance and competitive convergence
speed to baselines without requiring heuristics or incurring additional
training costs. Moreover, the higher model performance on difficult examples
and unseen data also demonstrates the generalization ability. | cs.CV | Cross-Modal Similarity-Based Curriculum Learning for Image Captioning |
2022-12-14T07:48:42Z | http://arxiv.org/pdf/2212.07072v2 | http://arxiv.org/abs/2212.07072v2 | Hee Suk Yoon, Eunseop Yoon, John Harvill, Sunjae Yoon, Mark Hasegawa-Johnson, Chang D. Yoo | 2022-12-21T07:36:49Z | cs.CL, cs.LG | Word Sense Disambiguation (WSD) is an NLP task aimed at determining the
correct sense of a word in a sentence from discrete sense choices. Although
current systems have attained unprecedented performances for such tasks, the
nonuniform distribution of word senses during training generally results in
systems performing poorly on rare senses. To this end, we consider data
augmentation to increase the frequency of these least frequent senses (LFS) to
reduce the distributional bias of senses during training. We propose
Sense-Maintained Sentence Mixup (SMSMix), a novel word-level mixup method that
maintains the sense of a target word. SMSMix smoothly blends two sentences
using mask prediction while preserving the relevant span determined by saliency
scores to maintain a specific word's sense. To the best of our knowledge, this
is the first attempt to apply mixup in NLP while preserving the meaning of a
specific word. With extensive experiments, we validate that our augmentation
method can effectively give more information about rare senses during training
with maintained target sense label. | cs.CL | SMSMix: Sense-Maintained Sentence Mixup for Word Sense Disambiguation |
2022-12-14T06:09:08Z | http://arxiv.org/pdf/2301.00652v1 | http://arxiv.org/abs/2301.00652v1 | Ching-Feng Yeh, Wei-Ning Hsu, Paden Tomasello, Abdelrahman Mohamed | 2022-12-14T06:09:08Z | eess.AS, cs.CL | With the development of hardware for machine learning, newer models often
come at the cost of both increased sizes and computational complexity. In
effort to improve the efficiency for these models, we apply and investigate
recent quantization techniques on speech representation learning models. The
quantization techniques were evaluated on the SUPERB benchmark. On the ASR
task, with aggressive quantization to 1 bit, we achieved 86.32% storage
reduction (184.42 -> 25.23), 88% estimated runtime reduction (1.00 -> 0.12)
with increased word error rate (7.06 -> 15.96). In comparison with
DistillHuBERT which also aims for model compression, the 2-bit configuration
yielded slightly smaller storage (35.84 vs. 46.98), better word error rate
(12.68 vs. 13.37) and more efficient estimated runtime (0.15 vs. 0.73). | eess.AS | Efficient Speech Representation Learning with Low-Bit Quantization |
2022-12-14T05:36:18Z | http://arxiv.org/pdf/2212.07043v1 | http://arxiv.org/abs/2212.07043v1 | Dhrubajyoti Pathak, Sukumar Nandi, Priyankoo Sarmah | 2022-12-14T05:36:18Z | cs.CL, cs.AI, cs.LG, I.2.7 | Part of Speech (POS) tagging is crucial to Natural Language Processing (NLP).
It is a well-studied topic in several resource-rich languages. However, the
development of computational linguistic resources is still in its infancy
despite the existence of numerous languages that are historically and literary
rich. Assamese, an Indian scheduled language, spoken by more than 25 million
people, falls under this category. In this paper, we present a Deep Learning
(DL)-based POS tagger for Assamese. The development process is divided into two
stages. In the first phase, several pre-trained word embeddings are employed to
train several tagging models. This allows us to evaluate the performance of the
word embeddings in the POS tagging task. The top-performing model from the
first phase is employed to annotate another set of new sentences. In the second
phase, the model is trained further using the fresh dataset. Finally, we attain
a tagging accuracy of 86.52% in F1 score. The model may serve as a baseline for
further study on DL-based Assamese POS tagging. | cs.CL | AsPOS: Assamese Part of Speech Tagger using Deep Learning Approach |
2022-12-14T01:37:35Z | http://arxiv.org/pdf/2212.06972v2 | http://arxiv.org/abs/2212.06972v2 | Leyuan Qu, Taihao Li, Cornelius Weber, Theresa Pekarek-Rosin, Fuji Ren, Stefan Wermter | 2023-09-26T02:42:11Z | cs.SD, cs.CL, eess.AS | Human speech can be characterized by different components, including semantic
content, speaker identity and prosodic information. Significant progress has
been made in disentangling representations for semantic content and speaker
identity in Automatic Speech Recognition (ASR) and speaker verification tasks
respectively. However, it is still an open challenging research question to
extract prosodic information because of the intrinsic association of different
attributes, such as timbre and rhythm, and because of the need for supervised
training schemes to achieve robust large-scale and speaker-independent ASR. The
aim of this paper is to address the disentanglement of emotional prosody from
speech based on unsupervised reconstruction. Specifically, we identify, design,
implement and integrate three crucial components in our proposed speech
reconstruction model Prosody2Vec: (1) a unit encoder that transforms speech
signals into discrete units for semantic content, (2) a pretrained speaker
verification model to generate speaker identity embeddings, and (3) a trainable
prosody encoder to learn prosody representations. We first pretrain the
Prosody2Vec representations on unlabelled emotional speech corpora, then
fine-tune the model on specific datasets to perform Speech Emotion Recognition
(SER) and Emotional Voice Conversion (EVC) tasks. Both objective (weighted and
unweighted accuracies) and subjective (mean opinion score) evaluations on the
EVC task suggest that Prosody2Vec effectively captures general prosodic
features that can be smoothly transferred to other emotional speech. In
addition, our SER experiments on the IEMOCAP dataset reveal that the prosody
features learned by Prosody2Vec are complementary and beneficial for the
performance of widely used speech pretraining models and surpass the
state-of-the-art methods when combining Prosody2Vec with HuBERT
representations. | cs.SD | Disentangling Prosody Representations with Unsupervised Speech Reconstruction |
2022-12-14T01:37:16Z | http://arxiv.org/pdf/2212.06971v1 | http://arxiv.org/abs/2212.06971v1 | Haoxuan You, Rui Sun, Zhecan Wang, Kai-Wei Chang, Shih-Fu Chang | 2022-12-14T01:37:16Z | cs.CV, cs.CL | From a visual scene containing multiple people, human is able to distinguish
each individual given the context descriptions about what happened before,
their mental/physical states or intentions, etc. Above ability heavily relies
on human-centric commonsense knowledge and reasoning. For example, if asked to
identify the "person who needs healing" in an image, we need to first know that
they usually have injuries or suffering expressions, then find the
corresponding visual clues before finally grounding the person. We present a
new commonsense task, Human-centric Commonsense Grounding, that tests the
models' ability to ground individuals given the context descriptions about what
happened before, and their mental/physical states or intentions. We further
create a benchmark, HumanCog, a dataset with 130k grounded commonsensical
descriptions annotated on 67k images, covering diverse types of commonsense and
visual scenes. We set up a context-object-aware method as a strong baseline
that outperforms previous pre-trained and non-pretrained models. Further
analysis demonstrates that rich visual commonsense and powerful integration of
multi-modal commonsense are essential, which sheds light on future works. Data
and code will be available https://github.com/Hxyou/HumanCog. | cs.CV | Find Someone Who: Visual Commonsense Understanding in Human-Centric Grounding |
2022-12-14T00:03:52Z | http://arxiv.org/pdf/2212.06950v2 | http://arxiv.org/abs/2212.06950v2 | Xuandong Zhao, Siqi Ouyang, Zhiguo Yu, Ming Wu, Lei Li | 2023-05-26T06:05:50Z | cs.CL | How can we extend a pre-trained model to many language understanding tasks,
without labeled or additional unlabeled data? Pre-trained language models
(PLMs) have been effective for a wide range of NLP tasks. However, existing
approaches either require fine-tuning on downstream labeled datasets or
manually constructing proper prompts. In this paper, we propose nonparametric
prompting PLM (NPPrompt) for fully zero-shot language understanding. Unlike
previous methods, NPPrompt uses only pre-trained language models and does not
require any labeled data or additional raw corpus for further fine-tuning, nor
does it rely on humans to construct a comprehensive set of prompt label words.
We evaluate NPPrompt against previous major few-shot and zero-shot learning
methods on diverse NLP tasks: including text classification, text entailment,
similar text retrieval, and paraphrasing. Experimental results demonstrate that
our NPPrompt outperforms the previous best fully zero-shot method by big
margins, with absolute gains of 12.8% in accuracy on text classification and
18.9% on the GLUE benchmark. | cs.CL | Pre-trained Language Models Can be Fully Zero-Shot Learners |
2022-12-13T23:06:20Z | http://arxiv.org/pdf/2212.06933v1 | http://arxiv.org/abs/2212.06933v1 | Chao Zhou, Cheng Qiu, Daniel E. Acuna | 2022-12-13T23:06:20Z | cs.CL, cs.AI, cs.IR | The rapid advancement of AI technology has made text generation tools like
GPT-3 and ChatGPT increasingly accessible, scalable, and effective. This can
pose serious threat to the credibility of various forms of media if these
technologies are used for plagiarism, including scientific literature and news
sources. Despite the development of automated methods for paraphrase
identification, detecting this type of plagiarism remains a challenge due to
the disparate nature of the datasets on which these methods are trained. In
this study, we review traditional and current approaches to paraphrase
identification and propose a refined typology of paraphrases. We also
investigate how this typology is represented in popular datasets and how
under-representation of certain types of paraphrases impacts detection
capabilities. Finally, we outline new directions for future research and
datasets in the pursuit of more effective paraphrase detection using AI. | cs.CL | Paraphrase Identification with Deep Learning: A Review of Datasets and Methods |
2022-12-13T19:24:08Z | http://arxiv.org/pdf/2212.06868v1 | http://arxiv.org/abs/2212.06868v1 | Tejas Santanam, Mengyang Liu, Jiangyue Yu, Zhaodong Yang | 2022-12-13T19:24:08Z | cs.CV, cs.CL, cs.LG | This paper creates a novel method of deep neural style transfer by generating
style images from freeform user text input. The language model and style
transfer model form a seamless pipeline that can create output images with
similar losses and improved quality when compared to baseline style transfer
methods. The language model returns a closely matching image given a style text
and description input, which is then passed to the style transfer model with an
input content image to create a final output. A proof-of-concept tool is also
developed to integrate the models and demonstrate the effectiveness of deep
image style transfer from freeform text. | cs.CV | Deep Image Style Transfer from Freeform Text |
2022-12-13T19:17:36Z | http://arxiv.org/pdf/2212.07796v3 | http://arxiv.org/abs/2212.07796v3 | Zixian Ma, Jerry Hong, Mustafa Omer Gul, Mona Gandhi, Irena Gao, Ranjay Krishna | 2023-05-16T16:27:08Z | cs.CL, cs.CV | A fundamental characteristic common to both human vision and natural language
is their compositional nature. Yet, despite the performance gains contributed
by large vision and language pretraining, we find that: across 7 architectures
trained with 4 algorithms on massive datasets, they struggle at
compositionality. To arrive at this conclusion, we introduce a new
compositionality evaluation benchmark, CREPE, which measures two important
aspects of compositionality identified by cognitive science literature:
systematicity and productivity. To measure systematicity, CREPE consists of a
test dataset containing over $370K$ image-text pairs and three different
seen-unseen splits. The three splits are designed to test models trained on
three popular training datasets: CC-12M, YFCC-15M, and LAION-400M. We also
generate $325K$, $316K$, and $309K$ hard negative captions for a subset of the
pairs. To test productivity, CREPE contains $17K$ image-text pairs with nine
different complexities plus $183K$ hard negative captions with atomic, swapping
and negation foils. The datasets are generated by repurposing the Visual Genome
scene graphs and region descriptions and applying handcrafted templates and
GPT-3. For systematicity, we find that model performance decreases consistently
when novel compositions dominate the retrieval set, with Recall@1 dropping by
up to $12\%$. For productivity, models' retrieval success decays as complexity
increases, frequently nearing random chance at high complexity. These results
hold regardless of model and training dataset size. | cs.CL | CREPE: Can Vision-Language Foundation Models Reason Compositionally? |
2022-12-13T19:06:00Z | http://arxiv.org/pdf/2212.08072v2 | http://arxiv.org/abs/2212.08072v2 | Zeljko Kraljevic, Dan Bean, Anthony Shek, Rebecca Bendayan, Harry Hemingway, Joshua Au Yeung, Alexander Deng, Alfie Baston, Jack Ross, Esther Idowu, James T Teo, Richard J Dobson | 2023-01-24T09:24:23Z | cs.CL, cs.AI, cs.LG | Background: Electronic Health Records hold detailed longitudinal information
about each patient's health status and general clinical history, a large
portion of which is stored within the unstructured text. Existing approaches
focus mostly on structured data and a subset of single-domain outcomes. We
explore how temporal modelling of patients from free text and structured data,
using deep generative transformers can be used to forecast a wide range of
future disorders, substances, procedures or findings. Methods: We present
Foresight, a novel transformer-based pipeline that uses named entity
recognition and linking tools to convert document text into structured, coded
concepts, followed by providing probabilistic forecasts for future medical
events such as disorders, substances, procedures and findings. We processed the
entire free-text portion from three different hospital datasets totalling
811336 patients covering both physical and mental health. Findings: On tests in
two UK hospitals (King's College Hospital, South London and Maudsley) and the
US MIMIC-III dataset precision@10 0.68, 0.76 and 0.88 was achieved for
forecasting the next disorder in a patient timeline, while precision@10 of
0.80, 0.81 and 0.91 was achieved for forecasting the next biomedical concept.
Foresight was also validated on 34 synthetic patient timelines by five
clinicians and achieved relevancy of 97% for the top forecasted candidate
disorder. As a generative model, it can forecast follow-on biomedical concepts
for as many steps as required. Interpretation: Foresight is a general-purpose
model for biomedical concept modelling that can be used for real-world risk
forecasting, virtual trials and clinical research to study the progression of
disorders, simulate interventions and counterfactuals, and educational
purposes. | cs.CL | Foresight -- Generative Pretrained Transformer (GPT) for Modelling of Patient Timelines using EHRs |
2022-12-13T18:55:15Z | http://arxiv.org/pdf/2212.06817v2 | http://arxiv.org/abs/2212.06817v2 | Anthony Brohan, Noah Brown, Justice Carbajal, Yevgen Chebotar, Joseph Dabis, Chelsea Finn, Keerthana Gopalakrishnan, Karol Hausman, Alex Herzog, Jasmine Hsu, Julian Ibarz, Brian Ichter, Alex Irpan, Tomas Jackson, Sally Jesmonth, Nikhil J Joshi, Ryan Julian, Dmitry Kalashnikov, Yuheng Kuang, Isabel Leal, Kuang-Huei Lee, Sergey Levine, Yao Lu, Utsav Malla, Deeksha Manjunath, Igor Mordatch, Ofir Nachum, Carolina Parada, Jodilyn Peralta, Emily Perez, Karl Pertsch, Jornell Quiambao, Kanishka Rao, Michael Ryoo, Grecia Salazar, Pannag Sanketi, Kevin Sayed, Jaspiar Singh, Sumedh Sontakke, Austin Stone, Clayton Tan, Huong Tran, Vincent Vanhoucke, Steve Vega, Quan Vuong, Fei Xia, Ted Xiao, Peng Xu, Sichun Xu, Tianhe Yu, Brianna Zitkovich | 2023-08-11T17:45:27Z | cs.RO, cs.AI, cs.CL, cs.CV, cs.LG | By transferring knowledge from large, diverse, task-agnostic datasets, modern
machine learning models can solve specific downstream tasks either zero-shot or
with small task-specific datasets to a high level of performance. While this
capability has been demonstrated in other fields such as computer vision,
natural language processing or speech recognition, it remains to be shown in
robotics, where the generalization capabilities of the models are particularly
critical due to the difficulty of collecting real-world robotic data. We argue
that one of the keys to the success of such general robotic models lies with
open-ended task-agnostic training, combined with high-capacity architectures
that can absorb all of the diverse, robotic data. In this paper, we present a
model class, dubbed Robotics Transformer, that exhibits promising scalable
model properties. We verify our conclusions in a study of different model
classes and their ability to generalize as a function of the data size, model
size, and data diversity based on a large-scale data collection on real robots
performing real-world tasks. The project's website and videos can be found at
robotics-transformer1.github.io | cs.RO | RT-1: Robotics Transformer for Real-World Control at Scale |
2022-12-13T18:34:59Z | http://arxiv.org/pdf/2212.06801v2 | http://arxiv.org/abs/2212.06801v2 | Jennifer Hu, Sammy Floyd, Olessia Jouravlev, Evelina Fedorenko, Edward Gibson | 2023-05-23T18:35:34Z | cs.CL, cs.AI | Pragmatics and non-literal language understanding are essential to human
communication, and present a long-standing challenge for artificial language
models. We perform a fine-grained comparison of language models and humans on
seven pragmatic phenomena, using zero-shot prompting on an expert-curated set
of English materials. We ask whether models (1) select pragmatic
interpretations of speaker utterances, (2) make similar error patterns as
humans, and (3) use similar linguistic cues as humans to solve the tasks. We
find that the largest models achieve high accuracy and match human error
patterns: within incorrect responses, models favor literal interpretations over
heuristic-based distractors. We also find preliminary evidence that models and
humans are sensitive to similar linguistic cues. Our results suggest that
pragmatic behaviors can emerge in models without explicitly constructed
representations of mental states. However, models tend to struggle with
phenomena relying on social expectation violations. | cs.CL | A fine-grained comparison of pragmatic language understanding in humans and language models |
2022-12-13T18:34:15Z | http://arxiv.org/pdf/2212.06800v3 | http://arxiv.org/abs/2212.06800v3 | Itay Levy, Ben Bogin, Jonathan Berant | 2023-06-24T15:49:31Z | cs.CL | In-context learning has shown great success in i.i.d semantic parsing splits,
where the training and test sets are drawn from the same distribution. In this
setup, models are typically prompted with demonstrations that are similar to
the input utterance. However, in the setup of compositional generalization,
where models are tested on outputs with structures that are absent from the
training set, selecting similar demonstrations is insufficient, as often no
example will be similar enough to the input. In this work, we propose a method
to select diverse demonstrations that aims to collectively cover all of the
structures required in the output program, in order to encourage the model to
generalize to new structures from these demonstrations. We empirically show
that combining diverse demonstrations with in-context learning substantially
improves performance across three compositional generalization semantic parsing
datasets in the pure in-context learning setup and when combined with
finetuning. | cs.CL | Diverse Demonstrations Improve In-context Compositional Generalization |
2022-12-13T17:21:44Z | http://arxiv.org/pdf/2212.06742v2 | http://arxiv.org/abs/2212.06742v2 | Yekun Chai, Shuohuan Wang, Chao Pang, Yu Sun, Hao Tian, Hua Wu | 2023-05-19T14:14:30Z | cs.CL, cs.LG, cs.PL, cs.SE | Software engineers working with the same programming language (PL) may speak
different natural languages (NLs) and vice versa, erecting huge barriers to
communication and working efficiency. Recent studies have demonstrated the
effectiveness of generative pre-training in computer programs, yet they are
always English-centric. In this work, we step towards bridging the gap between
multilingual NLs and multilingual PLs for large language models (LLMs). We
release ERNIE-Code, a unified pre-trained language model for 116 NLs and 6 PLs.
We employ two methods for universal cross-lingual pre-training: span-corruption
language modeling that learns patterns from monolingual NL or PL; and
pivot-based translation language modeling that relies on parallel data of many
NLs and PLs. Extensive results show that ERNIE-Code outperforms previous
multilingual LLMs for PL or NL across a wide range of end tasks of code
intelligence, including multilingual code-to-text, text-to-code, code-to-code,
and text-to-text generation. We further show its advantage of zero-shot
prompting on multilingual code summarization and text-to-text translation. We
release our code and pre-trained checkpoints. | cs.CL | ERNIE-Code: Beyond English-Centric Cross-lingual Pretraining for Programming Languages |
2022-12-13T16:31:21Z | http://arxiv.org/pdf/2212.06713v1 | http://arxiv.org/abs/2212.06713v1 | Yaru Hao, Yutao Sun, Li Dong, Zhixiong Han, Yuxian Gu, Furu Wei | 2022-12-13T16:31:21Z | cs.CL | Large language models have exhibited intriguing in-context learning
capability, achieving promising zero- and few-shot performance without updating
the parameters. However, conventional in-context learning is usually restricted
by length constraints, rendering it ineffective to absorb supervision from a
large number of examples. In order to go beyond few shots, we introduce
structured prompting that breaks the length limit and scales in-context
learning to thousands of examples. Specifically, demonstration examples are
separately encoded with well-designed position embeddings, and then they are
jointly attended by the test example using a rescaled attention mechanism. So
we can scale the number of exemplars with linear complexity instead of
quadratic complexity with respect to length. Experimental results on a diverse
set of tasks show that our approach improves end-task performance and reduces
evaluation variance over conventional in-context learning as the number of
demonstration examples increases. Code has been released at
https://aka.ms/structured-prompting. | cs.CL | Structured Prompting: Scaling In-Context Learning to 1,000 Examples |
2022-12-13T16:29:51Z | http://arxiv.org/pdf/2212.06711v4 | http://arxiv.org/abs/2212.06711v4 | Qixiang Fang, Anastasia Giachanou, Ayoub Bagheri, Laura Boeschoten, Erik-Jan van Kesteren, Mahdi Shafiee Kamalabad, Daniel L Oberski | 2023-05-22T17:40:14Z | cs.CL, cs.CY | Text-based personality computing (TPC) has gained many research interests in
NLP. In this paper, we describe 15 challenges that we consider deserving the
attention of the research community. These challenges are organized by the
following topics: personality taxonomies, measurement quality, datasets,
performance evaluation, modelling choices, as well as ethics and fairness. When
addressing each challenge, not only do we combine perspectives from both NLP
and social sciences, but also offer concrete suggestions. We hope to inspire
more valid and reliable TPC research. | cs.CL | On Text-based Personality Computing: Challenges and Future Directions |
2022-12-13T15:28:57Z | http://arxiv.org/pdf/2212.06645v1 | http://arxiv.org/abs/2212.06645v1 | David Mueller, Nicholas Andrews, Mark Dredze | 2022-12-13T15:28:57Z | cs.CL | Traditional multi-task learning architectures train a single model across
multiple tasks through a shared encoder followed by task-specific decoders.
Learning these models often requires specialized training algorithms that
address task-conflict in the shared parameter updates, which otherwise can lead
to negative transfer. A new type of multi-task learning within NLP homogenizes
multi-task architectures as a shared encoder and language model decoder, which
does surprisingly well across a range of diverse tasks. Does this new
architecture suffer from task-conflicts that require specialized training
algorithms? We study how certain factors in the shift towards text-to-text
models affects multi-task conflict and negative transfer, finding that both
directional conflict and transfer are surprisingly constant across
architectures. | cs.CL | Do Text-to-Text Multi-Task Learners Suffer from Task Conflict? |
2022-12-13T15:12:37Z | http://arxiv.org/pdf/2212.06636v1 | http://arxiv.org/abs/2212.06636v1 | Giovanni de Felice | 2022-12-13T15:12:37Z | cs.CL, math.CT | This thesis develops the translation between category theory and
computational linguistics as a foundation for natural language processing. The
three chapters deal with syntax, semantics and pragmatics. First, string
diagrams provide a unified model of syntactic structures in formal grammars.
Second, functors compute semantics by turning diagrams into logical, tensor,
neural or quantum computation. Third, the resulting functorial models can be
composed to form games where equilibria are the solutions of language
processing tasks. This framework is implemented as part of DisCoPy, the Python
library for computing with string diagrams. We describe the correspondence
between categorical, linguistic and computational structures, and demonstrate
their applications in compositional natural language processing. | cs.CL | Categorical Tools for Natural Language Processing |
2022-12-13T14:38:57Z | http://arxiv.org/pdf/2212.06615v1 | http://arxiv.org/abs/2212.06615v1 | Alexis Toumi | 2022-12-13T14:38:57Z | math.CT, cs.CL, quant-ph | This thesis introduces quantum natural language processing (QNLP) models
based on a simple yet powerful analogy between computational linguistics and
quantum mechanics: grammar as entanglement. The grammatical structure of text
and sentences connects the meaning of words in the same way that entanglement
structure connects the states of quantum systems. Category theory allows to
make this language-to-qubit analogy formal: it is a monoidal functor from
grammar to vector spaces. We turn this abstract analogy into a concrete
algorithm that translates the grammatical structure onto the architecture of
parameterised quantum circuits. We then use a hybrid classical-quantum
algorithm to train the model so that evaluating the circuits computes the
meaning of sentences in data-driven tasks.
The implementation of QNLP models motivated the development of DisCoPy
(Distributional Compositional Python), the toolkit for applied category theory
of which the first chapter gives a comprehensive overview. String diagrams are
the core data structure of DisCoPy, they allow to reason about computation at a
high level of abstraction. We show how they can encode both grammatical
structures and quantum circuits, but also logical formulae, neural networks or
arbitrary Python code. Monoidal functors allow to translate these abstract
diagrams into concrete computation, interfacing with optimised task-specific
libraries.
The second chapter uses DisCopy to implement QNLP models as parameterised
functors from grammar to quantum circuits. It gives a first proof-of-concept
for the more general concept of functorial learning: generalising machine
learning from functions to functors by learning from diagram-like data. In
order to learn optimal functor parameters via gradient descent, we introduce
the notion of diagrammatic differentiation: a graphical calculus for computing
the gradients of parameterised diagrams. | math.CT | Category Theory for Quantum Natural Language Processing |
2022-12-13T13:29:47Z | http://arxiv.org/pdf/2212.06560v1 | http://arxiv.org/abs/2212.06560v1 | Gregor Donabauer, Udo Kruschwitz | 2022-12-13T13:29:47Z | cs.CL, cs.IR | Fake news detection has become a research area that goes way beyond a purely
academic interest as it has direct implications on our society as a whole.
Recent advances have primarily focused on textbased approaches. However, it has
become clear that to be effective one needs to incorporate additional,
contextual information such as spreading behaviour of news articles and user
interaction patterns on social media. We propose to construct heterogeneous
social context graphs around news articles and reformulate the problem as a
graph classification task. Exploring the incorporation of different types of
information (to get an idea as to what level of social context is most
effective) and using different graph neural network architectures indicates
that this approach is highly effective with robust results on a common
benchmark dataset. | cs.CL | Exploring Fake News Detection with Heterogeneous Social Media Context Graphs |
2022-12-13T13:15:20Z | http://arxiv.org/pdf/2212.06556v1 | http://arxiv.org/abs/2212.06556v1 | Moritz Ibing, Isaak Lim, Leif Kobbelt | 2022-12-13T13:15:20Z | cs.CV, cs.CL, cs.LG | Although massive pre-trained vision-language models like CLIP show impressive
generalization capabilities for many tasks, still it often remains necessary to
fine-tune them for improved performance on specific datasets. When doing so, it
is desirable that updating the model is fast and that the model does not lose
its capabilities on data outside of the dataset, as is often the case with
classical fine-tuning approaches. In this work we suggest a lightweight
adapter, that only updates the models predictions close to seen datapoints. We
demonstrate the effectiveness and speed of this relatively simple approach in
the context of few-shot learning, where our results both on classes seen and
unseen during training are comparable with or improve on the state of the art. | cs.CV | Localized Latent Updates for Fine-Tuning Vision-Language Models |
2022-12-13T12:56:55Z | http://arxiv.org/pdf/2212.06543v1 | http://arxiv.org/abs/2212.06543v1 | Qixiang Fang, Anastasia Giachanou, Ayoub Bagheri | 2022-12-13T12:56:55Z | cs.CL, cs.CY, cs.IR | Stance detection (SD) can be considered a special case of textual entailment
recognition (TER), a generic natural language task. Modelling SD as TER may
offer benefits like more training data and a more general learning scheme. In
this paper, we present an initial empirical analysis of this approach. We apply
it to a difficult but relevant test case where no existing labelled SD dataset
is available, because this is where modelling SD as TER may be especially
helpful. We also leverage measurement knowledge from social sciences to improve
model performance. We discuss our findings and suggest future research
directions. | cs.CL | Modelling Stance Detection as Textual Entailment Recognition and Leveraging Measurement Knowledge from Social Sciences |
2022-12-13T12:14:09Z | http://arxiv.org/pdf/2212.06522v1 | http://arxiv.org/abs/2212.06522v1 | Xiaoye Qu, Jun Zeng, Daizong Liu, Zhefeng Wang, Baoxing Huai, Pan Zhou | 2022-12-13T12:14:09Z | cs.CL | Distantly-Supervised Named Entity Recognition (DS-NER) effectively alleviates
the data scarcity problem in NER by automatically generating training samples.
Unfortunately, the distant supervision may induce noisy labels, thus
undermining the robustness of the learned models and restricting the practical
application. To relieve this problem, recent works adopt self-training
teacher-student frameworks to gradually refine the training labels and improve
the generalization ability of NER models. However, we argue that the
performance of the current self-training frameworks for DS-NER is severely
underestimated by their plain designs, including both inadequate student
learning and coarse-grained teacher updating. Therefore, in this paper, we make
the first attempt to alleviate these issues by proposing: (1) adaptive teacher
learning comprised of joint training of two teacher-student networks and
considering both consistent and inconsistent predictions between two teachers,
thus promoting comprehensive student learning. (2) fine-grained student
ensemble that updates each fragment of the teacher model with a temporal moving
average of the corresponding fragment of the student, which enhances consistent
predictions on each model fragment against noise. To verify the effectiveness
of our proposed method, we conduct experiments on four DS-NER datasets. The
experimental results demonstrate that our method significantly surpasses
previous SOTA methods. | cs.CL | Distantly-Supervised Named Entity Recognition with Adaptive Teacher Learning and Fine-grained Student Ensemble |
2022-12-13T10:37:10Z | http://arxiv.org/pdf/2212.06468v2 | http://arxiv.org/abs/2212.06468v2 | Mustafa Jarrar, Fadi A Zaraket, Tymaa Hammouda, Daanish Masood Alavi, Martin Waahlisch | 2022-12-17T12:37:29Z | cs.CL, cs.DL | This article presents morphologically-annotated Yemeni, Sudanese, Iraqi, and
Libyan Arabic dialects Lisan corpora. Lisan features around 1.2 million tokens.
We collected the content of the corpora from several social media platforms.
The Yemeni corpus (~ 1.05M tokens) was collected automatically from Twitter.
The corpora of the other three dialects (~ 50K tokens each) came manually from
Facebook and YouTube posts and comments.
Thirty five (35) annotators who are native speakers of the target dialects
carried out the annotations. The annotators segemented all words in the four
corpora into prefixes, stems and suffixes and labeled each with different
morphological features such as part of speech, lemma, and a gloss in English.
An Arabic Dialect Annotation Toolkit ADAT was developped for the purpose of the
annation. The annotators were trained on a set of guidelines and on how to use
ADAT. We developed ADAT to assist the annotators and to ensure compatibility
with SAMA and Curras tagsets. The tool is open source, and the four corpora are
also available online. | cs.CL | Lisan: Yemeni, Iraqi, Libyan, and Sudanese Arabic Dialect Copora with Morphological Annotations |
2022-12-13T06:26:25Z | http://arxiv.org/pdf/2212.06397v1 | http://arxiv.org/abs/2212.06397v1 | Chunyu Qiang, Peng Yang, Hao Che, Xiaorui Wang, Zhongyuan Wang | 2022-12-13T06:26:25Z | cs.SD, cs.AI, cs.CL, eess.AS | Cross-speaker style transfer in speech synthesis aims at transferring a style
from source speaker to synthesised speech of a target speaker's timbre. Most
previous approaches rely on data with style labels, but manually-annotated
labels are expensive and not always reliable. In response to this problem, we
propose Style-Label-Free, a cross-speaker style transfer method, which can
realize the style transfer from source speaker to target speaker without style
labels. Firstly, a reference encoder structure based on quantized variational
autoencoder (Q-VAE) and style bottleneck is designed to extract discrete style
representations. Secondly, a speaker-wise batch normalization layer is proposed
to reduce the source speaker leakage. In order to improve the style extraction
ability of the reference encoder, a style invariant and contrastive data
augmentation method is proposed. Experimental results show that the method
outperforms the baseline. We provide a website with audio samples. | cs.SD | Style-Label-Free: Cross-Speaker Style Transfer by Quantized VAE and Speaker-wise Normalization in Speech Synthesis |
2022-12-13T05:46:40Z | http://arxiv.org/pdf/2212.06385v2 | http://arxiv.org/abs/2212.06385v2 | Zhe Zhao, Yudong Li, Cheng Hou, Jing Zhao, Rong Tian, Weijie Liu, Yiren Chen, Ningyuan Sun, Haoyan Liu, Weiquan Mao, Han Guo, Weigang Guo, Taiqiang Wu, Tao Zhu, Wenhang Shi, Chen Chen, Shan Huang, Sihong Chen, Liqun Liu, Feifei Li, Xiaoshuai Chen, Xingwu Sun, Zhanhui Kang, Xiaoyong Du, Linlin Shen, Kimmo Yan | 2023-07-11T09:49:50Z | cs.CL | Recently, the success of pre-training in text domain has been fully extended
to vision, audio, and cross-modal scenarios. The proposed pre-training models
of different modalities are showing a rising trend of homogeneity in their
model structures, which brings the opportunity to implement different
pre-training models within a uniform framework. In this paper, we present
TencentPretrain, a toolkit supporting pre-training models of different
modalities. The core feature of TencentPretrain is the modular design. The
toolkit uniformly divides pre-training models into 5 components: embedding,
encoder, target embedding, decoder, and target. As almost all of common modules
are provided in each component, users can choose the desired modules from
different components to build a complete pre-training model. The modular design
enables users to efficiently reproduce existing pre-training models or build
brand-new one. We test the toolkit on text, vision, and audio benchmarks and
show that it can match the performance of the original implementations. | cs.CL | TencentPretrain: A Scalable and Flexible Toolkit for Pre-training Models of Different Modalities |
2022-12-13T05:36:18Z | http://arxiv.org/pdf/2212.06383v1 | http://arxiv.org/abs/2212.06383v1 | Just Zwennicker, David Stap | 2022-12-13T05:36:18Z | cs.CL | Machine translation for Sranantongo (Sranan, srn), a low-resource Creole
language spoken predominantly in Surinam, is virgin territory. In this study we
create a general purpose machine translation system for srn. In order to
facilitate this research, we introduce the SRNcorpus, a collection of parallel
Dutch (nl) to srn and monolingual srn data. We experiment with a wide range of
proven machine translation methods. Our results demonstrate a strong baseline
machine translation system for srn. | cs.CL | Towards a general purpose machine translation system for Sranantongo |
2022-12-13T05:12:40Z | http://arxiv.org/pdf/2212.06373v7 | http://arxiv.org/abs/2212.06373v7 | Guoqing Lv, Jiang Li, Xiaoping Wang, Zhigang Zeng | 2023-11-26T17:24:19Z | cs.CL, cs.HC | Current approaches to empathetic response generation typically encode the
entire dialogue history directly and put the output into a decoder to generate
friendly feedback. These methods focus on modelling contextual information but
neglect capturing the direct intention of the speaker. We argue that the last
utterance in the dialogue empirically conveys the intention of the speaker.
Consequently, we propose a novel model named InferEM for empathetic response
generation. We separately encode the last utterance and fuse it with the entire
dialogue through the multi-head attention based intention fusion module to
capture the speaker's intention. Besides, we utilize previous utterances to
predict the last utterance, which simulates human's psychology to guess what
the interlocutor may speak in advance. To balance the optimizing rates of the
utterance prediction and response generation, a multi-task learning strategy is
designed for InferEM. Experimental results demonstrate the plausibility and
validity of InferEM in improving empathetic expression. | cs.CL | InferEM: Inferring the Speaker's Intention for Empathetic Dialogue Generation |
2022-12-13T04:57:04Z | http://arxiv.org/pdf/2212.06369v3 | http://arxiv.org/abs/2212.06369v3 | Jiang-Long Song, Wu-He Zou, Feng Li, Xiao-Lei Qin, Wei-Dong Zhang | 2022-12-20T07:40:37Z | cs.CL | Prompt tuning recently becomes a hot-spot in the applications of large
pretrained language models on specific downstream tasks. Regarding the Language
Model as a Service (LMaaS), black-box tuning using derivative-free optimization
(DFO) provides a novel approach to expand the practical scenarios of pretrained
models and enrich the researches of few-shot learning. In this report, we
present our solution in this competition that is based on the LMaaS scenario.
Our solution consists of several modifications to BBTv2, including multiple
label words, selection of P0, rolling update strategy, multi-task loss from MLP
classifier, and finally using the ensemble method to further improve
generalization ability. We also shared some strategies that we tried but didn't
use in the final submission for further discussion. In the end we raised a
question about the SNLI dataset and the impact on the results, as well as our
concerns about the competition. | cs.CL | Technical Report -- Competition Solution for Prompt Tuning using Pretrained Language Model |
2022-12-13T03:00:36Z | http://arxiv.org/pdf/2212.06346v1 | http://arxiv.org/abs/2212.06346v1 | Christopher Hench, Charith Peris, Jack FitzGerald, Kay Rottmann | 2022-12-13T03:00:36Z | cs.CL | Despite recent progress in Natural Language Understanding (NLU), the creation
of multilingual NLU systems remains a challenge. It is common to have NLU
systems limited to a subset of languages due to lack of available data. They
also often vary widely in performance. We launch a three-phase approach to
address the limitations in NLU and help propel NLU technology to new heights.
We release a 52 language dataset called the Multilingual Amazon SLU resource
package (SLURP) for Slot-filling, Intent classification, and Virtual assistant
Evaluation, or MASSIVE, in an effort to address parallel data availability for
voice assistants. We organize the Massively Multilingual NLU 2022 Challenge to
provide a competitive environment and push the state-of-the art in the
transferability of models into other languages. Finally, we host the first
Massively Multilingual NLU workshop which brings these components together. The
MMNLU workshop seeks to advance the science behind multilingual NLU by
providing a platform for the presentation of new research in the field and
connecting teams working on this research direction. This paper summarizes the
dataset, workshop and the competition and the findings of each phase. | cs.CL | The Massively Multilingual Natural Language Understanding 2022 (MMNLU-22) Workshop and Competition |
2022-12-13T01:37:27Z | http://arxiv.org/pdf/2212.13899v1 | http://arxiv.org/abs/2212.13899v1 | Ha-Thanh Nguyen, Manh-Kien Phi, Xuan-Bach Ngo, Vu Tran, Le-Minh Nguyen, Minh-Phuong Tu | 2022-12-13T01:37:27Z | cs.IR, cs.CL | Legal text retrieval serves as a key component in a wide range of legal text
processing tasks such as legal question answering, legal case entailment, and
statute law retrieval. The performance of legal text retrieval depends, to a
large extent, on the representation of text, both query and legal documents.
Based on good representations, a legal text retrieval model can effectively
match the query to its relevant documents. Because legal documents often
contain long articles and only some parts are relevant to queries, it is quite
a challenge for existing models to represent such documents. In this paper, we
study the use of attentive neural network-based text representation for statute
law document retrieval. We propose a general approach using deep neural
networks with attention mechanisms. Based on it, we develop two hierarchical
architectures with sparse attention to represent long sentences and articles,
and we name them Attentive CNN and Paraformer. The methods are evaluated on
datasets of different sizes and characteristics in English, Japanese, and
Vietnamese. Experimental results show that: i) Attentive neural methods
substantially outperform non-neural methods in terms of retrieval performance
across datasets and languages; ii) Pretrained transformer-based models achieve
better accuracy on small datasets at the cost of high computational complexity
while lighter weight Attentive CNN achieves better accuracy on large datasets;
and iii) Our proposed Paraformer outperforms state-of-the-art methods on COLIEE
dataset, achieving the highest recall and F2 scores in the top-N retrieval
task. | cs.IR | Attentive Deep Neural Networks for Legal Document Retrieval |
2022-12-13T00:29:45Z | http://arxiv.org/pdf/2212.06295v1 | http://arxiv.org/abs/2212.06295v1 | Joshua Albrecht, Ellie Kitanidis, Abraham J. Fetterman | 2022-12-13T00:29:45Z | cs.CL, cs.AI | Large language models (LLMs) have exploded in popularity in the past few
years and have achieved undeniably impressive results on benchmarks as varied
as question answering and text summarization. We provide a simple new prompting
strategy that leads to yet another supposedly "super-human" result, this time
outperforming humans at common sense ethical reasoning (as measured by accuracy
on a subset of the ETHICS dataset). Unfortunately, we find that relying on
average performance to judge capabilities can be highly misleading. LLM errors
differ systematically from human errors in ways that make it easy to craft
adversarial examples, or even perturb existing examples to flip the output
label. We also observe signs of inverse scaling with model size on some
examples, and show that prompting models to "explain their reasoning" often
leads to alarming justifications of unethical actions. Our results highlight
how human-like performance does not necessarily imply human-like understanding
or reasoning. | cs.CL | Despite "super-human" performance, current LLMs are unsuited for decisions about ethics and safety |
2022-12-12T22:08:45Z | http://arxiv.org/pdf/2212.06267v1 | http://arxiv.org/abs/2212.06267v1 | Miguel Rios, Ameen Abu-Hanna | 2022-12-12T22:08:45Z | cs.CL, cs.LG | Intensive Care in-hospital mortality prediction has various clinical
applications. Neural prediction models, especially when capitalising on
clinical notes, have been put forward as improvement on currently existing
models. However, to be acceptable these models should be performant and
transparent. This work studies different attention mechanisms for clinical
neural prediction models in terms of their discrimination and calibration.
Specifically, we investigate sparse attention as an alternative to dense
attention weights in the task of in-hospital mortality prediction from clinical
notes. We evaluate the attention mechanisms based on: i) local self-attention
over words in a sentence, and ii) global self-attention with a transformer
architecture across sentences. We demonstrate that the sparse mechanism
approach outperforms the dense one for the local self-attention in terms of
predictive performance with a publicly available dataset, and puts higher
attention to prespecified relevant directive words. The performance at the
sentence level, however, deteriorates as sentences including the influential
directive words tend to be dropped all together. | cs.CL | Mortality Prediction Models with Clinical Notes Using Sparse Attention at the Word and Sentence Levels |
2022-12-12T20:27:17Z | http://arxiv.org/pdf/2212.07425v3 | http://arxiv.org/abs/2212.07425v3 | Zhivar Sourati, Vishnu Priya Prasanna Venkatesh, Darshan Deshpande, Himanshu Rawlani, Filip Ilievski, Hông-Ân Sandlin, Alain Mermoud | 2023-09-25T04:47:16Z | cs.CL, cs.AI | The spread of misinformation, propaganda, and flawed argumentation has been
amplified in the Internet era. Given the volume of data and the subtlety of
identifying violations of argumentation norms, supporting information analytics
tasks, like content moderation, with trustworthy methods that can identify
logical fallacies is essential. In this paper, we formalize prior theoretical
work on logical fallacies into a comprehensive three-stage evaluation framework
of detection, coarse-grained, and fine-grained classification. We adapt
existing evaluation datasets for each stage of the evaluation. We employ three
families of robust and explainable methods based on prototype reasoning,
instance-based reasoning, and knowledge injection. The methods combine language
models with background knowledge and explainable mechanisms. Moreover, we
address data sparsity with strategies for data augmentation and curriculum
learning. Our three-stage framework natively consolidates prior datasets and
methods from existing tasks, like propaganda detection, serving as an
overarching evaluation testbed. We extensively evaluate these methods on our
datasets, focusing on their robustness and explainability. Our results provide
insight into the strengths and weaknesses of the methods on different
components and fallacy classes, indicating that fallacy identification is a
challenging task that may require specialized forms of reasoning to capture
various classes. We share our open-source code and data on GitHub to support
further work on logical fallacy identification. | cs.CL | Robust and Explainable Identification of Logical Fallacies in Natural Language Arguments |
2022-12-12T18:53:10Z | http://arxiv.org/pdf/2212.08167v1 | http://arxiv.org/abs/2212.08167v1 | Harsh Lara, Manoj Tiwari | 2022-12-12T18:53:10Z | cs.CL, cs.AI, cs.IR, cs.LG | For researchers leveraging Large-Language Models (LLMs) in the generation of
training datasets, especially for conversational recommender systems - the
absence of robust evaluation frameworks has been a long-standing problem. The
efficiency brought about by LLMs in the data generation phase is impeded during
the process of evaluation of the generated data, since it generally requires
human-raters to ensure that the data generated is of high quality and has
sufficient diversity. Since the quality of training data is critical for
downstream applications, it is important to develop metrics that evaluate the
quality holistically and identify biases. In this paper, we present a framework
that takes a multi-faceted approach towards evaluating datasets produced by
generative models and discuss the advantages and limitations of various
evaluation methods. | cs.CL | Evaluation of Synthetic Datasets for Conversational Recommender Systems |